diff --git a/.gitignore b/.gitignore
new file mode 100644
index 0000000000000000000000000000000000000000..e43b0f988953ae3a84b00331d0ccf5f7d51cb3cf
--- /dev/null
+++ b/.gitignore
@@ -0,0 +1 @@
+.DS_Store
diff --git a/FINETUNING.md b/FINETUNING.md
new file mode 100644
index 0000000000000000000000000000000000000000..f07f794064f8b5a3496f86eddbe05e1030fc5411
--- /dev/null
+++ b/FINETUNING.md
@@ -0,0 +1,126 @@
+# Fine-tuning
+
+We provide fine-tuning scripts for classification, semantic segmentation, depth estimation and more.
+Please check [SETUP.md](SETUP.md) for set-up instructions first.
+
+- [General information](#general-information)
+- [Classification](#classification)
+- [Semantic segmentation](#semantic-segmentation)
+- [Depth estimation](#depth-estimation)
+- [Taskonomy tasks](#taskonomy-tasks)
+
+## General information
+
+### Loading pre-trained models
+
+All our fine-tuning scripts support models in the MultiMAE / MultiViT format. Pre-trained models using the timm / ViT format can be converted to this format using the [`vit2multimae_converter.py`](tools/vit2multimae_converter.py)
+ script. More information can be found [here](README.md#model-formats).
+
+### Modifying configs
+The training scripts support both YAML config files and command-line arguments. See [here](cfgs/finetune) for all fine-tuning config files.
+
+To modify fine-training settings, either edit / add config files or provide additional command-line arguments.
+
+:information_source: Config files arguments override default arguments, and command-line arguments override both default arguments and config arguments.
+
+:warning: When changing settings (e.g., using a different pre-trained model), make sure to modify the `output_dir` and `wandb_run_name` (if logging is activated) to reflect the changes.
+
+
+### Experiment logging
+To activate logging to [Weights & Biases](https://docs.wandb.ai/), either edit the config files or use the `--log_wandb` flag along with any other extra logging arguments.
+
+
+## Classification
+
+We use 8 A100 GPUs for classification fine-tuning. Configs can be found [here](cfgs/finetune/cls).
+
+To fine-tune MultiMAE on ImageNet-1K classification using default settings, run:
+```bash
+OMP_NUM_THREADS=1 torchrun --nproc_per_node=8 run_finetuning_cls.py \
+--config cfgs/finetune/cls/ft_in1k_100e_multimae-b.yaml \
+--finetune /path/to/multimae_weights \
+--data_path /path/to/in1k/train/rgb \
+--eval_data_path /path/to/in1k/val/rgb
+```
+
+- For a list of possible arguments, see [`run_finetuning_cls.py`](run_finetuning_cls.py).
+
+## Semantic segmentation
+
+We use 4 A100 GPUs for semantic segmentation fine-tuning. Configs can be found [here](cfgs/finetune/semseg).
+
+### ADE20K
+To fine-tune MultiMAE on ADE20K semantic segmentation with default settings and **RGB** as the input modality, run:
+```bash
+OMP_NUM_THREADS=1 torchrun --nproc_per_node=4 run_finetuning_semseg.py \
+--config cfgs/finetune/semseg/ade/ft_ade_64e_multimae-b_rgb.yaml \
+--finetune /path/to/multimae_weights \
+--data_path /path/to/ade20k/train \
+--eval_data_path /path/to/ade20k/val
+```
+
+- For a list of possible arguments, see [`run_finetuning_semseg.py`](run_finetuning_semseg.py).
+
+
+### Hypersim
+To fine-tune MultiMAE on Hypersim semantic segmentation with default settings and **RGB** as the input modality, run:
+```bash
+OMP_NUM_THREADS=1 torchrun --nproc_per_node=4 run_finetuning_semseg.py \
+--config cfgs/finetune/semseg/hypersim/ft_hypersim_25e_multimae-b_rgb.yaml \
+--finetune /path/to/multimae_weights \
+--data_path /path/to/hypersim/train \
+--eval_data_path /path/to/hypersim/val
+```
+
+- To fine-tune using **depth-only** and **RGB + depth** as the input modalities, simply swap the config file to the appropriate one.
+- For a list of possible arguments, see [`run_finetuning_semseg.py`](run_finetuning_semseg.py).
+
+
+
+### NYUv2
+To fine-tune MultiMAE on NYUv2 semantic segmentation with default settings and **RGB** as the input modality, run:
+```bash
+OMP_NUM_THREADS=1 torchrun --nproc_per_node=4 run_finetuning_semseg.py \
+--config cfgs/finetune/semseg/nyu/ft_nyu_200e_multimae-b_rgb.yaml \
+--finetune /path/to/multimae_weights \
+--data_path /path/to/nyu/train \
+--eval_data_path /path/to/nyu/test_or_val
+```
+
+- To fine-tune using **depth-only** and **RGB + depth** as the input modalities, simply swap the config file to the appropriate one.
+- For a list of possible arguments, see [`run_finetuning_semseg.py`](run_finetuning_semseg.py).
+
+
+## Depth estimation
+
+We use 2 A100 GPUs for depth estimation fine-tuning. Configs can be found [here](cfgs/finetune/depth).
+
+
+To fine-tune MultiMAE on NYUv2 depth estimation with default settings, run:
+```bash
+OMP_NUM_THREADS=1 torchrun --nproc_per_node=2 run_finetuning_depth.py \
+--config cfgs/finetune/depth/ft_nyu_2000e_multimae-b.yaml \
+--finetune /path/to/multimae_weights \
+--data_path /path/to/nyu/train \
+--eval_data_path /path/to/nyu/test_or_val
+```
+- For a list of possible arguments, see [`run_finetuning_depth.py`](run_finetuning_depth.py).
+
+## Taskonomy tasks
+
+We use 1 A100 GPU to fine-tune on Taskonomy tasks. Configs can be found [here](cfgs/finetune/taskonomy).
+
+The tasks we support are: Principal curvature, z-buffer depth, texture edges, occlusion edges, 2D keypoints,
+3D keypoints, surface normals, and reshading.
+
+
+For example, to fine-tune MultiMAE on Taskonomy reshading with default settings, run:
+```bash
+OMP_NUM_THREADS=1 torchrun --nproc_per_node=1 run_finetuning_taskonomy.py \
+--config cfgs/finetune/taskonomy/rgb2reshading-1k/ft_rgb2reshading_multimae-b.yaml \
+--finetune /path/to/multimae_weights \
+--data_path /path/to/taskonomy_tiny
+```
+
+- To fine-tune on a different task, simply swap the config file to the appropriate one.
+- For a list of possible arguments, see [`run_finetuning_taskonomy.py`](run_finetuning_taskonomy.py).
diff --git a/LICENSE b/LICENSE
new file mode 100644
index 0000000000000000000000000000000000000000..ab4a62dd25095bce848c1c3924a0e76ef2ae3f99
--- /dev/null
+++ b/LICENSE
@@ -0,0 +1,399 @@
+Attribution-NonCommercial 4.0 International
+
+=======================================================================
+
+Creative Commons Corporation ("Creative Commons") is not a law firm and
+does not provide legal services or legal advice. Distribution of
+Creative Commons public licenses does not create a lawyer-client or
+other relationship. Creative Commons makes its licenses and related
+information available on an "as-is" basis. Creative Commons gives no
+warranties regarding its licenses, any material licensed under their
+terms and conditions, or any related information. Creative Commons
+disclaims all liability for damages resulting from their use to the
+fullest extent possible.
+
+Using Creative Commons Public Licenses
+
+Creative Commons public licenses provide a standard set of terms and
+conditions that creators and other rights holders may use to share
+original works of authorship and other material subject to copyright
+and certain other rights specified in the public license below. The
+following considerations are for informational purposes only, are not
+exhaustive, and do not form part of our licenses.
+
+ Considerations for licensors: Our public licenses are
+ intended for use by those authorized to give the public
+ permission to use material in ways otherwise restricted by
+ copyright and certain other rights. Our licenses are
+ irrevocable. Licensors should read and understand the terms
+ and conditions of the license they choose before applying it.
+ Licensors should also secure all rights necessary before
+ applying our licenses so that the public can reuse the
+ material as expected. Licensors should clearly mark any
+ material not subject to the license. This includes other CC-
+ licensed material, or material used under an exception or
+ limitation to copyright. More considerations for licensors:
+ wiki.creativecommons.org/Considerations_for_licensors
+
+ Considerations for the public: By using one of our public
+ licenses, a licensor grants the public permission to use the
+ licensed material under specified terms and conditions. If
+ the licensor's permission is not necessary for any reason--for
+ example, because of any applicable exception or limitation to
+ copyright--then that use is not regulated by the license. Our
+ licenses grant only permissions under copyright and certain
+ other rights that a licensor has authority to grant. Use of
+ the licensed material may still be restricted for other
+ reasons, including because others have copyright or other
+ rights in the material. A licensor may make special requests,
+ such as asking that all changes be marked or described.
+ Although not required by our licenses, you are encouraged to
+ respect those requests where reasonable. More_considerations
+ for the public:
+ wiki.creativecommons.org/Considerations_for_licensees
+
+=======================================================================
+
+Creative Commons Attribution-NonCommercial 4.0 International Public
+License
+
+By exercising the Licensed Rights (defined below), You accept and agree
+to be bound by the terms and conditions of this Creative Commons
+Attribution-NonCommercial 4.0 International Public License ("Public
+License"). To the extent this Public License may be interpreted as a
+contract, You are granted the Licensed Rights in consideration of Your
+acceptance of these terms and conditions, and the Licensor grants You
+such rights in consideration of benefits the Licensor receives from
+making the Licensed Material available under these terms and
+conditions.
+
+Section 1 -- Definitions.
+
+ a. Adapted Material means material subject to Copyright and Similar
+ Rights that is derived from or based upon the Licensed Material
+ and in which the Licensed Material is translated, altered,
+ arranged, transformed, or otherwise modified in a manner requiring
+ permission under the Copyright and Similar Rights held by the
+ Licensor. For purposes of this Public License, where the Licensed
+ Material is a musical work, performance, or sound recording,
+ Adapted Material is always produced where the Licensed Material is
+ synched in timed relation with a moving image.
+
+ b. Adapter's License means the license You apply to Your Copyright
+ and Similar Rights in Your contributions to Adapted Material in
+ accordance with the terms and conditions of this Public License.
+
+ c. Copyright and Similar Rights means copyright and/or similar rights
+ closely related to copyright including, without limitation,
+ performance, broadcast, sound recording, and Sui Generis Database
+ Rights, without regard to how the rights are labeled or
+ categorized. For purposes of this Public License, the rights
+ specified in Section 2(b)(1)-(2) are not Copyright and Similar
+ Rights.
+ d. Effective Technological Measures means those measures that, in the
+ absence of proper authority, may not be circumvented under laws
+ fulfilling obligations under Article 11 of the WIPO Copyright
+ Treaty adopted on December 20, 1996, and/or similar international
+ agreements.
+
+ e. Exceptions and Limitations means fair use, fair dealing, and/or
+ any other exception or limitation to Copyright and Similar Rights
+ that applies to Your use of the Licensed Material.
+
+ f. Licensed Material means the artistic or literary work, database,
+ or other material to which the Licensor applied this Public
+ License.
+
+ g. Licensed Rights means the rights granted to You subject to the
+ terms and conditions of this Public License, which are limited to
+ all Copyright and Similar Rights that apply to Your use of the
+ Licensed Material and that the Licensor has authority to license.
+
+ h. Licensor means the individual(s) or entity(ies) granting rights
+ under this Public License.
+
+ i. NonCommercial means not primarily intended for or directed towards
+ commercial advantage or monetary compensation. For purposes of
+ this Public License, the exchange of the Licensed Material for
+ other material subject to Copyright and Similar Rights by digital
+ file-sharing or similar means is NonCommercial provided there is
+ no payment of monetary compensation in connection with the
+ exchange.
+
+ j. Share means to provide material to the public by any means or
+ process that requires permission under the Licensed Rights, such
+ as reproduction, public display, public performance, distribution,
+ dissemination, communication, or importation, and to make material
+ available to the public including in ways that members of the
+ public may access the material from a place and at a time
+ individually chosen by them.
+
+ k. Sui Generis Database Rights means rights other than copyright
+ resulting from Directive 96/9/EC of the European Parliament and of
+ the Council of 11 March 1996 on the legal protection of databases,
+ as amended and/or succeeded, as well as other essentially
+ equivalent rights anywhere in the world.
+
+ l. You means the individual or entity exercising the Licensed Rights
+ under this Public License. Your has a corresponding meaning.
+
+Section 2 -- Scope.
+
+ a. License grant.
+
+ 1. Subject to the terms and conditions of this Public License,
+ the Licensor hereby grants You a worldwide, royalty-free,
+ non-sublicensable, non-exclusive, irrevocable license to
+ exercise the Licensed Rights in the Licensed Material to:
+
+ a. reproduce and Share the Licensed Material, in whole or
+ in part, for NonCommercial purposes only; and
+
+ b. produce, reproduce, and Share Adapted Material for
+ NonCommercial purposes only.
+
+ 2. Exceptions and Limitations. For the avoidance of doubt, where
+ Exceptions and Limitations apply to Your use, this Public
+ License does not apply, and You do not need to comply with
+ its terms and conditions.
+
+ 3. Term. The term of this Public License is specified in Section
+ 6(a).
+
+ 4. Media and formats; technical modifications allowed. The
+ Licensor authorizes You to exercise the Licensed Rights in
+ all media and formats whether now known or hereafter created,
+ and to make technical modifications necessary to do so. The
+ Licensor waives and/or agrees not to assert any right or
+ authority to forbid You from making technical modifications
+ necessary to exercise the Licensed Rights, including
+ technical modifications necessary to circumvent Effective
+ Technological Measures. For purposes of this Public License,
+ simply making modifications authorized by this Section 2(a)
+ (4) never produces Adapted Material.
+
+ 5. Downstream recipients.
+
+ a. Offer from the Licensor -- Licensed Material. Every
+ recipient of the Licensed Material automatically
+ receives an offer from the Licensor to exercise the
+ Licensed Rights under the terms and conditions of this
+ Public License.
+
+ b. No downstream restrictions. You may not offer or impose
+ any additional or different terms or conditions on, or
+ apply any Effective Technological Measures to, the
+ Licensed Material if doing so restricts exercise of the
+ Licensed Rights by any recipient of the Licensed
+ Material.
+
+ 6. No endorsement. Nothing in this Public License constitutes or
+ may be construed as permission to assert or imply that You
+ are, or that Your use of the Licensed Material is, connected
+ with, or sponsored, endorsed, or granted official status by,
+ the Licensor or others designated to receive attribution as
+ provided in Section 3(a)(1)(A)(i).
+
+ b. Other rights.
+
+ 1. Moral rights, such as the right of integrity, are not
+ licensed under this Public License, nor are publicity,
+ privacy, and/or other similar personality rights; however, to
+ the extent possible, the Licensor waives and/or agrees not to
+ assert any such rights held by the Licensor to the limited
+ extent necessary to allow You to exercise the Licensed
+ Rights, but not otherwise.
+
+ 2. Patent and trademark rights are not licensed under this
+ Public License.
+
+ 3. To the extent possible, the Licensor waives any right to
+ collect royalties from You for the exercise of the Licensed
+ Rights, whether directly or through a collecting society
+ under any voluntary or waivable statutory or compulsory
+ licensing scheme. In all other cases the Licensor expressly
+ reserves any right to collect such royalties, including when
+ the Licensed Material is used other than for NonCommercial
+ purposes.
+
+Section 3 -- License Conditions.
+
+Your exercise of the Licensed Rights is expressly made subject to the
+following conditions.
+
+ a. Attribution.
+
+ 1. If You Share the Licensed Material (including in modified
+ form), You must:
+
+ a. retain the following if it is supplied by the Licensor
+ with the Licensed Material:
+
+ i. identification of the creator(s) of the Licensed
+ Material and any others designated to receive
+ attribution, in any reasonable manner requested by
+ the Licensor (including by pseudonym if
+ designated);
+
+ ii. a copyright notice;
+
+ iii. a notice that refers to this Public License;
+
+ iv. a notice that refers to the disclaimer of
+ warranties;
+
+ v. a URI or hyperlink to the Licensed Material to the
+ extent reasonably practicable;
+
+ b. indicate if You modified the Licensed Material and
+ retain an indication of any previous modifications; and
+
+ c. indicate the Licensed Material is licensed under this
+ Public License, and include the text of, or the URI or
+ hyperlink to, this Public License.
+
+ 2. You may satisfy the conditions in Section 3(a)(1) in any
+ reasonable manner based on the medium, means, and context in
+ which You Share the Licensed Material. For example, it may be
+ reasonable to satisfy the conditions by providing a URI or
+ hyperlink to a resource that includes the required
+ information.
+
+ 3. If requested by the Licensor, You must remove any of the
+ information required by Section 3(a)(1)(A) to the extent
+ reasonably practicable.
+
+ 4. If You Share Adapted Material You produce, the Adapter's
+ License You apply must not prevent recipients of the Adapted
+ Material from complying with this Public License.
+
+Section 4 -- Sui Generis Database Rights.
+
+Where the Licensed Rights include Sui Generis Database Rights that
+apply to Your use of the Licensed Material:
+
+ a. for the avoidance of doubt, Section 2(a)(1) grants You the right
+ to extract, reuse, reproduce, and Share all or a substantial
+ portion of the contents of the database for NonCommercial purposes
+ only;
+
+ b. if You include all or a substantial portion of the database
+ contents in a database in which You have Sui Generis Database
+ Rights, then the database in which You have Sui Generis Database
+ Rights (but not its individual contents) is Adapted Material; and
+
+ c. You must comply with the conditions in Section 3(a) if You Share
+ all or a substantial portion of the contents of the database.
+
+For the avoidance of doubt, this Section 4 supplements and does not
+replace Your obligations under this Public License where the Licensed
+Rights include other Copyright and Similar Rights.
+
+Section 5 -- Disclaimer of Warranties and Limitation of Liability.
+
+ a. UNLESS OTHERWISE SEPARATELY UNDERTAKEN BY THE LICENSOR, TO THE
+ EXTENT POSSIBLE, THE LICENSOR OFFERS THE LICENSED MATERIAL AS-IS
+ AND AS-AVAILABLE, AND MAKES NO REPRESENTATIONS OR WARRANTIES OF
+ ANY KIND CONCERNING THE LICENSED MATERIAL, WHETHER EXPRESS,
+ IMPLIED, STATUTORY, OR OTHER. THIS INCLUDES, WITHOUT LIMITATION,
+ WARRANTIES OF TITLE, MERCHANTABILITY, FITNESS FOR A PARTICULAR
+ PURPOSE, NON-INFRINGEMENT, ABSENCE OF LATENT OR OTHER DEFECTS,
+ ACCURACY, OR THE PRESENCE OR ABSENCE OF ERRORS, WHETHER OR NOT
+ KNOWN OR DISCOVERABLE. WHERE DISCLAIMERS OF WARRANTIES ARE NOT
+ ALLOWED IN FULL OR IN PART, THIS DISCLAIMER MAY NOT APPLY TO YOU.
+
+ b. TO THE EXTENT POSSIBLE, IN NO EVENT WILL THE LICENSOR BE LIABLE
+ TO YOU ON ANY LEGAL THEORY (INCLUDING, WITHOUT LIMITATION,
+ NEGLIGENCE) OR OTHERWISE FOR ANY DIRECT, SPECIAL, INDIRECT,
+ INCIDENTAL, CONSEQUENTIAL, PUNITIVE, EXEMPLARY, OR OTHER LOSSES,
+ COSTS, EXPENSES, OR DAMAGES ARISING OUT OF THIS PUBLIC LICENSE OR
+ USE OF THE LICENSED MATERIAL, EVEN IF THE LICENSOR HAS BEEN
+ ADVISED OF THE POSSIBILITY OF SUCH LOSSES, COSTS, EXPENSES, OR
+ DAMAGES. WHERE A LIMITATION OF LIABILITY IS NOT ALLOWED IN FULL OR
+ IN PART, THIS LIMITATION MAY NOT APPLY TO YOU.
+
+ c. The disclaimer of warranties and limitation of liability provided
+ above shall be interpreted in a manner that, to the extent
+ possible, most closely approximates an absolute disclaimer and
+ waiver of all liability.
+
+Section 6 -- Term and Termination.
+
+ a. This Public License applies for the term of the Copyright and
+ Similar Rights licensed here. However, if You fail to comply with
+ this Public License, then Your rights under this Public License
+ terminate automatically.
+
+ b. Where Your right to use the Licensed Material has terminated under
+ Section 6(a), it reinstates:
+
+ 1. automatically as of the date the violation is cured, provided
+ it is cured within 30 days of Your discovery of the
+ violation; or
+
+ 2. upon express reinstatement by the Licensor.
+
+ For the avoidance of doubt, this Section 6(b) does not affect any
+ right the Licensor may have to seek remedies for Your violations
+ of this Public License.
+
+ c. For the avoidance of doubt, the Licensor may also offer the
+ Licensed Material under separate terms or conditions or stop
+ distributing the Licensed Material at any time; however, doing so
+ will not terminate this Public License.
+
+ d. Sections 1, 5, 6, 7, and 8 survive termination of this Public
+ License.
+
+Section 7 -- Other Terms and Conditions.
+
+ a. The Licensor shall not be bound by any additional or different
+ terms or conditions communicated by You unless expressly agreed.
+
+ b. Any arrangements, understandings, or agreements regarding the
+ Licensed Material not stated herein are separate from and
+ independent of the terms and conditions of this Public License.
+
+Section 8 -- Interpretation.
+
+ a. For the avoidance of doubt, this Public License does not, and
+ shall not be interpreted to, reduce, limit, restrict, or impose
+ conditions on any use of the Licensed Material that could lawfully
+ be made without permission under this Public License.
+
+ b. To the extent possible, if any provision of this Public License is
+ deemed unenforceable, it shall be automatically reformed to the
+ minimum extent necessary to make it enforceable. If the provision
+ cannot be reformed, it shall be severed from this Public License
+ without affecting the enforceability of the remaining terms and
+ conditions.
+
+ c. No term or condition of this Public License will be waived and no
+ failure to comply consented to unless expressly agreed to by the
+ Licensor.
+
+ d. Nothing in this Public License constitutes or may be interpreted
+ as a limitation upon, or waiver of, any privileges and immunities
+ that apply to the Licensor or You, including from the legal
+ processes of any jurisdiction or authority.
+
+=======================================================================
+
+Creative Commons is not a party to its public
+licenses. Notwithstanding, Creative Commons may elect to apply one of
+its public licenses to material it publishes and in those instances
+will be considered the “Licensor.” The text of the Creative Commons
+public licenses is dedicated to the public domain under the CC0 Public
+Domain Dedication. Except for the limited purpose of indicating that
+material is shared under a Creative Commons public license or as
+otherwise permitted by the Creative Commons policies published at
+creativecommons.org/policies, Creative Commons does not authorize the
+use of the trademark "Creative Commons" or any other trademark or logo
+of Creative Commons without its prior written consent including,
+without limitation, in connection with any unauthorized modifications
+to any of its public licenses or any other arrangements,
+understandings, or agreements concerning use of licensed material. For
+the avoidance of doubt, this paragraph does not form part of the
+public licenses.
+
+Creative Commons may be contacted at creativecommons.org.
\ No newline at end of file
diff --git a/app.py b/app.py
new file mode 100644
index 0000000000000000000000000000000000000000..f8d4fa8531cf20e014eab4e379d39c55580140fe
--- /dev/null
+++ b/app.py
@@ -0,0 +1,405 @@
+import sys, os
+import torch
+TORCH_VERSION = ".".join(torch.__version__.split(".")[:2])
+CUDA_VERSION = torch.__version__.split("+")[-1]
+print("torch: ", TORCH_VERSION, "; cuda: ", CUDA_VERSION)
+# Install detectron2 that matches the above pytorch version
+# See https://detectron2.readthedocs.io/tutorials/install.html for instructions
+os.system(f'pip install detectron2 -f https://dl.fbaipublicfiles.com/detectron2/wheels/{CUDA_VERSION}/torch{TORCH_VERSION}/index.html')
+os.system("pip install git+https://github.com/cocodataset/panopticapi.git")
+
+# Imports
+import gradio as gr
+import detectron2
+from detectron2.utils.logger import setup_logger
+import numpy as np
+import cv2
+import torch
+import torch.nn.functional as F
+import torchvision.transforms.functional as TF
+from torchvision import datasets, transforms
+from einops import rearrange
+from PIL import Image
+import imutils
+import matplotlib.pyplot as plt
+from mpl_toolkits.axes_grid1 import ImageGrid
+from tqdm import tqdm
+import random
+from functools import partial
+
+# import some common detectron2 utilities
+from detectron2 import model_zoo
+from detectron2.engine import DefaultPredictor
+from detectron2.config import get_cfg
+from detectron2.utils.visualizer import Visualizer, ColorMode
+from detectron2.data import MetadataCatalog
+from detectron2.projects.deeplab import add_deeplab_config
+coco_metadata = MetadataCatalog.get("coco_2017_val_panoptic")
+
+# Import Mask2Former
+from mask2former import add_maskformer2_config
+
+# DPT dependencies for depth pseudo labeling
+from dpt.models import DPTDepthModel
+
+from multimae.input_adapters import PatchedInputAdapter, SemSegInputAdapter
+from multimae.output_adapters import SpatialOutputAdapter
+from multimae.multimae import pretrain_multimae_base
+from utils.data_constants import IMAGENET_DEFAULT_MEAN, IMAGENET_DEFAULT_STD
+
+torch.set_grad_enabled(False)
+device = 'cuda' if torch.cuda.is_available() else 'cpu'
+print(f'device: {device}')
+
+
+# Initialize COCO Mask2Former
+cfg = get_cfg()
+cfg.MODEL.DEVICE='cpu'
+add_deeplab_config(cfg)
+add_maskformer2_config(cfg)
+cfg.merge_from_file("mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml")
+cfg.MODEL.WEIGHTS = 'https://dl.fbaipublicfiles.com/maskformer/mask2former/coco/panoptic/maskformer2_swin_small_bs16_50ep/model_final_a407fd.pkl'
+cfg.MODEL.MASK_FORMER.TEST.SEMANTIC_ON = True
+cfg.MODEL.MASK_FORMER.TEST.INSTANCE_ON = True
+cfg.MODEL.MASK_FORMER.TEST.PANOPTIC_ON = True
+semseg_model = DefaultPredictor(cfg)
+
+def predict_semseg(img):
+ return semseg_model(255*img.permute(1,2,0).numpy())['sem_seg'].argmax(0)
+
+def plot_semseg(img, semseg, ax):
+ v = Visualizer(img.permute(1,2,0), coco_metadata, scale=1.2, instance_mode=ColorMode.IMAGE_BW)
+ semantic_result = v.draw_sem_seg(semseg.cpu()).get_image()
+ ax.imshow(semantic_result)
+
+
+# Initialize Omnidata depth model
+os.system("wget https://drive.switch.ch/index.php/s/RFfTZwyKROKKx0l/download")
+os.system("unzip -j download -d pretrained_models")
+os.system("rm download")
+
+omnidata_ckpt = torch.load('./pretrained_models/omnidata_rgb2depth_dpt_hybrid.pth', map_location='cpu')
+depth_model = DPTDepthModel()
+depth_model.load_state_dict(omnidata_ckpt)
+depth_model = depth_model.to(device).eval()
+
+def predict_depth(img):
+ depth_model_input = (img.unsqueeze(0) - 0.5) / 0.5
+ return depth_model(depth_model_input.to(device))
+
+
+# MultiMAE model setup
+DOMAIN_CONF = {
+ 'rgb': {
+ 'input_adapter': partial(PatchedInputAdapter, num_channels=3, stride_level=1),
+ 'output_adapter': partial(SpatialOutputAdapter, num_channels=3, stride_level=1),
+ },
+ 'depth': {
+ 'input_adapter': partial(PatchedInputAdapter, num_channels=1, stride_level=1),
+ 'output_adapter': partial(SpatialOutputAdapter, num_channels=1, stride_level=1),
+ },
+ 'semseg': {
+ 'input_adapter': partial(SemSegInputAdapter, num_classes=133,
+ dim_class_emb=64, interpolate_class_emb=False, stride_level=4),
+ 'output_adapter': partial(SpatialOutputAdapter, num_channels=133, stride_level=4),
+ },
+}
+DOMAINS = ['rgb', 'depth', 'semseg']
+
+input_adapters = {
+ domain: dinfo['input_adapter'](
+ patch_size_full=16,
+ )
+ for domain, dinfo in DOMAIN_CONF.items()
+}
+output_adapters = {
+ domain: dinfo['output_adapter'](
+ patch_size_full=16,
+ dim_tokens=256,
+ use_task_queries=True,
+ depth=2,
+ context_tasks=DOMAINS,
+ task=domain
+ )
+ for domain, dinfo in DOMAIN_CONF.items()
+}
+
+multimae = pretrain_multimae_base(
+ input_adapters=input_adapters,
+ output_adapters=output_adapters,
+)
+
+CKPT_URL = 'https://github.com/EPFL-VILAB/MultiMAE/releases/download/pretrained-weights/multimae-b_98_rgb+-depth-semseg_1600e_multivit-afff3f8c.pth'
+ckpt = torch.hub.load_state_dict_from_url(CKPT_URL, map_location='cpu')
+multimae.load_state_dict(ckpt['model'], strict=False)
+multimae = multimae.to(device).eval()
+
+
+# Plotting
+
+def get_masked_image(img, mask, image_size=224, patch_size=16, mask_value=0.0):
+ img_token = rearrange(
+ img.detach().cpu(),
+ 'b c (nh ph) (nw pw) -> b (nh nw) (c ph pw)',
+ ph=patch_size, pw=patch_size, nh=image_size//patch_size, nw=image_size//patch_size
+ )
+ img_token[mask.detach().cpu()!=0] = mask_value
+ img = rearrange(
+ img_token,
+ 'b (nh nw) (c ph pw) -> b c (nh ph) (nw pw)',
+ ph=patch_size, pw=patch_size, nh=image_size//patch_size, nw=image_size//patch_size
+ )
+ return img
+
+
+def denormalize(img, mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD):
+ return TF.normalize(
+ img.clone(),
+ mean= [-m/s for m, s in zip(mean, std)],
+ std= [1/s for s in std]
+ )
+
+def plot_semseg_gt(input_dict, ax=None, image_size=224):
+ metadata = MetadataCatalog.get("coco_2017_val_panoptic")
+ instance_mode = ColorMode.IMAGE
+ img_viz = 255 * denormalize(input_dict['rgb'].detach().cpu())[0].permute(1,2,0)
+ semseg = F.interpolate(
+ input_dict['semseg'].unsqueeze(0).cpu().float(), size=image_size, mode='nearest'
+ ).long()[0,0]
+ visualizer = Visualizer(img_viz, metadata, instance_mode=instance_mode, scale=1)
+ visualizer.draw_sem_seg(semseg)
+ if ax is not None:
+ ax.imshow(visualizer.get_output().get_image())
+ else:
+ return visualizer.get_output().get_image()
+
+
+def plot_semseg_gt_masked(input_dict, mask, ax=None, mask_value=1.0, image_size=224):
+ img = plot_semseg_gt(input_dict, image_size=image_size)
+ img = torch.LongTensor(img).permute(2,0,1).unsqueeze(0)
+ masked_img = get_masked_image(img.float()/255.0, mask, image_size=image_size, patch_size=16, mask_value=mask_value)
+ masked_img = masked_img[0].permute(1,2,0)
+
+ if ax is not None:
+ ax.imshow(masked_img)
+ else:
+ return masked_img
+
+
+def get_pred_with_input(gt, pred, mask, image_size=224, patch_size=16):
+ gt_token = rearrange(
+ gt.detach().cpu(),
+ 'b c (nh ph) (nw pw) -> b (nh nw) (c ph pw)',
+ ph=patch_size, pw=patch_size, nh=image_size//patch_size, nw=image_size//patch_size
+ )
+ pred_token = rearrange(
+ pred.detach().cpu(),
+ 'b c (nh ph) (nw pw) -> b (nh nw) (c ph pw)',
+ ph=patch_size, pw=patch_size, nh=image_size//patch_size, nw=image_size//patch_size
+ )
+ pred_token[mask.detach().cpu()==0] = gt_token[mask.detach().cpu()==0]
+ img = rearrange(
+ pred_token,
+ 'b (nh nw) (c ph pw) -> b c (nh ph) (nw pw)',
+ ph=patch_size, pw=patch_size, nh=image_size//patch_size, nw=image_size//patch_size
+ )
+ return img
+
+
+def plot_semseg_pred_masked(rgb, semseg_preds, semseg_gt, mask, ax=None, image_size=224):
+ metadata = MetadataCatalog.get("coco_2017_val_panoptic")
+ instance_mode = ColorMode.IMAGE
+ img_viz = 255 * denormalize(rgb.detach().cpu())[0].permute(1,2,0)
+
+ semseg = get_pred_with_input(
+ semseg_gt.unsqueeze(1),
+ semseg_preds.argmax(1).unsqueeze(1),
+ mask,
+ image_size=image_size//4,
+ patch_size=4
+ )
+
+ semseg = F.interpolate(semseg.float(), size=image_size, mode='nearest')[0,0].long()
+
+ visualizer = Visualizer(img_viz, metadata, instance_mode=instance_mode, scale=1)
+ visualizer.draw_sem_seg(semseg)
+ if ax is not None:
+ ax.imshow(visualizer.get_output().get_image())
+ else:
+ return visualizer.get_output().get_image()
+
+def plot_predictions(input_dict, preds, masks, image_size=224):
+
+ masked_rgb = get_masked_image(
+ denormalize(input_dict['rgb']),
+ masks['rgb'],
+ image_size=image_size,
+ mask_value=1.0
+ )[0].permute(1,2,0).detach().cpu()
+ masked_depth = get_masked_image(
+ input_dict['depth'],
+ masks['depth'],
+ image_size=image_size,
+ mask_value=np.nan
+ )[0,0].detach().cpu()
+
+ pred_rgb = denormalize(preds['rgb'])[0].permute(1,2,0).clamp(0,1)
+ pred_depth = preds['depth'][0,0].detach().cpu()
+
+ pred_rgb2 = get_pred_with_input(
+ denormalize(input_dict['rgb']),
+ denormalize(preds['rgb']).clamp(0,1),
+ masks['rgb'],
+ image_size=image_size
+ )[0].permute(1,2,0).detach().cpu()
+ pred_depth2 = get_pred_with_input(
+ input_dict['depth'],
+ preds['depth'],
+ masks['depth'],
+ image_size=image_size
+ )[0,0].detach().cpu()
+
+ fig = plt.figure(figsize=(10, 10))
+ grid = ImageGrid(fig, 111, nrows_ncols=(3, 3), axes_pad=0)
+
+ grid[0].imshow(masked_rgb)
+ grid[1].imshow(pred_rgb2)
+ grid[2].imshow(denormalize(input_dict['rgb'])[0].permute(1,2,0).detach().cpu())
+
+ grid[3].imshow(masked_depth)
+ grid[4].imshow(pred_depth2)
+ grid[5].imshow(input_dict['depth'][0,0].detach().cpu())
+
+ plot_semseg_gt_masked(input_dict, masks['semseg'], grid[6], mask_value=1.0, image_size=image_size)
+ plot_semseg_pred_masked(input_dict['rgb'], preds['semseg'], input_dict['semseg'], masks['semseg'], grid[7], image_size=image_size)
+ plot_semseg_gt(input_dict, grid[8], image_size=image_size)
+
+ for ax in grid:
+ ax.set_xticks([])
+ ax.set_yticks([])
+
+ fontsize = 16
+ grid[0].set_title('Masked inputs', fontsize=fontsize)
+ grid[1].set_title('MultiMAE predictions', fontsize=fontsize)
+ grid[2].set_title('Original Reference', fontsize=fontsize)
+ grid[0].set_ylabel('RGB', fontsize=fontsize)
+ grid[3].set_ylabel('Depth', fontsize=fontsize)
+ grid[6].set_ylabel('Semantic', fontsize=fontsize)
+
+ plt.savefig('./output.png', dpi=300, bbox_inches='tight')
+ plt.close()
+
+
+def inference(img, num_rgb, num_depth, num_semseg, seed, perform_sampling, alphas, num_tokens):
+ im = Image.open(img)
+
+ # Center crop and resize RGB
+ image_size = 224 # Train resolution
+ img = TF.center_crop(TF.to_tensor(im), min(im.size))
+ img = TF.resize(img, image_size)
+
+ # Predict depth and semseg
+ depth = predict_depth(img)
+ semseg = predict_semseg(img)
+
+
+ # Pre-process RGB, depth and semseg to the MultiMAE input format
+ input_dict = {}
+
+ # Normalize RGB
+ input_dict['rgb'] = TF.normalize(img, mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD).unsqueeze(0)
+
+ # Normalize depth robustly
+ trunc_depth = torch.sort(depth.flatten())[0]
+ trunc_depth = trunc_depth[int(0.1 * trunc_depth.shape[0]): int(0.9 * trunc_depth.shape[0])]
+ depth = (depth - trunc_depth.mean()[None,None,None]) / torch.sqrt(trunc_depth.var()[None,None,None] + 1e-6)
+ input_dict['depth'] = depth.unsqueeze(0)
+
+ # Downsample semantic segmentation
+ stride = 4
+ semseg = TF.resize(semseg.unsqueeze(0), (semseg.shape[0] // stride, semseg.shape[1] // stride), interpolation=TF.InterpolationMode.NEAREST)
+ input_dict['semseg'] = semseg
+
+ # To GPU
+ input_dict = {k: v.to(device) for k,v in input_dict.items()}
+
+
+ torch.manual_seed(int(seed)) # change seed to resample new mask
+
+ if perform_sampling:
+ # Randomly sample masks
+
+ alphas = min(10000.0, max(0.00001, float(alphas))) # Clamp alphas to reasonable range
+
+ preds, masks = multimae.forward(
+ input_dict,
+ mask_inputs=True, # True if forward pass should sample random masks
+ num_encoded_tokens=num_tokens,
+ alphas=alphas
+ )
+ else:
+ # Randomly sample masks using the specified number of tokens per modality
+ task_masks = {domain: torch.ones(1,196).long().to(device) for domain in DOMAINS}
+ selected_rgb_idxs = torch.randperm(196)[:num_rgb]
+ selected_depth_idxs = torch.randperm(196)[:num_depth]
+ selected_semseg_idxs = torch.randperm(196)[:num_semseg]
+ task_masks['rgb'][:,selected_rgb_idxs] = 0
+ task_masks['depth'][:,selected_depth_idxs] = 0
+ task_masks['semseg'][:,selected_semseg_idxs] = 0
+
+ preds, masks = multimae.forward(
+ input_dict,
+ mask_inputs=True,
+ task_masks=task_masks
+ )
+
+ preds = {domain: pred.detach().cpu() for domain, pred in preds.items()}
+ masks = {domain: mask.detach().cpu() for domain, mask in masks.items()}
+
+ plot_predictions(input_dict, preds, masks)
+
+ return 'output.png'
+
+
+title = "MultiMAE"
+description = "Gradio demo for MultiMAE: Multi-modal Multi-task Masked Autoencoders. \
+ Upload your own images or try one of the examples below to explore the multi-modal masked reconstruction of a pre-trained MultiMAE model. \
+ Uploaded images are pseudo labeled using a DPT trained on Omnidata depth, and a Mask2Former trained on COCO. \
+ Choose the number of visible tokens using the sliders below (or sample them randomly) and see how MultiMAE reconstructs the modalities!"
+
+article = "
MultiMAE: Multi-modal Multi-task Masked Autoencoders | \
+ Github Repo
"
+
+css = '.output-image{height: 713px !important}'
+
+# Example images
+os.system("wget https://i.imgur.com/c9ObJdK.jpg")
+examples = [['c9ObJdK.jpg', 32, 32, 32, 0, True, 1.0, 98]]
+
+gr.Interface(
+ fn=inference,
+ inputs=[
+ gr.inputs.Image(label='RGB input image', type='filepath'),
+ gr.inputs.Slider(label='Number of RGB input tokens', default=32, step=1, minimum=0, maximum=196),
+ gr.inputs.Slider(label='Number of depth input tokens', default=32, step=1, minimum=0, maximum=196),
+ gr.inputs.Slider(label='Number of semantic input tokens', default=32, step=1, minimum=0, maximum=196),
+ gr.inputs.Number(label='Random seed: Change this to sample different masks', default=0),
+ gr.inputs.Checkbox(label='Randomize the number of tokens: Check this to ignore the above sliders and randomly sample the number \
+ of tokens per modality using the parameters below', default=False),
+ gr.inputs.Slider(label='Symmetric Dirichlet concentration parameter (α > 0). Low values (α << 1.0) result in a sampling behavior, \
+ where most of the time, all visible tokens will be sampled from a single modality. High values \
+ (α >> 1.0) result in similar numbers of tokens being sampled for each modality. α = 1.0 is equivalent \
+ to uniform sampling over the simplex and contains both previous cases and everything in between.',
+ default=1.0, step=0.1, minimum=0.1, maximum=5.0),
+ gr.inputs.Slider(label='Number of input tokens', default=98, step=1, minimum=0, maximum=588),
+ ],
+ outputs=[
+ gr.outputs.Image(label='MultiMAE predictions', type='file')
+ ],
+ css=css,
+ title=title,
+ description=description,
+ article=article,
+ examples=examples
+).launch(enable_queue=True, cache_examples=True)
diff --git a/dpt/__init__.py b/dpt/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/dpt/base_model.py b/dpt/base_model.py
new file mode 100644
index 0000000000000000000000000000000000000000..5c2e0e93b0495f48a3405546b6fe1969be3480a2
--- /dev/null
+++ b/dpt/base_model.py
@@ -0,0 +1,16 @@
+import torch
+
+
+class BaseModel(torch.nn.Module):
+ def load(self, path):
+ """Load model from file.
+
+ Args:
+ path (str): file path
+ """
+ parameters = torch.load(path, map_location=torch.device("cpu"))
+
+ if "optimizer" in parameters:
+ parameters = parameters["model"]
+
+ self.load_state_dict(parameters)
diff --git a/dpt/blocks.py b/dpt/blocks.py
new file mode 100644
index 0000000000000000000000000000000000000000..46b3fe3fffe17cae3c885491937bbb1f09a21e9d
--- /dev/null
+++ b/dpt/blocks.py
@@ -0,0 +1,383 @@
+import torch
+import torch.nn as nn
+
+from .vit import (
+ _make_pretrained_vitb_rn50_384,
+ _make_pretrained_vitl16_384,
+ _make_pretrained_vitb16_384,
+ forward_vit,
+)
+
+
+def _make_encoder(
+ backbone,
+ features,
+ use_pretrained,
+ groups=1,
+ expand=False,
+ exportable=True,
+ hooks=None,
+ use_vit_only=False,
+ use_readout="ignore",
+ enable_attention_hooks=False,
+):
+ if backbone == "vitl16_384":
+ pretrained = _make_pretrained_vitl16_384(
+ use_pretrained,
+ hooks=hooks,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+ scratch = _make_scratch(
+ [256, 512, 1024, 1024], features, groups=groups, expand=expand
+ ) # ViT-L/16 - 85.0% Top1 (backbone)
+ elif backbone == "vitb_rn50_384":
+ pretrained = _make_pretrained_vitb_rn50_384(
+ use_pretrained,
+ hooks=hooks,
+ use_vit_only=use_vit_only,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+ scratch = _make_scratch(
+ [256, 512, 768, 768], features, groups=groups, expand=expand
+ ) # ViT-H/16 - 85.0% Top1 (backbone)
+ elif backbone == "vitb16_384":
+ pretrained = _make_pretrained_vitb16_384(
+ use_pretrained,
+ hooks=hooks,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+ scratch = _make_scratch(
+ [96, 192, 384, 768], features, groups=groups, expand=expand
+ ) # ViT-B/16 - 84.6% Top1 (backbone)
+ elif backbone == "resnext101_wsl":
+ pretrained = _make_pretrained_resnext101_wsl(use_pretrained)
+ scratch = _make_scratch(
+ [256, 512, 1024, 2048], features, groups=groups, expand=expand
+ ) # efficientnet_lite3
+ else:
+ print(f"Backbone '{backbone}' not implemented")
+ assert False
+
+ return pretrained, scratch
+
+
+def _make_scratch(in_shape, out_shape, groups=1, expand=False):
+ scratch = nn.Module()
+
+ out_shape1 = out_shape
+ out_shape2 = out_shape
+ out_shape3 = out_shape
+ out_shape4 = out_shape
+ if expand == True:
+ out_shape1 = out_shape
+ out_shape2 = out_shape * 2
+ out_shape3 = out_shape * 4
+ out_shape4 = out_shape * 8
+
+ scratch.layer1_rn = nn.Conv2d(
+ in_shape[0],
+ out_shape1,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+ scratch.layer2_rn = nn.Conv2d(
+ in_shape[1],
+ out_shape2,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+ scratch.layer3_rn = nn.Conv2d(
+ in_shape[2],
+ out_shape3,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+ scratch.layer4_rn = nn.Conv2d(
+ in_shape[3],
+ out_shape4,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+
+ return scratch
+
+
+def _make_resnet_backbone(resnet):
+ pretrained = nn.Module()
+ pretrained.layer1 = nn.Sequential(
+ resnet.conv1, resnet.bn1, resnet.relu, resnet.maxpool, resnet.layer1
+ )
+
+ pretrained.layer2 = resnet.layer2
+ pretrained.layer3 = resnet.layer3
+ pretrained.layer4 = resnet.layer4
+
+ return pretrained
+
+
+def _make_pretrained_resnext101_wsl(use_pretrained):
+ resnet = torch.hub.load("facebookresearch/WSL-Images", "resnext101_32x8d_wsl")
+ return _make_resnet_backbone(resnet)
+
+
+class Interpolate(nn.Module):
+ """Interpolation module."""
+
+ def __init__(self, scale_factor, mode, align_corners=False):
+ """Init.
+
+ Args:
+ scale_factor (float): scaling
+ mode (str): interpolation mode
+ """
+ super(Interpolate, self).__init__()
+
+ self.interp = nn.functional.interpolate
+ self.scale_factor = scale_factor
+ self.mode = mode
+ self.align_corners = align_corners
+
+ def forward(self, x):
+ """Forward pass.
+
+ Args:
+ x (tensor): input
+
+ Returns:
+ tensor: interpolated data
+ """
+
+ x = self.interp(
+ x,
+ scale_factor=self.scale_factor,
+ mode=self.mode,
+ align_corners=self.align_corners,
+ )
+
+ return x
+
+
+class ResidualConvUnit(nn.Module):
+ """Residual convolution module."""
+
+ def __init__(self, features):
+ """Init.
+
+ Args:
+ features (int): number of features
+ """
+ super().__init__()
+
+ self.conv1 = nn.Conv2d(
+ features, features, kernel_size=3, stride=1, padding=1, bias=True
+ )
+
+ self.conv2 = nn.Conv2d(
+ features, features, kernel_size=3, stride=1, padding=1, bias=True
+ )
+
+ self.relu = nn.ReLU(inplace=True)
+
+ def forward(self, x):
+ """Forward pass.
+
+ Args:
+ x (tensor): input
+
+ Returns:
+ tensor: output
+ """
+ out = self.relu(x)
+ out = self.conv1(out)
+ out = self.relu(out)
+ out = self.conv2(out)
+
+ return out + x
+
+
+class FeatureFusionBlock(nn.Module):
+ """Feature fusion block."""
+
+ def __init__(self, features):
+ """Init.
+
+ Args:
+ features (int): number of features
+ """
+ super(FeatureFusionBlock, self).__init__()
+
+ self.resConfUnit1 = ResidualConvUnit(features)
+ self.resConfUnit2 = ResidualConvUnit(features)
+
+ def forward(self, *xs):
+ """Forward pass.
+
+ Returns:
+ tensor: output
+ """
+ output = xs[0]
+
+ if len(xs) == 2:
+ output += self.resConfUnit1(xs[1])
+
+ output = self.resConfUnit2(output)
+
+ output = nn.functional.interpolate(
+ output, scale_factor=2, mode="bilinear", align_corners=True
+ )
+
+ return output
+
+
+class ResidualConvUnit_custom(nn.Module):
+ """Residual convolution module."""
+
+ def __init__(self, features, activation, bn):
+ """Init.
+
+ Args:
+ features (int): number of features
+ """
+ super().__init__()
+
+ self.bn = bn
+
+ self.groups = 1
+
+ self.conv1 = nn.Conv2d(
+ features,
+ features,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=not self.bn,
+ groups=self.groups,
+ )
+
+ self.conv2 = nn.Conv2d(
+ features,
+ features,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=not self.bn,
+ groups=self.groups,
+ )
+
+ if self.bn == True:
+ self.bn1 = nn.BatchNorm2d(features)
+ self.bn2 = nn.BatchNorm2d(features)
+
+ self.activation = activation
+
+ self.skip_add = nn.quantized.FloatFunctional()
+
+ def forward(self, x):
+ """Forward pass.
+
+ Args:
+ x (tensor): input
+
+ Returns:
+ tensor: output
+ """
+
+ out = self.activation(x)
+ out = self.conv1(out)
+ if self.bn == True:
+ out = self.bn1(out)
+
+ out = self.activation(out)
+ out = self.conv2(out)
+ if self.bn == True:
+ out = self.bn2(out)
+
+ if self.groups > 1:
+ out = self.conv_merge(out)
+
+ return self.skip_add.add(out, x)
+
+ # return out + x
+
+
+class FeatureFusionBlock_custom(nn.Module):
+ """Feature fusion block."""
+
+ def __init__(
+ self,
+ features,
+ activation,
+ deconv=False,
+ bn=False,
+ expand=False,
+ align_corners=True,
+ ):
+ """Init.
+
+ Args:
+ features (int): number of features
+ """
+ super(FeatureFusionBlock_custom, self).__init__()
+
+ self.deconv = deconv
+ self.align_corners = align_corners
+
+ self.groups = 1
+
+ self.expand = expand
+ out_features = features
+ if self.expand == True:
+ out_features = features // 2
+
+ self.out_conv = nn.Conv2d(
+ features,
+ out_features,
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ bias=True,
+ groups=1,
+ )
+
+ self.resConfUnit1 = ResidualConvUnit_custom(features, activation, bn)
+ self.resConfUnit2 = ResidualConvUnit_custom(features, activation, bn)
+
+ self.skip_add = nn.quantized.FloatFunctional()
+
+ def forward(self, *xs):
+ """Forward pass.
+
+ Returns:
+ tensor: output
+ """
+ output = xs[0]
+
+ if len(xs) == 2:
+ res = self.resConfUnit1(xs[1])
+ output = self.skip_add.add(output, res)
+ # output += res
+
+ output = self.resConfUnit2(output)
+
+ output = nn.functional.interpolate(
+ output, scale_factor=2, mode="bilinear", align_corners=self.align_corners
+ )
+
+ output = self.out_conv(output)
+
+ return output
diff --git a/dpt/midas_net.py b/dpt/midas_net.py
new file mode 100644
index 0000000000000000000000000000000000000000..34d6d7e77b464e7df45b7ab45174a7413d8fbc89
--- /dev/null
+++ b/dpt/midas_net.py
@@ -0,0 +1,77 @@
+"""MidashNet: Network for monocular depth estimation trained by mixing several datasets.
+This file contains code that is adapted from
+https://github.com/thomasjpfan/pytorch_refinenet/blob/master/pytorch_refinenet/refinenet/refinenet_4cascade.py
+"""
+import torch
+import torch.nn as nn
+
+from .base_model import BaseModel
+from .blocks import FeatureFusionBlock, Interpolate, _make_encoder
+
+
+class MidasNet_large(BaseModel):
+ """Network for monocular depth estimation."""
+
+ def __init__(self, path=None, features=256, non_negative=True):
+ """Init.
+
+ Args:
+ path (str, optional): Path to saved model. Defaults to None.
+ features (int, optional): Number of features. Defaults to 256.
+ backbone (str, optional): Backbone network for encoder. Defaults to resnet50
+ """
+ print("Loading weights: ", path)
+
+ super(MidasNet_large, self).__init__()
+
+ use_pretrained = False if path is None else True
+
+ self.pretrained, self.scratch = _make_encoder(
+ backbone="resnext101_wsl", features=features, use_pretrained=use_pretrained
+ )
+
+ self.scratch.refinenet4 = FeatureFusionBlock(features)
+ self.scratch.refinenet3 = FeatureFusionBlock(features)
+ self.scratch.refinenet2 = FeatureFusionBlock(features)
+ self.scratch.refinenet1 = FeatureFusionBlock(features)
+
+ self.scratch.output_conv = nn.Sequential(
+ nn.Conv2d(features, 128, kernel_size=3, stride=1, padding=1),
+ Interpolate(scale_factor=2, mode="bilinear"),
+ nn.Conv2d(128, 32, kernel_size=3, stride=1, padding=1),
+ nn.ReLU(True),
+ nn.Conv2d(32, 1, kernel_size=1, stride=1, padding=0),
+ nn.ReLU(True) if non_negative else nn.Identity(),
+ )
+
+ if path:
+ self.load(path)
+
+ def forward(self, x):
+ """Forward pass.
+
+ Args:
+ x (tensor): input data (image)
+
+ Returns:
+ tensor: depth
+ """
+
+ layer_1 = self.pretrained.layer1(x)
+ layer_2 = self.pretrained.layer2(layer_1)
+ layer_3 = self.pretrained.layer3(layer_2)
+ layer_4 = self.pretrained.layer4(layer_3)
+
+ layer_1_rn = self.scratch.layer1_rn(layer_1)
+ layer_2_rn = self.scratch.layer2_rn(layer_2)
+ layer_3_rn = self.scratch.layer3_rn(layer_3)
+ layer_4_rn = self.scratch.layer4_rn(layer_4)
+
+ path_4 = self.scratch.refinenet4(layer_4_rn)
+ path_3 = self.scratch.refinenet3(path_4, layer_3_rn)
+ path_2 = self.scratch.refinenet2(path_3, layer_2_rn)
+ path_1 = self.scratch.refinenet1(path_2, layer_1_rn)
+
+ out = self.scratch.output_conv(path_1)
+
+ return torch.squeeze(out, dim=1)
diff --git a/dpt/models.py b/dpt/models.py
new file mode 100644
index 0000000000000000000000000000000000000000..f0c142fd3d8a29f9588b964250225d77f7b56fc8
--- /dev/null
+++ b/dpt/models.py
@@ -0,0 +1,153 @@
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+from .base_model import BaseModel
+from .blocks import (
+ FeatureFusionBlock,
+ FeatureFusionBlock_custom,
+ Interpolate,
+ _make_encoder,
+ forward_vit,
+)
+
+
+def _make_fusion_block(features, use_bn):
+ return FeatureFusionBlock_custom(
+ features,
+ nn.ReLU(False),
+ deconv=False,
+ bn=use_bn,
+ expand=False,
+ align_corners=True,
+ )
+
+
+class DPT(BaseModel):
+ def __init__(
+ self,
+ head,
+ features=256,
+ backbone="vitb_rn50_384",
+ readout="project",
+ channels_last=False,
+ use_bn=False,
+ enable_attention_hooks=False,
+ ):
+
+ super(DPT, self).__init__()
+
+ self.channels_last = channels_last
+
+ hooks = {
+ "vitb_rn50_384": [0, 1, 8, 11],
+ "vitb16_384": [2, 5, 8, 11],
+ "vitl16_384": [5, 11, 17, 23],
+ }
+
+ # Instantiate backbone and reassemble blocks
+ self.pretrained, self.scratch = _make_encoder(
+ backbone,
+ features,
+ False, # Set to true of you want to train from scratch, uses ImageNet weights
+ groups=1,
+ expand=False,
+ exportable=False,
+ hooks=hooks[backbone],
+ use_readout=readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+
+ self.scratch.refinenet1 = _make_fusion_block(features, use_bn)
+ self.scratch.refinenet2 = _make_fusion_block(features, use_bn)
+ self.scratch.refinenet3 = _make_fusion_block(features, use_bn)
+ self.scratch.refinenet4 = _make_fusion_block(features, use_bn)
+
+ self.scratch.output_conv = head
+
+ def forward(self, x):
+ if self.channels_last == True:
+ x.contiguous(memory_format=torch.channels_last)
+
+ layer_1, layer_2, layer_3, layer_4 = forward_vit(self.pretrained, x)
+
+ layer_1_rn = self.scratch.layer1_rn(layer_1)
+ layer_2_rn = self.scratch.layer2_rn(layer_2)
+ layer_3_rn = self.scratch.layer3_rn(layer_3)
+ layer_4_rn = self.scratch.layer4_rn(layer_4)
+
+ path_4 = self.scratch.refinenet4(layer_4_rn)
+ path_3 = self.scratch.refinenet3(path_4, layer_3_rn)
+ path_2 = self.scratch.refinenet2(path_3, layer_2_rn)
+ path_1 = self.scratch.refinenet1(path_2, layer_1_rn)
+
+ out = self.scratch.output_conv(path_1)
+
+ return out
+
+
+class DPTDepthModel(DPT):
+ def __init__(
+ self, path=None, non_negative=True, scale=1.0, shift=0.0, invert=False, **kwargs
+ ):
+ features = kwargs["features"] if "features" in kwargs else 256
+
+ self.scale = scale
+ self.shift = shift
+ self.invert = invert
+
+ head = nn.Sequential(
+ nn.Conv2d(features, features // 2, kernel_size=3, stride=1, padding=1),
+ Interpolate(scale_factor=2, mode="bilinear", align_corners=True),
+ nn.Conv2d(features // 2, 32, kernel_size=3, stride=1, padding=1),
+ nn.ReLU(True),
+ nn.Conv2d(32, 1, kernel_size=1, stride=1, padding=0),
+ nn.ReLU(True) if non_negative else nn.Identity(),
+ nn.Identity(),
+ )
+
+ super().__init__(head, **kwargs)
+
+ if path is not None:
+ self.load(path)
+
+ def forward(self, x):
+ inv_depth = super().forward(x).squeeze(dim=1)
+
+ if self.invert:
+ depth = self.scale * inv_depth + self.shift
+ depth[depth < 1e-8] = 1e-8
+ depth = 1.0 / depth
+ return depth
+ else:
+ return inv_depth
+
+
+class DPTSegmentationModel(DPT):
+ def __init__(self, num_classes, path=None, **kwargs):
+
+ features = kwargs["features"] if "features" in kwargs else 256
+
+ kwargs["use_bn"] = True
+
+ head = nn.Sequential(
+ nn.Conv2d(features, features, kernel_size=3, padding=1, bias=False),
+ nn.BatchNorm2d(features),
+ nn.ReLU(True),
+ nn.Dropout(0.1, False),
+ nn.Conv2d(features, num_classes, kernel_size=1),
+ Interpolate(scale_factor=2, mode="bilinear", align_corners=True),
+ )
+
+ super().__init__(head, **kwargs)
+
+ self.auxlayer = nn.Sequential(
+ nn.Conv2d(features, features, kernel_size=3, padding=1, bias=False),
+ nn.BatchNorm2d(features),
+ nn.ReLU(True),
+ nn.Dropout(0.1, False),
+ nn.Conv2d(features, num_classes, kernel_size=1),
+ )
+
+ if path is not None:
+ self.load(path)
diff --git a/dpt/transforms.py b/dpt/transforms.py
new file mode 100644
index 0000000000000000000000000000000000000000..399adbcdad096ae3fb8a190ecd3ec5483a897251
--- /dev/null
+++ b/dpt/transforms.py
@@ -0,0 +1,231 @@
+import numpy as np
+import cv2
+import math
+
+
+def apply_min_size(sample, size, image_interpolation_method=cv2.INTER_AREA):
+ """Rezise the sample to ensure the given size. Keeps aspect ratio.
+
+ Args:
+ sample (dict): sample
+ size (tuple): image size
+
+ Returns:
+ tuple: new size
+ """
+ shape = list(sample["disparity"].shape)
+
+ if shape[0] >= size[0] and shape[1] >= size[1]:
+ return sample
+
+ scale = [0, 0]
+ scale[0] = size[0] / shape[0]
+ scale[1] = size[1] / shape[1]
+
+ scale = max(scale)
+
+ shape[0] = math.ceil(scale * shape[0])
+ shape[1] = math.ceil(scale * shape[1])
+
+ # resize
+ sample["image"] = cv2.resize(
+ sample["image"], tuple(shape[::-1]), interpolation=image_interpolation_method
+ )
+
+ sample["disparity"] = cv2.resize(
+ sample["disparity"], tuple(shape[::-1]), interpolation=cv2.INTER_NEAREST
+ )
+ sample["mask"] = cv2.resize(
+ sample["mask"].astype(np.float32),
+ tuple(shape[::-1]),
+ interpolation=cv2.INTER_NEAREST,
+ )
+ sample["mask"] = sample["mask"].astype(bool)
+
+ return tuple(shape)
+
+
+class Resize(object):
+ """Resize sample to given size (width, height)."""
+
+ def __init__(
+ self,
+ width,
+ height,
+ resize_target=True,
+ keep_aspect_ratio=False,
+ ensure_multiple_of=1,
+ resize_method="lower_bound",
+ image_interpolation_method=cv2.INTER_AREA,
+ ):
+ """Init.
+
+ Args:
+ width (int): desired output width
+ height (int): desired output height
+ resize_target (bool, optional):
+ True: Resize the full sample (image, mask, target).
+ False: Resize image only.
+ Defaults to True.
+ keep_aspect_ratio (bool, optional):
+ True: Keep the aspect ratio of the input sample.
+ Output sample might not have the given width and height, and
+ resize behaviour depends on the parameter 'resize_method'.
+ Defaults to False.
+ ensure_multiple_of (int, optional):
+ Output width and height is constrained to be multiple of this parameter.
+ Defaults to 1.
+ resize_method (str, optional):
+ "lower_bound": Output will be at least as large as the given size.
+ "upper_bound": Output will be at max as large as the given size. (Output size might be smaller than given size.)
+ "minimal": Scale as least as possible. (Output size might be smaller than given size.)
+ Defaults to "lower_bound".
+ """
+ self.__width = width
+ self.__height = height
+
+ self.__resize_target = resize_target
+ self.__keep_aspect_ratio = keep_aspect_ratio
+ self.__multiple_of = ensure_multiple_of
+ self.__resize_method = resize_method
+ self.__image_interpolation_method = image_interpolation_method
+
+ def constrain_to_multiple_of(self, x, min_val=0, max_val=None):
+ y = (np.round(x / self.__multiple_of) * self.__multiple_of).astype(int)
+
+ if max_val is not None and y > max_val:
+ y = (np.floor(x / self.__multiple_of) * self.__multiple_of).astype(int)
+
+ if y < min_val:
+ y = (np.ceil(x / self.__multiple_of) * self.__multiple_of).astype(int)
+
+ return y
+
+ def get_size(self, width, height):
+ # determine new height and width
+ scale_height = self.__height / height
+ scale_width = self.__width / width
+
+ if self.__keep_aspect_ratio:
+ if self.__resize_method == "lower_bound":
+ # scale such that output size is lower bound
+ if scale_width > scale_height:
+ # fit width
+ scale_height = scale_width
+ else:
+ # fit height
+ scale_width = scale_height
+ elif self.__resize_method == "upper_bound":
+ # scale such that output size is upper bound
+ if scale_width < scale_height:
+ # fit width
+ scale_height = scale_width
+ else:
+ # fit height
+ scale_width = scale_height
+ elif self.__resize_method == "minimal":
+ # scale as least as possbile
+ if abs(1 - scale_width) < abs(1 - scale_height):
+ # fit width
+ scale_height = scale_width
+ else:
+ # fit height
+ scale_width = scale_height
+ else:
+ raise ValueError(
+ f"resize_method {self.__resize_method} not implemented"
+ )
+
+ if self.__resize_method == "lower_bound":
+ new_height = self.constrain_to_multiple_of(
+ scale_height * height, min_val=self.__height
+ )
+ new_width = self.constrain_to_multiple_of(
+ scale_width * width, min_val=self.__width
+ )
+ elif self.__resize_method == "upper_bound":
+ new_height = self.constrain_to_multiple_of(
+ scale_height * height, max_val=self.__height
+ )
+ new_width = self.constrain_to_multiple_of(
+ scale_width * width, max_val=self.__width
+ )
+ elif self.__resize_method == "minimal":
+ new_height = self.constrain_to_multiple_of(scale_height * height)
+ new_width = self.constrain_to_multiple_of(scale_width * width)
+ else:
+ raise ValueError(f"resize_method {self.__resize_method} not implemented")
+
+ return (new_width, new_height)
+
+ def __call__(self, sample):
+ width, height = self.get_size(
+ sample["image"].shape[1], sample["image"].shape[0]
+ )
+
+ # resize sample
+ sample["image"] = cv2.resize(
+ sample["image"],
+ (width, height),
+ interpolation=self.__image_interpolation_method,
+ )
+
+ if self.__resize_target:
+ if "disparity" in sample:
+ sample["disparity"] = cv2.resize(
+ sample["disparity"],
+ (width, height),
+ interpolation=cv2.INTER_NEAREST,
+ )
+
+ if "depth" in sample:
+ sample["depth"] = cv2.resize(
+ sample["depth"], (width, height), interpolation=cv2.INTER_NEAREST
+ )
+
+ sample["mask"] = cv2.resize(
+ sample["mask"].astype(np.float32),
+ (width, height),
+ interpolation=cv2.INTER_NEAREST,
+ )
+ sample["mask"] = sample["mask"].astype(bool)
+
+ return sample
+
+
+class NormalizeImage(object):
+ """Normlize image by given mean and std."""
+
+ def __init__(self, mean, std):
+ self.__mean = mean
+ self.__std = std
+
+ def __call__(self, sample):
+ sample["image"] = (sample["image"] - self.__mean) / self.__std
+
+ return sample
+
+
+class PrepareForNet(object):
+ """Prepare sample for usage as network input."""
+
+ def __init__(self):
+ pass
+
+ def __call__(self, sample):
+ image = np.transpose(sample["image"], (2, 0, 1))
+ sample["image"] = np.ascontiguousarray(image).astype(np.float32)
+
+ if "mask" in sample:
+ sample["mask"] = sample["mask"].astype(np.float32)
+ sample["mask"] = np.ascontiguousarray(sample["mask"])
+
+ if "disparity" in sample:
+ disparity = sample["disparity"].astype(np.float32)
+ sample["disparity"] = np.ascontiguousarray(disparity)
+
+ if "depth" in sample:
+ depth = sample["depth"].astype(np.float32)
+ sample["depth"] = np.ascontiguousarray(depth)
+
+ return sample
diff --git a/dpt/vit.py b/dpt/vit.py
new file mode 100644
index 0000000000000000000000000000000000000000..9a60d56f15ad7def53d9b391b5fccd9935e386ce
--- /dev/null
+++ b/dpt/vit.py
@@ -0,0 +1,576 @@
+import torch
+import torch.nn as nn
+import timm
+import types
+import math
+import torch.nn.functional as F
+
+
+activations = {}
+
+
+def get_activation(name):
+ def hook(model, input, output):
+ activations[name] = output
+
+ return hook
+
+
+attention = {}
+
+
+def get_attention(name):
+ def hook(module, input, output):
+ x = input[0]
+ B, N, C = x.shape
+ qkv = (
+ module.qkv(x)
+ .reshape(B, N, 3, module.num_heads, C // module.num_heads)
+ .permute(2, 0, 3, 1, 4)
+ )
+ q, k, v = (
+ qkv[0],
+ qkv[1],
+ qkv[2],
+ ) # make torchscript happy (cannot use tensor as tuple)
+
+ attn = (q @ k.transpose(-2, -1)) * module.scale
+
+ attn = attn.softmax(dim=-1) # [:,:,1,1:]
+ attention[name] = attn
+
+ return hook
+
+
+def get_mean_attention_map(attn, token, shape):
+ attn = attn[:, :, token, 1:]
+ attn = attn.unflatten(2, torch.Size([shape[2] // 16, shape[3] // 16])).float()
+ attn = torch.nn.functional.interpolate(
+ attn, size=shape[2:], mode="bicubic", align_corners=False
+ ).squeeze(0)
+
+ all_attn = torch.mean(attn, 0)
+
+ return all_attn
+
+
+class Slice(nn.Module):
+ def __init__(self, start_index=1):
+ super(Slice, self).__init__()
+ self.start_index = start_index
+
+ def forward(self, x):
+ return x[:, self.start_index :]
+
+
+class AddReadout(nn.Module):
+ def __init__(self, start_index=1):
+ super(AddReadout, self).__init__()
+ self.start_index = start_index
+
+ def forward(self, x):
+ if self.start_index == 2:
+ readout = (x[:, 0] + x[:, 1]) / 2
+ else:
+ readout = x[:, 0]
+ return x[:, self.start_index :] + readout.unsqueeze(1)
+
+
+class ProjectReadout(nn.Module):
+ def __init__(self, in_features, start_index=1):
+ super(ProjectReadout, self).__init__()
+ self.start_index = start_index
+
+ self.project = nn.Sequential(nn.Linear(2 * in_features, in_features), nn.GELU())
+
+ def forward(self, x):
+ readout = x[:, 0].unsqueeze(1).expand_as(x[:, self.start_index :])
+ features = torch.cat((x[:, self.start_index :], readout), -1)
+
+ return self.project(features)
+
+
+class Transpose(nn.Module):
+ def __init__(self, dim0, dim1):
+ super(Transpose, self).__init__()
+ self.dim0 = dim0
+ self.dim1 = dim1
+
+ def forward(self, x):
+ x = x.transpose(self.dim0, self.dim1)
+ return x
+
+
+def forward_vit(pretrained, x):
+ b, c, h, w = x.shape
+
+ glob = pretrained.model.forward_flex(x)
+
+ layer_1 = pretrained.activations["1"]
+ layer_2 = pretrained.activations["2"]
+ layer_3 = pretrained.activations["3"]
+ layer_4 = pretrained.activations["4"]
+
+ layer_1 = pretrained.act_postprocess1[0:2](layer_1)
+ layer_2 = pretrained.act_postprocess2[0:2](layer_2)
+ layer_3 = pretrained.act_postprocess3[0:2](layer_3)
+ layer_4 = pretrained.act_postprocess4[0:2](layer_4)
+
+ unflatten = nn.Sequential(
+ nn.Unflatten(
+ 2,
+ torch.Size(
+ [
+ h // pretrained.model.patch_size[1],
+ w // pretrained.model.patch_size[0],
+ ]
+ ),
+ )
+ )
+
+ if layer_1.ndim == 3:
+ layer_1 = unflatten(layer_1)
+ if layer_2.ndim == 3:
+ layer_2 = unflatten(layer_2)
+ if layer_3.ndim == 3:
+ layer_3 = unflatten(layer_3)
+ if layer_4.ndim == 3:
+ layer_4 = unflatten(layer_4)
+
+ layer_1 = pretrained.act_postprocess1[3 : len(pretrained.act_postprocess1)](layer_1)
+ layer_2 = pretrained.act_postprocess2[3 : len(pretrained.act_postprocess2)](layer_2)
+ layer_3 = pretrained.act_postprocess3[3 : len(pretrained.act_postprocess3)](layer_3)
+ layer_4 = pretrained.act_postprocess4[3 : len(pretrained.act_postprocess4)](layer_4)
+
+ return layer_1, layer_2, layer_3, layer_4
+
+
+def _resize_pos_embed(self, posemb, gs_h, gs_w):
+ posemb_tok, posemb_grid = (
+ posemb[:, : self.start_index],
+ posemb[0, self.start_index :],
+ )
+
+ gs_old = int(math.sqrt(len(posemb_grid)))
+
+ posemb_grid = posemb_grid.reshape(1, gs_old, gs_old, -1).permute(0, 3, 1, 2)
+ posemb_grid = F.interpolate(posemb_grid, size=(gs_h, gs_w), mode="bilinear")
+ posemb_grid = posemb_grid.permute(0, 2, 3, 1).reshape(1, gs_h * gs_w, -1)
+
+ posemb = torch.cat([posemb_tok, posemb_grid], dim=1)
+
+ return posemb
+
+
+def forward_flex(self, x):
+ b, c, h, w = x.shape
+
+ pos_embed = self._resize_pos_embed(
+ self.pos_embed, h // self.patch_size[1], w // self.patch_size[0]
+ )
+
+ B = x.shape[0]
+
+ if hasattr(self.patch_embed, "backbone"):
+ x = self.patch_embed.backbone(x)
+ if isinstance(x, (list, tuple)):
+ x = x[-1] # last feature if backbone outputs list/tuple of features
+
+ x = self.patch_embed.proj(x).flatten(2).transpose(1, 2)
+
+ if getattr(self, "dist_token", None) is not None:
+ cls_tokens = self.cls_token.expand(
+ B, -1, -1
+ ) # stole cls_tokens impl from Phil Wang, thanks
+ dist_token = self.dist_token.expand(B, -1, -1)
+ x = torch.cat((cls_tokens, dist_token, x), dim=1)
+ else:
+ cls_tokens = self.cls_token.expand(
+ B, -1, -1
+ ) # stole cls_tokens impl from Phil Wang, thanks
+ x = torch.cat((cls_tokens, x), dim=1)
+
+ x = x + pos_embed
+ x = self.pos_drop(x)
+
+ for blk in self.blocks:
+ x = blk(x)
+
+ x = self.norm(x)
+
+ return x
+
+
+def get_readout_oper(vit_features, features, use_readout, start_index=1):
+ if use_readout == "ignore":
+ readout_oper = [Slice(start_index)] * len(features)
+ elif use_readout == "add":
+ readout_oper = [AddReadout(start_index)] * len(features)
+ elif use_readout == "project":
+ readout_oper = [
+ ProjectReadout(vit_features, start_index) for out_feat in features
+ ]
+ else:
+ assert (
+ False
+ ), "wrong operation for readout token, use_readout can be 'ignore', 'add', or 'project'"
+
+ return readout_oper
+
+
+def _make_vit_b16_backbone(
+ model,
+ features=[96, 192, 384, 768],
+ size=[384, 384],
+ hooks=[2, 5, 8, 11],
+ vit_features=768,
+ use_readout="ignore",
+ start_index=1,
+ enable_attention_hooks=False,
+):
+ pretrained = nn.Module()
+
+ pretrained.model = model
+ pretrained.model.blocks[hooks[0]].register_forward_hook(get_activation("1"))
+ pretrained.model.blocks[hooks[1]].register_forward_hook(get_activation("2"))
+ pretrained.model.blocks[hooks[2]].register_forward_hook(get_activation("3"))
+ pretrained.model.blocks[hooks[3]].register_forward_hook(get_activation("4"))
+
+ pretrained.activations = activations
+
+ if enable_attention_hooks:
+ pretrained.model.blocks[hooks[0]].attn.register_forward_hook(
+ get_attention("attn_1")
+ )
+ pretrained.model.blocks[hooks[1]].attn.register_forward_hook(
+ get_attention("attn_2")
+ )
+ pretrained.model.blocks[hooks[2]].attn.register_forward_hook(
+ get_attention("attn_3")
+ )
+ pretrained.model.blocks[hooks[3]].attn.register_forward_hook(
+ get_attention("attn_4")
+ )
+ pretrained.attention = attention
+
+ readout_oper = get_readout_oper(vit_features, features, use_readout, start_index)
+
+ # 32, 48, 136, 384
+ pretrained.act_postprocess1 = nn.Sequential(
+ readout_oper[0],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[0],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ nn.ConvTranspose2d(
+ in_channels=features[0],
+ out_channels=features[0],
+ kernel_size=4,
+ stride=4,
+ padding=0,
+ bias=True,
+ dilation=1,
+ groups=1,
+ ),
+ )
+
+ pretrained.act_postprocess2 = nn.Sequential(
+ readout_oper[1],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[1],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ nn.ConvTranspose2d(
+ in_channels=features[1],
+ out_channels=features[1],
+ kernel_size=2,
+ stride=2,
+ padding=0,
+ bias=True,
+ dilation=1,
+ groups=1,
+ ),
+ )
+
+ pretrained.act_postprocess3 = nn.Sequential(
+ readout_oper[2],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[2],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ )
+
+ pretrained.act_postprocess4 = nn.Sequential(
+ readout_oper[3],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[3],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ nn.Conv2d(
+ in_channels=features[3],
+ out_channels=features[3],
+ kernel_size=3,
+ stride=2,
+ padding=1,
+ ),
+ )
+
+ pretrained.model.start_index = start_index
+ pretrained.model.patch_size = [16, 16]
+
+ # We inject this function into the VisionTransformer instances so that
+ # we can use it with interpolated position embeddings without modifying the library source.
+ pretrained.model.forward_flex = types.MethodType(forward_flex, pretrained.model)
+ pretrained.model._resize_pos_embed = types.MethodType(
+ _resize_pos_embed, pretrained.model
+ )
+
+ return pretrained
+
+
+def _make_vit_b_rn50_backbone(
+ model,
+ features=[256, 512, 768, 768],
+ size=[384, 384],
+ hooks=[0, 1, 8, 11],
+ vit_features=768,
+ use_vit_only=False,
+ use_readout="ignore",
+ start_index=1,
+ enable_attention_hooks=False,
+):
+ pretrained = nn.Module()
+
+ pretrained.model = model
+
+ if use_vit_only == True:
+ pretrained.model.blocks[hooks[0]].register_forward_hook(get_activation("1"))
+ pretrained.model.blocks[hooks[1]].register_forward_hook(get_activation("2"))
+ else:
+ pretrained.model.patch_embed.backbone.stages[0].register_forward_hook(
+ get_activation("1")
+ )
+ pretrained.model.patch_embed.backbone.stages[1].register_forward_hook(
+ get_activation("2")
+ )
+
+ pretrained.model.blocks[hooks[2]].register_forward_hook(get_activation("3"))
+ pretrained.model.blocks[hooks[3]].register_forward_hook(get_activation("4"))
+
+ if enable_attention_hooks:
+ pretrained.model.blocks[2].attn.register_forward_hook(get_attention("attn_1"))
+ pretrained.model.blocks[5].attn.register_forward_hook(get_attention("attn_2"))
+ pretrained.model.blocks[8].attn.register_forward_hook(get_attention("attn_3"))
+ pretrained.model.blocks[11].attn.register_forward_hook(get_attention("attn_4"))
+ pretrained.attention = attention
+
+ pretrained.activations = activations
+
+ readout_oper = get_readout_oper(vit_features, features, use_readout, start_index)
+
+ if use_vit_only == True:
+ pretrained.act_postprocess1 = nn.Sequential(
+ readout_oper[0],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[0],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ nn.ConvTranspose2d(
+ in_channels=features[0],
+ out_channels=features[0],
+ kernel_size=4,
+ stride=4,
+ padding=0,
+ bias=True,
+ dilation=1,
+ groups=1,
+ ),
+ )
+
+ pretrained.act_postprocess2 = nn.Sequential(
+ readout_oper[1],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[1],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ nn.ConvTranspose2d(
+ in_channels=features[1],
+ out_channels=features[1],
+ kernel_size=2,
+ stride=2,
+ padding=0,
+ bias=True,
+ dilation=1,
+ groups=1,
+ ),
+ )
+ else:
+ pretrained.act_postprocess1 = nn.Sequential(
+ nn.Identity(), nn.Identity(), nn.Identity()
+ )
+ pretrained.act_postprocess2 = nn.Sequential(
+ nn.Identity(), nn.Identity(), nn.Identity()
+ )
+
+ pretrained.act_postprocess3 = nn.Sequential(
+ readout_oper[2],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[2],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ )
+
+ pretrained.act_postprocess4 = nn.Sequential(
+ readout_oper[3],
+ Transpose(1, 2),
+ nn.Unflatten(2, torch.Size([size[0] // 16, size[1] // 16])),
+ nn.Conv2d(
+ in_channels=vit_features,
+ out_channels=features[3],
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ ),
+ nn.Conv2d(
+ in_channels=features[3],
+ out_channels=features[3],
+ kernel_size=3,
+ stride=2,
+ padding=1,
+ ),
+ )
+
+ pretrained.model.start_index = start_index
+ pretrained.model.patch_size = [16, 16]
+
+ # We inject this function into the VisionTransformer instances so that
+ # we can use it with interpolated position embeddings without modifying the library source.
+ pretrained.model.forward_flex = types.MethodType(forward_flex, pretrained.model)
+
+ # We inject this function into the VisionTransformer instances so that
+ # we can use it with interpolated position embeddings without modifying the library source.
+ pretrained.model._resize_pos_embed = types.MethodType(
+ _resize_pos_embed, pretrained.model
+ )
+
+ return pretrained
+
+
+def _make_pretrained_vitb_rn50_384(
+ pretrained,
+ use_readout="ignore",
+ hooks=None,
+ use_vit_only=False,
+ enable_attention_hooks=False,
+):
+ model = timm.create_model("vit_base_resnet50_384", pretrained=pretrained)
+
+ hooks = [0, 1, 8, 11] if hooks == None else hooks
+ return _make_vit_b_rn50_backbone(
+ model,
+ features=[256, 512, 768, 768],
+ size=[384, 384],
+ hooks=hooks,
+ use_vit_only=use_vit_only,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+
+
+def _make_pretrained_vitl16_384(
+ pretrained, use_readout="ignore", hooks=None, enable_attention_hooks=False
+):
+ model = timm.create_model("vit_large_patch16_384", pretrained=pretrained)
+
+ hooks = [5, 11, 17, 23] if hooks == None else hooks
+ return _make_vit_b16_backbone(
+ model,
+ features=[256, 512, 1024, 1024],
+ hooks=hooks,
+ vit_features=1024,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+
+
+def _make_pretrained_vitb16_384(
+ pretrained, use_readout="ignore", hooks=None, enable_attention_hooks=False
+):
+ model = timm.create_model("vit_base_patch16_384", pretrained=pretrained)
+
+ hooks = [2, 5, 8, 11] if hooks == None else hooks
+ return _make_vit_b16_backbone(
+ model,
+ features=[96, 192, 384, 768],
+ hooks=hooks,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+
+
+def _make_pretrained_deitb16_384(
+ pretrained, use_readout="ignore", hooks=None, enable_attention_hooks=False
+):
+ model = timm.create_model("vit_deit_base_patch16_384", pretrained=pretrained)
+
+ hooks = [2, 5, 8, 11] if hooks == None else hooks
+ return _make_vit_b16_backbone(
+ model,
+ features=[96, 192, 384, 768],
+ hooks=hooks,
+ use_readout=use_readout,
+ enable_attention_hooks=enable_attention_hooks,
+ )
+
+
+def _make_pretrained_deitb16_distil_384(
+ pretrained, use_readout="ignore", hooks=None, enable_attention_hooks=False
+):
+ model = timm.create_model(
+ "vit_deit_base_distilled_patch16_384", pretrained=pretrained
+ )
+
+ hooks = [2, 5, 8, 11] if hooks == None else hooks
+ return _make_vit_b16_backbone(
+ model,
+ features=[96, 192, 384, 768],
+ hooks=hooks,
+ use_readout=use_readout,
+ start_index=2,
+ enable_attention_hooks=enable_attention_hooks,
+ )
diff --git a/mask2former/__init__.py b/mask2former/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..9b405c83bd2e8fa186a556a7db450af86c28c79b
--- /dev/null
+++ b/mask2former/__init__.py
@@ -0,0 +1,26 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+from . import data # register all new datasets
+from . import modeling
+
+# config
+from .config import add_maskformer2_config
+
+# dataset loading
+from .data.dataset_mappers.coco_instance_new_baseline_dataset_mapper import COCOInstanceNewBaselineDatasetMapper
+from .data.dataset_mappers.coco_panoptic_new_baseline_dataset_mapper import COCOPanopticNewBaselineDatasetMapper
+from .data.dataset_mappers.mask_former_instance_dataset_mapper import (
+ MaskFormerInstanceDatasetMapper,
+)
+from .data.dataset_mappers.mask_former_panoptic_dataset_mapper import (
+ MaskFormerPanopticDatasetMapper,
+)
+from .data.dataset_mappers.mask_former_semantic_dataset_mapper import (
+ MaskFormerSemanticDatasetMapper,
+)
+
+# models
+from .maskformer_model import MaskFormer
+from .test_time_augmentation import SemanticSegmentorWithTTA
+
+# evaluation
+from .evaluation.instance_evaluation import InstanceSegEvaluator
diff --git a/mask2former/config.py b/mask2former/config.py
new file mode 100644
index 0000000000000000000000000000000000000000..adc930927772b0d289c3bb96dd5f6b5508046937
--- /dev/null
+++ b/mask2former/config.py
@@ -0,0 +1,114 @@
+# -*- coding: utf-8 -*-
+# Copyright (c) Facebook, Inc. and its affiliates.
+from detectron2.config import CfgNode as CN
+
+
+def add_maskformer2_config(cfg):
+ """
+ Add config for MASK_FORMER.
+ """
+ # NOTE: configs from original maskformer
+ # data config
+ # select the dataset mapper
+ cfg.INPUT.DATASET_MAPPER_NAME = "mask_former_semantic"
+ # Color augmentation
+ cfg.INPUT.COLOR_AUG_SSD = False
+ # We retry random cropping until no single category in semantic segmentation GT occupies more
+ # than `SINGLE_CATEGORY_MAX_AREA` part of the crop.
+ cfg.INPUT.CROP.SINGLE_CATEGORY_MAX_AREA = 1.0
+ # Pad image and segmentation GT in dataset mapper.
+ cfg.INPUT.SIZE_DIVISIBILITY = -1
+
+ # solver config
+ # weight decay on embedding
+ cfg.SOLVER.WEIGHT_DECAY_EMBED = 0.0
+ # optimizer
+ cfg.SOLVER.OPTIMIZER = "ADAMW"
+ cfg.SOLVER.BACKBONE_MULTIPLIER = 0.1
+
+ # mask_former model config
+ cfg.MODEL.MASK_FORMER = CN()
+
+ # loss
+ cfg.MODEL.MASK_FORMER.DEEP_SUPERVISION = True
+ cfg.MODEL.MASK_FORMER.NO_OBJECT_WEIGHT = 0.1
+ cfg.MODEL.MASK_FORMER.CLASS_WEIGHT = 1.0
+ cfg.MODEL.MASK_FORMER.DICE_WEIGHT = 1.0
+ cfg.MODEL.MASK_FORMER.MASK_WEIGHT = 20.0
+
+ # transformer config
+ cfg.MODEL.MASK_FORMER.NHEADS = 8
+ cfg.MODEL.MASK_FORMER.DROPOUT = 0.1
+ cfg.MODEL.MASK_FORMER.DIM_FEEDFORWARD = 2048
+ cfg.MODEL.MASK_FORMER.ENC_LAYERS = 0
+ cfg.MODEL.MASK_FORMER.DEC_LAYERS = 6
+ cfg.MODEL.MASK_FORMER.PRE_NORM = False
+
+ cfg.MODEL.MASK_FORMER.HIDDEN_DIM = 256
+ cfg.MODEL.MASK_FORMER.NUM_OBJECT_QUERIES = 100
+
+ cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE = "res5"
+ cfg.MODEL.MASK_FORMER.ENFORCE_INPUT_PROJ = False
+
+ # mask_former inference config
+ cfg.MODEL.MASK_FORMER.TEST = CN()
+ cfg.MODEL.MASK_FORMER.TEST.SEMANTIC_ON = True
+ cfg.MODEL.MASK_FORMER.TEST.INSTANCE_ON = False
+ cfg.MODEL.MASK_FORMER.TEST.PANOPTIC_ON = False
+ cfg.MODEL.MASK_FORMER.TEST.OBJECT_MASK_THRESHOLD = 0.0
+ cfg.MODEL.MASK_FORMER.TEST.OVERLAP_THRESHOLD = 0.0
+ cfg.MODEL.MASK_FORMER.TEST.SEM_SEG_POSTPROCESSING_BEFORE_INFERENCE = False
+
+ # Sometimes `backbone.size_divisibility` is set to 0 for some backbone (e.g. ResNet)
+ # you can use this config to override
+ cfg.MODEL.MASK_FORMER.SIZE_DIVISIBILITY = 32
+
+ # pixel decoder config
+ cfg.MODEL.SEM_SEG_HEAD.MASK_DIM = 256
+ # adding transformer in pixel decoder
+ cfg.MODEL.SEM_SEG_HEAD.TRANSFORMER_ENC_LAYERS = 0
+ # pixel decoder
+ cfg.MODEL.SEM_SEG_HEAD.PIXEL_DECODER_NAME = "BasePixelDecoder"
+
+ # swin transformer backbone
+ cfg.MODEL.SWIN = CN()
+ cfg.MODEL.SWIN.PRETRAIN_IMG_SIZE = 224
+ cfg.MODEL.SWIN.PATCH_SIZE = 4
+ cfg.MODEL.SWIN.EMBED_DIM = 96
+ cfg.MODEL.SWIN.DEPTHS = [2, 2, 6, 2]
+ cfg.MODEL.SWIN.NUM_HEADS = [3, 6, 12, 24]
+ cfg.MODEL.SWIN.WINDOW_SIZE = 7
+ cfg.MODEL.SWIN.MLP_RATIO = 4.0
+ cfg.MODEL.SWIN.QKV_BIAS = True
+ cfg.MODEL.SWIN.QK_SCALE = None
+ cfg.MODEL.SWIN.DROP_RATE = 0.0
+ cfg.MODEL.SWIN.ATTN_DROP_RATE = 0.0
+ cfg.MODEL.SWIN.DROP_PATH_RATE = 0.3
+ cfg.MODEL.SWIN.APE = False
+ cfg.MODEL.SWIN.PATCH_NORM = True
+ cfg.MODEL.SWIN.OUT_FEATURES = ["res2", "res3", "res4", "res5"]
+ cfg.MODEL.SWIN.USE_CHECKPOINT = False
+
+ # NOTE: maskformer2 extra configs
+ # transformer module
+ cfg.MODEL.MASK_FORMER.TRANSFORMER_DECODER_NAME = "MultiScaleMaskedTransformerDecoder"
+
+ # LSJ aug
+ cfg.INPUT.IMAGE_SIZE = 1024
+ cfg.INPUT.MIN_SCALE = 0.1
+ cfg.INPUT.MAX_SCALE = 2.0
+
+ # MSDeformAttn encoder configs
+ cfg.MODEL.SEM_SEG_HEAD.DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES = ["res3", "res4", "res5"]
+ cfg.MODEL.SEM_SEG_HEAD.DEFORMABLE_TRANSFORMER_ENCODER_N_POINTS = 4
+ cfg.MODEL.SEM_SEG_HEAD.DEFORMABLE_TRANSFORMER_ENCODER_N_HEADS = 8
+
+ # point loss configs
+ # Number of points sampled during training for a mask point head.
+ cfg.MODEL.MASK_FORMER.TRAIN_NUM_POINTS = 112 * 112
+ # Oversampling parameter for PointRend point sampling during training. Parameter `k` in the
+ # original paper.
+ cfg.MODEL.MASK_FORMER.OVERSAMPLE_RATIO = 3.0
+ # Importance sampling parameter for PointRend point sampling during training. Parametr `beta` in
+ # the original paper.
+ cfg.MODEL.MASK_FORMER.IMPORTANCE_SAMPLE_RATIO = 0.75
diff --git a/mask2former/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml b/mask2former/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..50a1c139bd4610a1217696d149c38cf67b25b632
--- /dev/null
+++ b/mask2former/configs/ade20k/instance-segmentation/Base-ADE20K-InstanceSegmentation.yaml
@@ -0,0 +1,61 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("ade20k_instance_train",)
+ TEST: ("ade20k_instance_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 160000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 640) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 640
+ MAX_SIZE_TRAIN: 2560
+ MAX_SIZE_TEST: 2560
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (640, 640)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 640 # used in dataset mapper
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_instance"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [320, 480, 640, 800, 960, 1120]
+ MAX_SIZE: 4480
+ FLIP: True
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml b/mask2former/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..e37bcfba579c06fd7d326c2f189e69506c5afb20
--- /dev/null
+++ b/mask2former/configs/ade20k/instance-segmentation/maskformer2_R50_bs16_160k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-ADE20K-InstanceSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 100
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: True
+ PANOPTIC_ON: True
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml b/mask2former/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..af03d4d3738f587105eaf35adcfa6643707ba01d
--- /dev/null
+++ b/mask2former/configs/ade20k/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
diff --git a/mask2former/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml b/mask2former/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..559be07a1853eb7795b026bc41f94dbe9bcbeebe
--- /dev/null
+++ b/mask2former/configs/ade20k/panoptic-segmentation/Base-ADE20K-PanopticSegmentation.yaml
@@ -0,0 +1,61 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("ade20k_panoptic_train",)
+ TEST: ("ade20k_panoptic_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 160000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 640) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 640
+ MAX_SIZE_TRAIN: 2560
+ MAX_SIZE_TEST: 2560
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (640, 640)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 640 # used in dataset mapper
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_panoptic"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [320, 480, 640, 800, 960, 1120]
+ MAX_SIZE: 4480
+ FLIP: True
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml b/mask2former/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..82c0828ce08594790af450cd0bfcd1fc330225fa
--- /dev/null
+++ b/mask2former/configs/ade20k/panoptic-segmentation/maskformer2_R50_bs16_160k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-ADE20K-PanopticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 150
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: True
+ PANOPTIC_ON: True
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml b/mask2former/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..af03d4d3738f587105eaf35adcfa6643707ba01d
--- /dev/null
+++ b/mask2former/configs/ade20k/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
diff --git a/mask2former/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml b/mask2former/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..dcbba3e5a85d09535b3f08077764b6e0bb55f36c
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/Base-ADE20K-SemanticSegmentation.yaml
@@ -0,0 +1,61 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("ade20k_sem_seg_train",)
+ TEST: ("ade20k_sem_seg_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 160000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 512) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 512
+ MAX_SIZE_TRAIN: 2048
+ MAX_SIZE_TEST: 2048
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (512, 512)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 512 # used in dataset mapper
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_semantic"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [256, 384, 512, 640, 768, 896]
+ MAX_SIZE: 3584
+ FLIP: True
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml b/mask2former/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..49407b2a7ebccc62acbe100275fcd26ed8085671
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/maskformer2_R101_bs16_90k.yaml
@@ -0,0 +1,11 @@
+_BASE_: maskformer2_R50_bs16_160k.yaml
+MODEL:
+ WEIGHTS: "R-101.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml b/mask2former/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..cd6d9810926aefdff3b0c63b455746366a9962ad
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/maskformer2_R50_bs16_160k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-ADE20K-SemanticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 150
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: False
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..f2c1964fba09b3662a96647d3745185714db1aeb
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_384_bs16_160k_res640.yaml
@@ -0,0 +1,37 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 640) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 640
+ MAX_SIZE_TRAIN: 2560
+ MAX_SIZE_TEST: 2560
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (640, 640)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 640 # used in dataset mapper
+ FORMAT: "RGB"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [320, 480, 640, 800, 960, 1120]
+ MAX_SIZE: 4480
+ FLIP: True
diff --git a/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..68d7e839cd775945362626d0571f3563c7461190
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_160k_res640.yaml
@@ -0,0 +1,37 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 640) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 640
+ MAX_SIZE_TRAIN: 2560
+ MAX_SIZE_TEST: 2560
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (640, 640)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 640 # used in dataset mapper
+ FORMAT: "RGB"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [320, 480, 640, 800, 960, 1120]
+ MAX_SIZE: 4480
+ FLIP: True
diff --git a/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..30d7bb00f1a557654dbcd3af66e0d1534e6ee6d3
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_160k_res640.yaml
@@ -0,0 +1,37 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 640) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 640
+ MAX_SIZE_TRAIN: 2560
+ MAX_SIZE_TEST: 2560
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (640, 640)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 640 # used in dataset mapper
+ FORMAT: "RGB"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [320, 480, 640, 800, 960, 1120]
+ MAX_SIZE: 4480
+ FLIP: True
diff --git a/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..f75a51ed969df634a79f204fac6452bc7e655b35
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_small_bs16_160k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_small_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..b0bbc38428758812ca527caae795ee5fd541ccca
--- /dev/null
+++ b/mask2former/configs/ade20k/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_160k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_160k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_tiny_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml b/mask2former/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..28833e72e7173a12f1fd0dc352d18c15b5a996c8
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/Base-Cityscapes-InstanceSegmentation.yaml
@@ -0,0 +1,61 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN" # use syncbn for cityscapes dataset
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("cityscapes_fine_instance_seg_train",)
+ TEST: ("cityscapes_fine_instance_seg_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 90000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 1024) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 1024
+ MAX_SIZE_TRAIN: 4096
+ MAX_SIZE_TEST: 2048
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (512, 1024)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: -1
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_instance"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [512, 768, 1024, 1280, 1536, 1792]
+ MAX_SIZE: 4096
+ FLIP: True
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml b/mask2former/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..1eb38dacd50b7217118211c757eed7ed8975cad5
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/maskformer2_R101_bs16_90k.yaml
@@ -0,0 +1,11 @@
+_BASE_: maskformer2_R50_bs16_90k.yaml
+MODEL:
+ WEIGHTS: "R-101.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml b/mask2former/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..16b215bf269b54991c36edb8184f0824dd44f3b9
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/maskformer2_R50_bs16_90k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-Cityscapes-InstanceSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 8
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: False
+ INSTANCE_ON: True
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..2956571482f8badb00eaccdb1c58fcba9417a5ae
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..72860d91f53ac1de36626624250f5753488834ac
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
diff --git a/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..156ef9e1f57cfbccb5132a2877509dbd15366b7f
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_small_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..0c56e2cc5287461bda7982f9b94a2f5a5a081dd4
--- /dev/null
+++ b/mask2former/configs/cityscapes/instance-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_tiny_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..022567c1c5acc9a73051cc0c350a90e873af4deb
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/Base-Cityscapes-PanopticSegmentation.yaml
@@ -0,0 +1,61 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN" # use syncbn for cityscapes dataset
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("cityscapes_fine_panoptic_train",)
+ TEST: ("cityscapes_fine_panoptic_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 90000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 1024) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 1024
+ MAX_SIZE_TRAIN: 4096
+ MAX_SIZE_TEST: 2048
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (512, 1024)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: -1
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_panoptic"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [512, 768, 1024, 1280, 1536, 1792]
+ MAX_SIZE: 4096
+ FLIP: True
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..1eb38dacd50b7217118211c757eed7ed8975cad5
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/maskformer2_R101_bs16_90k.yaml
@@ -0,0 +1,11 @@
+_BASE_: maskformer2_R50_bs16_90k.yaml
+MODEL:
+ WEIGHTS: "R-101.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..3c2d679fcff0720da6f8977a7a582583b77185c7
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/maskformer2_R50_bs16_90k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-Cityscapes-PanopticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 19
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: True
+ PANOPTIC_ON: True
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..2956571482f8badb00eaccdb1c58fcba9417a5ae
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..72860d91f53ac1de36626624250f5753488834ac
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..156ef9e1f57cfbccb5132a2877509dbd15366b7f
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_small_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..0c56e2cc5287461bda7982f9b94a2f5a5a081dd4
--- /dev/null
+++ b/mask2former/configs/cityscapes/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_tiny_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml b/mask2former/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..ca42fabfb1f71a82bb726a425dc691fd638a05aa
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/Base-Cityscapes-SemanticSegmentation.yaml
@@ -0,0 +1,61 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN" # use syncbn for cityscapes dataset
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("cityscapes_fine_sem_seg_train",)
+ TEST: ("cityscapes_fine_sem_seg_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 90000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 1024) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 1024
+ MAX_SIZE_TRAIN: 4096
+ MAX_SIZE_TEST: 2048
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (512, 1024)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: -1
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_semantic"
+TEST:
+ EVAL_PERIOD: 5000
+ AUG:
+ ENABLED: False
+ MIN_SIZES: [512, 768, 1024, 1280, 1536, 1792]
+ MAX_SIZE: 4096
+ FLIP: True
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml b/mask2former/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..1eb38dacd50b7217118211c757eed7ed8975cad5
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/maskformer2_R101_bs16_90k.yaml
@@ -0,0 +1,11 @@
+_BASE_: maskformer2_R50_bs16_90k.yaml
+MODEL:
+ WEIGHTS: "R-101.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml b/mask2former/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..d872fcd43f8f81e183091075711f39ad0d99ce6c
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/maskformer2_R50_bs16_90k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-Cityscapes-SemanticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 19
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: False
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..2956571482f8badb00eaccdb1c58fcba9417a5ae
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_90k.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..25097174aa81aab88e0402e642de64619793ac14
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_90k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 100
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..156ef9e1f57cfbccb5132a2877509dbd15366b7f
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_small_bs16_90k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_small_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..0c56e2cc5287461bda7982f9b94a2f5a5a081dd4
--- /dev/null
+++ b/mask2former/configs/cityscapes/semantic-segmentation/swin/maskformer2_swin_tiny_bs16_90k.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_90k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_tiny_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml b/mask2former/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..98943d9cca85e7445e8fe4c8725e7749a3b0422e
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/Base-COCO-InstanceSegmentation.yaml
@@ -0,0 +1,47 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("coco_2017_train",)
+ TEST: ("coco_2017_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ STEPS: (327778, 355092)
+ MAX_ITER: 368750
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 10
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ IMAGE_SIZE: 1024
+ MIN_SCALE: 0.1
+ MAX_SCALE: 2.0
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "coco_instance_lsj"
+TEST:
+ EVAL_PERIOD: 5000
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml b/mask2former/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..77defd0023c63146d2c295c39fcbdca2d809e43d
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/maskformer2_R101_bs16_50ep.yaml
@@ -0,0 +1,11 @@
+_BASE_: maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ WEIGHTS: "R-101.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml b/mask2former/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..4b9e76e32a68a58ad847da991890785d6792d9a5
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/maskformer2_R50_bs16_50ep.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-COCO-InstanceSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 80
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: False
+ INSTANCE_ON: True
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..473299948005414679b15d7e720f39c1afea87e7
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..5dde9602fc5f935bb127a6775247293fad4dadf2
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..b685cdb9bb469fc728233ded96543319b3a0c4ec
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml
@@ -0,0 +1,21 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
+SOLVER:
+ STEPS: (655556, 710184)
+ MAX_ITER: 737500
diff --git a/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..f9b1c56d5fd1abef908e3158a72b298c9163e282
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_small_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..7f27bc52489618da5eda8ceba3c2a3b62ccf2f78
--- /dev/null
+++ b/mask2former/configs/coco/instance-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_tiny_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml b/mask2former/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..7560a730a973040346e8d10321a515e717ff9924
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/Base-COCO-PanopticSegmentation.yaml
@@ -0,0 +1,47 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("coco_2017_train_panoptic",)
+ TEST: ("coco_2017_val_panoptic_with_sem_seg",) # to evaluate instance and semantic performance as well
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ STEPS: (327778, 355092)
+ MAX_ITER: 368750
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 10
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ IMAGE_SIZE: 1024
+ MIN_SCALE: 0.1
+ MAX_SCALE: 2.0
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "coco_panoptic_lsj"
+TEST:
+ EVAL_PERIOD: 5000
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml b/mask2former/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..77defd0023c63146d2c295c39fcbdca2d809e43d
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/maskformer2_R101_bs16_50ep.yaml
@@ -0,0 +1,11 @@
+_BASE_: maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ WEIGHTS: "R-101.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml b/mask2former/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..9ebf4f1114fc9ac2dd7a706acf0643559563754c
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/maskformer2_R50_bs16_50ep.yaml
@@ -0,0 +1,45 @@
+_BASE_: Base-COCO-PanopticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 133
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: True
+ PANOPTIC_ON: True
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..473299948005414679b15d7e720f39c1afea87e7
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_384_bs16_50ep.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..5dde9602fc5f935bb127a6775247293fad4dadf2
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_base_IN21k_384_bs16_50ep.yaml
@@ -0,0 +1,16 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_base_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..b685cdb9bb469fc728233ded96543319b3a0c4ec
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_100ep.yaml
@@ -0,0 +1,21 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
+SOLVER:
+ STEPS: (655556, 710184)
+ MAX_ITER: 737500
diff --git a/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..f9b1c56d5fd1abef908e3158a72b298c9163e282
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_small_bs16_50ep.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_small_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..7f27bc52489618da5eda8ceba3c2a3b62ccf2f78
--- /dev/null
+++ b/mask2former/configs/coco/panoptic-segmentation/swin/maskformer2_swin_tiny_bs16_50ep.yaml
@@ -0,0 +1,15 @@
+_BASE_: ../maskformer2_R50_bs16_50ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "swin_tiny_patch4_window7_224.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
diff --git a/mask2former/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml b/mask2former/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..86629a3b3529cd17b13610a396f6982b758c3919
--- /dev/null
+++ b/mask2former/configs/mapillary-vistas/panoptic-segmentation/Base-MapillaryVistas-PanopticSegmentation.yaml
@@ -0,0 +1,56 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("mapillary_vistas_panoptic_train",)
+ TEST: ("mapillary_vistas_panoptic_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 300000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 2048) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 2048
+ MAX_SIZE_TRAIN: 8192
+ MAX_SIZE_TEST: 2048
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (1024, 1024)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 1024 # used in dataset mapper
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_panoptic"
+TEST:
+ EVAL_PERIOD: 0
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 10
+VERSION: 2
diff --git a/mask2former/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml b/mask2former/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..b19c9d4f6333235bd0c22e1b00137260edcfbf99
--- /dev/null
+++ b/mask2former/configs/mapillary-vistas/panoptic-segmentation/maskformer_R50_bs16_300k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-MapillaryVistas-PanopticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 65
+ NUM_CLASSES: 65
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: False
+ PANOPTIC_ON: True
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.0
diff --git a/mask2former/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml b/mask2former/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..e7a8c4c2897ed3b4d262a92e938d4fd32b0ccace
--- /dev/null
+++ b/mask2former/configs/mapillary-vistas/panoptic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer_R50_bs16_300k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
diff --git a/mask2former/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml b/mask2former/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..f05fb28a2fb2aa5ddc3680aeae651a88deeb285b
--- /dev/null
+++ b/mask2former/configs/mapillary-vistas/semantic-segmentation/Base-MapillaryVistas-SemanticSegmentation.yaml
@@ -0,0 +1,56 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("mapillary_vistas_sem_seg_train",)
+ TEST: ("mapillary_vistas_sem_seg_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ MAX_ITER: 300000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 0
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ LR_SCHEDULER_NAME: "WarmupPolyLR"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN: !!python/object/apply:eval ["[int(x * 0.1 * 2048) for x in range(5, 21)]"]
+ MIN_SIZE_TRAIN_SAMPLING: "choice"
+ MIN_SIZE_TEST: 2048
+ MAX_SIZE_TRAIN: 8192
+ MAX_SIZE_TEST: 2048
+ CROP:
+ ENABLED: True
+ TYPE: "absolute"
+ SIZE: (1024, 1024)
+ SINGLE_CATEGORY_MAX_AREA: 1.0
+ COLOR_AUG_SSD: True
+ SIZE_DIVISIBILITY: 1024 # used in dataset mapper
+ FORMAT: "RGB"
+ DATASET_MAPPER_NAME: "mask_former_semantic"
+TEST:
+ EVAL_PERIOD: 0
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: True
+ NUM_WORKERS: 10
+VERSION: 2
diff --git a/mask2former/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml b/mask2former/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..e9977a12f2b1c2275573f80f090a989e4fe4a42f
--- /dev/null
+++ b/mask2former/configs/mapillary-vistas/semantic-segmentation/maskformer2_R50_bs16_300k.yaml
@@ -0,0 +1,44 @@
+_BASE_: Base-MapillaryVistas-SemanticSegmentation.yaml
+MODEL:
+ META_ARCHITECTURE: "MaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 65
+ NUM_CLASSES: 65
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "MultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: True
+ INSTANCE_ON: False
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.0
diff --git a/mask2former/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml b/mask2former/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..e336a1b9743463e007dedcbc647464ccf4131585
--- /dev/null
+++ b/mask2former/configs/mapillary-vistas/semantic-segmentation/swin/maskformer2_swin_large_IN21k_384_bs16_300k.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../maskformer2_R50_bs16_300k.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "swin_large_patch4_window12_384_22k.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 100
diff --git a/mask2former/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml b/mask2former/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml
new file mode 100755
index 0000000000000000000000000000000000000000..76426ecb5236707ed71266d1b09908985d3f76f6
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/Base-YouTubeVIS-VideoInstanceSegmentation.yaml
@@ -0,0 +1,53 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_ON: True
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("ytvis_2019_train",)
+ TEST: ("ytvis_2019_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ STEPS: (4000,)
+ MAX_ITER: 6000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 10
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN_SAMPLING: "choice_by_clip"
+ RANDOM_FLIP: "flip_by_clip"
+ AUGMENTATIONS: []
+ MIN_SIZE_TRAIN: (360, 480)
+ MIN_SIZE_TEST: 360
+ CROP:
+ ENABLED: False
+ TYPE: "absolute_range"
+ SIZE: (600, 720)
+ FORMAT: "RGB"
+TEST:
+ EVAL_PERIOD: 0
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: False
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..8068edf5a3c6daff7c1776e958c2576255c10ac5
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "model_final_83d103.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..39788823e1bfbf48f94f777846c823e047cc0f39
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml
@@ -0,0 +1,20 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "model_final_e5f453.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..767d30a55186bb97bfafa78a80b9cbd47dded0a0
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_small_bs16_8ep.yaml
@@ -0,0 +1,17 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "model_final_1e7f22.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..2d446e2ad9f7af7e94a89b3c3f71bc9e09e0ab19
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml
@@ -0,0 +1,17 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "model_final_86143f.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml b/mask2former/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..fcc9c49346b3f5370111ff992a517eda4e01a5ae
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/video_maskformer2_R101_bs16_8ep.yaml
@@ -0,0 +1,11 @@
+_BASE_: video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ WEIGHTS: "model_final_eba159.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml b/mask2former/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..8af434dd2efbfb8654f9d958546e660ec46c7e60
--- /dev/null
+++ b/mask2former/configs/youtubevis_2019/video_maskformer2_R50_bs16_8ep.yaml
@@ -0,0 +1,45 @@
+_BASE_: Base-YouTubeVIS-VideoInstanceSegmentation.yaml
+MODEL:
+ WEIGHTS: "model_final_3c8ec9.pkl"
+ META_ARCHITECTURE: "VideoMaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 40
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "VideoMultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: False
+ INSTANCE_ON: True
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml b/mask2former/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml
new file mode 100755
index 0000000000000000000000000000000000000000..6545cd11a73a53b7d49c52dccc56846302684e3c
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/Base-YouTubeVIS-VideoInstanceSegmentation.yaml
@@ -0,0 +1,53 @@
+MODEL:
+ BACKBONE:
+ FREEZE_AT: 0
+ NAME: "build_resnet_backbone"
+ WEIGHTS: "detectron2://ImageNetPretrained/torchvision/R-50.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_ON: True
+ RESNETS:
+ DEPTH: 50
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
+DATASETS:
+ TRAIN: ("ytvis_2021_train",)
+ TEST: ("ytvis_2021_val",)
+SOLVER:
+ IMS_PER_BATCH: 16
+ BASE_LR: 0.0001
+ STEPS: (5500,)
+ MAX_ITER: 8000
+ WARMUP_FACTOR: 1.0
+ WARMUP_ITERS: 10
+ WEIGHT_DECAY: 0.05
+ OPTIMIZER: "ADAMW"
+ BACKBONE_MULTIPLIER: 0.1
+ CLIP_GRADIENTS:
+ ENABLED: True
+ CLIP_TYPE: "full_model"
+ CLIP_VALUE: 0.01
+ NORM_TYPE: 2.0
+ AMP:
+ ENABLED: True
+INPUT:
+ MIN_SIZE_TRAIN_SAMPLING: "choice_by_clip"
+ RANDOM_FLIP: "flip_by_clip"
+ AUGMENTATIONS: []
+ MIN_SIZE_TRAIN: (360, 480)
+ MIN_SIZE_TEST: 360
+ CROP:
+ ENABLED: False
+ TYPE: "absolute_range"
+ SIZE: (600, 720)
+ FORMAT: "RGB"
+TEST:
+ EVAL_PERIOD: 0
+DATALOADER:
+ FILTER_EMPTY_ANNOTATIONS: False
+ NUM_WORKERS: 4
+VERSION: 2
diff --git a/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..8068edf5a3c6daff7c1776e958c2576255c10ac5
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_base_IN21k_384_bs16_8ep.yaml
@@ -0,0 +1,18 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 128
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [4, 8, 16, 32]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "model_final_83d103.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..2d20903f2f9c8fa2589d116cc6109122b403791a
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_large_IN21k_384_bs16_8ep.yaml
@@ -0,0 +1,21 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 192
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [6, 12, 24, 48]
+ WINDOW_SIZE: 12
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ PRETRAIN_IMG_SIZE: 384
+ WEIGHTS: "model_final_e5f453.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+ MASK_FORMER:
+ NUM_OBJECT_QUERIES: 200
+# OOM when using a larger test size
+# INPUT:
+# MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..767d30a55186bb97bfafa78a80b9cbd47dded0a0
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_small_bs16_8ep.yaml
@@ -0,0 +1,17 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 18, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "model_final_1e7f22.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..2d446e2ad9f7af7e94a89b3c3f71bc9e09e0ab19
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/swin/video_maskformer2_swin_tiny_bs16_8ep.yaml
@@ -0,0 +1,17 @@
+_BASE_: ../video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ BACKBONE:
+ NAME: "D2SwinTransformer"
+ SWIN:
+ EMBED_DIM: 96
+ DEPTHS: [2, 2, 6, 2]
+ NUM_HEADS: [3, 6, 12, 24]
+ WINDOW_SIZE: 7
+ APE: False
+ DROP_PATH_RATE: 0.3
+ PATCH_NORM: True
+ WEIGHTS: "model_final_86143f.pkl"
+ PIXEL_MEAN: [123.675, 116.280, 103.530]
+ PIXEL_STD: [58.395, 57.120, 57.375]
+INPUT:
+ MIN_SIZE_TEST: 480
diff --git a/mask2former/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml b/mask2former/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..fcc9c49346b3f5370111ff992a517eda4e01a5ae
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/video_maskformer2_R101_bs16_8ep.yaml
@@ -0,0 +1,11 @@
+_BASE_: video_maskformer2_R50_bs16_8ep.yaml
+MODEL:
+ WEIGHTS: "model_final_eba159.pkl"
+ RESNETS:
+ DEPTH: 101
+ STEM_TYPE: "basic" # not used
+ STEM_OUT_CHANNELS: 64
+ STRIDE_IN_1X1: False
+ OUT_FEATURES: ["res2", "res3", "res4", "res5"]
+ # NORM: "SyncBN"
+ RES5_MULTI_GRID: [1, 1, 1] # not used
diff --git a/mask2former/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml b/mask2former/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml
new file mode 100644
index 0000000000000000000000000000000000000000..8af434dd2efbfb8654f9d958546e660ec46c7e60
--- /dev/null
+++ b/mask2former/configs/youtubevis_2021/video_maskformer2_R50_bs16_8ep.yaml
@@ -0,0 +1,45 @@
+_BASE_: Base-YouTubeVIS-VideoInstanceSegmentation.yaml
+MODEL:
+ WEIGHTS: "model_final_3c8ec9.pkl"
+ META_ARCHITECTURE: "VideoMaskFormer"
+ SEM_SEG_HEAD:
+ NAME: "MaskFormerHead"
+ IGNORE_VALUE: 255
+ NUM_CLASSES: 40
+ LOSS_WEIGHT: 1.0
+ CONVS_DIM: 256
+ MASK_DIM: 256
+ NORM: "GN"
+ # pixel decoder
+ PIXEL_DECODER_NAME: "MSDeformAttnPixelDecoder"
+ IN_FEATURES: ["res2", "res3", "res4", "res5"]
+ DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES: ["res3", "res4", "res5"]
+ COMMON_STRIDE: 4
+ TRANSFORMER_ENC_LAYERS: 6
+ MASK_FORMER:
+ TRANSFORMER_DECODER_NAME: "VideoMultiScaleMaskedTransformerDecoder"
+ TRANSFORMER_IN_FEATURE: "multi_scale_pixel_decoder"
+ DEEP_SUPERVISION: True
+ NO_OBJECT_WEIGHT: 0.1
+ CLASS_WEIGHT: 2.0
+ MASK_WEIGHT: 5.0
+ DICE_WEIGHT: 5.0
+ HIDDEN_DIM: 256
+ NUM_OBJECT_QUERIES: 100
+ NHEADS: 8
+ DROPOUT: 0.0
+ DIM_FEEDFORWARD: 2048
+ ENC_LAYERS: 0
+ PRE_NORM: False
+ ENFORCE_INPUT_PROJ: False
+ SIZE_DIVISIBILITY: 32
+ DEC_LAYERS: 10 # 9 decoder layers, add one for the loss on learnable query
+ TRAIN_NUM_POINTS: 12544
+ OVERSAMPLE_RATIO: 3.0
+ IMPORTANCE_SAMPLE_RATIO: 0.75
+ TEST:
+ SEMANTIC_ON: False
+ INSTANCE_ON: True
+ PANOPTIC_ON: False
+ OVERLAP_THRESHOLD: 0.8
+ OBJECT_MASK_THRESHOLD: 0.8
diff --git a/mask2former/data/__init__.py b/mask2former/data/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..63ba265b1effc69f1eef16e57a04db8902ee347e
--- /dev/null
+++ b/mask2former/data/__init__.py
@@ -0,0 +1,2 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+from . import datasets
diff --git a/mask2former/data/dataset_mappers/__init__.py b/mask2former/data/dataset_mappers/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..9020c2df23e2af280b7bb168b996ae9eaf312eb8
--- /dev/null
+++ b/mask2former/data/dataset_mappers/__init__.py
@@ -0,0 +1 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
diff --git a/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py b/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py
new file mode 100644
index 0000000000000000000000000000000000000000..e64af2b51009d0398a1b6253a8a763c641547f59
--- /dev/null
+++ b/mask2former/data/dataset_mappers/coco_instance_new_baseline_dataset_mapper.py
@@ -0,0 +1,189 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/facebookresearch/detr/blob/master/d2/detr/dataset_mapper.py
+import copy
+import logging
+
+import numpy as np
+import torch
+
+from detectron2.config import configurable
+from detectron2.data import detection_utils as utils
+from detectron2.data import transforms as T
+from detectron2.data.transforms import TransformGen
+from detectron2.structures import BitMasks, Instances
+
+from pycocotools import mask as coco_mask
+
+__all__ = ["COCOInstanceNewBaselineDatasetMapper"]
+
+
+def convert_coco_poly_to_mask(segmentations, height, width):
+ masks = []
+ for polygons in segmentations:
+ rles = coco_mask.frPyObjects(polygons, height, width)
+ mask = coco_mask.decode(rles)
+ if len(mask.shape) < 3:
+ mask = mask[..., None]
+ mask = torch.as_tensor(mask, dtype=torch.uint8)
+ mask = mask.any(dim=2)
+ masks.append(mask)
+ if masks:
+ masks = torch.stack(masks, dim=0)
+ else:
+ masks = torch.zeros((0, height, width), dtype=torch.uint8)
+ return masks
+
+
+def build_transform_gen(cfg, is_train):
+ """
+ Create a list of default :class:`Augmentation` from config.
+ Now it includes resizing and flipping.
+ Returns:
+ list[Augmentation]
+ """
+ assert is_train, "Only support training augmentation"
+ image_size = cfg.INPUT.IMAGE_SIZE
+ min_scale = cfg.INPUT.MIN_SCALE
+ max_scale = cfg.INPUT.MAX_SCALE
+
+ augmentation = []
+
+ if cfg.INPUT.RANDOM_FLIP != "none":
+ augmentation.append(
+ T.RandomFlip(
+ horizontal=cfg.INPUT.RANDOM_FLIP == "horizontal",
+ vertical=cfg.INPUT.RANDOM_FLIP == "vertical",
+ )
+ )
+
+ augmentation.extend([
+ T.ResizeScale(
+ min_scale=min_scale, max_scale=max_scale, target_height=image_size, target_width=image_size
+ ),
+ T.FixedSizeCrop(crop_size=(image_size, image_size)),
+ ])
+
+ return augmentation
+
+
+# This is specifically designed for the COCO dataset.
+class COCOInstanceNewBaselineDatasetMapper:
+ """
+ A callable which takes a dataset dict in Detectron2 Dataset format,
+ and map it into a format used by MaskFormer.
+
+ This dataset mapper applies the same transformation as DETR for COCO panoptic segmentation.
+
+ The callable currently does the following:
+
+ 1. Read the image from "file_name"
+ 2. Applies geometric transforms to the image and annotation
+ 3. Find and applies suitable cropping to the image and annotation
+ 4. Prepare image and annotation to Tensors
+ """
+
+ @configurable
+ def __init__(
+ self,
+ is_train=True,
+ *,
+ tfm_gens,
+ image_format,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ is_train: for training or inference
+ augmentations: a list of augmentations or deterministic transforms to apply
+ tfm_gens: data augmentation
+ image_format: an image format supported by :func:`detection_utils.read_image`.
+ """
+ self.tfm_gens = tfm_gens
+ logging.getLogger(__name__).info(
+ "[COCOInstanceNewBaselineDatasetMapper] Full TransformGens used in training: {}".format(str(self.tfm_gens))
+ )
+
+ self.img_format = image_format
+ self.is_train = is_train
+
+ @classmethod
+ def from_config(cls, cfg, is_train=True):
+ # Build augmentation
+ tfm_gens = build_transform_gen(cfg, is_train)
+
+ ret = {
+ "is_train": is_train,
+ "tfm_gens": tfm_gens,
+ "image_format": cfg.INPUT.FORMAT,
+ }
+ return ret
+
+ def __call__(self, dataset_dict):
+ """
+ Args:
+ dataset_dict (dict): Metadata of one image, in Detectron2 Dataset format.
+
+ Returns:
+ dict: a format that builtin models in detectron2 accept
+ """
+ dataset_dict = copy.deepcopy(dataset_dict) # it will be modified by code below
+ image = utils.read_image(dataset_dict["file_name"], format=self.img_format)
+ utils.check_image_size(dataset_dict, image)
+
+ # TODO: get padding mask
+ # by feeding a "segmentation mask" to the same transforms
+ padding_mask = np.ones(image.shape[:2])
+
+ image, transforms = T.apply_transform_gens(self.tfm_gens, image)
+ # the crop transformation has default padding value 0 for segmentation
+ padding_mask = transforms.apply_segmentation(padding_mask)
+ padding_mask = ~ padding_mask.astype(bool)
+
+ image_shape = image.shape[:2] # h, w
+
+ # Pytorch's dataloader is efficient on torch.Tensor due to shared-memory,
+ # but not efficient on large generic data structures due to the use of pickle & mp.Queue.
+ # Therefore it's important to use torch.Tensor.
+ dataset_dict["image"] = torch.as_tensor(np.ascontiguousarray(image.transpose(2, 0, 1)))
+ dataset_dict["padding_mask"] = torch.as_tensor(np.ascontiguousarray(padding_mask))
+
+ if not self.is_train:
+ # USER: Modify this if you want to keep them for some reason.
+ dataset_dict.pop("annotations", None)
+ return dataset_dict
+
+ if "annotations" in dataset_dict:
+ # USER: Modify this if you want to keep them for some reason.
+ for anno in dataset_dict["annotations"]:
+ # Let's always keep mask
+ # if not self.mask_on:
+ # anno.pop("segmentation", None)
+ anno.pop("keypoints", None)
+
+ # USER: Implement additional transformations if you have other types of data
+ annos = [
+ utils.transform_instance_annotations(obj, transforms, image_shape)
+ for obj in dataset_dict.pop("annotations")
+ if obj.get("iscrowd", 0) == 0
+ ]
+ # NOTE: does not support BitMask due to augmentation
+ # Current BitMask cannot handle empty objects
+ instances = utils.annotations_to_instances(annos, image_shape)
+ # After transforms such as cropping are applied, the bounding box may no longer
+ # tightly bound the object. As an example, imagine a triangle object
+ # [(0,0), (2,0), (0,2)] cropped by a box [(1,0),(2,2)] (XYXY format). The tight
+ # bounding box of the cropped triangle should be [(1,0),(2,1)], which is not equal to
+ # the intersection of original bounding box and the cropping box.
+ instances.gt_boxes = instances.gt_masks.get_bounding_boxes()
+ # Need to filter empty instances first (due to augmentation)
+ instances = utils.filter_empty_instances(instances)
+ # Generate masks from polygon
+ h, w = instances.image_size
+ # image_size_xyxy = torch.as_tensor([w, h, w, h], dtype=torch.float)
+ if hasattr(instances, 'gt_masks'):
+ gt_masks = instances.gt_masks
+ gt_masks = convert_coco_poly_to_mask(gt_masks.polygons, h, w)
+ instances.gt_masks = gt_masks
+ dataset_dict["instances"] = instances
+
+ return dataset_dict
diff --git a/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py b/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py
new file mode 100644
index 0000000000000000000000000000000000000000..901149f8c8c8eec4a4c2fe3b8f1ea0bdf0bf04fe
--- /dev/null
+++ b/mask2former/data/dataset_mappers/coco_panoptic_new_baseline_dataset_mapper.py
@@ -0,0 +1,165 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/facebookresearch/detr/blob/master/d2/detr/dataset_mapper.py
+import copy
+import logging
+
+import numpy as np
+import torch
+
+from detectron2.config import configurable
+from detectron2.data import detection_utils as utils
+from detectron2.data import transforms as T
+from detectron2.data.transforms import TransformGen
+from detectron2.structures import BitMasks, Boxes, Instances
+
+__all__ = ["COCOPanopticNewBaselineDatasetMapper"]
+
+
+def build_transform_gen(cfg, is_train):
+ """
+ Create a list of default :class:`Augmentation` from config.
+ Now it includes resizing and flipping.
+ Returns:
+ list[Augmentation]
+ """
+ assert is_train, "Only support training augmentation"
+ image_size = cfg.INPUT.IMAGE_SIZE
+ min_scale = cfg.INPUT.MIN_SCALE
+ max_scale = cfg.INPUT.MAX_SCALE
+
+ augmentation = []
+
+ if cfg.INPUT.RANDOM_FLIP != "none":
+ augmentation.append(
+ T.RandomFlip(
+ horizontal=cfg.INPUT.RANDOM_FLIP == "horizontal",
+ vertical=cfg.INPUT.RANDOM_FLIP == "vertical",
+ )
+ )
+
+ augmentation.extend([
+ T.ResizeScale(
+ min_scale=min_scale, max_scale=max_scale, target_height=image_size, target_width=image_size
+ ),
+ T.FixedSizeCrop(crop_size=(image_size, image_size)),
+ ])
+
+ return augmentation
+
+
+# This is specifically designed for the COCO dataset.
+class COCOPanopticNewBaselineDatasetMapper:
+ """
+ A callable which takes a dataset dict in Detectron2 Dataset format,
+ and map it into a format used by MaskFormer.
+
+ This dataset mapper applies the same transformation as DETR for COCO panoptic segmentation.
+
+ The callable currently does the following:
+
+ 1. Read the image from "file_name"
+ 2. Applies geometric transforms to the image and annotation
+ 3. Find and applies suitable cropping to the image and annotation
+ 4. Prepare image and annotation to Tensors
+ """
+
+ @configurable
+ def __init__(
+ self,
+ is_train=True,
+ *,
+ tfm_gens,
+ image_format,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ is_train: for training or inference
+ augmentations: a list of augmentations or deterministic transforms to apply
+ crop_gen: crop augmentation
+ tfm_gens: data augmentation
+ image_format: an image format supported by :func:`detection_utils.read_image`.
+ """
+ self.tfm_gens = tfm_gens
+ logging.getLogger(__name__).info(
+ "[COCOPanopticNewBaselineDatasetMapper] Full TransformGens used in training: {}".format(
+ str(self.tfm_gens)
+ )
+ )
+
+ self.img_format = image_format
+ self.is_train = is_train
+
+ @classmethod
+ def from_config(cls, cfg, is_train=True):
+ # Build augmentation
+ tfm_gens = build_transform_gen(cfg, is_train)
+
+ ret = {
+ "is_train": is_train,
+ "tfm_gens": tfm_gens,
+ "image_format": cfg.INPUT.FORMAT,
+ }
+ return ret
+
+ def __call__(self, dataset_dict):
+ """
+ Args:
+ dataset_dict (dict): Metadata of one image, in Detectron2 Dataset format.
+
+ Returns:
+ dict: a format that builtin models in detectron2 accept
+ """
+ dataset_dict = copy.deepcopy(dataset_dict) # it will be modified by code below
+ image = utils.read_image(dataset_dict["file_name"], format=self.img_format)
+ utils.check_image_size(dataset_dict, image)
+
+ image, transforms = T.apply_transform_gens(self.tfm_gens, image)
+ image_shape = image.shape[:2] # h, w
+
+ # Pytorch's dataloader is efficient on torch.Tensor due to shared-memory,
+ # but not efficient on large generic data structures due to the use of pickle & mp.Queue.
+ # Therefore it's important to use torch.Tensor.
+ dataset_dict["image"] = torch.as_tensor(np.ascontiguousarray(image.transpose(2, 0, 1)))
+
+ if not self.is_train:
+ # USER: Modify this if you want to keep them for some reason.
+ dataset_dict.pop("annotations", None)
+ return dataset_dict
+
+ if "pan_seg_file_name" in dataset_dict:
+ pan_seg_gt = utils.read_image(dataset_dict.pop("pan_seg_file_name"), "RGB")
+ segments_info = dataset_dict["segments_info"]
+
+ # apply the same transformation to panoptic segmentation
+ pan_seg_gt = transforms.apply_segmentation(pan_seg_gt)
+
+ from panopticapi.utils import rgb2id
+
+ pan_seg_gt = rgb2id(pan_seg_gt)
+
+ instances = Instances(image_shape)
+ classes = []
+ masks = []
+ for segment_info in segments_info:
+ class_id = segment_info["category_id"]
+ if not segment_info["iscrowd"]:
+ classes.append(class_id)
+ masks.append(pan_seg_gt == segment_info["id"])
+
+ classes = np.array(classes)
+ instances.gt_classes = torch.tensor(classes, dtype=torch.int64)
+ if len(masks) == 0:
+ # Some image does not have annotation (all ignored)
+ instances.gt_masks = torch.zeros((0, pan_seg_gt.shape[-2], pan_seg_gt.shape[-1]))
+ instances.gt_boxes = Boxes(torch.zeros((0, 4)))
+ else:
+ masks = BitMasks(
+ torch.stack([torch.from_numpy(np.ascontiguousarray(x.copy())) for x in masks])
+ )
+ instances.gt_masks = masks.tensor
+ instances.gt_boxes = masks.get_bounding_boxes()
+
+ dataset_dict["instances"] = instances
+
+ return dataset_dict
diff --git a/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py b/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py
new file mode 100644
index 0000000000000000000000000000000000000000..63e312e9aaf213f98e17563e124834f75de18e89
--- /dev/null
+++ b/mask2former/data/dataset_mappers/mask_former_instance_dataset_mapper.py
@@ -0,0 +1,180 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import copy
+import logging
+
+import numpy as np
+import pycocotools.mask as mask_util
+import torch
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.data import detection_utils as utils
+from detectron2.data import transforms as T
+from detectron2.projects.point_rend import ColorAugSSDTransform
+from detectron2.structures import BitMasks, Instances, polygons_to_bitmask
+
+__all__ = ["MaskFormerInstanceDatasetMapper"]
+
+
+class MaskFormerInstanceDatasetMapper:
+ """
+ A callable which takes a dataset dict in Detectron2 Dataset format,
+ and map it into a format used by MaskFormer for instance segmentation.
+
+ The callable currently does the following:
+
+ 1. Read the image from "file_name"
+ 2. Applies geometric transforms to the image and annotation
+ 3. Find and applies suitable cropping to the image and annotation
+ 4. Prepare image and annotation to Tensors
+ """
+
+ @configurable
+ def __init__(
+ self,
+ is_train=True,
+ *,
+ augmentations,
+ image_format,
+ size_divisibility,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ is_train: for training or inference
+ augmentations: a list of augmentations or deterministic transforms to apply
+ image_format: an image format supported by :func:`detection_utils.read_image`.
+ size_divisibility: pad image size to be divisible by this value
+ """
+ self.is_train = is_train
+ self.tfm_gens = augmentations
+ self.img_format = image_format
+ self.size_divisibility = size_divisibility
+
+ logger = logging.getLogger(__name__)
+ mode = "training" if is_train else "inference"
+ logger.info(f"[{self.__class__.__name__}] Augmentations used in {mode}: {augmentations}")
+
+ @classmethod
+ def from_config(cls, cfg, is_train=True):
+ # Build augmentation
+ augs = [
+ T.ResizeShortestEdge(
+ cfg.INPUT.MIN_SIZE_TRAIN,
+ cfg.INPUT.MAX_SIZE_TRAIN,
+ cfg.INPUT.MIN_SIZE_TRAIN_SAMPLING,
+ )
+ ]
+ if cfg.INPUT.CROP.ENABLED:
+ augs.append(
+ T.RandomCrop(
+ cfg.INPUT.CROP.TYPE,
+ cfg.INPUT.CROP.SIZE,
+ )
+ )
+ if cfg.INPUT.COLOR_AUG_SSD:
+ augs.append(ColorAugSSDTransform(img_format=cfg.INPUT.FORMAT))
+ augs.append(T.RandomFlip())
+
+ ret = {
+ "is_train": is_train,
+ "augmentations": augs,
+ "image_format": cfg.INPUT.FORMAT,
+ "size_divisibility": cfg.INPUT.SIZE_DIVISIBILITY,
+ }
+ return ret
+
+ def __call__(self, dataset_dict):
+ """
+ Args:
+ dataset_dict (dict): Metadata of one image, in Detectron2 Dataset format.
+
+ Returns:
+ dict: a format that builtin models in detectron2 accept
+ """
+ assert self.is_train, "MaskFormerPanopticDatasetMapper should only be used for training!"
+
+ dataset_dict = copy.deepcopy(dataset_dict) # it will be modified by code below
+ image = utils.read_image(dataset_dict["file_name"], format=self.img_format)
+ utils.check_image_size(dataset_dict, image)
+
+ aug_input = T.AugInput(image)
+ aug_input, transforms = T.apply_transform_gens(self.tfm_gens, aug_input)
+ image = aug_input.image
+
+ # transform instnace masks
+ assert "annotations" in dataset_dict
+ for anno in dataset_dict["annotations"]:
+ anno.pop("keypoints", None)
+
+ annos = [
+ utils.transform_instance_annotations(obj, transforms, image.shape[:2])
+ for obj in dataset_dict.pop("annotations")
+ if obj.get("iscrowd", 0) == 0
+ ]
+
+ if len(annos):
+ assert "segmentation" in annos[0]
+ segms = [obj["segmentation"] for obj in annos]
+ masks = []
+ for segm in segms:
+ if isinstance(segm, list):
+ # polygon
+ masks.append(polygons_to_bitmask(segm, *image.shape[:2]))
+ elif isinstance(segm, dict):
+ # COCO RLE
+ masks.append(mask_util.decode(segm))
+ elif isinstance(segm, np.ndarray):
+ assert segm.ndim == 2, "Expect segmentation of 2 dimensions, got {}.".format(
+ segm.ndim
+ )
+ # mask array
+ masks.append(segm)
+ else:
+ raise ValueError(
+ "Cannot convert segmentation of type '{}' to BitMasks!"
+ "Supported types are: polygons as list[list[float] or ndarray],"
+ " COCO-style RLE as a dict, or a binary segmentation mask "
+ " in a 2D numpy array of shape HxW.".format(type(segm))
+ )
+
+ # Pad image and segmentation label here!
+ image = torch.as_tensor(np.ascontiguousarray(image.transpose(2, 0, 1)))
+ masks = [torch.from_numpy(np.ascontiguousarray(x)) for x in masks]
+
+ classes = [int(obj["category_id"]) for obj in annos]
+ classes = torch.tensor(classes, dtype=torch.int64)
+
+ if self.size_divisibility > 0:
+ image_size = (image.shape[-2], image.shape[-1])
+ padding_size = [
+ 0,
+ self.size_divisibility - image_size[1],
+ 0,
+ self.size_divisibility - image_size[0],
+ ]
+ # pad image
+ image = F.pad(image, padding_size, value=128).contiguous()
+ # pad mask
+ masks = [F.pad(x, padding_size, value=0).contiguous() for x in masks]
+
+ image_shape = (image.shape[-2], image.shape[-1]) # h, w
+
+ # Pytorch's dataloader is efficient on torch.Tensor due to shared-memory,
+ # but not efficient on large generic data structures due to the use of pickle & mp.Queue.
+ # Therefore it's important to use torch.Tensor.
+ dataset_dict["image"] = image
+
+ # Prepare per-category binary masks
+ instances = Instances(image_shape)
+ instances.gt_classes = classes
+ if len(masks) == 0:
+ # Some image does not have annotation (all ignored)
+ instances.gt_masks = torch.zeros((0, image.shape[-2], image.shape[-1]))
+ else:
+ masks = BitMasks(torch.stack(masks))
+ instances.gt_masks = masks.tensor
+
+ dataset_dict["instances"] = instances
+
+ return dataset_dict
diff --git a/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py b/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py
new file mode 100644
index 0000000000000000000000000000000000000000..ddbc2bd77fb1b17540dd5272cfc6534ee2b6e2df
--- /dev/null
+++ b/mask2former/data/dataset_mappers/mask_former_panoptic_dataset_mapper.py
@@ -0,0 +1,165 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import copy
+import logging
+
+import numpy as np
+import torch
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.data import detection_utils as utils
+from detectron2.data import transforms as T
+from detectron2.structures import BitMasks, Instances
+
+from .mask_former_semantic_dataset_mapper import MaskFormerSemanticDatasetMapper
+
+__all__ = ["MaskFormerPanopticDatasetMapper"]
+
+
+class MaskFormerPanopticDatasetMapper(MaskFormerSemanticDatasetMapper):
+ """
+ A callable which takes a dataset dict in Detectron2 Dataset format,
+ and map it into a format used by MaskFormer for panoptic segmentation.
+
+ The callable currently does the following:
+
+ 1. Read the image from "file_name"
+ 2. Applies geometric transforms to the image and annotation
+ 3. Find and applies suitable cropping to the image and annotation
+ 4. Prepare image and annotation to Tensors
+ """
+
+ @configurable
+ def __init__(
+ self,
+ is_train=True,
+ *,
+ augmentations,
+ image_format,
+ ignore_label,
+ size_divisibility,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ is_train: for training or inference
+ augmentations: a list of augmentations or deterministic transforms to apply
+ image_format: an image format supported by :func:`detection_utils.read_image`.
+ ignore_label: the label that is ignored to evaluation
+ size_divisibility: pad image size to be divisible by this value
+ """
+ super().__init__(
+ is_train,
+ augmentations=augmentations,
+ image_format=image_format,
+ ignore_label=ignore_label,
+ size_divisibility=size_divisibility,
+ )
+
+ def __call__(self, dataset_dict):
+ """
+ Args:
+ dataset_dict (dict): Metadata of one image, in Detectron2 Dataset format.
+
+ Returns:
+ dict: a format that builtin models in detectron2 accept
+ """
+ assert self.is_train, "MaskFormerPanopticDatasetMapper should only be used for training!"
+
+ dataset_dict = copy.deepcopy(dataset_dict) # it will be modified by code below
+ image = utils.read_image(dataset_dict["file_name"], format=self.img_format)
+ utils.check_image_size(dataset_dict, image)
+
+ # semantic segmentation
+ if "sem_seg_file_name" in dataset_dict:
+ # PyTorch transformation not implemented for uint16, so converting it to double first
+ sem_seg_gt = utils.read_image(dataset_dict.pop("sem_seg_file_name")).astype("double")
+ else:
+ sem_seg_gt = None
+
+ # panoptic segmentation
+ if "pan_seg_file_name" in dataset_dict:
+ pan_seg_gt = utils.read_image(dataset_dict.pop("pan_seg_file_name"), "RGB")
+ segments_info = dataset_dict["segments_info"]
+ else:
+ pan_seg_gt = None
+ segments_info = None
+
+ if pan_seg_gt is None:
+ raise ValueError(
+ "Cannot find 'pan_seg_file_name' for panoptic segmentation dataset {}.".format(
+ dataset_dict["file_name"]
+ )
+ )
+
+ aug_input = T.AugInput(image, sem_seg=sem_seg_gt)
+ aug_input, transforms = T.apply_transform_gens(self.tfm_gens, aug_input)
+ image = aug_input.image
+ if sem_seg_gt is not None:
+ sem_seg_gt = aug_input.sem_seg
+
+ # apply the same transformation to panoptic segmentation
+ pan_seg_gt = transforms.apply_segmentation(pan_seg_gt)
+
+ from panopticapi.utils import rgb2id
+
+ pan_seg_gt = rgb2id(pan_seg_gt)
+
+ # Pad image and segmentation label here!
+ image = torch.as_tensor(np.ascontiguousarray(image.transpose(2, 0, 1)))
+ if sem_seg_gt is not None:
+ sem_seg_gt = torch.as_tensor(sem_seg_gt.astype("long"))
+ pan_seg_gt = torch.as_tensor(pan_seg_gt.astype("long"))
+
+ if self.size_divisibility > 0:
+ image_size = (image.shape[-2], image.shape[-1])
+ padding_size = [
+ 0,
+ self.size_divisibility - image_size[1],
+ 0,
+ self.size_divisibility - image_size[0],
+ ]
+ image = F.pad(image, padding_size, value=128).contiguous()
+ if sem_seg_gt is not None:
+ sem_seg_gt = F.pad(sem_seg_gt, padding_size, value=self.ignore_label).contiguous()
+ pan_seg_gt = F.pad(
+ pan_seg_gt, padding_size, value=0
+ ).contiguous() # 0 is the VOID panoptic label
+
+ image_shape = (image.shape[-2], image.shape[-1]) # h, w
+
+ # Pytorch's dataloader is efficient on torch.Tensor due to shared-memory,
+ # but not efficient on large generic data structures due to the use of pickle & mp.Queue.
+ # Therefore it's important to use torch.Tensor.
+ dataset_dict["image"] = image
+ if sem_seg_gt is not None:
+ dataset_dict["sem_seg"] = sem_seg_gt.long()
+
+ if "annotations" in dataset_dict:
+ raise ValueError("Pemantic segmentation dataset should not have 'annotations'.")
+
+ # Prepare per-category binary masks
+ pan_seg_gt = pan_seg_gt.numpy()
+ instances = Instances(image_shape)
+ classes = []
+ masks = []
+ for segment_info in segments_info:
+ class_id = segment_info["category_id"]
+ if not segment_info["iscrowd"]:
+ classes.append(class_id)
+ masks.append(pan_seg_gt == segment_info["id"])
+
+ classes = np.array(classes)
+ instances.gt_classes = torch.tensor(classes, dtype=torch.int64)
+ if len(masks) == 0:
+ # Some image does not have annotation (all ignored)
+ instances.gt_masks = torch.zeros((0, pan_seg_gt.shape[-2], pan_seg_gt.shape[-1]))
+ else:
+ masks = BitMasks(
+ torch.stack([torch.from_numpy(np.ascontiguousarray(x.copy())) for x in masks])
+ )
+ instances.gt_masks = masks.tensor
+
+ dataset_dict["instances"] = instances
+
+ return dataset_dict
diff --git a/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py b/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py
new file mode 100644
index 0000000000000000000000000000000000000000..36ff3153b0c84462ea14f1bf3273668217f14678
--- /dev/null
+++ b/mask2former/data/dataset_mappers/mask_former_semantic_dataset_mapper.py
@@ -0,0 +1,184 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import copy
+import logging
+
+import numpy as np
+import torch
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.data import MetadataCatalog
+from detectron2.data import detection_utils as utils
+from detectron2.data import transforms as T
+from detectron2.projects.point_rend import ColorAugSSDTransform
+from detectron2.structures import BitMasks, Instances
+
+__all__ = ["MaskFormerSemanticDatasetMapper"]
+
+
+class MaskFormerSemanticDatasetMapper:
+ """
+ A callable which takes a dataset dict in Detectron2 Dataset format,
+ and map it into a format used by MaskFormer for semantic segmentation.
+
+ The callable currently does the following:
+
+ 1. Read the image from "file_name"
+ 2. Applies geometric transforms to the image and annotation
+ 3. Find and applies suitable cropping to the image and annotation
+ 4. Prepare image and annotation to Tensors
+ """
+
+ @configurable
+ def __init__(
+ self,
+ is_train=True,
+ *,
+ augmentations,
+ image_format,
+ ignore_label,
+ size_divisibility,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ is_train: for training or inference
+ augmentations: a list of augmentations or deterministic transforms to apply
+ image_format: an image format supported by :func:`detection_utils.read_image`.
+ ignore_label: the label that is ignored to evaluation
+ size_divisibility: pad image size to be divisible by this value
+ """
+ self.is_train = is_train
+ self.tfm_gens = augmentations
+ self.img_format = image_format
+ self.ignore_label = ignore_label
+ self.size_divisibility = size_divisibility
+
+ logger = logging.getLogger(__name__)
+ mode = "training" if is_train else "inference"
+ logger.info(f"[{self.__class__.__name__}] Augmentations used in {mode}: {augmentations}")
+
+ @classmethod
+ def from_config(cls, cfg, is_train=True):
+ # Build augmentation
+ augs = [
+ T.ResizeShortestEdge(
+ cfg.INPUT.MIN_SIZE_TRAIN,
+ cfg.INPUT.MAX_SIZE_TRAIN,
+ cfg.INPUT.MIN_SIZE_TRAIN_SAMPLING,
+ )
+ ]
+ if cfg.INPUT.CROP.ENABLED:
+ augs.append(
+ T.RandomCrop_CategoryAreaConstraint(
+ cfg.INPUT.CROP.TYPE,
+ cfg.INPUT.CROP.SIZE,
+ cfg.INPUT.CROP.SINGLE_CATEGORY_MAX_AREA,
+ cfg.MODEL.SEM_SEG_HEAD.IGNORE_VALUE,
+ )
+ )
+ if cfg.INPUT.COLOR_AUG_SSD:
+ augs.append(ColorAugSSDTransform(img_format=cfg.INPUT.FORMAT))
+ augs.append(T.RandomFlip())
+
+ # Assume always applies to the training set.
+ dataset_names = cfg.DATASETS.TRAIN
+ meta = MetadataCatalog.get(dataset_names[0])
+ ignore_label = meta.ignore_label
+
+ ret = {
+ "is_train": is_train,
+ "augmentations": augs,
+ "image_format": cfg.INPUT.FORMAT,
+ "ignore_label": ignore_label,
+ "size_divisibility": cfg.INPUT.SIZE_DIVISIBILITY,
+ }
+ return ret
+
+ def __call__(self, dataset_dict):
+ """
+ Args:
+ dataset_dict (dict): Metadata of one image, in Detectron2 Dataset format.
+
+ Returns:
+ dict: a format that builtin models in detectron2 accept
+ """
+ assert self.is_train, "MaskFormerSemanticDatasetMapper should only be used for training!"
+
+ dataset_dict = copy.deepcopy(dataset_dict) # it will be modified by code below
+ image = utils.read_image(dataset_dict["file_name"], format=self.img_format)
+ utils.check_image_size(dataset_dict, image)
+
+ if "sem_seg_file_name" in dataset_dict:
+ # PyTorch transformation not implemented for uint16, so converting it to double first
+ sem_seg_gt = utils.read_image(dataset_dict.pop("sem_seg_file_name")).astype("double")
+ else:
+ sem_seg_gt = None
+
+ if sem_seg_gt is None:
+ raise ValueError(
+ "Cannot find 'sem_seg_file_name' for semantic segmentation dataset {}.".format(
+ dataset_dict["file_name"]
+ )
+ )
+
+ aug_input = T.AugInput(image, sem_seg=sem_seg_gt)
+ aug_input, transforms = T.apply_transform_gens(self.tfm_gens, aug_input)
+ image = aug_input.image
+ sem_seg_gt = aug_input.sem_seg
+
+ # Pad image and segmentation label here!
+ image = torch.as_tensor(np.ascontiguousarray(image.transpose(2, 0, 1)))
+ if sem_seg_gt is not None:
+ sem_seg_gt = torch.as_tensor(sem_seg_gt.astype("long"))
+
+ if self.size_divisibility > 0:
+ image_size = (image.shape[-2], image.shape[-1])
+ padding_size = [
+ 0,
+ self.size_divisibility - image_size[1],
+ 0,
+ self.size_divisibility - image_size[0],
+ ]
+ image = F.pad(image, padding_size, value=128).contiguous()
+ if sem_seg_gt is not None:
+ sem_seg_gt = F.pad(sem_seg_gt, padding_size, value=self.ignore_label).contiguous()
+
+ image_shape = (image.shape[-2], image.shape[-1]) # h, w
+
+ # Pytorch's dataloader is efficient on torch.Tensor due to shared-memory,
+ # but not efficient on large generic data structures due to the use of pickle & mp.Queue.
+ # Therefore it's important to use torch.Tensor.
+ dataset_dict["image"] = image
+
+ if sem_seg_gt is not None:
+ dataset_dict["sem_seg"] = sem_seg_gt.long()
+
+ if "annotations" in dataset_dict:
+ raise ValueError("Semantic segmentation dataset should not have 'annotations'.")
+
+ # Prepare per-category binary masks
+ if sem_seg_gt is not None:
+ sem_seg_gt = sem_seg_gt.numpy()
+ instances = Instances(image_shape)
+ classes = np.unique(sem_seg_gt)
+ # remove ignored region
+ classes = classes[classes != self.ignore_label]
+ instances.gt_classes = torch.tensor(classes, dtype=torch.int64)
+
+ masks = []
+ for class_id in classes:
+ masks.append(sem_seg_gt == class_id)
+
+ if len(masks) == 0:
+ # Some image does not have annotation (all ignored)
+ instances.gt_masks = torch.zeros((0, sem_seg_gt.shape[-2], sem_seg_gt.shape[-1]))
+ else:
+ masks = BitMasks(
+ torch.stack([torch.from_numpy(np.ascontiguousarray(x.copy())) for x in masks])
+ )
+ instances.gt_masks = masks.tensor
+
+ dataset_dict["instances"] = instances
+
+ return dataset_dict
diff --git a/mask2former/data/datasets/__init__.py b/mask2former/data/datasets/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..403a678e3ba6655135f36e788ad53587f05d6d1e
--- /dev/null
+++ b/mask2former/data/datasets/__init__.py
@@ -0,0 +1,10 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+from . import (
+ register_ade20k_full,
+ register_ade20k_panoptic,
+ register_coco_stuff_10k,
+ register_mapillary_vistas,
+ register_coco_panoptic_annos_semseg,
+ register_ade20k_instance,
+ register_mapillary_vistas_panoptic,
+)
diff --git a/mask2former/data/datasets/register_ade20k_full.py b/mask2former/data/datasets/register_ade20k_full.py
new file mode 100644
index 0000000000000000000000000000000000000000..7121a22227583b29a6e167b560703e33371f1081
--- /dev/null
+++ b/mask2former/data/datasets/register_ade20k_full.py
@@ -0,0 +1,964 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import os
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.data.datasets import load_sem_seg
+
+ADE20K_SEM_SEG_FULL_CATEGORIES = [
+ {"name": "wall", "id": 2978, "trainId": 0},
+ {"name": "building, edifice", "id": 312, "trainId": 1},
+ {"name": "sky", "id": 2420, "trainId": 2},
+ {"name": "tree", "id": 2855, "trainId": 3},
+ {"name": "road, route", "id": 2131, "trainId": 4},
+ {"name": "floor, flooring", "id": 976, "trainId": 5},
+ {"name": "ceiling", "id": 447, "trainId": 6},
+ {"name": "bed", "id": 165, "trainId": 7},
+ {"name": "sidewalk, pavement", "id": 2377, "trainId": 8},
+ {"name": "earth, ground", "id": 838, "trainId": 9},
+ {"name": "cabinet", "id": 350, "trainId": 10},
+ {"name": "person, individual, someone, somebody, mortal, soul", "id": 1831, "trainId": 11},
+ {"name": "grass", "id": 1125, "trainId": 12},
+ {"name": "windowpane, window", "id": 3055, "trainId": 13},
+ {"name": "car, auto, automobile, machine, motorcar", "id": 401, "trainId": 14},
+ {"name": "mountain, mount", "id": 1610, "trainId": 15},
+ {"name": "plant, flora, plant life", "id": 1910, "trainId": 16},
+ {"name": "table", "id": 2684, "trainId": 17},
+ {"name": "chair", "id": 471, "trainId": 18},
+ {"name": "curtain, drape, drapery, mantle, pall", "id": 687, "trainId": 19},
+ {"name": "door", "id": 774, "trainId": 20},
+ {"name": "sofa, couch, lounge", "id": 2473, "trainId": 21},
+ {"name": "sea", "id": 2264, "trainId": 22},
+ {"name": "painting, picture", "id": 1735, "trainId": 23},
+ {"name": "water", "id": 2994, "trainId": 24},
+ {"name": "mirror", "id": 1564, "trainId": 25},
+ {"name": "house", "id": 1276, "trainId": 26},
+ {"name": "rug, carpet, carpeting", "id": 2178, "trainId": 27},
+ {"name": "shelf", "id": 2329, "trainId": 28},
+ {"name": "armchair", "id": 57, "trainId": 29},
+ {"name": "fence, fencing", "id": 907, "trainId": 30},
+ {"name": "field", "id": 913, "trainId": 31},
+ {"name": "lamp", "id": 1395, "trainId": 32},
+ {"name": "rock, stone", "id": 2138, "trainId": 33},
+ {"name": "seat", "id": 2272, "trainId": 34},
+ {"name": "river", "id": 2128, "trainId": 35},
+ {"name": "desk", "id": 724, "trainId": 36},
+ {"name": "bathtub, bathing tub, bath, tub", "id": 155, "trainId": 37},
+ {"name": "railing, rail", "id": 2053, "trainId": 38},
+ {"name": "signboard, sign", "id": 2380, "trainId": 39},
+ {"name": "cushion", "id": 689, "trainId": 40},
+ {"name": "path", "id": 1788, "trainId": 41},
+ {"name": "work surface", "id": 3087, "trainId": 42},
+ {"name": "stairs, steps", "id": 2530, "trainId": 43},
+ {"name": "column, pillar", "id": 581, "trainId": 44},
+ {"name": "sink", "id": 2388, "trainId": 45},
+ {"name": "wardrobe, closet, press", "id": 2985, "trainId": 46},
+ {"name": "snow", "id": 2454, "trainId": 47},
+ {"name": "refrigerator, icebox", "id": 2096, "trainId": 48},
+ {"name": "base, pedestal, stand", "id": 137, "trainId": 49},
+ {"name": "bridge, span", "id": 294, "trainId": 50},
+ {"name": "blind, screen", "id": 212, "trainId": 51},
+ {"name": "runway", "id": 2185, "trainId": 52},
+ {"name": "cliff, drop, drop-off", "id": 524, "trainId": 53},
+ {"name": "sand", "id": 2212, "trainId": 54},
+ {"name": "fireplace, hearth, open fireplace", "id": 943, "trainId": 55},
+ {"name": "pillow", "id": 1869, "trainId": 56},
+ {"name": "screen door, screen", "id": 2251, "trainId": 57},
+ {"name": "toilet, can, commode, crapper, pot, potty, stool, throne", "id": 2793, "trainId": 58},
+ {"name": "skyscraper", "id": 2423, "trainId": 59},
+ {"name": "grandstand, covered stand", "id": 1121, "trainId": 60},
+ {"name": "box", "id": 266, "trainId": 61},
+ {"name": "pool table, billiard table, snooker table", "id": 1948, "trainId": 62},
+ {"name": "palm, palm tree", "id": 1744, "trainId": 63},
+ {"name": "double door", "id": 783, "trainId": 64},
+ {"name": "coffee table, cocktail table", "id": 571, "trainId": 65},
+ {"name": "counter", "id": 627, "trainId": 66},
+ {"name": "countertop", "id": 629, "trainId": 67},
+ {"name": "chest of drawers, chest, bureau, dresser", "id": 491, "trainId": 68},
+ {"name": "kitchen island", "id": 1374, "trainId": 69},
+ {"name": "boat", "id": 223, "trainId": 70},
+ {"name": "waterfall, falls", "id": 3016, "trainId": 71},
+ {
+ "name": "stove, kitchen stove, range, kitchen range, cooking stove",
+ "id": 2598,
+ "trainId": 72,
+ },
+ {"name": "flower", "id": 978, "trainId": 73},
+ {"name": "bookcase", "id": 239, "trainId": 74},
+ {"name": "controls", "id": 608, "trainId": 75},
+ {"name": "book", "id": 236, "trainId": 76},
+ {"name": "stairway, staircase", "id": 2531, "trainId": 77},
+ {"name": "streetlight, street lamp", "id": 2616, "trainId": 78},
+ {
+ "name": "computer, computing machine, computing device, data processor, electronic computer, information processing system",
+ "id": 591,
+ "trainId": 79,
+ },
+ {
+ "name": "bus, autobus, coach, charabanc, double-decker, jitney, motorbus, motorcoach, omnibus, passenger vehicle",
+ "id": 327,
+ "trainId": 80,
+ },
+ {"name": "swivel chair", "id": 2679, "trainId": 81},
+ {"name": "light, light source", "id": 1451, "trainId": 82},
+ {"name": "bench", "id": 181, "trainId": 83},
+ {"name": "case, display case, showcase, vitrine", "id": 420, "trainId": 84},
+ {"name": "towel", "id": 2821, "trainId": 85},
+ {"name": "fountain", "id": 1023, "trainId": 86},
+ {"name": "embankment", "id": 855, "trainId": 87},
+ {
+ "name": "television receiver, television, television set, tv, tv set, idiot box, boob tube, telly, goggle box",
+ "id": 2733,
+ "trainId": 88,
+ },
+ {"name": "van", "id": 2928, "trainId": 89},
+ {"name": "hill", "id": 1240, "trainId": 90},
+ {"name": "awning, sunshade, sunblind", "id": 77, "trainId": 91},
+ {"name": "poster, posting, placard, notice, bill, card", "id": 1969, "trainId": 92},
+ {"name": "truck, motortruck", "id": 2880, "trainId": 93},
+ {"name": "airplane, aeroplane, plane", "id": 14, "trainId": 94},
+ {"name": "pole", "id": 1936, "trainId": 95},
+ {"name": "tower", "id": 2828, "trainId": 96},
+ {"name": "court", "id": 631, "trainId": 97},
+ {"name": "ball", "id": 103, "trainId": 98},
+ {
+ "name": "aircraft carrier, carrier, flattop, attack aircraft carrier",
+ "id": 3144,
+ "trainId": 99,
+ },
+ {"name": "buffet, counter, sideboard", "id": 308, "trainId": 100},
+ {"name": "hovel, hut, hutch, shack, shanty", "id": 1282, "trainId": 101},
+ {"name": "apparel, wearing apparel, dress, clothes", "id": 38, "trainId": 102},
+ {"name": "minibike, motorbike", "id": 1563, "trainId": 103},
+ {"name": "animal, animate being, beast, brute, creature, fauna", "id": 29, "trainId": 104},
+ {"name": "chandelier, pendant, pendent", "id": 480, "trainId": 105},
+ {"name": "step, stair", "id": 2569, "trainId": 106},
+ {"name": "booth, cubicle, stall, kiosk", "id": 247, "trainId": 107},
+ {"name": "bicycle, bike, wheel, cycle", "id": 187, "trainId": 108},
+ {"name": "doorframe, doorcase", "id": 778, "trainId": 109},
+ {"name": "sconce", "id": 2243, "trainId": 110},
+ {"name": "pond", "id": 1941, "trainId": 111},
+ {"name": "trade name, brand name, brand, marque", "id": 2833, "trainId": 112},
+ {"name": "bannister, banister, balustrade, balusters, handrail", "id": 120, "trainId": 113},
+ {"name": "bag", "id": 95, "trainId": 114},
+ {"name": "traffic light, traffic signal, stoplight", "id": 2836, "trainId": 115},
+ {"name": "gazebo", "id": 1087, "trainId": 116},
+ {"name": "escalator, moving staircase, moving stairway", "id": 868, "trainId": 117},
+ {"name": "land, ground, soil", "id": 1401, "trainId": 118},
+ {"name": "board, plank", "id": 220, "trainId": 119},
+ {"name": "arcade machine", "id": 47, "trainId": 120},
+ {"name": "eiderdown, duvet, continental quilt", "id": 843, "trainId": 121},
+ {"name": "bar", "id": 123, "trainId": 122},
+ {"name": "stall, stand, sales booth", "id": 2537, "trainId": 123},
+ {"name": "playground", "id": 1927, "trainId": 124},
+ {"name": "ship", "id": 2337, "trainId": 125},
+ {"name": "ottoman, pouf, pouffe, puff, hassock", "id": 1702, "trainId": 126},
+ {
+ "name": "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin",
+ "id": 64,
+ "trainId": 127,
+ },
+ {"name": "bottle", "id": 249, "trainId": 128},
+ {"name": "cradle", "id": 642, "trainId": 129},
+ {"name": "pot, flowerpot", "id": 1981, "trainId": 130},
+ {
+ "name": "conveyer belt, conveyor belt, conveyer, conveyor, transporter",
+ "id": 609,
+ "trainId": 131,
+ },
+ {"name": "train, railroad train", "id": 2840, "trainId": 132},
+ {"name": "stool", "id": 2586, "trainId": 133},
+ {"name": "lake", "id": 1393, "trainId": 134},
+ {"name": "tank, storage tank", "id": 2704, "trainId": 135},
+ {"name": "ice, water ice", "id": 1304, "trainId": 136},
+ {"name": "basket, handbasket", "id": 146, "trainId": 137},
+ {"name": "manhole", "id": 1494, "trainId": 138},
+ {"name": "tent, collapsible shelter", "id": 2739, "trainId": 139},
+ {"name": "canopy", "id": 389, "trainId": 140},
+ {"name": "microwave, microwave oven", "id": 1551, "trainId": 141},
+ {"name": "barrel, cask", "id": 131, "trainId": 142},
+ {"name": "dirt track", "id": 738, "trainId": 143},
+ {"name": "beam", "id": 161, "trainId": 144},
+ {"name": "dishwasher, dish washer, dishwashing machine", "id": 747, "trainId": 145},
+ {"name": "plate", "id": 1919, "trainId": 146},
+ {"name": "screen, crt screen", "id": 3109, "trainId": 147},
+ {"name": "ruins", "id": 2179, "trainId": 148},
+ {"name": "washer, automatic washer, washing machine", "id": 2989, "trainId": 149},
+ {"name": "blanket, cover", "id": 206, "trainId": 150},
+ {"name": "plaything, toy", "id": 1930, "trainId": 151},
+ {"name": "food, solid food", "id": 1002, "trainId": 152},
+ {"name": "screen, silver screen, projection screen", "id": 2254, "trainId": 153},
+ {"name": "oven", "id": 1708, "trainId": 154},
+ {"name": "stage", "id": 2526, "trainId": 155},
+ {"name": "beacon, lighthouse, beacon light, pharos", "id": 160, "trainId": 156},
+ {"name": "umbrella", "id": 2901, "trainId": 157},
+ {"name": "sculpture", "id": 2262, "trainId": 158},
+ {"name": "aqueduct", "id": 44, "trainId": 159},
+ {"name": "container", "id": 597, "trainId": 160},
+ {"name": "scaffolding, staging", "id": 2235, "trainId": 161},
+ {"name": "hood, exhaust hood", "id": 1260, "trainId": 162},
+ {"name": "curb, curbing, kerb", "id": 682, "trainId": 163},
+ {"name": "roller coaster", "id": 2151, "trainId": 164},
+ {"name": "horse, equus caballus", "id": 3107, "trainId": 165},
+ {"name": "catwalk", "id": 432, "trainId": 166},
+ {"name": "glass, drinking glass", "id": 1098, "trainId": 167},
+ {"name": "vase", "id": 2932, "trainId": 168},
+ {"name": "central reservation", "id": 461, "trainId": 169},
+ {"name": "carousel", "id": 410, "trainId": 170},
+ {"name": "radiator", "id": 2046, "trainId": 171},
+ {"name": "closet", "id": 533, "trainId": 172},
+ {"name": "machine", "id": 1481, "trainId": 173},
+ {"name": "pier, wharf, wharfage, dock", "id": 1858, "trainId": 174},
+ {"name": "fan", "id": 894, "trainId": 175},
+ {"name": "inflatable bounce game", "id": 1322, "trainId": 176},
+ {"name": "pitch", "id": 1891, "trainId": 177},
+ {"name": "paper", "id": 1756, "trainId": 178},
+ {"name": "arcade, colonnade", "id": 49, "trainId": 179},
+ {"name": "hot tub", "id": 1272, "trainId": 180},
+ {"name": "helicopter", "id": 1229, "trainId": 181},
+ {"name": "tray", "id": 2850, "trainId": 182},
+ {"name": "partition, divider", "id": 1784, "trainId": 183},
+ {"name": "vineyard", "id": 2962, "trainId": 184},
+ {"name": "bowl", "id": 259, "trainId": 185},
+ {"name": "bullring", "id": 319, "trainId": 186},
+ {"name": "flag", "id": 954, "trainId": 187},
+ {"name": "pot", "id": 1974, "trainId": 188},
+ {"name": "footbridge, overcrossing, pedestrian bridge", "id": 1013, "trainId": 189},
+ {"name": "shower", "id": 2356, "trainId": 190},
+ {"name": "bag, traveling bag, travelling bag, grip, suitcase", "id": 97, "trainId": 191},
+ {"name": "bulletin board, notice board", "id": 318, "trainId": 192},
+ {"name": "confessional booth", "id": 592, "trainId": 193},
+ {"name": "trunk, tree trunk, bole", "id": 2885, "trainId": 194},
+ {"name": "forest", "id": 1017, "trainId": 195},
+ {"name": "elevator door", "id": 851, "trainId": 196},
+ {"name": "laptop, laptop computer", "id": 1407, "trainId": 197},
+ {"name": "instrument panel", "id": 1332, "trainId": 198},
+ {"name": "bucket, pail", "id": 303, "trainId": 199},
+ {"name": "tapestry, tapis", "id": 2714, "trainId": 200},
+ {"name": "platform", "id": 1924, "trainId": 201},
+ {"name": "jacket", "id": 1346, "trainId": 202},
+ {"name": "gate", "id": 1081, "trainId": 203},
+ {"name": "monitor, monitoring device", "id": 1583, "trainId": 204},
+ {
+ "name": "telephone booth, phone booth, call box, telephone box, telephone kiosk",
+ "id": 2727,
+ "trainId": 205,
+ },
+ {"name": "spotlight, spot", "id": 2509, "trainId": 206},
+ {"name": "ring", "id": 2123, "trainId": 207},
+ {"name": "control panel", "id": 602, "trainId": 208},
+ {"name": "blackboard, chalkboard", "id": 202, "trainId": 209},
+ {"name": "air conditioner, air conditioning", "id": 10, "trainId": 210},
+ {"name": "chest", "id": 490, "trainId": 211},
+ {"name": "clock", "id": 530, "trainId": 212},
+ {"name": "sand dune", "id": 2213, "trainId": 213},
+ {"name": "pipe, pipage, piping", "id": 1884, "trainId": 214},
+ {"name": "vault", "id": 2934, "trainId": 215},
+ {"name": "table football", "id": 2687, "trainId": 216},
+ {"name": "cannon", "id": 387, "trainId": 217},
+ {"name": "swimming pool, swimming bath, natatorium", "id": 2668, "trainId": 218},
+ {"name": "fluorescent, fluorescent fixture", "id": 982, "trainId": 219},
+ {"name": "statue", "id": 2547, "trainId": 220},
+ {
+ "name": "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system",
+ "id": 1474,
+ "trainId": 221,
+ },
+ {"name": "exhibitor", "id": 877, "trainId": 222},
+ {"name": "ladder", "id": 1391, "trainId": 223},
+ {"name": "carport", "id": 414, "trainId": 224},
+ {"name": "dam", "id": 698, "trainId": 225},
+ {"name": "pulpit", "id": 2019, "trainId": 226},
+ {"name": "skylight, fanlight", "id": 2422, "trainId": 227},
+ {"name": "water tower", "id": 3010, "trainId": 228},
+ {"name": "grill, grille, grillwork", "id": 1139, "trainId": 229},
+ {"name": "display board", "id": 753, "trainId": 230},
+ {"name": "pane, pane of glass, window glass", "id": 1747, "trainId": 231},
+ {"name": "rubbish, trash, scrap", "id": 2175, "trainId": 232},
+ {"name": "ice rink", "id": 1301, "trainId": 233},
+ {"name": "fruit", "id": 1033, "trainId": 234},
+ {"name": "patio", "id": 1789, "trainId": 235},
+ {"name": "vending machine", "id": 2939, "trainId": 236},
+ {"name": "telephone, phone, telephone set", "id": 2730, "trainId": 237},
+ {"name": "net", "id": 1652, "trainId": 238},
+ {
+ "name": "backpack, back pack, knapsack, packsack, rucksack, haversack",
+ "id": 90,
+ "trainId": 239,
+ },
+ {"name": "jar", "id": 1349, "trainId": 240},
+ {"name": "track", "id": 2830, "trainId": 241},
+ {"name": "magazine", "id": 1485, "trainId": 242},
+ {"name": "shutter", "id": 2370, "trainId": 243},
+ {"name": "roof", "id": 2155, "trainId": 244},
+ {"name": "banner, streamer", "id": 118, "trainId": 245},
+ {"name": "landfill", "id": 1402, "trainId": 246},
+ {"name": "post", "id": 1957, "trainId": 247},
+ {"name": "altarpiece, reredos", "id": 3130, "trainId": 248},
+ {"name": "hat, chapeau, lid", "id": 1197, "trainId": 249},
+ {"name": "arch, archway", "id": 52, "trainId": 250},
+ {"name": "table game", "id": 2688, "trainId": 251},
+ {"name": "bag, handbag, pocketbook, purse", "id": 96, "trainId": 252},
+ {"name": "document, written document, papers", "id": 762, "trainId": 253},
+ {"name": "dome", "id": 772, "trainId": 254},
+ {"name": "pier", "id": 1857, "trainId": 255},
+ {"name": "shanties", "id": 2315, "trainId": 256},
+ {"name": "forecourt", "id": 1016, "trainId": 257},
+ {"name": "crane", "id": 643, "trainId": 258},
+ {"name": "dog, domestic dog, canis familiaris", "id": 3105, "trainId": 259},
+ {"name": "piano, pianoforte, forte-piano", "id": 1849, "trainId": 260},
+ {"name": "drawing", "id": 791, "trainId": 261},
+ {"name": "cabin", "id": 349, "trainId": 262},
+ {
+ "name": "ad, advertisement, advertizement, advertising, advertizing, advert",
+ "id": 6,
+ "trainId": 263,
+ },
+ {"name": "amphitheater, amphitheatre, coliseum", "id": 3114, "trainId": 264},
+ {"name": "monument", "id": 1587, "trainId": 265},
+ {"name": "henhouse", "id": 1233, "trainId": 266},
+ {"name": "cockpit", "id": 559, "trainId": 267},
+ {"name": "heater, warmer", "id": 1223, "trainId": 268},
+ {"name": "windmill, aerogenerator, wind generator", "id": 3049, "trainId": 269},
+ {"name": "pool", "id": 1943, "trainId": 270},
+ {"name": "elevator, lift", "id": 853, "trainId": 271},
+ {"name": "decoration, ornament, ornamentation", "id": 709, "trainId": 272},
+ {"name": "labyrinth", "id": 1390, "trainId": 273},
+ {"name": "text, textual matter", "id": 2748, "trainId": 274},
+ {"name": "printer", "id": 2007, "trainId": 275},
+ {"name": "mezzanine, first balcony", "id": 1546, "trainId": 276},
+ {"name": "mattress", "id": 1513, "trainId": 277},
+ {"name": "straw", "id": 2600, "trainId": 278},
+ {"name": "stalls", "id": 2538, "trainId": 279},
+ {"name": "patio, terrace", "id": 1790, "trainId": 280},
+ {"name": "billboard, hoarding", "id": 194, "trainId": 281},
+ {"name": "bus stop", "id": 326, "trainId": 282},
+ {"name": "trouser, pant", "id": 2877, "trainId": 283},
+ {"name": "console table, console", "id": 594, "trainId": 284},
+ {"name": "rack", "id": 2036, "trainId": 285},
+ {"name": "notebook", "id": 1662, "trainId": 286},
+ {"name": "shrine", "id": 2366, "trainId": 287},
+ {"name": "pantry", "id": 1754, "trainId": 288},
+ {"name": "cart", "id": 418, "trainId": 289},
+ {"name": "steam shovel", "id": 2553, "trainId": 290},
+ {"name": "porch", "id": 1951, "trainId": 291},
+ {"name": "postbox, mailbox, letter box", "id": 1963, "trainId": 292},
+ {"name": "figurine, statuette", "id": 918, "trainId": 293},
+ {"name": "recycling bin", "id": 2086, "trainId": 294},
+ {"name": "folding screen", "id": 997, "trainId": 295},
+ {"name": "telescope", "id": 2731, "trainId": 296},
+ {"name": "deck chair, beach chair", "id": 704, "trainId": 297},
+ {"name": "kennel", "id": 1365, "trainId": 298},
+ {"name": "coffee maker", "id": 569, "trainId": 299},
+ {"name": "altar, communion table, lord's table", "id": 3108, "trainId": 300},
+ {"name": "fish", "id": 948, "trainId": 301},
+ {"name": "easel", "id": 839, "trainId": 302},
+ {"name": "artificial golf green", "id": 63, "trainId": 303},
+ {"name": "iceberg", "id": 1305, "trainId": 304},
+ {"name": "candlestick, candle holder", "id": 378, "trainId": 305},
+ {"name": "shower stall, shower bath", "id": 2362, "trainId": 306},
+ {"name": "television stand", "id": 2734, "trainId": 307},
+ {
+ "name": "wall socket, wall plug, electric outlet, electrical outlet, outlet, electric receptacle",
+ "id": 2982,
+ "trainId": 308,
+ },
+ {"name": "skeleton", "id": 2398, "trainId": 309},
+ {"name": "grand piano, grand", "id": 1119, "trainId": 310},
+ {"name": "candy, confect", "id": 382, "trainId": 311},
+ {"name": "grille door", "id": 1141, "trainId": 312},
+ {"name": "pedestal, plinth, footstall", "id": 1805, "trainId": 313},
+ {"name": "jersey, t-shirt, tee shirt", "id": 3102, "trainId": 314},
+ {"name": "shoe", "id": 2341, "trainId": 315},
+ {"name": "gravestone, headstone, tombstone", "id": 1131, "trainId": 316},
+ {"name": "shanty", "id": 2316, "trainId": 317},
+ {"name": "structure", "id": 2626, "trainId": 318},
+ {"name": "rocking chair, rocker", "id": 3104, "trainId": 319},
+ {"name": "bird", "id": 198, "trainId": 320},
+ {"name": "place mat", "id": 1896, "trainId": 321},
+ {"name": "tomb", "id": 2800, "trainId": 322},
+ {"name": "big top", "id": 190, "trainId": 323},
+ {"name": "gas pump, gasoline pump, petrol pump, island dispenser", "id": 3131, "trainId": 324},
+ {"name": "lockers", "id": 1463, "trainId": 325},
+ {"name": "cage", "id": 357, "trainId": 326},
+ {"name": "finger", "id": 929, "trainId": 327},
+ {"name": "bleachers", "id": 209, "trainId": 328},
+ {"name": "ferris wheel", "id": 912, "trainId": 329},
+ {"name": "hairdresser chair", "id": 1164, "trainId": 330},
+ {"name": "mat", "id": 1509, "trainId": 331},
+ {"name": "stands", "id": 2539, "trainId": 332},
+ {"name": "aquarium, fish tank, marine museum", "id": 3116, "trainId": 333},
+ {"name": "streetcar, tram, tramcar, trolley, trolley car", "id": 2615, "trainId": 334},
+ {"name": "napkin, table napkin, serviette", "id": 1644, "trainId": 335},
+ {"name": "dummy", "id": 818, "trainId": 336},
+ {"name": "booklet, brochure, folder, leaflet, pamphlet", "id": 242, "trainId": 337},
+ {"name": "sand trap", "id": 2217, "trainId": 338},
+ {"name": "shop, store", "id": 2347, "trainId": 339},
+ {"name": "table cloth", "id": 2686, "trainId": 340},
+ {"name": "service station", "id": 2300, "trainId": 341},
+ {"name": "coffin", "id": 572, "trainId": 342},
+ {"name": "drawer", "id": 789, "trainId": 343},
+ {"name": "cages", "id": 358, "trainId": 344},
+ {"name": "slot machine, coin machine", "id": 2443, "trainId": 345},
+ {"name": "balcony", "id": 101, "trainId": 346},
+ {"name": "volleyball court", "id": 2969, "trainId": 347},
+ {"name": "table tennis", "id": 2692, "trainId": 348},
+ {"name": "control table", "id": 606, "trainId": 349},
+ {"name": "shirt", "id": 2339, "trainId": 350},
+ {"name": "merchandise, ware, product", "id": 1533, "trainId": 351},
+ {"name": "railway", "id": 2060, "trainId": 352},
+ {"name": "parterre", "id": 1782, "trainId": 353},
+ {"name": "chimney", "id": 495, "trainId": 354},
+ {"name": "can, tin, tin can", "id": 371, "trainId": 355},
+ {"name": "tanks", "id": 2707, "trainId": 356},
+ {"name": "fabric, cloth, material, textile", "id": 889, "trainId": 357},
+ {"name": "alga, algae", "id": 3156, "trainId": 358},
+ {"name": "system", "id": 2683, "trainId": 359},
+ {"name": "map", "id": 1499, "trainId": 360},
+ {"name": "greenhouse", "id": 1135, "trainId": 361},
+ {"name": "mug", "id": 1619, "trainId": 362},
+ {"name": "barbecue", "id": 125, "trainId": 363},
+ {"name": "trailer", "id": 2838, "trainId": 364},
+ {"name": "toilet tissue, toilet paper, bathroom tissue", "id": 2792, "trainId": 365},
+ {"name": "organ", "id": 1695, "trainId": 366},
+ {"name": "dishrag, dishcloth", "id": 746, "trainId": 367},
+ {"name": "island", "id": 1343, "trainId": 368},
+ {"name": "keyboard", "id": 1370, "trainId": 369},
+ {"name": "trench", "id": 2858, "trainId": 370},
+ {"name": "basket, basketball hoop, hoop", "id": 145, "trainId": 371},
+ {"name": "steering wheel, wheel", "id": 2565, "trainId": 372},
+ {"name": "pitcher, ewer", "id": 1892, "trainId": 373},
+ {"name": "goal", "id": 1103, "trainId": 374},
+ {"name": "bread, breadstuff, staff of life", "id": 286, "trainId": 375},
+ {"name": "beds", "id": 170, "trainId": 376},
+ {"name": "wood", "id": 3073, "trainId": 377},
+ {"name": "file cabinet", "id": 922, "trainId": 378},
+ {"name": "newspaper, paper", "id": 1655, "trainId": 379},
+ {"name": "motorboat", "id": 1602, "trainId": 380},
+ {"name": "rope", "id": 2160, "trainId": 381},
+ {"name": "guitar", "id": 1151, "trainId": 382},
+ {"name": "rubble", "id": 2176, "trainId": 383},
+ {"name": "scarf", "id": 2239, "trainId": 384},
+ {"name": "barrels", "id": 132, "trainId": 385},
+ {"name": "cap", "id": 394, "trainId": 386},
+ {"name": "leaves", "id": 1424, "trainId": 387},
+ {"name": "control tower", "id": 607, "trainId": 388},
+ {"name": "dashboard", "id": 700, "trainId": 389},
+ {"name": "bandstand", "id": 116, "trainId": 390},
+ {"name": "lectern", "id": 1425, "trainId": 391},
+ {"name": "switch, electric switch, electrical switch", "id": 2676, "trainId": 392},
+ {"name": "baseboard, mopboard, skirting board", "id": 141, "trainId": 393},
+ {"name": "shower room", "id": 2360, "trainId": 394},
+ {"name": "smoke", "id": 2449, "trainId": 395},
+ {"name": "faucet, spigot", "id": 897, "trainId": 396},
+ {"name": "bulldozer", "id": 317, "trainId": 397},
+ {"name": "saucepan", "id": 2228, "trainId": 398},
+ {"name": "shops", "id": 2351, "trainId": 399},
+ {"name": "meter", "id": 1543, "trainId": 400},
+ {"name": "crevasse", "id": 656, "trainId": 401},
+ {"name": "gear", "id": 1088, "trainId": 402},
+ {"name": "candelabrum, candelabra", "id": 373, "trainId": 403},
+ {"name": "sofa bed", "id": 2472, "trainId": 404},
+ {"name": "tunnel", "id": 2892, "trainId": 405},
+ {"name": "pallet", "id": 1740, "trainId": 406},
+ {"name": "wire, conducting wire", "id": 3067, "trainId": 407},
+ {"name": "kettle, boiler", "id": 1367, "trainId": 408},
+ {"name": "bidet", "id": 188, "trainId": 409},
+ {
+ "name": "baby buggy, baby carriage, carriage, perambulator, pram, stroller, go-cart, pushchair, pusher",
+ "id": 79,
+ "trainId": 410,
+ },
+ {"name": "music stand", "id": 1633, "trainId": 411},
+ {"name": "pipe, tube", "id": 1885, "trainId": 412},
+ {"name": "cup", "id": 677, "trainId": 413},
+ {"name": "parking meter", "id": 1779, "trainId": 414},
+ {"name": "ice hockey rink", "id": 1297, "trainId": 415},
+ {"name": "shelter", "id": 2334, "trainId": 416},
+ {"name": "weeds", "id": 3027, "trainId": 417},
+ {"name": "temple", "id": 2735, "trainId": 418},
+ {"name": "patty, cake", "id": 1791, "trainId": 419},
+ {"name": "ski slope", "id": 2405, "trainId": 420},
+ {"name": "panel", "id": 1748, "trainId": 421},
+ {"name": "wallet", "id": 2983, "trainId": 422},
+ {"name": "wheel", "id": 3035, "trainId": 423},
+ {"name": "towel rack, towel horse", "id": 2824, "trainId": 424},
+ {"name": "roundabout", "id": 2168, "trainId": 425},
+ {"name": "canister, cannister, tin", "id": 385, "trainId": 426},
+ {"name": "rod", "id": 2148, "trainId": 427},
+ {"name": "soap dispenser", "id": 2465, "trainId": 428},
+ {"name": "bell", "id": 175, "trainId": 429},
+ {"name": "canvas", "id": 390, "trainId": 430},
+ {"name": "box office, ticket office, ticket booth", "id": 268, "trainId": 431},
+ {"name": "teacup", "id": 2722, "trainId": 432},
+ {"name": "trellis", "id": 2857, "trainId": 433},
+ {"name": "workbench", "id": 3088, "trainId": 434},
+ {"name": "valley, vale", "id": 2926, "trainId": 435},
+ {"name": "toaster", "id": 2782, "trainId": 436},
+ {"name": "knife", "id": 1378, "trainId": 437},
+ {"name": "podium", "id": 1934, "trainId": 438},
+ {"name": "ramp", "id": 2072, "trainId": 439},
+ {"name": "tumble dryer", "id": 2889, "trainId": 440},
+ {"name": "fireplug, fire hydrant, plug", "id": 944, "trainId": 441},
+ {"name": "gym shoe, sneaker, tennis shoe", "id": 1158, "trainId": 442},
+ {"name": "lab bench", "id": 1383, "trainId": 443},
+ {"name": "equipment", "id": 867, "trainId": 444},
+ {"name": "rocky formation", "id": 2145, "trainId": 445},
+ {"name": "plastic", "id": 1915, "trainId": 446},
+ {"name": "calendar", "id": 361, "trainId": 447},
+ {"name": "caravan", "id": 402, "trainId": 448},
+ {"name": "check-in-desk", "id": 482, "trainId": 449},
+ {"name": "ticket counter", "id": 2761, "trainId": 450},
+ {"name": "brush", "id": 300, "trainId": 451},
+ {"name": "mill", "id": 1554, "trainId": 452},
+ {"name": "covered bridge", "id": 636, "trainId": 453},
+ {"name": "bowling alley", "id": 260, "trainId": 454},
+ {"name": "hanger", "id": 1186, "trainId": 455},
+ {"name": "excavator", "id": 871, "trainId": 456},
+ {"name": "trestle", "id": 2859, "trainId": 457},
+ {"name": "revolving door", "id": 2103, "trainId": 458},
+ {"name": "blast furnace", "id": 208, "trainId": 459},
+ {"name": "scale, weighing machine", "id": 2236, "trainId": 460},
+ {"name": "projector", "id": 2012, "trainId": 461},
+ {"name": "soap", "id": 2462, "trainId": 462},
+ {"name": "locker", "id": 1462, "trainId": 463},
+ {"name": "tractor", "id": 2832, "trainId": 464},
+ {"name": "stretcher", "id": 2617, "trainId": 465},
+ {"name": "frame", "id": 1024, "trainId": 466},
+ {"name": "grating", "id": 1129, "trainId": 467},
+ {"name": "alembic", "id": 18, "trainId": 468},
+ {"name": "candle, taper, wax light", "id": 376, "trainId": 469},
+ {"name": "barrier", "id": 134, "trainId": 470},
+ {"name": "cardboard", "id": 407, "trainId": 471},
+ {"name": "cave", "id": 434, "trainId": 472},
+ {"name": "puddle", "id": 2017, "trainId": 473},
+ {"name": "tarp", "id": 2717, "trainId": 474},
+ {"name": "price tag", "id": 2005, "trainId": 475},
+ {"name": "watchtower", "id": 2993, "trainId": 476},
+ {"name": "meters", "id": 1545, "trainId": 477},
+ {
+ "name": "light bulb, lightbulb, bulb, incandescent lamp, electric light, electric-light bulb",
+ "id": 1445,
+ "trainId": 478,
+ },
+ {"name": "tracks", "id": 2831, "trainId": 479},
+ {"name": "hair dryer", "id": 1161, "trainId": 480},
+ {"name": "skirt", "id": 2411, "trainId": 481},
+ {"name": "viaduct", "id": 2949, "trainId": 482},
+ {"name": "paper towel", "id": 1769, "trainId": 483},
+ {"name": "coat", "id": 552, "trainId": 484},
+ {"name": "sheet", "id": 2327, "trainId": 485},
+ {"name": "fire extinguisher, extinguisher, asphyxiator", "id": 939, "trainId": 486},
+ {"name": "water wheel", "id": 3013, "trainId": 487},
+ {"name": "pottery, clayware", "id": 1986, "trainId": 488},
+ {"name": "magazine rack", "id": 1486, "trainId": 489},
+ {"name": "teapot", "id": 2723, "trainId": 490},
+ {"name": "microphone, mike", "id": 1549, "trainId": 491},
+ {"name": "support", "id": 2649, "trainId": 492},
+ {"name": "forklift", "id": 1020, "trainId": 493},
+ {"name": "canyon", "id": 392, "trainId": 494},
+ {"name": "cash register, register", "id": 422, "trainId": 495},
+ {"name": "leaf, leafage, foliage", "id": 1419, "trainId": 496},
+ {"name": "remote control, remote", "id": 2099, "trainId": 497},
+ {"name": "soap dish", "id": 2464, "trainId": 498},
+ {"name": "windshield, windscreen", "id": 3058, "trainId": 499},
+ {"name": "cat", "id": 430, "trainId": 500},
+ {"name": "cue, cue stick, pool cue, pool stick", "id": 675, "trainId": 501},
+ {"name": "vent, venthole, vent-hole, blowhole", "id": 2941, "trainId": 502},
+ {"name": "videos", "id": 2955, "trainId": 503},
+ {"name": "shovel", "id": 2355, "trainId": 504},
+ {"name": "eaves", "id": 840, "trainId": 505},
+ {"name": "antenna, aerial, transmitting aerial", "id": 32, "trainId": 506},
+ {"name": "shipyard", "id": 2338, "trainId": 507},
+ {"name": "hen, biddy", "id": 1232, "trainId": 508},
+ {"name": "traffic cone", "id": 2834, "trainId": 509},
+ {"name": "washing machines", "id": 2991, "trainId": 510},
+ {"name": "truck crane", "id": 2879, "trainId": 511},
+ {"name": "cds", "id": 444, "trainId": 512},
+ {"name": "niche", "id": 1657, "trainId": 513},
+ {"name": "scoreboard", "id": 2246, "trainId": 514},
+ {"name": "briefcase", "id": 296, "trainId": 515},
+ {"name": "boot", "id": 245, "trainId": 516},
+ {"name": "sweater, jumper", "id": 2661, "trainId": 517},
+ {"name": "hay", "id": 1202, "trainId": 518},
+ {"name": "pack", "id": 1714, "trainId": 519},
+ {"name": "bottle rack", "id": 251, "trainId": 520},
+ {"name": "glacier", "id": 1095, "trainId": 521},
+ {"name": "pergola", "id": 1828, "trainId": 522},
+ {"name": "building materials", "id": 311, "trainId": 523},
+ {"name": "television camera", "id": 2732, "trainId": 524},
+ {"name": "first floor", "id": 947, "trainId": 525},
+ {"name": "rifle", "id": 2115, "trainId": 526},
+ {"name": "tennis table", "id": 2738, "trainId": 527},
+ {"name": "stadium", "id": 2525, "trainId": 528},
+ {"name": "safety belt", "id": 2194, "trainId": 529},
+ {"name": "cover", "id": 634, "trainId": 530},
+ {"name": "dish rack", "id": 740, "trainId": 531},
+ {"name": "synthesizer", "id": 2682, "trainId": 532},
+ {"name": "pumpkin", "id": 2020, "trainId": 533},
+ {"name": "gutter", "id": 1156, "trainId": 534},
+ {"name": "fruit stand", "id": 1036, "trainId": 535},
+ {"name": "ice floe, floe", "id": 1295, "trainId": 536},
+ {"name": "handle, grip, handgrip, hold", "id": 1181, "trainId": 537},
+ {"name": "wheelchair", "id": 3037, "trainId": 538},
+ {"name": "mousepad, mouse mat", "id": 1614, "trainId": 539},
+ {"name": "diploma", "id": 736, "trainId": 540},
+ {"name": "fairground ride", "id": 893, "trainId": 541},
+ {"name": "radio", "id": 2047, "trainId": 542},
+ {"name": "hotplate", "id": 1274, "trainId": 543},
+ {"name": "junk", "id": 1361, "trainId": 544},
+ {"name": "wheelbarrow", "id": 3036, "trainId": 545},
+ {"name": "stream", "id": 2606, "trainId": 546},
+ {"name": "toll plaza", "id": 2797, "trainId": 547},
+ {"name": "punching bag", "id": 2022, "trainId": 548},
+ {"name": "trough", "id": 2876, "trainId": 549},
+ {"name": "throne", "id": 2758, "trainId": 550},
+ {"name": "chair desk", "id": 472, "trainId": 551},
+ {"name": "weighbridge", "id": 3028, "trainId": 552},
+ {"name": "extractor fan", "id": 882, "trainId": 553},
+ {"name": "hanging clothes", "id": 1189, "trainId": 554},
+ {"name": "dish, dish aerial, dish antenna, saucer", "id": 743, "trainId": 555},
+ {"name": "alarm clock, alarm", "id": 3122, "trainId": 556},
+ {"name": "ski lift", "id": 2401, "trainId": 557},
+ {"name": "chain", "id": 468, "trainId": 558},
+ {"name": "garage", "id": 1061, "trainId": 559},
+ {"name": "mechanical shovel", "id": 1523, "trainId": 560},
+ {"name": "wine rack", "id": 3059, "trainId": 561},
+ {"name": "tramway", "id": 2843, "trainId": 562},
+ {"name": "treadmill", "id": 2853, "trainId": 563},
+ {"name": "menu", "id": 1529, "trainId": 564},
+ {"name": "block", "id": 214, "trainId": 565},
+ {"name": "well", "id": 3032, "trainId": 566},
+ {"name": "witness stand", "id": 3071, "trainId": 567},
+ {"name": "branch", "id": 277, "trainId": 568},
+ {"name": "duck", "id": 813, "trainId": 569},
+ {"name": "casserole", "id": 426, "trainId": 570},
+ {"name": "frying pan", "id": 1039, "trainId": 571},
+ {"name": "desk organizer", "id": 727, "trainId": 572},
+ {"name": "mast", "id": 1508, "trainId": 573},
+ {"name": "spectacles, specs, eyeglasses, glasses", "id": 2490, "trainId": 574},
+ {"name": "service elevator", "id": 2299, "trainId": 575},
+ {"name": "dollhouse", "id": 768, "trainId": 576},
+ {"name": "hammock", "id": 1172, "trainId": 577},
+ {"name": "clothes hanging", "id": 537, "trainId": 578},
+ {"name": "photocopier", "id": 1847, "trainId": 579},
+ {"name": "notepad", "id": 1664, "trainId": 580},
+ {"name": "golf cart", "id": 1110, "trainId": 581},
+ {"name": "footpath", "id": 1014, "trainId": 582},
+ {"name": "cross", "id": 662, "trainId": 583},
+ {"name": "baptismal font", "id": 121, "trainId": 584},
+ {"name": "boiler", "id": 227, "trainId": 585},
+ {"name": "skip", "id": 2410, "trainId": 586},
+ {"name": "rotisserie", "id": 2165, "trainId": 587},
+ {"name": "tables", "id": 2696, "trainId": 588},
+ {"name": "water mill", "id": 3005, "trainId": 589},
+ {"name": "helmet", "id": 1231, "trainId": 590},
+ {"name": "cover curtain", "id": 635, "trainId": 591},
+ {"name": "brick", "id": 292, "trainId": 592},
+ {"name": "table runner", "id": 2690, "trainId": 593},
+ {"name": "ashtray", "id": 65, "trainId": 594},
+ {"name": "street box", "id": 2607, "trainId": 595},
+ {"name": "stick", "id": 2574, "trainId": 596},
+ {"name": "hangers", "id": 1188, "trainId": 597},
+ {"name": "cells", "id": 456, "trainId": 598},
+ {"name": "urinal", "id": 2913, "trainId": 599},
+ {"name": "centerpiece", "id": 459, "trainId": 600},
+ {"name": "portable fridge", "id": 1955, "trainId": 601},
+ {"name": "dvds", "id": 827, "trainId": 602},
+ {"name": "golf club", "id": 1111, "trainId": 603},
+ {"name": "skirting board", "id": 2412, "trainId": 604},
+ {"name": "water cooler", "id": 2997, "trainId": 605},
+ {"name": "clipboard", "id": 528, "trainId": 606},
+ {"name": "camera, photographic camera", "id": 366, "trainId": 607},
+ {"name": "pigeonhole", "id": 1863, "trainId": 608},
+ {"name": "chips", "id": 500, "trainId": 609},
+ {"name": "food processor", "id": 1001, "trainId": 610},
+ {"name": "post box", "id": 1958, "trainId": 611},
+ {"name": "lid", "id": 1441, "trainId": 612},
+ {"name": "drum", "id": 809, "trainId": 613},
+ {"name": "blender", "id": 210, "trainId": 614},
+ {"name": "cave entrance", "id": 435, "trainId": 615},
+ {"name": "dental chair", "id": 718, "trainId": 616},
+ {"name": "obelisk", "id": 1674, "trainId": 617},
+ {"name": "canoe", "id": 388, "trainId": 618},
+ {"name": "mobile", "id": 1572, "trainId": 619},
+ {"name": "monitors", "id": 1584, "trainId": 620},
+ {"name": "pool ball", "id": 1944, "trainId": 621},
+ {"name": "cue rack", "id": 674, "trainId": 622},
+ {"name": "baggage carts", "id": 99, "trainId": 623},
+ {"name": "shore", "id": 2352, "trainId": 624},
+ {"name": "fork", "id": 1019, "trainId": 625},
+ {"name": "paper filer", "id": 1763, "trainId": 626},
+ {"name": "bicycle rack", "id": 185, "trainId": 627},
+ {"name": "coat rack", "id": 554, "trainId": 628},
+ {"name": "garland", "id": 1066, "trainId": 629},
+ {"name": "sports bag", "id": 2508, "trainId": 630},
+ {"name": "fish tank", "id": 951, "trainId": 631},
+ {"name": "towel dispenser", "id": 2822, "trainId": 632},
+ {"name": "carriage", "id": 415, "trainId": 633},
+ {"name": "brochure", "id": 297, "trainId": 634},
+ {"name": "plaque", "id": 1914, "trainId": 635},
+ {"name": "stringer", "id": 2619, "trainId": 636},
+ {"name": "iron", "id": 1338, "trainId": 637},
+ {"name": "spoon", "id": 2505, "trainId": 638},
+ {"name": "flag pole", "id": 955, "trainId": 639},
+ {"name": "toilet brush", "id": 2786, "trainId": 640},
+ {"name": "book stand", "id": 238, "trainId": 641},
+ {"name": "water faucet, water tap, tap, hydrant", "id": 3000, "trainId": 642},
+ {"name": "ticket office", "id": 2763, "trainId": 643},
+ {"name": "broom", "id": 299, "trainId": 644},
+ {"name": "dvd", "id": 822, "trainId": 645},
+ {"name": "ice bucket", "id": 1288, "trainId": 646},
+ {"name": "carapace, shell, cuticle, shield", "id": 3101, "trainId": 647},
+ {"name": "tureen", "id": 2894, "trainId": 648},
+ {"name": "folders", "id": 992, "trainId": 649},
+ {"name": "chess", "id": 489, "trainId": 650},
+ {"name": "root", "id": 2157, "trainId": 651},
+ {"name": "sewing machine", "id": 2309, "trainId": 652},
+ {"name": "model", "id": 1576, "trainId": 653},
+ {"name": "pen", "id": 1810, "trainId": 654},
+ {"name": "violin", "id": 2964, "trainId": 655},
+ {"name": "sweatshirt", "id": 2662, "trainId": 656},
+ {"name": "recycling materials", "id": 2087, "trainId": 657},
+ {"name": "mitten", "id": 1569, "trainId": 658},
+ {"name": "chopping board, cutting board", "id": 503, "trainId": 659},
+ {"name": "mask", "id": 1505, "trainId": 660},
+ {"name": "log", "id": 1468, "trainId": 661},
+ {"name": "mouse, computer mouse", "id": 1613, "trainId": 662},
+ {"name": "grill", "id": 1138, "trainId": 663},
+ {"name": "hole", "id": 1256, "trainId": 664},
+ {"name": "target", "id": 2715, "trainId": 665},
+ {"name": "trash bag", "id": 2846, "trainId": 666},
+ {"name": "chalk", "id": 477, "trainId": 667},
+ {"name": "sticks", "id": 2576, "trainId": 668},
+ {"name": "balloon", "id": 108, "trainId": 669},
+ {"name": "score", "id": 2245, "trainId": 670},
+ {"name": "hair spray", "id": 1162, "trainId": 671},
+ {"name": "roll", "id": 2149, "trainId": 672},
+ {"name": "runner", "id": 2183, "trainId": 673},
+ {"name": "engine", "id": 858, "trainId": 674},
+ {"name": "inflatable glove", "id": 1324, "trainId": 675},
+ {"name": "games", "id": 1055, "trainId": 676},
+ {"name": "pallets", "id": 1741, "trainId": 677},
+ {"name": "baskets", "id": 149, "trainId": 678},
+ {"name": "coop", "id": 615, "trainId": 679},
+ {"name": "dvd player", "id": 825, "trainId": 680},
+ {"name": "rocking horse", "id": 2143, "trainId": 681},
+ {"name": "buckets", "id": 304, "trainId": 682},
+ {"name": "bread rolls", "id": 283, "trainId": 683},
+ {"name": "shawl", "id": 2322, "trainId": 684},
+ {"name": "watering can", "id": 3017, "trainId": 685},
+ {"name": "spotlights", "id": 2510, "trainId": 686},
+ {"name": "post-it", "id": 1960, "trainId": 687},
+ {"name": "bowls", "id": 265, "trainId": 688},
+ {"name": "security camera", "id": 2282, "trainId": 689},
+ {"name": "runner cloth", "id": 2184, "trainId": 690},
+ {"name": "lock", "id": 1461, "trainId": 691},
+ {"name": "alarm, warning device, alarm system", "id": 3113, "trainId": 692},
+ {"name": "side", "id": 2372, "trainId": 693},
+ {"name": "roulette", "id": 2166, "trainId": 694},
+ {"name": "bone", "id": 232, "trainId": 695},
+ {"name": "cutlery", "id": 693, "trainId": 696},
+ {"name": "pool balls", "id": 1945, "trainId": 697},
+ {"name": "wheels", "id": 3039, "trainId": 698},
+ {"name": "spice rack", "id": 2494, "trainId": 699},
+ {"name": "plant pots", "id": 1908, "trainId": 700},
+ {"name": "towel ring", "id": 2827, "trainId": 701},
+ {"name": "bread box", "id": 280, "trainId": 702},
+ {"name": "video", "id": 2950, "trainId": 703},
+ {"name": "funfair", "id": 1044, "trainId": 704},
+ {"name": "breads", "id": 288, "trainId": 705},
+ {"name": "tripod", "id": 2863, "trainId": 706},
+ {"name": "ironing board", "id": 1342, "trainId": 707},
+ {"name": "skimmer", "id": 2409, "trainId": 708},
+ {"name": "hollow", "id": 1258, "trainId": 709},
+ {"name": "scratching post", "id": 2249, "trainId": 710},
+ {"name": "tricycle", "id": 2862, "trainId": 711},
+ {"name": "file box", "id": 920, "trainId": 712},
+ {"name": "mountain pass", "id": 1607, "trainId": 713},
+ {"name": "tombstones", "id": 2802, "trainId": 714},
+ {"name": "cooker", "id": 610, "trainId": 715},
+ {"name": "card game, cards", "id": 3129, "trainId": 716},
+ {"name": "golf bag", "id": 1108, "trainId": 717},
+ {"name": "towel paper", "id": 2823, "trainId": 718},
+ {"name": "chaise lounge", "id": 476, "trainId": 719},
+ {"name": "sun", "id": 2641, "trainId": 720},
+ {"name": "toilet paper holder", "id": 2788, "trainId": 721},
+ {"name": "rake", "id": 2070, "trainId": 722},
+ {"name": "key", "id": 1368, "trainId": 723},
+ {"name": "umbrella stand", "id": 2903, "trainId": 724},
+ {"name": "dartboard", "id": 699, "trainId": 725},
+ {"name": "transformer", "id": 2844, "trainId": 726},
+ {"name": "fireplace utensils", "id": 942, "trainId": 727},
+ {"name": "sweatshirts", "id": 2663, "trainId": 728},
+ {
+ "name": "cellular telephone, cellular phone, cellphone, cell, mobile phone",
+ "id": 457,
+ "trainId": 729,
+ },
+ {"name": "tallboy", "id": 2701, "trainId": 730},
+ {"name": "stapler", "id": 2540, "trainId": 731},
+ {"name": "sauna", "id": 2231, "trainId": 732},
+ {"name": "test tube", "id": 2746, "trainId": 733},
+ {"name": "palette", "id": 1738, "trainId": 734},
+ {"name": "shopping carts", "id": 2350, "trainId": 735},
+ {"name": "tools", "id": 2808, "trainId": 736},
+ {"name": "push button, push, button", "id": 2025, "trainId": 737},
+ {"name": "star", "id": 2541, "trainId": 738},
+ {"name": "roof rack", "id": 2156, "trainId": 739},
+ {"name": "barbed wire", "id": 126, "trainId": 740},
+ {"name": "spray", "id": 2512, "trainId": 741},
+ {"name": "ear", "id": 831, "trainId": 742},
+ {"name": "sponge", "id": 2503, "trainId": 743},
+ {"name": "racket", "id": 2039, "trainId": 744},
+ {"name": "tins", "id": 2774, "trainId": 745},
+ {"name": "eyeglasses", "id": 886, "trainId": 746},
+ {"name": "file", "id": 919, "trainId": 747},
+ {"name": "scarfs", "id": 2240, "trainId": 748},
+ {"name": "sugar bowl", "id": 2636, "trainId": 749},
+ {"name": "flip flop", "id": 963, "trainId": 750},
+ {"name": "headstones", "id": 1218, "trainId": 751},
+ {"name": "laptop bag", "id": 1406, "trainId": 752},
+ {"name": "leash", "id": 1420, "trainId": 753},
+ {"name": "climbing frame", "id": 526, "trainId": 754},
+ {"name": "suit hanger", "id": 2639, "trainId": 755},
+ {"name": "floor spotlight", "id": 975, "trainId": 756},
+ {"name": "plate rack", "id": 1921, "trainId": 757},
+ {"name": "sewer", "id": 2305, "trainId": 758},
+ {"name": "hard drive", "id": 1193, "trainId": 759},
+ {"name": "sprinkler", "id": 2517, "trainId": 760},
+ {"name": "tools box", "id": 2809, "trainId": 761},
+ {"name": "necklace", "id": 1647, "trainId": 762},
+ {"name": "bulbs", "id": 314, "trainId": 763},
+ {"name": "steel industry", "id": 2560, "trainId": 764},
+ {"name": "club", "id": 545, "trainId": 765},
+ {"name": "jack", "id": 1345, "trainId": 766},
+ {"name": "door bars", "id": 775, "trainId": 767},
+ {
+ "name": "control panel, instrument panel, control board, board, panel",
+ "id": 603,
+ "trainId": 768,
+ },
+ {"name": "hairbrush", "id": 1163, "trainId": 769},
+ {"name": "napkin holder", "id": 1641, "trainId": 770},
+ {"name": "office", "id": 1678, "trainId": 771},
+ {"name": "smoke detector", "id": 2450, "trainId": 772},
+ {"name": "utensils", "id": 2915, "trainId": 773},
+ {"name": "apron", "id": 42, "trainId": 774},
+ {"name": "scissors", "id": 2242, "trainId": 775},
+ {"name": "terminal", "id": 2741, "trainId": 776},
+ {"name": "grinder", "id": 1143, "trainId": 777},
+ {"name": "entry phone", "id": 862, "trainId": 778},
+ {"name": "newspaper stand", "id": 1654, "trainId": 779},
+ {"name": "pepper shaker", "id": 1826, "trainId": 780},
+ {"name": "onions", "id": 1689, "trainId": 781},
+ {
+ "name": "central processing unit, cpu, c p u , central processor, processor, mainframe",
+ "id": 3124,
+ "trainId": 782,
+ },
+ {"name": "tape", "id": 2710, "trainId": 783},
+ {"name": "bat", "id": 152, "trainId": 784},
+ {"name": "coaster", "id": 549, "trainId": 785},
+ {"name": "calculator", "id": 360, "trainId": 786},
+ {"name": "potatoes", "id": 1982, "trainId": 787},
+ {"name": "luggage rack", "id": 1478, "trainId": 788},
+ {"name": "salt", "id": 2203, "trainId": 789},
+ {"name": "street number", "id": 2612, "trainId": 790},
+ {"name": "viewpoint", "id": 2956, "trainId": 791},
+ {"name": "sword", "id": 2681, "trainId": 792},
+ {"name": "cd", "id": 437, "trainId": 793},
+ {"name": "rowing machine", "id": 2171, "trainId": 794},
+ {"name": "plug", "id": 1933, "trainId": 795},
+ {"name": "andiron, firedog, dog, dog-iron", "id": 3110, "trainId": 796},
+ {"name": "pepper", "id": 1824, "trainId": 797},
+ {"name": "tongs", "id": 2803, "trainId": 798},
+ {"name": "bonfire", "id": 234, "trainId": 799},
+ {"name": "dog dish", "id": 764, "trainId": 800},
+ {"name": "belt", "id": 177, "trainId": 801},
+ {"name": "dumbbells", "id": 817, "trainId": 802},
+ {"name": "videocassette recorder, vcr", "id": 3145, "trainId": 803},
+ {"name": "hook", "id": 1262, "trainId": 804},
+ {"name": "envelopes", "id": 864, "trainId": 805},
+ {"name": "shower faucet", "id": 2359, "trainId": 806},
+ {"name": "watch", "id": 2992, "trainId": 807},
+ {"name": "padlock", "id": 1725, "trainId": 808},
+ {"name": "swimming pool ladder", "id": 2667, "trainId": 809},
+ {"name": "spanners", "id": 2484, "trainId": 810},
+ {"name": "gravy boat", "id": 1133, "trainId": 811},
+ {"name": "notice board", "id": 1667, "trainId": 812},
+ {"name": "trash bags", "id": 2847, "trainId": 813},
+ {"name": "fire alarm", "id": 932, "trainId": 814},
+ {"name": "ladle", "id": 1392, "trainId": 815},
+ {"name": "stethoscope", "id": 2573, "trainId": 816},
+ {"name": "rocket", "id": 2140, "trainId": 817},
+ {"name": "funnel", "id": 1046, "trainId": 818},
+ {"name": "bowling pins", "id": 264, "trainId": 819},
+ {"name": "valve", "id": 2927, "trainId": 820},
+ {"name": "thermometer", "id": 2752, "trainId": 821},
+ {"name": "cups", "id": 679, "trainId": 822},
+ {"name": "spice jar", "id": 2493, "trainId": 823},
+ {"name": "night light", "id": 1658, "trainId": 824},
+ {"name": "soaps", "id": 2466, "trainId": 825},
+ {"name": "games table", "id": 1057, "trainId": 826},
+ {"name": "slotted spoon", "id": 2444, "trainId": 827},
+ {"name": "reel", "id": 2093, "trainId": 828},
+ {"name": "scourer", "id": 2248, "trainId": 829},
+ {"name": "sleeping robe", "id": 2432, "trainId": 830},
+ {"name": "desk mat", "id": 726, "trainId": 831},
+ {"name": "dumbbell", "id": 816, "trainId": 832},
+ {"name": "hammer", "id": 1171, "trainId": 833},
+ {"name": "tie", "id": 2766, "trainId": 834},
+ {"name": "typewriter", "id": 2900, "trainId": 835},
+ {"name": "shaker", "id": 2313, "trainId": 836},
+ {"name": "cheese dish", "id": 488, "trainId": 837},
+ {"name": "sea star", "id": 2265, "trainId": 838},
+ {"name": "racquet", "id": 2043, "trainId": 839},
+ {"name": "butane gas cylinder", "id": 332, "trainId": 840},
+ {"name": "paper weight", "id": 1771, "trainId": 841},
+ {"name": "shaving brush", "id": 2320, "trainId": 842},
+ {"name": "sunglasses", "id": 2646, "trainId": 843},
+ {"name": "gear shift", "id": 1089, "trainId": 844},
+ {"name": "towel rail", "id": 2826, "trainId": 845},
+ {"name": "adding machine, totalizer, totaliser", "id": 3148, "trainId": 846},
+]
+
+
+def _get_ade20k_full_meta():
+ # Id 0 is reserved for ignore_label, we change ignore_label for 0
+ # to 255 in our pre-processing, so all ids are shifted by 1.
+ stuff_ids = [k["id"] for k in ADE20K_SEM_SEG_FULL_CATEGORIES]
+ assert len(stuff_ids) == 847, len(stuff_ids)
+
+ # For semantic segmentation, this mapping maps from contiguous stuff id
+ # (in [0, 91], used in models) to ids in the dataset (used for processing results)
+ stuff_dataset_id_to_contiguous_id = {k: i for i, k in enumerate(stuff_ids)}
+ stuff_classes = [k["name"] for k in ADE20K_SEM_SEG_FULL_CATEGORIES]
+
+ ret = {
+ "stuff_dataset_id_to_contiguous_id": stuff_dataset_id_to_contiguous_id,
+ "stuff_classes": stuff_classes,
+ }
+ return ret
+
+
+def register_all_ade20k_full(root):
+ root = os.path.join(root, "ADE20K_2021_17_01")
+ meta = _get_ade20k_full_meta()
+ for name, dirname in [("train", "training"), ("val", "validation")]:
+ image_dir = os.path.join(root, "images_detectron2", dirname)
+ gt_dir = os.path.join(root, "annotations_detectron2", dirname)
+ name = f"ade20k_full_sem_seg_{name}"
+ DatasetCatalog.register(
+ name, lambda x=image_dir, y=gt_dir: load_sem_seg(y, x, gt_ext="tif", image_ext="jpg")
+ )
+ MetadataCatalog.get(name).set(
+ stuff_classes=meta["stuff_classes"][:],
+ image_root=image_dir,
+ sem_seg_root=gt_dir,
+ evaluator_type="sem_seg",
+ ignore_label=65535, # NOTE: gt is saved in 16-bit TIFF images
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_ade20k_full(_root)
diff --git a/mask2former/data/datasets/register_ade20k_instance.py b/mask2former/data/datasets/register_ade20k_instance.py
new file mode 100644
index 0000000000000000000000000000000000000000..1ded7095cde756dfa1d94c25b2f7d1d2e5da6313
--- /dev/null
+++ b/mask2former/data/datasets/register_ade20k_instance.py
@@ -0,0 +1,53 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import json
+import logging
+import numpy as np
+import os
+from PIL import Image
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.data.datasets.coco import load_coco_json, register_coco_instances
+from detectron2.utils.file_io import PathManager
+
+ADE_CATEGORIES = [{'id': 7, 'name': 'bed'}, {'id': 8, 'name': 'windowpane'}, {'id': 10, 'name': 'cabinet'}, {'id': 12, 'name': 'person'}, {'id': 14, 'name': 'door'}, {'id': 15, 'name': 'table'}, {'id': 18, 'name': 'curtain'}, {'id': 19, 'name': 'chair'}, {'id': 20, 'name': 'car'}, {'id': 22, 'name': 'painting'}, {'id': 23, 'name': 'sofa'}, {'id': 24, 'name': 'shelf'}, {'id': 27, 'name': 'mirror'}, {'id': 30, 'name': 'armchair'}, {'id': 31, 'name': 'seat'}, {'id': 32, 'name': 'fence'}, {'id': 33, 'name': 'desk'}, {'id': 35, 'name': 'wardrobe'}, {'id': 36, 'name': 'lamp'}, {'id': 37, 'name': 'bathtub'}, {'id': 38, 'name': 'railing'}, {'id': 39, 'name': 'cushion'}, {'id': 41, 'name': 'box'}, {'id': 42, 'name': 'column'}, {'id': 43, 'name': 'signboard'}, {'id': 44, 'name': 'chest of drawers'}, {'id': 45, 'name': 'counter'}, {'id': 47, 'name': 'sink'}, {'id': 49, 'name': 'fireplace'}, {'id': 50, 'name': 'refrigerator'}, {'id': 53, 'name': 'stairs'}, {'id': 55, 'name': 'case'}, {'id': 56, 'name': 'pool table'}, {'id': 57, 'name': 'pillow'}, {'id': 58, 'name': 'screen door'}, {'id': 62, 'name': 'bookcase'}, {'id': 64, 'name': 'coffee table'}, {'id': 65, 'name': 'toilet'}, {'id': 66, 'name': 'flower'}, {'id': 67, 'name': 'book'}, {'id': 69, 'name': 'bench'}, {'id': 70, 'name': 'countertop'}, {'id': 71, 'name': 'stove'}, {'id': 72, 'name': 'palm'}, {'id': 73, 'name': 'kitchen island'}, {'id': 74, 'name': 'computer'}, {'id': 75, 'name': 'swivel chair'}, {'id': 76, 'name': 'boat'}, {'id': 78, 'name': 'arcade machine'}, {'id': 80, 'name': 'bus'}, {'id': 81, 'name': 'towel'}, {'id': 82, 'name': 'light'}, {'id': 83, 'name': 'truck'}, {'id': 85, 'name': 'chandelier'}, {'id': 86, 'name': 'awning'}, {'id': 87, 'name': 'streetlight'}, {'id': 88, 'name': 'booth'}, {'id': 89, 'name': 'television receiver'}, {'id': 90, 'name': 'airplane'}, {'id': 92, 'name': 'apparel'}, {'id': 93, 'name': 'pole'}, {'id': 95, 'name': 'bannister'}, {'id': 97, 'name': 'ottoman'}, {'id': 98, 'name': 'bottle'}, {'id': 102, 'name': 'van'}, {'id': 103, 'name': 'ship'}, {'id': 104, 'name': 'fountain'}, {'id': 107, 'name': 'washer'}, {'id': 108, 'name': 'plaything'}, {'id': 110, 'name': 'stool'}, {'id': 111, 'name': 'barrel'}, {'id': 112, 'name': 'basket'}, {'id': 115, 'name': 'bag'}, {'id': 116, 'name': 'minibike'}, {'id': 118, 'name': 'oven'}, {'id': 119, 'name': 'ball'}, {'id': 120, 'name': 'food'}, {'id': 121, 'name': 'step'}, {'id': 123, 'name': 'trade name'}, {'id': 124, 'name': 'microwave'}, {'id': 125, 'name': 'pot'}, {'id': 126, 'name': 'animal'}, {'id': 127, 'name': 'bicycle'}, {'id': 129, 'name': 'dishwasher'}, {'id': 130, 'name': 'screen'}, {'id': 132, 'name': 'sculpture'}, {'id': 133, 'name': 'hood'}, {'id': 134, 'name': 'sconce'}, {'id': 135, 'name': 'vase'}, {'id': 136, 'name': 'traffic light'}, {'id': 137, 'name': 'tray'}, {'id': 138, 'name': 'ashcan'}, {'id': 139, 'name': 'fan'}, {'id': 142, 'name': 'plate'}, {'id': 143, 'name': 'monitor'}, {'id': 144, 'name': 'bulletin board'}, {'id': 146, 'name': 'radiator'}, {'id': 147, 'name': 'glass'}, {'id': 148, 'name': 'clock'}, {'id': 149, 'name': 'flag'}]
+
+
+_PREDEFINED_SPLITS = {
+ # point annotations without masks
+ "ade20k_instance_train": (
+ "ADEChallengeData2016/images/training",
+ "ADEChallengeData2016/ade20k_instance_train.json",
+ ),
+ "ade20k_instance_val": (
+ "ADEChallengeData2016/images/validation",
+ "ADEChallengeData2016/ade20k_instance_val.json",
+ ),
+}
+
+
+def _get_ade_instances_meta():
+ thing_ids = [k["id"] for k in ADE_CATEGORIES]
+ assert len(thing_ids) == 100, len(thing_ids)
+ # Mapping from the incontiguous ADE category id to an id in [0, 99]
+ thing_dataset_id_to_contiguous_id = {k: i for i, k in enumerate(thing_ids)}
+ thing_classes = [k["name"] for k in ADE_CATEGORIES]
+ ret = {
+ "thing_dataset_id_to_contiguous_id": thing_dataset_id_to_contiguous_id,
+ "thing_classes": thing_classes,
+ }
+ return ret
+
+
+def register_all_ade20k_instance(root):
+ for key, (image_root, json_file) in _PREDEFINED_SPLITS.items():
+ # Assume pre-defined datasets live in `./datasets`.
+ register_coco_instances(
+ key,
+ _get_ade_instances_meta(),
+ os.path.join(root, json_file) if "://" not in json_file else json_file,
+ os.path.join(root, image_root),
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_ade20k_instance(_root)
diff --git a/mask2former/data/datasets/register_ade20k_panoptic.py b/mask2former/data/datasets/register_ade20k_panoptic.py
new file mode 100644
index 0000000000000000000000000000000000000000..a76c999f96c58b2f44ab363a55dcc1c8c7f1b074
--- /dev/null
+++ b/mask2former/data/datasets/register_ade20k_panoptic.py
@@ -0,0 +1,390 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import json
+import os
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.utils.file_io import PathManager
+
+ADE20K_150_CATEGORIES = [
+ {"color": [120, 120, 120], "id": 0, "isthing": 0, "name": "wall"},
+ {"color": [180, 120, 120], "id": 1, "isthing": 0, "name": "building"},
+ {"color": [6, 230, 230], "id": 2, "isthing": 0, "name": "sky"},
+ {"color": [80, 50, 50], "id": 3, "isthing": 0, "name": "floor"},
+ {"color": [4, 200, 3], "id": 4, "isthing": 0, "name": "tree"},
+ {"color": [120, 120, 80], "id": 5, "isthing": 0, "name": "ceiling"},
+ {"color": [140, 140, 140], "id": 6, "isthing": 0, "name": "road, route"},
+ {"color": [204, 5, 255], "id": 7, "isthing": 1, "name": "bed"},
+ {"color": [230, 230, 230], "id": 8, "isthing": 1, "name": "window "},
+ {"color": [4, 250, 7], "id": 9, "isthing": 0, "name": "grass"},
+ {"color": [224, 5, 255], "id": 10, "isthing": 1, "name": "cabinet"},
+ {"color": [235, 255, 7], "id": 11, "isthing": 0, "name": "sidewalk, pavement"},
+ {"color": [150, 5, 61], "id": 12, "isthing": 1, "name": "person"},
+ {"color": [120, 120, 70], "id": 13, "isthing": 0, "name": "earth, ground"},
+ {"color": [8, 255, 51], "id": 14, "isthing": 1, "name": "door"},
+ {"color": [255, 6, 82], "id": 15, "isthing": 1, "name": "table"},
+ {"color": [143, 255, 140], "id": 16, "isthing": 0, "name": "mountain, mount"},
+ {"color": [204, 255, 4], "id": 17, "isthing": 0, "name": "plant"},
+ {"color": [255, 51, 7], "id": 18, "isthing": 1, "name": "curtain"},
+ {"color": [204, 70, 3], "id": 19, "isthing": 1, "name": "chair"},
+ {"color": [0, 102, 200], "id": 20, "isthing": 1, "name": "car"},
+ {"color": [61, 230, 250], "id": 21, "isthing": 0, "name": "water"},
+ {"color": [255, 6, 51], "id": 22, "isthing": 1, "name": "painting, picture"},
+ {"color": [11, 102, 255], "id": 23, "isthing": 1, "name": "sofa"},
+ {"color": [255, 7, 71], "id": 24, "isthing": 1, "name": "shelf"},
+ {"color": [255, 9, 224], "id": 25, "isthing": 0, "name": "house"},
+ {"color": [9, 7, 230], "id": 26, "isthing": 0, "name": "sea"},
+ {"color": [220, 220, 220], "id": 27, "isthing": 1, "name": "mirror"},
+ {"color": [255, 9, 92], "id": 28, "isthing": 0, "name": "rug"},
+ {"color": [112, 9, 255], "id": 29, "isthing": 0, "name": "field"},
+ {"color": [8, 255, 214], "id": 30, "isthing": 1, "name": "armchair"},
+ {"color": [7, 255, 224], "id": 31, "isthing": 1, "name": "seat"},
+ {"color": [255, 184, 6], "id": 32, "isthing": 1, "name": "fence"},
+ {"color": [10, 255, 71], "id": 33, "isthing": 1, "name": "desk"},
+ {"color": [255, 41, 10], "id": 34, "isthing": 0, "name": "rock, stone"},
+ {"color": [7, 255, 255], "id": 35, "isthing": 1, "name": "wardrobe, closet, press"},
+ {"color": [224, 255, 8], "id": 36, "isthing": 1, "name": "lamp"},
+ {"color": [102, 8, 255], "id": 37, "isthing": 1, "name": "tub"},
+ {"color": [255, 61, 6], "id": 38, "isthing": 1, "name": "rail"},
+ {"color": [255, 194, 7], "id": 39, "isthing": 1, "name": "cushion"},
+ {"color": [255, 122, 8], "id": 40, "isthing": 0, "name": "base, pedestal, stand"},
+ {"color": [0, 255, 20], "id": 41, "isthing": 1, "name": "box"},
+ {"color": [255, 8, 41], "id": 42, "isthing": 1, "name": "column, pillar"},
+ {"color": [255, 5, 153], "id": 43, "isthing": 1, "name": "signboard, sign"},
+ {
+ "color": [6, 51, 255],
+ "id": 44,
+ "isthing": 1,
+ "name": "chest of drawers, chest, bureau, dresser",
+ },
+ {"color": [235, 12, 255], "id": 45, "isthing": 1, "name": "counter"},
+ {"color": [160, 150, 20], "id": 46, "isthing": 0, "name": "sand"},
+ {"color": [0, 163, 255], "id": 47, "isthing": 1, "name": "sink"},
+ {"color": [140, 140, 140], "id": 48, "isthing": 0, "name": "skyscraper"},
+ {"color": [250, 10, 15], "id": 49, "isthing": 1, "name": "fireplace"},
+ {"color": [20, 255, 0], "id": 50, "isthing": 1, "name": "refrigerator, icebox"},
+ {"color": [31, 255, 0], "id": 51, "isthing": 0, "name": "grandstand, covered stand"},
+ {"color": [255, 31, 0], "id": 52, "isthing": 0, "name": "path"},
+ {"color": [255, 224, 0], "id": 53, "isthing": 1, "name": "stairs"},
+ {"color": [153, 255, 0], "id": 54, "isthing": 0, "name": "runway"},
+ {"color": [0, 0, 255], "id": 55, "isthing": 1, "name": "case, display case, showcase, vitrine"},
+ {
+ "color": [255, 71, 0],
+ "id": 56,
+ "isthing": 1,
+ "name": "pool table, billiard table, snooker table",
+ },
+ {"color": [0, 235, 255], "id": 57, "isthing": 1, "name": "pillow"},
+ {"color": [0, 173, 255], "id": 58, "isthing": 1, "name": "screen door, screen"},
+ {"color": [31, 0, 255], "id": 59, "isthing": 0, "name": "stairway, staircase"},
+ {"color": [11, 200, 200], "id": 60, "isthing": 0, "name": "river"},
+ {"color": [255, 82, 0], "id": 61, "isthing": 0, "name": "bridge, span"},
+ {"color": [0, 255, 245], "id": 62, "isthing": 1, "name": "bookcase"},
+ {"color": [0, 61, 255], "id": 63, "isthing": 0, "name": "blind, screen"},
+ {"color": [0, 255, 112], "id": 64, "isthing": 1, "name": "coffee table"},
+ {
+ "color": [0, 255, 133],
+ "id": 65,
+ "isthing": 1,
+ "name": "toilet, can, commode, crapper, pot, potty, stool, throne",
+ },
+ {"color": [255, 0, 0], "id": 66, "isthing": 1, "name": "flower"},
+ {"color": [255, 163, 0], "id": 67, "isthing": 1, "name": "book"},
+ {"color": [255, 102, 0], "id": 68, "isthing": 0, "name": "hill"},
+ {"color": [194, 255, 0], "id": 69, "isthing": 1, "name": "bench"},
+ {"color": [0, 143, 255], "id": 70, "isthing": 1, "name": "countertop"},
+ {"color": [51, 255, 0], "id": 71, "isthing": 1, "name": "stove"},
+ {"color": [0, 82, 255], "id": 72, "isthing": 1, "name": "palm, palm tree"},
+ {"color": [0, 255, 41], "id": 73, "isthing": 1, "name": "kitchen island"},
+ {"color": [0, 255, 173], "id": 74, "isthing": 1, "name": "computer"},
+ {"color": [10, 0, 255], "id": 75, "isthing": 1, "name": "swivel chair"},
+ {"color": [173, 255, 0], "id": 76, "isthing": 1, "name": "boat"},
+ {"color": [0, 255, 153], "id": 77, "isthing": 0, "name": "bar"},
+ {"color": [255, 92, 0], "id": 78, "isthing": 1, "name": "arcade machine"},
+ {"color": [255, 0, 255], "id": 79, "isthing": 0, "name": "hovel, hut, hutch, shack, shanty"},
+ {"color": [255, 0, 245], "id": 80, "isthing": 1, "name": "bus"},
+ {"color": [255, 0, 102], "id": 81, "isthing": 1, "name": "towel"},
+ {"color": [255, 173, 0], "id": 82, "isthing": 1, "name": "light"},
+ {"color": [255, 0, 20], "id": 83, "isthing": 1, "name": "truck"},
+ {"color": [255, 184, 184], "id": 84, "isthing": 0, "name": "tower"},
+ {"color": [0, 31, 255], "id": 85, "isthing": 1, "name": "chandelier"},
+ {"color": [0, 255, 61], "id": 86, "isthing": 1, "name": "awning, sunshade, sunblind"},
+ {"color": [0, 71, 255], "id": 87, "isthing": 1, "name": "street lamp"},
+ {"color": [255, 0, 204], "id": 88, "isthing": 1, "name": "booth"},
+ {"color": [0, 255, 194], "id": 89, "isthing": 1, "name": "tv"},
+ {"color": [0, 255, 82], "id": 90, "isthing": 1, "name": "plane"},
+ {"color": [0, 10, 255], "id": 91, "isthing": 0, "name": "dirt track"},
+ {"color": [0, 112, 255], "id": 92, "isthing": 1, "name": "clothes"},
+ {"color": [51, 0, 255], "id": 93, "isthing": 1, "name": "pole"},
+ {"color": [0, 194, 255], "id": 94, "isthing": 0, "name": "land, ground, soil"},
+ {
+ "color": [0, 122, 255],
+ "id": 95,
+ "isthing": 1,
+ "name": "bannister, banister, balustrade, balusters, handrail",
+ },
+ {
+ "color": [0, 255, 163],
+ "id": 96,
+ "isthing": 0,
+ "name": "escalator, moving staircase, moving stairway",
+ },
+ {
+ "color": [255, 153, 0],
+ "id": 97,
+ "isthing": 1,
+ "name": "ottoman, pouf, pouffe, puff, hassock",
+ },
+ {"color": [0, 255, 10], "id": 98, "isthing": 1, "name": "bottle"},
+ {"color": [255, 112, 0], "id": 99, "isthing": 0, "name": "buffet, counter, sideboard"},
+ {
+ "color": [143, 255, 0],
+ "id": 100,
+ "isthing": 0,
+ "name": "poster, posting, placard, notice, bill, card",
+ },
+ {"color": [82, 0, 255], "id": 101, "isthing": 0, "name": "stage"},
+ {"color": [163, 255, 0], "id": 102, "isthing": 1, "name": "van"},
+ {"color": [255, 235, 0], "id": 103, "isthing": 1, "name": "ship"},
+ {"color": [8, 184, 170], "id": 104, "isthing": 1, "name": "fountain"},
+ {
+ "color": [133, 0, 255],
+ "id": 105,
+ "isthing": 0,
+ "name": "conveyer belt, conveyor belt, conveyer, conveyor, transporter",
+ },
+ {"color": [0, 255, 92], "id": 106, "isthing": 0, "name": "canopy"},
+ {
+ "color": [184, 0, 255],
+ "id": 107,
+ "isthing": 1,
+ "name": "washer, automatic washer, washing machine",
+ },
+ {"color": [255, 0, 31], "id": 108, "isthing": 1, "name": "plaything, toy"},
+ {"color": [0, 184, 255], "id": 109, "isthing": 0, "name": "pool"},
+ {"color": [0, 214, 255], "id": 110, "isthing": 1, "name": "stool"},
+ {"color": [255, 0, 112], "id": 111, "isthing": 1, "name": "barrel, cask"},
+ {"color": [92, 255, 0], "id": 112, "isthing": 1, "name": "basket, handbasket"},
+ {"color": [0, 224, 255], "id": 113, "isthing": 0, "name": "falls"},
+ {"color": [112, 224, 255], "id": 114, "isthing": 0, "name": "tent"},
+ {"color": [70, 184, 160], "id": 115, "isthing": 1, "name": "bag"},
+ {"color": [163, 0, 255], "id": 116, "isthing": 1, "name": "minibike, motorbike"},
+ {"color": [153, 0, 255], "id": 117, "isthing": 0, "name": "cradle"},
+ {"color": [71, 255, 0], "id": 118, "isthing": 1, "name": "oven"},
+ {"color": [255, 0, 163], "id": 119, "isthing": 1, "name": "ball"},
+ {"color": [255, 204, 0], "id": 120, "isthing": 1, "name": "food, solid food"},
+ {"color": [255, 0, 143], "id": 121, "isthing": 1, "name": "step, stair"},
+ {"color": [0, 255, 235], "id": 122, "isthing": 0, "name": "tank, storage tank"},
+ {"color": [133, 255, 0], "id": 123, "isthing": 1, "name": "trade name"},
+ {"color": [255, 0, 235], "id": 124, "isthing": 1, "name": "microwave"},
+ {"color": [245, 0, 255], "id": 125, "isthing": 1, "name": "pot"},
+ {"color": [255, 0, 122], "id": 126, "isthing": 1, "name": "animal"},
+ {"color": [255, 245, 0], "id": 127, "isthing": 1, "name": "bicycle"},
+ {"color": [10, 190, 212], "id": 128, "isthing": 0, "name": "lake"},
+ {"color": [214, 255, 0], "id": 129, "isthing": 1, "name": "dishwasher"},
+ {"color": [0, 204, 255], "id": 130, "isthing": 1, "name": "screen"},
+ {"color": [20, 0, 255], "id": 131, "isthing": 0, "name": "blanket, cover"},
+ {"color": [255, 255, 0], "id": 132, "isthing": 1, "name": "sculpture"},
+ {"color": [0, 153, 255], "id": 133, "isthing": 1, "name": "hood, exhaust hood"},
+ {"color": [0, 41, 255], "id": 134, "isthing": 1, "name": "sconce"},
+ {"color": [0, 255, 204], "id": 135, "isthing": 1, "name": "vase"},
+ {"color": [41, 0, 255], "id": 136, "isthing": 1, "name": "traffic light"},
+ {"color": [41, 255, 0], "id": 137, "isthing": 1, "name": "tray"},
+ {"color": [173, 0, 255], "id": 138, "isthing": 1, "name": "trash can"},
+ {"color": [0, 245, 255], "id": 139, "isthing": 1, "name": "fan"},
+ {"color": [71, 0, 255], "id": 140, "isthing": 0, "name": "pier"},
+ {"color": [122, 0, 255], "id": 141, "isthing": 0, "name": "crt screen"},
+ {"color": [0, 255, 184], "id": 142, "isthing": 1, "name": "plate"},
+ {"color": [0, 92, 255], "id": 143, "isthing": 1, "name": "monitor"},
+ {"color": [184, 255, 0], "id": 144, "isthing": 1, "name": "bulletin board"},
+ {"color": [0, 133, 255], "id": 145, "isthing": 0, "name": "shower"},
+ {"color": [255, 214, 0], "id": 146, "isthing": 1, "name": "radiator"},
+ {"color": [25, 194, 194], "id": 147, "isthing": 1, "name": "glass, drinking glass"},
+ {"color": [102, 255, 0], "id": 148, "isthing": 1, "name": "clock"},
+ {"color": [92, 0, 255], "id": 149, "isthing": 1, "name": "flag"},
+]
+
+ADE20k_COLORS = [k["color"] for k in ADE20K_150_CATEGORIES]
+
+MetadataCatalog.get("ade20k_sem_seg_train").set(
+ stuff_colors=ADE20k_COLORS[:],
+)
+
+MetadataCatalog.get("ade20k_sem_seg_val").set(
+ stuff_colors=ADE20k_COLORS[:],
+)
+
+
+def load_ade20k_panoptic_json(json_file, image_dir, gt_dir, semseg_dir, meta):
+ """
+ Args:
+ image_dir (str): path to the raw dataset. e.g., "~/coco/train2017".
+ gt_dir (str): path to the raw annotations. e.g., "~/coco/panoptic_train2017".
+ json_file (str): path to the json file. e.g., "~/coco/annotations/panoptic_train2017.json".
+ Returns:
+ list[dict]: a list of dicts in Detectron2 standard format. (See
+ `Using Custom Datasets `_ )
+ """
+
+ def _convert_category_id(segment_info, meta):
+ if segment_info["category_id"] in meta["thing_dataset_id_to_contiguous_id"]:
+ segment_info["category_id"] = meta["thing_dataset_id_to_contiguous_id"][
+ segment_info["category_id"]
+ ]
+ segment_info["isthing"] = True
+ else:
+ segment_info["category_id"] = meta["stuff_dataset_id_to_contiguous_id"][
+ segment_info["category_id"]
+ ]
+ segment_info["isthing"] = False
+ return segment_info
+
+ with PathManager.open(json_file) as f:
+ json_info = json.load(f)
+
+ ret = []
+ for ann in json_info["annotations"]:
+ image_id = ann["image_id"]
+ # TODO: currently we assume image and label has the same filename but
+ # different extension, and images have extension ".jpg" for COCO. Need
+ # to make image extension a user-provided argument if we extend this
+ # function to support other COCO-like datasets.
+ image_file = os.path.join(image_dir, os.path.splitext(ann["file_name"])[0] + ".jpg")
+ label_file = os.path.join(gt_dir, ann["file_name"])
+ sem_label_file = os.path.join(semseg_dir, ann["file_name"])
+ segments_info = [_convert_category_id(x, meta) for x in ann["segments_info"]]
+ ret.append(
+ {
+ "file_name": image_file,
+ "image_id": image_id,
+ "pan_seg_file_name": label_file,
+ "sem_seg_file_name": sem_label_file,
+ "segments_info": segments_info,
+ }
+ )
+ assert len(ret), f"No images found in {image_dir}!"
+ assert PathManager.isfile(ret[0]["file_name"]), ret[0]["file_name"]
+ assert PathManager.isfile(ret[0]["pan_seg_file_name"]), ret[0]["pan_seg_file_name"]
+ assert PathManager.isfile(ret[0]["sem_seg_file_name"]), ret[0]["sem_seg_file_name"]
+ return ret
+
+
+def register_ade20k_panoptic(
+ name, metadata, image_root, panoptic_root, semantic_root, panoptic_json, instances_json=None
+):
+ """
+ Register a "standard" version of ADE20k panoptic segmentation dataset named `name`.
+ The dictionaries in this registered dataset follows detectron2's standard format.
+ Hence it's called "standard".
+ Args:
+ name (str): the name that identifies a dataset,
+ e.g. "ade20k_panoptic_train"
+ metadata (dict): extra metadata associated with this dataset.
+ image_root (str): directory which contains all the images
+ panoptic_root (str): directory which contains panoptic annotation images in COCO format
+ panoptic_json (str): path to the json panoptic annotation file in COCO format
+ sem_seg_root (none): not used, to be consistent with
+ `register_coco_panoptic_separated`.
+ instances_json (str): path to the json instance annotation file
+ """
+ panoptic_name = name
+ DatasetCatalog.register(
+ panoptic_name,
+ lambda: load_ade20k_panoptic_json(
+ panoptic_json, image_root, panoptic_root, semantic_root, metadata
+ ),
+ )
+ MetadataCatalog.get(panoptic_name).set(
+ panoptic_root=panoptic_root,
+ image_root=image_root,
+ panoptic_json=panoptic_json,
+ json_file=instances_json,
+ evaluator_type="ade20k_panoptic_seg",
+ ignore_label=255,
+ label_divisor=1000,
+ **metadata,
+ )
+
+
+_PREDEFINED_SPLITS_ADE20K_PANOPTIC = {
+ "ade20k_panoptic_train": (
+ "ADEChallengeData2016/images/training",
+ "ADEChallengeData2016/ade20k_panoptic_train",
+ "ADEChallengeData2016/ade20k_panoptic_train.json",
+ "ADEChallengeData2016/annotations_detectron2/training",
+ "ADEChallengeData2016/ade20k_instance_train.json",
+ ),
+ "ade20k_panoptic_val": (
+ "ADEChallengeData2016/images/validation",
+ "ADEChallengeData2016/ade20k_panoptic_val",
+ "ADEChallengeData2016/ade20k_panoptic_val.json",
+ "ADEChallengeData2016/annotations_detectron2/validation",
+ "ADEChallengeData2016/ade20k_instance_val.json",
+ ),
+}
+
+
+def get_metadata():
+ meta = {}
+ # The following metadata maps contiguous id from [0, #thing categories +
+ # #stuff categories) to their names and colors. We have to replica of the
+ # same name and color under "thing_*" and "stuff_*" because the current
+ # visualization function in D2 handles thing and class classes differently
+ # due to some heuristic used in Panoptic FPN. We keep the same naming to
+ # enable reusing existing visualization functions.
+ thing_classes = [k["name"] for k in ADE20K_150_CATEGORIES if k["isthing"] == 1]
+ thing_colors = [k["color"] for k in ADE20K_150_CATEGORIES if k["isthing"] == 1]
+ stuff_classes = [k["name"] for k in ADE20K_150_CATEGORIES]
+ stuff_colors = [k["color"] for k in ADE20K_150_CATEGORIES]
+
+ meta["thing_classes"] = thing_classes
+ meta["thing_colors"] = thing_colors
+ meta["stuff_classes"] = stuff_classes
+ meta["stuff_colors"] = stuff_colors
+
+ # Convert category id for training:
+ # category id: like semantic segmentation, it is the class id for each
+ # pixel. Since there are some classes not used in evaluation, the category
+ # id is not always contiguous and thus we have two set of category ids:
+ # - original category id: category id in the original dataset, mainly
+ # used for evaluation.
+ # - contiguous category id: [0, #classes), in order to train the linear
+ # softmax classifier.
+ thing_dataset_id_to_contiguous_id = {}
+ stuff_dataset_id_to_contiguous_id = {}
+
+ for i, cat in enumerate(ADE20K_150_CATEGORIES):
+ if cat["isthing"]:
+ thing_dataset_id_to_contiguous_id[cat["id"]] = i
+ # else:
+ # stuff_dataset_id_to_contiguous_id[cat["id"]] = i
+
+ # in order to use sem_seg evaluator
+ stuff_dataset_id_to_contiguous_id[cat["id"]] = i
+
+ meta["thing_dataset_id_to_contiguous_id"] = thing_dataset_id_to_contiguous_id
+ meta["stuff_dataset_id_to_contiguous_id"] = stuff_dataset_id_to_contiguous_id
+
+ return meta
+
+
+def register_all_ade20k_panoptic(root):
+ metadata = get_metadata()
+ for (
+ prefix,
+ (image_root, panoptic_root, panoptic_json, semantic_root, instance_json),
+ ) in _PREDEFINED_SPLITS_ADE20K_PANOPTIC.items():
+ # The "standard" version of COCO panoptic segmentation dataset,
+ # e.g. used by Panoptic-DeepLab
+ register_ade20k_panoptic(
+ prefix,
+ metadata,
+ os.path.join(root, image_root),
+ os.path.join(root, panoptic_root),
+ os.path.join(root, semantic_root),
+ os.path.join(root, panoptic_json),
+ os.path.join(root, instance_json),
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_ade20k_panoptic(_root)
diff --git a/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py b/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py
new file mode 100644
index 0000000000000000000000000000000000000000..eecd413d4ed028f94e3aad9fc6bad231e850b5da
--- /dev/null
+++ b/mask2former/data/datasets/register_coco_panoptic_annos_semseg.py
@@ -0,0 +1,181 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import json
+import os
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.data.datasets import load_sem_seg
+from detectron2.data.datasets.builtin_meta import COCO_CATEGORIES
+from detectron2.utils.file_io import PathManager
+
+
+_PREDEFINED_SPLITS_COCO_PANOPTIC = {
+ "coco_2017_train_panoptic": (
+ # This is the original panoptic annotation directory
+ "coco/panoptic_train2017",
+ "coco/annotations/panoptic_train2017.json",
+ # This directory contains semantic annotations that are
+ # converted from panoptic annotations.
+ # It is used by PanopticFPN.
+ # You can use the script at detectron2/datasets/prepare_panoptic_fpn.py
+ # to create these directories.
+ "coco/panoptic_semseg_train2017",
+ ),
+ "coco_2017_val_panoptic": (
+ "coco/panoptic_val2017",
+ "coco/annotations/panoptic_val2017.json",
+ "coco/panoptic_semseg_val2017",
+ ),
+}
+
+
+def get_metadata():
+ meta = {}
+ # The following metadata maps contiguous id from [0, #thing categories +
+ # #stuff categories) to their names and colors. We have to replica of the
+ # same name and color under "thing_*" and "stuff_*" because the current
+ # visualization function in D2 handles thing and class classes differently
+ # due to some heuristic used in Panoptic FPN. We keep the same naming to
+ # enable reusing existing visualization functions.
+ thing_classes = [k["name"] for k in COCO_CATEGORIES if k["isthing"] == 1]
+ thing_colors = [k["color"] for k in COCO_CATEGORIES if k["isthing"] == 1]
+ stuff_classes = [k["name"] for k in COCO_CATEGORIES]
+ stuff_colors = [k["color"] for k in COCO_CATEGORIES]
+
+ meta["thing_classes"] = thing_classes
+ meta["thing_colors"] = thing_colors
+ meta["stuff_classes"] = stuff_classes
+ meta["stuff_colors"] = stuff_colors
+
+ # Convert category id for training:
+ # category id: like semantic segmentation, it is the class id for each
+ # pixel. Since there are some classes not used in evaluation, the category
+ # id is not always contiguous and thus we have two set of category ids:
+ # - original category id: category id in the original dataset, mainly
+ # used for evaluation.
+ # - contiguous category id: [0, #classes), in order to train the linear
+ # softmax classifier.
+ thing_dataset_id_to_contiguous_id = {}
+ stuff_dataset_id_to_contiguous_id = {}
+
+ for i, cat in enumerate(COCO_CATEGORIES):
+ if cat["isthing"]:
+ thing_dataset_id_to_contiguous_id[cat["id"]] = i
+ # else:
+ # stuff_dataset_id_to_contiguous_id[cat["id"]] = i
+
+ # in order to use sem_seg evaluator
+ stuff_dataset_id_to_contiguous_id[cat["id"]] = i
+
+ meta["thing_dataset_id_to_contiguous_id"] = thing_dataset_id_to_contiguous_id
+ meta["stuff_dataset_id_to_contiguous_id"] = stuff_dataset_id_to_contiguous_id
+
+ return meta
+
+
+def load_coco_panoptic_json(json_file, image_dir, gt_dir, semseg_dir, meta):
+ """
+ Args:
+ image_dir (str): path to the raw dataset. e.g., "~/coco/train2017".
+ gt_dir (str): path to the raw annotations. e.g., "~/coco/panoptic_train2017".
+ json_file (str): path to the json file. e.g., "~/coco/annotations/panoptic_train2017.json".
+ Returns:
+ list[dict]: a list of dicts in Detectron2 standard format. (See
+ `Using Custom Datasets `_ )
+ """
+
+ def _convert_category_id(segment_info, meta):
+ if segment_info["category_id"] in meta["thing_dataset_id_to_contiguous_id"]:
+ segment_info["category_id"] = meta["thing_dataset_id_to_contiguous_id"][
+ segment_info["category_id"]
+ ]
+ segment_info["isthing"] = True
+ else:
+ segment_info["category_id"] = meta["stuff_dataset_id_to_contiguous_id"][
+ segment_info["category_id"]
+ ]
+ segment_info["isthing"] = False
+ return segment_info
+
+ with PathManager.open(json_file) as f:
+ json_info = json.load(f)
+
+ ret = []
+ for ann in json_info["annotations"]:
+ image_id = int(ann["image_id"])
+ # TODO: currently we assume image and label has the same filename but
+ # different extension, and images have extension ".jpg" for COCO. Need
+ # to make image extension a user-provided argument if we extend this
+ # function to support other COCO-like datasets.
+ image_file = os.path.join(image_dir, os.path.splitext(ann["file_name"])[0] + ".jpg")
+ label_file = os.path.join(gt_dir, ann["file_name"])
+ sem_label_file = os.path.join(semseg_dir, ann["file_name"])
+ segments_info = [_convert_category_id(x, meta) for x in ann["segments_info"]]
+ ret.append(
+ {
+ "file_name": image_file,
+ "image_id": image_id,
+ "pan_seg_file_name": label_file,
+ "sem_seg_file_name": sem_label_file,
+ "segments_info": segments_info,
+ }
+ )
+ assert len(ret), f"No images found in {image_dir}!"
+ assert PathManager.isfile(ret[0]["file_name"]), ret[0]["file_name"]
+ assert PathManager.isfile(ret[0]["pan_seg_file_name"]), ret[0]["pan_seg_file_name"]
+ assert PathManager.isfile(ret[0]["sem_seg_file_name"]), ret[0]["sem_seg_file_name"]
+ return ret
+
+
+def register_coco_panoptic_annos_sem_seg(
+ name, metadata, image_root, panoptic_root, panoptic_json, sem_seg_root, instances_json
+):
+ panoptic_name = name
+ delattr(MetadataCatalog.get(panoptic_name), "thing_classes")
+ delattr(MetadataCatalog.get(panoptic_name), "thing_colors")
+ MetadataCatalog.get(panoptic_name).set(
+ thing_classes=metadata["thing_classes"],
+ thing_colors=metadata["thing_colors"],
+ # thing_dataset_id_to_contiguous_id=metadata["thing_dataset_id_to_contiguous_id"],
+ )
+
+ # the name is "coco_2017_train_panoptic_with_sem_seg" and "coco_2017_val_panoptic_with_sem_seg"
+ semantic_name = name + "_with_sem_seg"
+ DatasetCatalog.register(
+ semantic_name,
+ lambda: load_coco_panoptic_json(panoptic_json, image_root, panoptic_root, sem_seg_root, metadata),
+ )
+ MetadataCatalog.get(semantic_name).set(
+ sem_seg_root=sem_seg_root,
+ panoptic_root=panoptic_root,
+ image_root=image_root,
+ panoptic_json=panoptic_json,
+ json_file=instances_json,
+ evaluator_type="coco_panoptic_seg",
+ ignore_label=255,
+ label_divisor=1000,
+ **metadata,
+ )
+
+
+def register_all_coco_panoptic_annos_sem_seg(root):
+ for (
+ prefix,
+ (panoptic_root, panoptic_json, semantic_root),
+ ) in _PREDEFINED_SPLITS_COCO_PANOPTIC.items():
+ prefix_instances = prefix[: -len("_panoptic")]
+ instances_meta = MetadataCatalog.get(prefix_instances)
+ image_root, instances_json = instances_meta.image_root, instances_meta.json_file
+
+ register_coco_panoptic_annos_sem_seg(
+ prefix,
+ get_metadata(),
+ image_root,
+ os.path.join(root, panoptic_root),
+ os.path.join(root, panoptic_json),
+ os.path.join(root, semantic_root),
+ instances_json,
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_coco_panoptic_annos_sem_seg(_root)
diff --git a/mask2former/data/datasets/register_coco_stuff_10k.py b/mask2former/data/datasets/register_coco_stuff_10k.py
new file mode 100644
index 0000000000000000000000000000000000000000..a1ec0375858ada8e4270b534fcd58106254c7fa9
--- /dev/null
+++ b/mask2former/data/datasets/register_coco_stuff_10k.py
@@ -0,0 +1,223 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import os
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.data.datasets import load_sem_seg
+
+COCO_CATEGORIES = [
+ {"color": [220, 20, 60], "isthing": 1, "id": 1, "name": "person"},
+ {"color": [119, 11, 32], "isthing": 1, "id": 2, "name": "bicycle"},
+ {"color": [0, 0, 142], "isthing": 1, "id": 3, "name": "car"},
+ {"color": [0, 0, 230], "isthing": 1, "id": 4, "name": "motorcycle"},
+ {"color": [106, 0, 228], "isthing": 1, "id": 5, "name": "airplane"},
+ {"color": [0, 60, 100], "isthing": 1, "id": 6, "name": "bus"},
+ {"color": [0, 80, 100], "isthing": 1, "id": 7, "name": "train"},
+ {"color": [0, 0, 70], "isthing": 1, "id": 8, "name": "truck"},
+ {"color": [0, 0, 192], "isthing": 1, "id": 9, "name": "boat"},
+ {"color": [250, 170, 30], "isthing": 1, "id": 10, "name": "traffic light"},
+ {"color": [100, 170, 30], "isthing": 1, "id": 11, "name": "fire hydrant"},
+ {"color": [220, 220, 0], "isthing": 1, "id": 13, "name": "stop sign"},
+ {"color": [175, 116, 175], "isthing": 1, "id": 14, "name": "parking meter"},
+ {"color": [250, 0, 30], "isthing": 1, "id": 15, "name": "bench"},
+ {"color": [165, 42, 42], "isthing": 1, "id": 16, "name": "bird"},
+ {"color": [255, 77, 255], "isthing": 1, "id": 17, "name": "cat"},
+ {"color": [0, 226, 252], "isthing": 1, "id": 18, "name": "dog"},
+ {"color": [182, 182, 255], "isthing": 1, "id": 19, "name": "horse"},
+ {"color": [0, 82, 0], "isthing": 1, "id": 20, "name": "sheep"},
+ {"color": [120, 166, 157], "isthing": 1, "id": 21, "name": "cow"},
+ {"color": [110, 76, 0], "isthing": 1, "id": 22, "name": "elephant"},
+ {"color": [174, 57, 255], "isthing": 1, "id": 23, "name": "bear"},
+ {"color": [199, 100, 0], "isthing": 1, "id": 24, "name": "zebra"},
+ {"color": [72, 0, 118], "isthing": 1, "id": 25, "name": "giraffe"},
+ {"color": [255, 179, 240], "isthing": 1, "id": 27, "name": "backpack"},
+ {"color": [0, 125, 92], "isthing": 1, "id": 28, "name": "umbrella"},
+ {"color": [209, 0, 151], "isthing": 1, "id": 31, "name": "handbag"},
+ {"color": [188, 208, 182], "isthing": 1, "id": 32, "name": "tie"},
+ {"color": [0, 220, 176], "isthing": 1, "id": 33, "name": "suitcase"},
+ {"color": [255, 99, 164], "isthing": 1, "id": 34, "name": "frisbee"},
+ {"color": [92, 0, 73], "isthing": 1, "id": 35, "name": "skis"},
+ {"color": [133, 129, 255], "isthing": 1, "id": 36, "name": "snowboard"},
+ {"color": [78, 180, 255], "isthing": 1, "id": 37, "name": "sports ball"},
+ {"color": [0, 228, 0], "isthing": 1, "id": 38, "name": "kite"},
+ {"color": [174, 255, 243], "isthing": 1, "id": 39, "name": "baseball bat"},
+ {"color": [45, 89, 255], "isthing": 1, "id": 40, "name": "baseball glove"},
+ {"color": [134, 134, 103], "isthing": 1, "id": 41, "name": "skateboard"},
+ {"color": [145, 148, 174], "isthing": 1, "id": 42, "name": "surfboard"},
+ {"color": [255, 208, 186], "isthing": 1, "id": 43, "name": "tennis racket"},
+ {"color": [197, 226, 255], "isthing": 1, "id": 44, "name": "bottle"},
+ {"color": [171, 134, 1], "isthing": 1, "id": 46, "name": "wine glass"},
+ {"color": [109, 63, 54], "isthing": 1, "id": 47, "name": "cup"},
+ {"color": [207, 138, 255], "isthing": 1, "id": 48, "name": "fork"},
+ {"color": [151, 0, 95], "isthing": 1, "id": 49, "name": "knife"},
+ {"color": [9, 80, 61], "isthing": 1, "id": 50, "name": "spoon"},
+ {"color": [84, 105, 51], "isthing": 1, "id": 51, "name": "bowl"},
+ {"color": [74, 65, 105], "isthing": 1, "id": 52, "name": "banana"},
+ {"color": [166, 196, 102], "isthing": 1, "id": 53, "name": "apple"},
+ {"color": [208, 195, 210], "isthing": 1, "id": 54, "name": "sandwich"},
+ {"color": [255, 109, 65], "isthing": 1, "id": 55, "name": "orange"},
+ {"color": [0, 143, 149], "isthing": 1, "id": 56, "name": "broccoli"},
+ {"color": [179, 0, 194], "isthing": 1, "id": 57, "name": "carrot"},
+ {"color": [209, 99, 106], "isthing": 1, "id": 58, "name": "hot dog"},
+ {"color": [5, 121, 0], "isthing": 1, "id": 59, "name": "pizza"},
+ {"color": [227, 255, 205], "isthing": 1, "id": 60, "name": "donut"},
+ {"color": [147, 186, 208], "isthing": 1, "id": 61, "name": "cake"},
+ {"color": [153, 69, 1], "isthing": 1, "id": 62, "name": "chair"},
+ {"color": [3, 95, 161], "isthing": 1, "id": 63, "name": "couch"},
+ {"color": [163, 255, 0], "isthing": 1, "id": 64, "name": "potted plant"},
+ {"color": [119, 0, 170], "isthing": 1, "id": 65, "name": "bed"},
+ {"color": [0, 182, 199], "isthing": 1, "id": 67, "name": "dining table"},
+ {"color": [0, 165, 120], "isthing": 1, "id": 70, "name": "toilet"},
+ {"color": [183, 130, 88], "isthing": 1, "id": 72, "name": "tv"},
+ {"color": [95, 32, 0], "isthing": 1, "id": 73, "name": "laptop"},
+ {"color": [130, 114, 135], "isthing": 1, "id": 74, "name": "mouse"},
+ {"color": [110, 129, 133], "isthing": 1, "id": 75, "name": "remote"},
+ {"color": [166, 74, 118], "isthing": 1, "id": 76, "name": "keyboard"},
+ {"color": [219, 142, 185], "isthing": 1, "id": 77, "name": "cell phone"},
+ {"color": [79, 210, 114], "isthing": 1, "id": 78, "name": "microwave"},
+ {"color": [178, 90, 62], "isthing": 1, "id": 79, "name": "oven"},
+ {"color": [65, 70, 15], "isthing": 1, "id": 80, "name": "toaster"},
+ {"color": [127, 167, 115], "isthing": 1, "id": 81, "name": "sink"},
+ {"color": [59, 105, 106], "isthing": 1, "id": 82, "name": "refrigerator"},
+ {"color": [142, 108, 45], "isthing": 1, "id": 84, "name": "book"},
+ {"color": [196, 172, 0], "isthing": 1, "id": 85, "name": "clock"},
+ {"color": [95, 54, 80], "isthing": 1, "id": 86, "name": "vase"},
+ {"color": [128, 76, 255], "isthing": 1, "id": 87, "name": "scissors"},
+ {"color": [201, 57, 1], "isthing": 1, "id": 88, "name": "teddy bear"},
+ {"color": [246, 0, 122], "isthing": 1, "id": 89, "name": "hair drier"},
+ {"color": [191, 162, 208], "isthing": 1, "id": 90, "name": "toothbrush"},
+ {"id": 92, "name": "banner", "supercategory": "textile"},
+ {"id": 93, "name": "blanket", "supercategory": "textile"},
+ {"id": 94, "name": "branch", "supercategory": "plant"},
+ {"id": 95, "name": "bridge", "supercategory": "building"},
+ {"id": 96, "name": "building-other", "supercategory": "building"},
+ {"id": 97, "name": "bush", "supercategory": "plant"},
+ {"id": 98, "name": "cabinet", "supercategory": "furniture-stuff"},
+ {"id": 99, "name": "cage", "supercategory": "structural"},
+ {"id": 100, "name": "cardboard", "supercategory": "raw-material"},
+ {"id": 101, "name": "carpet", "supercategory": "floor"},
+ {"id": 102, "name": "ceiling-other", "supercategory": "ceiling"},
+ {"id": 103, "name": "ceiling-tile", "supercategory": "ceiling"},
+ {"id": 104, "name": "cloth", "supercategory": "textile"},
+ {"id": 105, "name": "clothes", "supercategory": "textile"},
+ {"id": 106, "name": "clouds", "supercategory": "sky"},
+ {"id": 107, "name": "counter", "supercategory": "furniture-stuff"},
+ {"id": 108, "name": "cupboard", "supercategory": "furniture-stuff"},
+ {"id": 109, "name": "curtain", "supercategory": "textile"},
+ {"id": 110, "name": "desk-stuff", "supercategory": "furniture-stuff"},
+ {"id": 111, "name": "dirt", "supercategory": "ground"},
+ {"id": 112, "name": "door-stuff", "supercategory": "furniture-stuff"},
+ {"id": 113, "name": "fence", "supercategory": "structural"},
+ {"id": 114, "name": "floor-marble", "supercategory": "floor"},
+ {"id": 115, "name": "floor-other", "supercategory": "floor"},
+ {"id": 116, "name": "floor-stone", "supercategory": "floor"},
+ {"id": 117, "name": "floor-tile", "supercategory": "floor"},
+ {"id": 118, "name": "floor-wood", "supercategory": "floor"},
+ {"id": 119, "name": "flower", "supercategory": "plant"},
+ {"id": 120, "name": "fog", "supercategory": "water"},
+ {"id": 121, "name": "food-other", "supercategory": "food-stuff"},
+ {"id": 122, "name": "fruit", "supercategory": "food-stuff"},
+ {"id": 123, "name": "furniture-other", "supercategory": "furniture-stuff"},
+ {"id": 124, "name": "grass", "supercategory": "plant"},
+ {"id": 125, "name": "gravel", "supercategory": "ground"},
+ {"id": 126, "name": "ground-other", "supercategory": "ground"},
+ {"id": 127, "name": "hill", "supercategory": "solid"},
+ {"id": 128, "name": "house", "supercategory": "building"},
+ {"id": 129, "name": "leaves", "supercategory": "plant"},
+ {"id": 130, "name": "light", "supercategory": "furniture-stuff"},
+ {"id": 131, "name": "mat", "supercategory": "textile"},
+ {"id": 132, "name": "metal", "supercategory": "raw-material"},
+ {"id": 133, "name": "mirror-stuff", "supercategory": "furniture-stuff"},
+ {"id": 134, "name": "moss", "supercategory": "plant"},
+ {"id": 135, "name": "mountain", "supercategory": "solid"},
+ {"id": 136, "name": "mud", "supercategory": "ground"},
+ {"id": 137, "name": "napkin", "supercategory": "textile"},
+ {"id": 138, "name": "net", "supercategory": "structural"},
+ {"id": 139, "name": "paper", "supercategory": "raw-material"},
+ {"id": 140, "name": "pavement", "supercategory": "ground"},
+ {"id": 141, "name": "pillow", "supercategory": "textile"},
+ {"id": 142, "name": "plant-other", "supercategory": "plant"},
+ {"id": 143, "name": "plastic", "supercategory": "raw-material"},
+ {"id": 144, "name": "platform", "supercategory": "ground"},
+ {"id": 145, "name": "playingfield", "supercategory": "ground"},
+ {"id": 146, "name": "railing", "supercategory": "structural"},
+ {"id": 147, "name": "railroad", "supercategory": "ground"},
+ {"id": 148, "name": "river", "supercategory": "water"},
+ {"id": 149, "name": "road", "supercategory": "ground"},
+ {"id": 150, "name": "rock", "supercategory": "solid"},
+ {"id": 151, "name": "roof", "supercategory": "building"},
+ {"id": 152, "name": "rug", "supercategory": "textile"},
+ {"id": 153, "name": "salad", "supercategory": "food-stuff"},
+ {"id": 154, "name": "sand", "supercategory": "ground"},
+ {"id": 155, "name": "sea", "supercategory": "water"},
+ {"id": 156, "name": "shelf", "supercategory": "furniture-stuff"},
+ {"id": 157, "name": "sky-other", "supercategory": "sky"},
+ {"id": 158, "name": "skyscraper", "supercategory": "building"},
+ {"id": 159, "name": "snow", "supercategory": "ground"},
+ {"id": 160, "name": "solid-other", "supercategory": "solid"},
+ {"id": 161, "name": "stairs", "supercategory": "furniture-stuff"},
+ {"id": 162, "name": "stone", "supercategory": "solid"},
+ {"id": 163, "name": "straw", "supercategory": "plant"},
+ {"id": 164, "name": "structural-other", "supercategory": "structural"},
+ {"id": 165, "name": "table", "supercategory": "furniture-stuff"},
+ {"id": 166, "name": "tent", "supercategory": "building"},
+ {"id": 167, "name": "textile-other", "supercategory": "textile"},
+ {"id": 168, "name": "towel", "supercategory": "textile"},
+ {"id": 169, "name": "tree", "supercategory": "plant"},
+ {"id": 170, "name": "vegetable", "supercategory": "food-stuff"},
+ {"id": 171, "name": "wall-brick", "supercategory": "wall"},
+ {"id": 172, "name": "wall-concrete", "supercategory": "wall"},
+ {"id": 173, "name": "wall-other", "supercategory": "wall"},
+ {"id": 174, "name": "wall-panel", "supercategory": "wall"},
+ {"id": 175, "name": "wall-stone", "supercategory": "wall"},
+ {"id": 176, "name": "wall-tile", "supercategory": "wall"},
+ {"id": 177, "name": "wall-wood", "supercategory": "wall"},
+ {"id": 178, "name": "water-other", "supercategory": "water"},
+ {"id": 179, "name": "waterdrops", "supercategory": "water"},
+ {"id": 180, "name": "window-blind", "supercategory": "window"},
+ {"id": 181, "name": "window-other", "supercategory": "window"},
+ {"id": 182, "name": "wood", "supercategory": "solid"},
+]
+
+
+def _get_coco_stuff_meta():
+ # Id 0 is reserved for ignore_label, we change ignore_label for 0
+ # to 255 in our pre-processing.
+ stuff_ids = [k["id"] for k in COCO_CATEGORIES]
+ assert len(stuff_ids) == 171, len(stuff_ids)
+
+ # For semantic segmentation, this mapping maps from contiguous stuff id
+ # (in [0, 91], used in models) to ids in the dataset (used for processing results)
+ stuff_dataset_id_to_contiguous_id = {k: i for i, k in enumerate(stuff_ids)}
+ stuff_classes = [k["name"] for k in COCO_CATEGORIES]
+
+ ret = {
+ "stuff_dataset_id_to_contiguous_id": stuff_dataset_id_to_contiguous_id,
+ "stuff_classes": stuff_classes,
+ }
+ return ret
+
+
+def register_all_coco_stuff_10k(root):
+ root = os.path.join(root, "coco", "coco_stuff_10k")
+ meta = _get_coco_stuff_meta()
+ for name, image_dirname, sem_seg_dirname in [
+ ("train", "images_detectron2/train", "annotations_detectron2/train"),
+ ("test", "images_detectron2/test", "annotations_detectron2/test"),
+ ]:
+ image_dir = os.path.join(root, image_dirname)
+ gt_dir = os.path.join(root, sem_seg_dirname)
+ name = f"coco_2017_{name}_stuff_10k_sem_seg"
+ DatasetCatalog.register(
+ name, lambda x=image_dir, y=gt_dir: load_sem_seg(y, x, gt_ext="png", image_ext="jpg")
+ )
+ MetadataCatalog.get(name).set(
+ image_root=image_dir,
+ sem_seg_root=gt_dir,
+ evaluator_type="sem_seg",
+ ignore_label=255,
+ **meta,
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_coco_stuff_10k(_root)
diff --git a/mask2former/data/datasets/register_mapillary_vistas.py b/mask2former/data/datasets/register_mapillary_vistas.py
new file mode 100644
index 0000000000000000000000000000000000000000..ce3874b65d943c333d093abd6998500f8a3775f5
--- /dev/null
+++ b/mask2former/data/datasets/register_mapillary_vistas.py
@@ -0,0 +1,507 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import os
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.data.datasets import load_sem_seg
+
+MAPILLARY_VISTAS_SEM_SEG_CATEGORIES = [
+ {
+ "color": [165, 42, 42],
+ "instances": True,
+ "readable": "Bird",
+ "name": "animal--bird",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 192, 0],
+ "instances": True,
+ "readable": "Ground Animal",
+ "name": "animal--ground-animal",
+ "evaluate": True,
+ },
+ {
+ "color": [196, 196, 196],
+ "instances": False,
+ "readable": "Curb",
+ "name": "construction--barrier--curb",
+ "evaluate": True,
+ },
+ {
+ "color": [190, 153, 153],
+ "instances": False,
+ "readable": "Fence",
+ "name": "construction--barrier--fence",
+ "evaluate": True,
+ },
+ {
+ "color": [180, 165, 180],
+ "instances": False,
+ "readable": "Guard Rail",
+ "name": "construction--barrier--guard-rail",
+ "evaluate": True,
+ },
+ {
+ "color": [90, 120, 150],
+ "instances": False,
+ "readable": "Barrier",
+ "name": "construction--barrier--other-barrier",
+ "evaluate": True,
+ },
+ {
+ "color": [102, 102, 156],
+ "instances": False,
+ "readable": "Wall",
+ "name": "construction--barrier--wall",
+ "evaluate": True,
+ },
+ {
+ "color": [128, 64, 255],
+ "instances": False,
+ "readable": "Bike Lane",
+ "name": "construction--flat--bike-lane",
+ "evaluate": True,
+ },
+ {
+ "color": [140, 140, 200],
+ "instances": True,
+ "readable": "Crosswalk - Plain",
+ "name": "construction--flat--crosswalk-plain",
+ "evaluate": True,
+ },
+ {
+ "color": [170, 170, 170],
+ "instances": False,
+ "readable": "Curb Cut",
+ "name": "construction--flat--curb-cut",
+ "evaluate": True,
+ },
+ {
+ "color": [250, 170, 160],
+ "instances": False,
+ "readable": "Parking",
+ "name": "construction--flat--parking",
+ "evaluate": True,
+ },
+ {
+ "color": [96, 96, 96],
+ "instances": False,
+ "readable": "Pedestrian Area",
+ "name": "construction--flat--pedestrian-area",
+ "evaluate": True,
+ },
+ {
+ "color": [230, 150, 140],
+ "instances": False,
+ "readable": "Rail Track",
+ "name": "construction--flat--rail-track",
+ "evaluate": True,
+ },
+ {
+ "color": [128, 64, 128],
+ "instances": False,
+ "readable": "Road",
+ "name": "construction--flat--road",
+ "evaluate": True,
+ },
+ {
+ "color": [110, 110, 110],
+ "instances": False,
+ "readable": "Service Lane",
+ "name": "construction--flat--service-lane",
+ "evaluate": True,
+ },
+ {
+ "color": [244, 35, 232],
+ "instances": False,
+ "readable": "Sidewalk",
+ "name": "construction--flat--sidewalk",
+ "evaluate": True,
+ },
+ {
+ "color": [150, 100, 100],
+ "instances": False,
+ "readable": "Bridge",
+ "name": "construction--structure--bridge",
+ "evaluate": True,
+ },
+ {
+ "color": [70, 70, 70],
+ "instances": False,
+ "readable": "Building",
+ "name": "construction--structure--building",
+ "evaluate": True,
+ },
+ {
+ "color": [150, 120, 90],
+ "instances": False,
+ "readable": "Tunnel",
+ "name": "construction--structure--tunnel",
+ "evaluate": True,
+ },
+ {
+ "color": [220, 20, 60],
+ "instances": True,
+ "readable": "Person",
+ "name": "human--person",
+ "evaluate": True,
+ },
+ {
+ "color": [255, 0, 0],
+ "instances": True,
+ "readable": "Bicyclist",
+ "name": "human--rider--bicyclist",
+ "evaluate": True,
+ },
+ {
+ "color": [255, 0, 100],
+ "instances": True,
+ "readable": "Motorcyclist",
+ "name": "human--rider--motorcyclist",
+ "evaluate": True,
+ },
+ {
+ "color": [255, 0, 200],
+ "instances": True,
+ "readable": "Other Rider",
+ "name": "human--rider--other-rider",
+ "evaluate": True,
+ },
+ {
+ "color": [200, 128, 128],
+ "instances": True,
+ "readable": "Lane Marking - Crosswalk",
+ "name": "marking--crosswalk-zebra",
+ "evaluate": True,
+ },
+ {
+ "color": [255, 255, 255],
+ "instances": False,
+ "readable": "Lane Marking - General",
+ "name": "marking--general",
+ "evaluate": True,
+ },
+ {
+ "color": [64, 170, 64],
+ "instances": False,
+ "readable": "Mountain",
+ "name": "nature--mountain",
+ "evaluate": True,
+ },
+ {
+ "color": [230, 160, 50],
+ "instances": False,
+ "readable": "Sand",
+ "name": "nature--sand",
+ "evaluate": True,
+ },
+ {
+ "color": [70, 130, 180],
+ "instances": False,
+ "readable": "Sky",
+ "name": "nature--sky",
+ "evaluate": True,
+ },
+ {
+ "color": [190, 255, 255],
+ "instances": False,
+ "readable": "Snow",
+ "name": "nature--snow",
+ "evaluate": True,
+ },
+ {
+ "color": [152, 251, 152],
+ "instances": False,
+ "readable": "Terrain",
+ "name": "nature--terrain",
+ "evaluate": True,
+ },
+ {
+ "color": [107, 142, 35],
+ "instances": False,
+ "readable": "Vegetation",
+ "name": "nature--vegetation",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 170, 30],
+ "instances": False,
+ "readable": "Water",
+ "name": "nature--water",
+ "evaluate": True,
+ },
+ {
+ "color": [255, 255, 128],
+ "instances": True,
+ "readable": "Banner",
+ "name": "object--banner",
+ "evaluate": True,
+ },
+ {
+ "color": [250, 0, 30],
+ "instances": True,
+ "readable": "Bench",
+ "name": "object--bench",
+ "evaluate": True,
+ },
+ {
+ "color": [100, 140, 180],
+ "instances": True,
+ "readable": "Bike Rack",
+ "name": "object--bike-rack",
+ "evaluate": True,
+ },
+ {
+ "color": [220, 220, 220],
+ "instances": True,
+ "readable": "Billboard",
+ "name": "object--billboard",
+ "evaluate": True,
+ },
+ {
+ "color": [220, 128, 128],
+ "instances": True,
+ "readable": "Catch Basin",
+ "name": "object--catch-basin",
+ "evaluate": True,
+ },
+ {
+ "color": [222, 40, 40],
+ "instances": True,
+ "readable": "CCTV Camera",
+ "name": "object--cctv-camera",
+ "evaluate": True,
+ },
+ {
+ "color": [100, 170, 30],
+ "instances": True,
+ "readable": "Fire Hydrant",
+ "name": "object--fire-hydrant",
+ "evaluate": True,
+ },
+ {
+ "color": [40, 40, 40],
+ "instances": True,
+ "readable": "Junction Box",
+ "name": "object--junction-box",
+ "evaluate": True,
+ },
+ {
+ "color": [33, 33, 33],
+ "instances": True,
+ "readable": "Mailbox",
+ "name": "object--mailbox",
+ "evaluate": True,
+ },
+ {
+ "color": [100, 128, 160],
+ "instances": True,
+ "readable": "Manhole",
+ "name": "object--manhole",
+ "evaluate": True,
+ },
+ {
+ "color": [142, 0, 0],
+ "instances": True,
+ "readable": "Phone Booth",
+ "name": "object--phone-booth",
+ "evaluate": True,
+ },
+ {
+ "color": [70, 100, 150],
+ "instances": False,
+ "readable": "Pothole",
+ "name": "object--pothole",
+ "evaluate": True,
+ },
+ {
+ "color": [210, 170, 100],
+ "instances": True,
+ "readable": "Street Light",
+ "name": "object--street-light",
+ "evaluate": True,
+ },
+ {
+ "color": [153, 153, 153],
+ "instances": True,
+ "readable": "Pole",
+ "name": "object--support--pole",
+ "evaluate": True,
+ },
+ {
+ "color": [128, 128, 128],
+ "instances": True,
+ "readable": "Traffic Sign Frame",
+ "name": "object--support--traffic-sign-frame",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 80],
+ "instances": True,
+ "readable": "Utility Pole",
+ "name": "object--support--utility-pole",
+ "evaluate": True,
+ },
+ {
+ "color": [250, 170, 30],
+ "instances": True,
+ "readable": "Traffic Light",
+ "name": "object--traffic-light",
+ "evaluate": True,
+ },
+ {
+ "color": [192, 192, 192],
+ "instances": True,
+ "readable": "Traffic Sign (Back)",
+ "name": "object--traffic-sign--back",
+ "evaluate": True,
+ },
+ {
+ "color": [220, 220, 0],
+ "instances": True,
+ "readable": "Traffic Sign (Front)",
+ "name": "object--traffic-sign--front",
+ "evaluate": True,
+ },
+ {
+ "color": [140, 140, 20],
+ "instances": True,
+ "readable": "Trash Can",
+ "name": "object--trash-can",
+ "evaluate": True,
+ },
+ {
+ "color": [119, 11, 32],
+ "instances": True,
+ "readable": "Bicycle",
+ "name": "object--vehicle--bicycle",
+ "evaluate": True,
+ },
+ {
+ "color": [150, 0, 255],
+ "instances": True,
+ "readable": "Boat",
+ "name": "object--vehicle--boat",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 60, 100],
+ "instances": True,
+ "readable": "Bus",
+ "name": "object--vehicle--bus",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 142],
+ "instances": True,
+ "readable": "Car",
+ "name": "object--vehicle--car",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 90],
+ "instances": True,
+ "readable": "Caravan",
+ "name": "object--vehicle--caravan",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 230],
+ "instances": True,
+ "readable": "Motorcycle",
+ "name": "object--vehicle--motorcycle",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 80, 100],
+ "instances": False,
+ "readable": "On Rails",
+ "name": "object--vehicle--on-rails",
+ "evaluate": True,
+ },
+ {
+ "color": [128, 64, 64],
+ "instances": True,
+ "readable": "Other Vehicle",
+ "name": "object--vehicle--other-vehicle",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 110],
+ "instances": True,
+ "readable": "Trailer",
+ "name": "object--vehicle--trailer",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 70],
+ "instances": True,
+ "readable": "Truck",
+ "name": "object--vehicle--truck",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 192],
+ "instances": True,
+ "readable": "Wheeled Slow",
+ "name": "object--vehicle--wheeled-slow",
+ "evaluate": True,
+ },
+ {
+ "color": [32, 32, 32],
+ "instances": False,
+ "readable": "Car Mount",
+ "name": "void--car-mount",
+ "evaluate": True,
+ },
+ {
+ "color": [120, 10, 10],
+ "instances": False,
+ "readable": "Ego Vehicle",
+ "name": "void--ego-vehicle",
+ "evaluate": True,
+ },
+ {
+ "color": [0, 0, 0],
+ "instances": False,
+ "readable": "Unlabeled",
+ "name": "void--unlabeled",
+ "evaluate": False,
+ },
+]
+
+
+def _get_mapillary_vistas_meta():
+ stuff_classes = [k["readable"] for k in MAPILLARY_VISTAS_SEM_SEG_CATEGORIES if k["evaluate"]]
+ assert len(stuff_classes) == 65
+
+ stuff_colors = [k["color"] for k in MAPILLARY_VISTAS_SEM_SEG_CATEGORIES if k["evaluate"]]
+ assert len(stuff_colors) == 65
+
+ ret = {
+ "stuff_classes": stuff_classes,
+ "stuff_colors": stuff_colors,
+ }
+ return ret
+
+
+def register_all_mapillary_vistas(root):
+ root = os.path.join(root, "mapillary_vistas")
+ meta = _get_mapillary_vistas_meta()
+ for name, dirname in [("train", "training"), ("val", "validation")]:
+ image_dir = os.path.join(root, dirname, "images")
+ gt_dir = os.path.join(root, dirname, "labels")
+ name = f"mapillary_vistas_sem_seg_{name}"
+ DatasetCatalog.register(
+ name, lambda x=image_dir, y=gt_dir: load_sem_seg(y, x, gt_ext="png", image_ext="jpg")
+ )
+ MetadataCatalog.get(name).set(
+ image_root=image_dir,
+ sem_seg_root=gt_dir,
+ evaluator_type="sem_seg",
+ ignore_label=65, # different from other datasets, Mapillary Vistas sets ignore_label to 65
+ **meta,
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_mapillary_vistas(_root)
diff --git a/mask2former/data/datasets/register_mapillary_vistas_panoptic.py b/mask2former/data/datasets/register_mapillary_vistas_panoptic.py
new file mode 100644
index 0000000000000000000000000000000000000000..0123185583f03ba1715da6e0b1eb24f71c12adda
--- /dev/null
+++ b/mask2former/data/datasets/register_mapillary_vistas_panoptic.py
@@ -0,0 +1,508 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import json
+import os
+
+from detectron2.data import DatasetCatalog, MetadataCatalog
+from detectron2.utils.file_io import PathManager
+
+
+MAPILLARY_VISTAS_SEM_SEG_CATEGORIES = [
+ {'color': [165, 42, 42],
+ 'id': 1,
+ 'isthing': 1,
+ 'name': 'Bird',
+ 'supercategory': 'animal--bird'},
+ {'color': [0, 192, 0],
+ 'id': 2,
+ 'isthing': 1,
+ 'name': 'Ground Animal',
+ 'supercategory': 'animal--ground-animal'},
+ {'color': [196, 196, 196],
+ 'id': 3,
+ 'isthing': 0,
+ 'name': 'Curb',
+ 'supercategory': 'construction--barrier--curb'},
+ {'color': [190, 153, 153],
+ 'id': 4,
+ 'isthing': 0,
+ 'name': 'Fence',
+ 'supercategory': 'construction--barrier--fence'},
+ {'color': [180, 165, 180],
+ 'id': 5,
+ 'isthing': 0,
+ 'name': 'Guard Rail',
+ 'supercategory': 'construction--barrier--guard-rail'},
+ {'color': [90, 120, 150],
+ 'id': 6,
+ 'isthing': 0,
+ 'name': 'Barrier',
+ 'supercategory': 'construction--barrier--other-barrier'},
+ {'color': [102, 102, 156],
+ 'id': 7,
+ 'isthing': 0,
+ 'name': 'Wall',
+ 'supercategory': 'construction--barrier--wall'},
+ {'color': [128, 64, 255],
+ 'id': 8,
+ 'isthing': 0,
+ 'name': 'Bike Lane',
+ 'supercategory': 'construction--flat--bike-lane'},
+ {'color': [140, 140, 200],
+ 'id': 9,
+ 'isthing': 1,
+ 'name': 'Crosswalk - Plain',
+ 'supercategory': 'construction--flat--crosswalk-plain'},
+ {'color': [170, 170, 170],
+ 'id': 10,
+ 'isthing': 0,
+ 'name': 'Curb Cut',
+ 'supercategory': 'construction--flat--curb-cut'},
+ {'color': [250, 170, 160],
+ 'id': 11,
+ 'isthing': 0,
+ 'name': 'Parking',
+ 'supercategory': 'construction--flat--parking'},
+ {'color': [96, 96, 96],
+ 'id': 12,
+ 'isthing': 0,
+ 'name': 'Pedestrian Area',
+ 'supercategory': 'construction--flat--pedestrian-area'},
+ {'color': [230, 150, 140],
+ 'id': 13,
+ 'isthing': 0,
+ 'name': 'Rail Track',
+ 'supercategory': 'construction--flat--rail-track'},
+ {'color': [128, 64, 128],
+ 'id': 14,
+ 'isthing': 0,
+ 'name': 'Road',
+ 'supercategory': 'construction--flat--road'},
+ {'color': [110, 110, 110],
+ 'id': 15,
+ 'isthing': 0,
+ 'name': 'Service Lane',
+ 'supercategory': 'construction--flat--service-lane'},
+ {'color': [244, 35, 232],
+ 'id': 16,
+ 'isthing': 0,
+ 'name': 'Sidewalk',
+ 'supercategory': 'construction--flat--sidewalk'},
+ {'color': [150, 100, 100],
+ 'id': 17,
+ 'isthing': 0,
+ 'name': 'Bridge',
+ 'supercategory': 'construction--structure--bridge'},
+ {'color': [70, 70, 70],
+ 'id': 18,
+ 'isthing': 0,
+ 'name': 'Building',
+ 'supercategory': 'construction--structure--building'},
+ {'color': [150, 120, 90],
+ 'id': 19,
+ 'isthing': 0,
+ 'name': 'Tunnel',
+ 'supercategory': 'construction--structure--tunnel'},
+ {'color': [220, 20, 60],
+ 'id': 20,
+ 'isthing': 1,
+ 'name': 'Person',
+ 'supercategory': 'human--person'},
+ {'color': [255, 0, 0],
+ 'id': 21,
+ 'isthing': 1,
+ 'name': 'Bicyclist',
+ 'supercategory': 'human--rider--bicyclist'},
+ {'color': [255, 0, 100],
+ 'id': 22,
+ 'isthing': 1,
+ 'name': 'Motorcyclist',
+ 'supercategory': 'human--rider--motorcyclist'},
+ {'color': [255, 0, 200],
+ 'id': 23,
+ 'isthing': 1,
+ 'name': 'Other Rider',
+ 'supercategory': 'human--rider--other-rider'},
+ {'color': [200, 128, 128],
+ 'id': 24,
+ 'isthing': 1,
+ 'name': 'Lane Marking - Crosswalk',
+ 'supercategory': 'marking--crosswalk-zebra'},
+ {'color': [255, 255, 255],
+ 'id': 25,
+ 'isthing': 0,
+ 'name': 'Lane Marking - General',
+ 'supercategory': 'marking--general'},
+ {'color': [64, 170, 64],
+ 'id': 26,
+ 'isthing': 0,
+ 'name': 'Mountain',
+ 'supercategory': 'nature--mountain'},
+ {'color': [230, 160, 50],
+ 'id': 27,
+ 'isthing': 0,
+ 'name': 'Sand',
+ 'supercategory': 'nature--sand'},
+ {'color': [70, 130, 180],
+ 'id': 28,
+ 'isthing': 0,
+ 'name': 'Sky',
+ 'supercategory': 'nature--sky'},
+ {'color': [190, 255, 255],
+ 'id': 29,
+ 'isthing': 0,
+ 'name': 'Snow',
+ 'supercategory': 'nature--snow'},
+ {'color': [152, 251, 152],
+ 'id': 30,
+ 'isthing': 0,
+ 'name': 'Terrain',
+ 'supercategory': 'nature--terrain'},
+ {'color': [107, 142, 35],
+ 'id': 31,
+ 'isthing': 0,
+ 'name': 'Vegetation',
+ 'supercategory': 'nature--vegetation'},
+ {'color': [0, 170, 30],
+ 'id': 32,
+ 'isthing': 0,
+ 'name': 'Water',
+ 'supercategory': 'nature--water'},
+ {'color': [255, 255, 128],
+ 'id': 33,
+ 'isthing': 1,
+ 'name': 'Banner',
+ 'supercategory': 'object--banner'},
+ {'color': [250, 0, 30],
+ 'id': 34,
+ 'isthing': 1,
+ 'name': 'Bench',
+ 'supercategory': 'object--bench'},
+ {'color': [100, 140, 180],
+ 'id': 35,
+ 'isthing': 1,
+ 'name': 'Bike Rack',
+ 'supercategory': 'object--bike-rack'},
+ {'color': [220, 220, 220],
+ 'id': 36,
+ 'isthing': 1,
+ 'name': 'Billboard',
+ 'supercategory': 'object--billboard'},
+ {'color': [220, 128, 128],
+ 'id': 37,
+ 'isthing': 1,
+ 'name': 'Catch Basin',
+ 'supercategory': 'object--catch-basin'},
+ {'color': [222, 40, 40],
+ 'id': 38,
+ 'isthing': 1,
+ 'name': 'CCTV Camera',
+ 'supercategory': 'object--cctv-camera'},
+ {'color': [100, 170, 30],
+ 'id': 39,
+ 'isthing': 1,
+ 'name': 'Fire Hydrant',
+ 'supercategory': 'object--fire-hydrant'},
+ {'color': [40, 40, 40],
+ 'id': 40,
+ 'isthing': 1,
+ 'name': 'Junction Box',
+ 'supercategory': 'object--junction-box'},
+ {'color': [33, 33, 33],
+ 'id': 41,
+ 'isthing': 1,
+ 'name': 'Mailbox',
+ 'supercategory': 'object--mailbox'},
+ {'color': [100, 128, 160],
+ 'id': 42,
+ 'isthing': 1,
+ 'name': 'Manhole',
+ 'supercategory': 'object--manhole'},
+ {'color': [142, 0, 0],
+ 'id': 43,
+ 'isthing': 1,
+ 'name': 'Phone Booth',
+ 'supercategory': 'object--phone-booth'},
+ {'color': [70, 100, 150],
+ 'id': 44,
+ 'isthing': 0,
+ 'name': 'Pothole',
+ 'supercategory': 'object--pothole'},
+ {'color': [210, 170, 100],
+ 'id': 45,
+ 'isthing': 1,
+ 'name': 'Street Light',
+ 'supercategory': 'object--street-light'},
+ {'color': [153, 153, 153],
+ 'id': 46,
+ 'isthing': 1,
+ 'name': 'Pole',
+ 'supercategory': 'object--support--pole'},
+ {'color': [128, 128, 128],
+ 'id': 47,
+ 'isthing': 1,
+ 'name': 'Traffic Sign Frame',
+ 'supercategory': 'object--support--traffic-sign-frame'},
+ {'color': [0, 0, 80],
+ 'id': 48,
+ 'isthing': 1,
+ 'name': 'Utility Pole',
+ 'supercategory': 'object--support--utility-pole'},
+ {'color': [250, 170, 30],
+ 'id': 49,
+ 'isthing': 1,
+ 'name': 'Traffic Light',
+ 'supercategory': 'object--traffic-light'},
+ {'color': [192, 192, 192],
+ 'id': 50,
+ 'isthing': 1,
+ 'name': 'Traffic Sign (Back)',
+ 'supercategory': 'object--traffic-sign--back'},
+ {'color': [220, 220, 0],
+ 'id': 51,
+ 'isthing': 1,
+ 'name': 'Traffic Sign (Front)',
+ 'supercategory': 'object--traffic-sign--front'},
+ {'color': [140, 140, 20],
+ 'id': 52,
+ 'isthing': 1,
+ 'name': 'Trash Can',
+ 'supercategory': 'object--trash-can'},
+ {'color': [119, 11, 32],
+ 'id': 53,
+ 'isthing': 1,
+ 'name': 'Bicycle',
+ 'supercategory': 'object--vehicle--bicycle'},
+ {'color': [150, 0, 255],
+ 'id': 54,
+ 'isthing': 1,
+ 'name': 'Boat',
+ 'supercategory': 'object--vehicle--boat'},
+ {'color': [0, 60, 100],
+ 'id': 55,
+ 'isthing': 1,
+ 'name': 'Bus',
+ 'supercategory': 'object--vehicle--bus'},
+ {'color': [0, 0, 142],
+ 'id': 56,
+ 'isthing': 1,
+ 'name': 'Car',
+ 'supercategory': 'object--vehicle--car'},
+ {'color': [0, 0, 90],
+ 'id': 57,
+ 'isthing': 1,
+ 'name': 'Caravan',
+ 'supercategory': 'object--vehicle--caravan'},
+ {'color': [0, 0, 230],
+ 'id': 58,
+ 'isthing': 1,
+ 'name': 'Motorcycle',
+ 'supercategory': 'object--vehicle--motorcycle'},
+ {'color': [0, 80, 100],
+ 'id': 59,
+ 'isthing': 0,
+ 'name': 'On Rails',
+ 'supercategory': 'object--vehicle--on-rails'},
+ {'color': [128, 64, 64],
+ 'id': 60,
+ 'isthing': 1,
+ 'name': 'Other Vehicle',
+ 'supercategory': 'object--vehicle--other-vehicle'},
+ {'color': [0, 0, 110],
+ 'id': 61,
+ 'isthing': 1,
+ 'name': 'Trailer',
+ 'supercategory': 'object--vehicle--trailer'},
+ {'color': [0, 0, 70],
+ 'id': 62,
+ 'isthing': 1,
+ 'name': 'Truck',
+ 'supercategory': 'object--vehicle--truck'},
+ {'color': [0, 0, 192],
+ 'id': 63,
+ 'isthing': 1,
+ 'name': 'Wheeled Slow',
+ 'supercategory': 'object--vehicle--wheeled-slow'},
+ {'color': [32, 32, 32],
+ 'id': 64,
+ 'isthing': 0,
+ 'name': 'Car Mount',
+ 'supercategory': 'void--car-mount'},
+ {'color': [120, 10, 10],
+ 'id': 65,
+ 'isthing': 0,
+ 'name': 'Ego Vehicle',
+ 'supercategory': 'void--ego-vehicle'}
+]
+
+
+def load_mapillary_vistas_panoptic_json(json_file, image_dir, gt_dir, semseg_dir, meta):
+ """
+ Args:
+ image_dir (str): path to the raw dataset. e.g., "~/coco/train2017".
+ gt_dir (str): path to the raw annotations. e.g., "~/coco/panoptic_train2017".
+ json_file (str): path to the json file. e.g., "~/coco/annotations/panoptic_train2017.json".
+ Returns:
+ list[dict]: a list of dicts in Detectron2 standard format. (See
+ `Using Custom Datasets `_ )
+ """
+
+ def _convert_category_id(segment_info, meta):
+ if segment_info["category_id"] in meta["thing_dataset_id_to_contiguous_id"]:
+ segment_info["category_id"] = meta["thing_dataset_id_to_contiguous_id"][
+ segment_info["category_id"]
+ ]
+ segment_info["isthing"] = True
+ else:
+ segment_info["category_id"] = meta["stuff_dataset_id_to_contiguous_id"][
+ segment_info["category_id"]
+ ]
+ segment_info["isthing"] = False
+ return segment_info
+
+ with PathManager.open(json_file) as f:
+ json_info = json.load(f)
+
+ ret = []
+ for ann in json_info["annotations"]:
+ image_id = ann["image_id"]
+ # TODO: currently we assume image and label has the same filename but
+ # different extension, and images have extension ".jpg" for COCO. Need
+ # to make image extension a user-provided argument if we extend this
+ # function to support other COCO-like datasets.
+ image_file = os.path.join(image_dir, os.path.splitext(ann["file_name"])[0] + ".jpg")
+ label_file = os.path.join(gt_dir, ann["file_name"])
+ sem_label_file = os.path.join(semseg_dir, ann["file_name"])
+ segments_info = [_convert_category_id(x, meta) for x in ann["segments_info"]]
+ ret.append(
+ {
+ "file_name": image_file,
+ "image_id": image_id,
+ "pan_seg_file_name": label_file,
+ "sem_seg_file_name": sem_label_file,
+ "segments_info": segments_info,
+ }
+ )
+ assert len(ret), f"No images found in {image_dir}!"
+ assert PathManager.isfile(ret[0]["file_name"]), ret[0]["file_name"]
+ assert PathManager.isfile(ret[0]["pan_seg_file_name"]), ret[0]["pan_seg_file_name"]
+ assert PathManager.isfile(ret[0]["sem_seg_file_name"]), ret[0]["sem_seg_file_name"]
+ return ret
+
+
+def register_mapillary_vistas_panoptic(
+ name, metadata, image_root, panoptic_root, semantic_root, panoptic_json, instances_json=None
+):
+ """
+ Register a "standard" version of ADE20k panoptic segmentation dataset named `name`.
+ The dictionaries in this registered dataset follows detectron2's standard format.
+ Hence it's called "standard".
+ Args:
+ name (str): the name that identifies a dataset,
+ e.g. "ade20k_panoptic_train"
+ metadata (dict): extra metadata associated with this dataset.
+ image_root (str): directory which contains all the images
+ panoptic_root (str): directory which contains panoptic annotation images in COCO format
+ panoptic_json (str): path to the json panoptic annotation file in COCO format
+ sem_seg_root (none): not used, to be consistent with
+ `register_coco_panoptic_separated`.
+ instances_json (str): path to the json instance annotation file
+ """
+ panoptic_name = name
+ DatasetCatalog.register(
+ panoptic_name,
+ lambda: load_mapillary_vistas_panoptic_json(
+ panoptic_json, image_root, panoptic_root, semantic_root, metadata
+ ),
+ )
+ MetadataCatalog.get(panoptic_name).set(
+ panoptic_root=panoptic_root,
+ image_root=image_root,
+ panoptic_json=panoptic_json,
+ json_file=instances_json,
+ evaluator_type="mapillary_vistas_panoptic_seg",
+ ignore_label=65, # different from other datasets, Mapillary Vistas sets ignore_label to 65
+ label_divisor=1000,
+ **metadata,
+ )
+
+
+_PREDEFINED_SPLITS_ADE20K_PANOPTIC = {
+ "mapillary_vistas_panoptic_train": (
+ "mapillary_vistas/training/images",
+ "mapillary_vistas/training/panoptic",
+ "mapillary_vistas/training/panoptic/panoptic_2018.json",
+ "mapillary_vistas/training/labels",
+ ),
+ "mapillary_vistas_panoptic_val": (
+ "mapillary_vistas/validation/images",
+ "mapillary_vistas/validation/panoptic",
+ "mapillary_vistas/validation/panoptic/panoptic_2018.json",
+ "mapillary_vistas/validation/labels",
+ ),
+}
+
+
+def get_metadata():
+ meta = {}
+ # The following metadata maps contiguous id from [0, #thing categories +
+ # #stuff categories) to their names and colors. We have to replica of the
+ # same name and color under "thing_*" and "stuff_*" because the current
+ # visualization function in D2 handles thing and class classes differently
+ # due to some heuristic used in Panoptic FPN. We keep the same naming to
+ # enable reusing existing visualization functions.
+ thing_classes = [k["name"] for k in MAPILLARY_VISTAS_SEM_SEG_CATEGORIES]
+ thing_colors = [k["color"] for k in MAPILLARY_VISTAS_SEM_SEG_CATEGORIES]
+ stuff_classes = [k["name"] for k in MAPILLARY_VISTAS_SEM_SEG_CATEGORIES]
+ stuff_colors = [k["color"] for k in MAPILLARY_VISTAS_SEM_SEG_CATEGORIES]
+
+ meta["thing_classes"] = thing_classes
+ meta["thing_colors"] = thing_colors
+ meta["stuff_classes"] = stuff_classes
+ meta["stuff_colors"] = stuff_colors
+
+ # Convert category id for training:
+ # category id: like semantic segmentation, it is the class id for each
+ # pixel. Since there are some classes not used in evaluation, the category
+ # id is not always contiguous and thus we have two set of category ids:
+ # - original category id: category id in the original dataset, mainly
+ # used for evaluation.
+ # - contiguous category id: [0, #classes), in order to train the linear
+ # softmax classifier.
+ thing_dataset_id_to_contiguous_id = {}
+ stuff_dataset_id_to_contiguous_id = {}
+
+ for i, cat in enumerate(MAPILLARY_VISTAS_SEM_SEG_CATEGORIES):
+ if cat["isthing"]:
+ thing_dataset_id_to_contiguous_id[cat["id"]] = i
+ # else:
+ # stuff_dataset_id_to_contiguous_id[cat["id"]] = i
+
+ # in order to use sem_seg evaluator
+ stuff_dataset_id_to_contiguous_id[cat["id"]] = i
+
+ meta["thing_dataset_id_to_contiguous_id"] = thing_dataset_id_to_contiguous_id
+ meta["stuff_dataset_id_to_contiguous_id"] = stuff_dataset_id_to_contiguous_id
+
+ return meta
+
+
+def register_all_mapillary_vistas_panoptic(root):
+ metadata = get_metadata()
+ for (
+ prefix,
+ (image_root, panoptic_root, panoptic_json, semantic_root),
+ ) in _PREDEFINED_SPLITS_ADE20K_PANOPTIC.items():
+ # The "standard" version of COCO panoptic segmentation dataset,
+ # e.g. used by Panoptic-DeepLab
+ register_mapillary_vistas_panoptic(
+ prefix,
+ metadata,
+ os.path.join(root, image_root),
+ os.path.join(root, panoptic_root),
+ os.path.join(root, semantic_root),
+ os.path.join(root, panoptic_json),
+ )
+
+
+_root = os.getenv("DETECTRON2_DATASETS", "datasets")
+register_all_mapillary_vistas_panoptic(_root)
diff --git a/mask2former/evaluation/__init__.py b/mask2former/evaluation/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/mask2former/evaluation/instance_evaluation.py b/mask2former/evaluation/instance_evaluation.py
new file mode 100644
index 0000000000000000000000000000000000000000..bc2facec351e5f6ee965ee9acb4394f12c023f54
--- /dev/null
+++ b/mask2former/evaluation/instance_evaluation.py
@@ -0,0 +1,107 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import contextlib
+import copy
+import io
+import itertools
+import json
+import logging
+import numpy as np
+import os
+import pickle
+from collections import OrderedDict
+import pycocotools.mask as mask_util
+import torch
+from pycocotools.coco import COCO
+from pycocotools.cocoeval import COCOeval
+from tabulate import tabulate
+
+import detectron2.utils.comm as comm
+from detectron2.config import CfgNode
+from detectron2.data import MetadataCatalog
+from detectron2.data.datasets.coco import convert_to_coco_json
+from detectron2.evaluation.coco_evaluation import COCOEvaluator, _evaluate_predictions_on_coco
+from detectron2.evaluation.fast_eval_api import COCOeval_opt
+from detectron2.structures import Boxes, BoxMode, pairwise_iou
+from detectron2.utils.file_io import PathManager
+from detectron2.utils.logger import create_small_table
+
+
+# modified from COCOEvaluator for instance segmetnat
+class InstanceSegEvaluator(COCOEvaluator):
+ """
+ Evaluate AR for object proposals, AP for instance detection/segmentation, AP
+ for keypoint detection outputs using COCO's metrics.
+ See http://cocodataset.org/#detection-eval and
+ http://cocodataset.org/#keypoints-eval to understand its metrics.
+ The metrics range from 0 to 100 (instead of 0 to 1), where a -1 or NaN means
+ the metric cannot be computed (e.g. due to no predictions made).
+
+ In addition to COCO, this evaluator is able to support any bounding box detection,
+ instance segmentation, or keypoint detection dataset.
+ """
+
+ def _eval_predictions(self, predictions, img_ids=None):
+ """
+ Evaluate predictions. Fill self._results with the metrics of the tasks.
+ """
+ self._logger.info("Preparing results for COCO format ...")
+ coco_results = list(itertools.chain(*[x["instances"] for x in predictions]))
+ tasks = self._tasks or self._tasks_from_predictions(coco_results)
+
+ # unmap the category ids for COCO
+ if hasattr(self._metadata, "thing_dataset_id_to_contiguous_id"):
+ dataset_id_to_contiguous_id = self._metadata.thing_dataset_id_to_contiguous_id
+ # all_contiguous_ids = list(dataset_id_to_contiguous_id.values())
+ # num_classes = len(all_contiguous_ids)
+ # assert min(all_contiguous_ids) == 0 and max(all_contiguous_ids) == num_classes - 1
+
+ reverse_id_mapping = {v: k for k, v in dataset_id_to_contiguous_id.items()}
+ for result in coco_results:
+ category_id = result["category_id"]
+ # assert category_id < num_classes, (
+ # f"A prediction has class={category_id}, "
+ # f"but the dataset only has {num_classes} classes and "
+ # f"predicted class id should be in [0, {num_classes - 1}]."
+ # )
+ assert category_id in reverse_id_mapping, (
+ f"A prediction has class={category_id}, "
+ f"but the dataset only has class ids in {dataset_id_to_contiguous_id}."
+ )
+ result["category_id"] = reverse_id_mapping[category_id]
+
+ if self._output_dir:
+ file_path = os.path.join(self._output_dir, "coco_instances_results.json")
+ self._logger.info("Saving results to {}".format(file_path))
+ with PathManager.open(file_path, "w") as f:
+ f.write(json.dumps(coco_results))
+ f.flush()
+
+ if not self._do_evaluation:
+ self._logger.info("Annotations are not available for evaluation.")
+ return
+
+ self._logger.info(
+ "Evaluating predictions with {} COCO API...".format(
+ "unofficial" if self._use_fast_impl else "official"
+ )
+ )
+ for task in sorted(tasks):
+ assert task in {"bbox", "segm", "keypoints"}, f"Got unknown task: {task}!"
+ coco_eval = (
+ _evaluate_predictions_on_coco(
+ self._coco_api,
+ coco_results,
+ task,
+ kpt_oks_sigmas=self._kpt_oks_sigmas,
+ use_fast_impl=self._use_fast_impl,
+ img_ids=img_ids,
+ max_dets_per_image=self._max_dets_per_image,
+ )
+ if len(coco_results) > 0
+ else None # cocoapi does not handle empty results very well
+ )
+
+ res = self._derive_coco_results(
+ coco_eval, task, class_names=self._metadata.get("thing_classes")
+ )
+ self._results[task] = res
diff --git a/mask2former/maskformer_model.py b/mask2former/maskformer_model.py
new file mode 100644
index 0000000000000000000000000000000000000000..88ce76d37adc678ed8c9c7df17271120c75512d3
--- /dev/null
+++ b/mask2former/maskformer_model.py
@@ -0,0 +1,380 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+from typing import Tuple
+
+import torch
+from torch import nn
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.data import MetadataCatalog
+from detectron2.modeling import META_ARCH_REGISTRY, build_backbone, build_sem_seg_head
+from detectron2.modeling.backbone import Backbone
+from detectron2.modeling.postprocessing import sem_seg_postprocess
+from detectron2.structures import Boxes, ImageList, Instances, BitMasks
+from detectron2.utils.memory import retry_if_cuda_oom
+
+from .modeling.criterion import SetCriterion
+from .modeling.matcher import HungarianMatcher
+
+
+@META_ARCH_REGISTRY.register()
+class MaskFormer(nn.Module):
+ """
+ Main class for mask classification semantic segmentation architectures.
+ """
+
+ @configurable
+ def __init__(
+ self,
+ *,
+ backbone: Backbone,
+ sem_seg_head: nn.Module,
+ criterion: nn.Module,
+ num_queries: int,
+ object_mask_threshold: float,
+ overlap_threshold: float,
+ metadata,
+ size_divisibility: int,
+ sem_seg_postprocess_before_inference: bool,
+ pixel_mean: Tuple[float],
+ pixel_std: Tuple[float],
+ # inference
+ semantic_on: bool,
+ panoptic_on: bool,
+ instance_on: bool,
+ test_topk_per_image: int,
+ ):
+ """
+ Args:
+ backbone: a backbone module, must follow detectron2's backbone interface
+ sem_seg_head: a module that predicts semantic segmentation from backbone features
+ criterion: a module that defines the loss
+ num_queries: int, number of queries
+ object_mask_threshold: float, threshold to filter query based on classification score
+ for panoptic segmentation inference
+ overlap_threshold: overlap threshold used in general inference for panoptic segmentation
+ metadata: dataset meta, get `thing` and `stuff` category names for panoptic
+ segmentation inference
+ size_divisibility: Some backbones require the input height and width to be divisible by a
+ specific integer. We can use this to override such requirement.
+ sem_seg_postprocess_before_inference: whether to resize the prediction back
+ to original input size before semantic segmentation inference or after.
+ For high-resolution dataset like Mapillary, resizing predictions before
+ inference will cause OOM error.
+ pixel_mean, pixel_std: list or tuple with #channels element, representing
+ the per-channel mean and std to be used to normalize the input image
+ semantic_on: bool, whether to output semantic segmentation prediction
+ instance_on: bool, whether to output instance segmentation prediction
+ panoptic_on: bool, whether to output panoptic segmentation prediction
+ test_topk_per_image: int, instance segmentation parameter, keep topk instances per image
+ """
+ super().__init__()
+ self.backbone = backbone
+ self.sem_seg_head = sem_seg_head
+ self.criterion = criterion
+ self.num_queries = num_queries
+ self.overlap_threshold = overlap_threshold
+ self.object_mask_threshold = object_mask_threshold
+ self.metadata = metadata
+ if size_divisibility < 0:
+ # use backbone size_divisibility if not set
+ size_divisibility = self.backbone.size_divisibility
+ self.size_divisibility = size_divisibility
+ self.sem_seg_postprocess_before_inference = sem_seg_postprocess_before_inference
+ self.register_buffer("pixel_mean", torch.Tensor(pixel_mean).view(-1, 1, 1), False)
+ self.register_buffer("pixel_std", torch.Tensor(pixel_std).view(-1, 1, 1), False)
+
+ # additional args
+ self.semantic_on = semantic_on
+ self.instance_on = instance_on
+ self.panoptic_on = panoptic_on
+ self.test_topk_per_image = test_topk_per_image
+
+ if not self.semantic_on:
+ assert self.sem_seg_postprocess_before_inference
+
+ @classmethod
+ def from_config(cls, cfg):
+ backbone = build_backbone(cfg)
+ sem_seg_head = build_sem_seg_head(cfg, backbone.output_shape())
+
+ # Loss parameters:
+ deep_supervision = cfg.MODEL.MASK_FORMER.DEEP_SUPERVISION
+ no_object_weight = cfg.MODEL.MASK_FORMER.NO_OBJECT_WEIGHT
+
+ # loss weights
+ class_weight = cfg.MODEL.MASK_FORMER.CLASS_WEIGHT
+ dice_weight = cfg.MODEL.MASK_FORMER.DICE_WEIGHT
+ mask_weight = cfg.MODEL.MASK_FORMER.MASK_WEIGHT
+
+ # building criterion
+ matcher = HungarianMatcher(
+ cost_class=class_weight,
+ cost_mask=mask_weight,
+ cost_dice=dice_weight,
+ num_points=cfg.MODEL.MASK_FORMER.TRAIN_NUM_POINTS,
+ )
+
+ weight_dict = {"loss_ce": class_weight, "loss_mask": mask_weight, "loss_dice": dice_weight}
+
+ if deep_supervision:
+ dec_layers = cfg.MODEL.MASK_FORMER.DEC_LAYERS
+ aux_weight_dict = {}
+ for i in range(dec_layers - 1):
+ aux_weight_dict.update({k + f"_{i}": v for k, v in weight_dict.items()})
+ weight_dict.update(aux_weight_dict)
+
+ losses = ["labels", "masks"]
+
+ criterion = SetCriterion(
+ sem_seg_head.num_classes,
+ matcher=matcher,
+ weight_dict=weight_dict,
+ eos_coef=no_object_weight,
+ losses=losses,
+ num_points=cfg.MODEL.MASK_FORMER.TRAIN_NUM_POINTS,
+ oversample_ratio=cfg.MODEL.MASK_FORMER.OVERSAMPLE_RATIO,
+ importance_sample_ratio=cfg.MODEL.MASK_FORMER.IMPORTANCE_SAMPLE_RATIO,
+ )
+
+ return {
+ "backbone": backbone,
+ "sem_seg_head": sem_seg_head,
+ "criterion": criterion,
+ "num_queries": cfg.MODEL.MASK_FORMER.NUM_OBJECT_QUERIES,
+ "object_mask_threshold": cfg.MODEL.MASK_FORMER.TEST.OBJECT_MASK_THRESHOLD,
+ "overlap_threshold": cfg.MODEL.MASK_FORMER.TEST.OVERLAP_THRESHOLD,
+ "metadata": MetadataCatalog.get(cfg.DATASETS.TRAIN[0]),
+ "size_divisibility": cfg.MODEL.MASK_FORMER.SIZE_DIVISIBILITY,
+ "sem_seg_postprocess_before_inference": (
+ cfg.MODEL.MASK_FORMER.TEST.SEM_SEG_POSTPROCESSING_BEFORE_INFERENCE
+ or cfg.MODEL.MASK_FORMER.TEST.PANOPTIC_ON
+ or cfg.MODEL.MASK_FORMER.TEST.INSTANCE_ON
+ ),
+ "pixel_mean": cfg.MODEL.PIXEL_MEAN,
+ "pixel_std": cfg.MODEL.PIXEL_STD,
+ # inference
+ "semantic_on": cfg.MODEL.MASK_FORMER.TEST.SEMANTIC_ON,
+ "instance_on": cfg.MODEL.MASK_FORMER.TEST.INSTANCE_ON,
+ "panoptic_on": cfg.MODEL.MASK_FORMER.TEST.PANOPTIC_ON,
+ "test_topk_per_image": cfg.TEST.DETECTIONS_PER_IMAGE,
+ }
+
+ @property
+ def device(self):
+ return self.pixel_mean.device
+
+ def forward(self, batched_inputs):
+ """
+ Args:
+ batched_inputs: a list, batched outputs of :class:`DatasetMapper`.
+ Each item in the list contains the inputs for one image.
+ For now, each item in the list is a dict that contains:
+ * "image": Tensor, image in (C, H, W) format.
+ * "instances": per-region ground truth
+ * Other information that's included in the original dicts, such as:
+ "height", "width" (int): the output resolution of the model (may be different
+ from input resolution), used in inference.
+ Returns:
+ list[dict]:
+ each dict has the results for one image. The dict contains the following keys:
+
+ * "sem_seg":
+ A Tensor that represents the
+ per-pixel segmentation prediced by the head.
+ The prediction has shape KxHxW that represents the logits of
+ each class for each pixel.
+ * "panoptic_seg":
+ A tuple that represent panoptic output
+ panoptic_seg (Tensor): of shape (height, width) where the values are ids for each segment.
+ segments_info (list[dict]): Describe each segment in `panoptic_seg`.
+ Each dict contains keys "id", "category_id", "isthing".
+ """
+ images = [x["image"].to(self.device) for x in batched_inputs]
+ images = [(x - self.pixel_mean) / self.pixel_std for x in images]
+ images = ImageList.from_tensors(images, self.size_divisibility)
+
+ features = self.backbone(images.tensor)
+ outputs = self.sem_seg_head(features)
+
+ if self.training:
+ # mask classification target
+ if "instances" in batched_inputs[0]:
+ gt_instances = [x["instances"].to(self.device) for x in batched_inputs]
+ targets = self.prepare_targets(gt_instances, images)
+ else:
+ targets = None
+
+ # bipartite matching-based loss
+ losses = self.criterion(outputs, targets)
+
+ for k in list(losses.keys()):
+ if k in self.criterion.weight_dict:
+ losses[k] *= self.criterion.weight_dict[k]
+ else:
+ # remove this loss if not specified in `weight_dict`
+ losses.pop(k)
+ return losses
+ else:
+ mask_cls_results = outputs["pred_logits"]
+ mask_pred_results = outputs["pred_masks"]
+ # upsample masks
+ mask_pred_results = F.interpolate(
+ mask_pred_results,
+ size=(images.tensor.shape[-2], images.tensor.shape[-1]),
+ mode="bilinear",
+ align_corners=False,
+ )
+
+ del outputs
+
+ processed_results = []
+ for mask_cls_result, mask_pred_result, input_per_image, image_size in zip(
+ mask_cls_results, mask_pred_results, batched_inputs, images.image_sizes
+ ):
+ height = input_per_image.get("height", image_size[0])
+ width = input_per_image.get("width", image_size[1])
+ processed_results.append({})
+
+ if self.sem_seg_postprocess_before_inference:
+ mask_pred_result = retry_if_cuda_oom(sem_seg_postprocess)(
+ mask_pred_result, image_size, height, width
+ )
+ mask_cls_result = mask_cls_result.to(mask_pred_result)
+
+ # semantic segmentation inference
+ if self.semantic_on:
+ r = retry_if_cuda_oom(self.semantic_inference)(mask_cls_result, mask_pred_result)
+ if not self.sem_seg_postprocess_before_inference:
+ r = retry_if_cuda_oom(sem_seg_postprocess)(r, image_size, height, width)
+ processed_results[-1]["sem_seg"] = r
+
+ # panoptic segmentation inference
+ if self.panoptic_on:
+ panoptic_r = retry_if_cuda_oom(self.panoptic_inference)(mask_cls_result, mask_pred_result)
+ processed_results[-1]["panoptic_seg"] = panoptic_r
+
+ # instance segmentation inference
+ if self.instance_on:
+ instance_r = retry_if_cuda_oom(self.instance_inference)(mask_cls_result, mask_pred_result)
+ processed_results[-1]["instances"] = instance_r
+
+ return processed_results
+
+ def prepare_targets(self, targets, images):
+ h_pad, w_pad = images.tensor.shape[-2:]
+ new_targets = []
+ for targets_per_image in targets:
+ # pad gt
+ gt_masks = targets_per_image.gt_masks
+ padded_masks = torch.zeros((gt_masks.shape[0], h_pad, w_pad), dtype=gt_masks.dtype, device=gt_masks.device)
+ padded_masks[:, : gt_masks.shape[1], : gt_masks.shape[2]] = gt_masks
+ new_targets.append(
+ {
+ "labels": targets_per_image.gt_classes,
+ "masks": padded_masks,
+ }
+ )
+ return new_targets
+
+ def semantic_inference(self, mask_cls, mask_pred):
+ mask_cls = F.softmax(mask_cls, dim=-1)[..., :-1]
+ mask_pred = mask_pred.sigmoid()
+ semseg = torch.einsum("qc,qhw->chw", mask_cls, mask_pred)
+ return semseg
+
+ def panoptic_inference(self, mask_cls, mask_pred):
+ scores, labels = F.softmax(mask_cls, dim=-1).max(-1)
+ mask_pred = mask_pred.sigmoid()
+
+ keep = labels.ne(self.sem_seg_head.num_classes) & (scores > self.object_mask_threshold)
+ cur_scores = scores[keep]
+ cur_classes = labels[keep]
+ cur_masks = mask_pred[keep]
+ cur_mask_cls = mask_cls[keep]
+ cur_mask_cls = cur_mask_cls[:, :-1]
+
+ cur_prob_masks = cur_scores.view(-1, 1, 1) * cur_masks
+
+ h, w = cur_masks.shape[-2:]
+ panoptic_seg = torch.zeros((h, w), dtype=torch.int32, device=cur_masks.device)
+ segments_info = []
+
+ current_segment_id = 0
+
+ if cur_masks.shape[0] == 0:
+ # We didn't detect any mask :(
+ return panoptic_seg, segments_info
+ else:
+ # take argmax
+ cur_mask_ids = cur_prob_masks.argmax(0)
+ stuff_memory_list = {}
+ for k in range(cur_classes.shape[0]):
+ pred_class = cur_classes[k].item()
+ isthing = pred_class in self.metadata.thing_dataset_id_to_contiguous_id.values()
+ mask_area = (cur_mask_ids == k).sum().item()
+ original_area = (cur_masks[k] >= 0.5).sum().item()
+ mask = (cur_mask_ids == k) & (cur_masks[k] >= 0.5)
+
+ if mask_area > 0 and original_area > 0 and mask.sum().item() > 0:
+ if mask_area / original_area < self.overlap_threshold:
+ continue
+
+ # merge stuff regions
+ if not isthing:
+ if int(pred_class) in stuff_memory_list.keys():
+ panoptic_seg[mask] = stuff_memory_list[int(pred_class)]
+ continue
+ else:
+ stuff_memory_list[int(pred_class)] = current_segment_id + 1
+
+ current_segment_id += 1
+ panoptic_seg[mask] = current_segment_id
+
+ segments_info.append(
+ {
+ "id": current_segment_id,
+ "isthing": bool(isthing),
+ "category_id": int(pred_class),
+ }
+ )
+
+ return panoptic_seg, segments_info
+
+ def instance_inference(self, mask_cls, mask_pred):
+ # mask_pred is already processed to have the same shape as original input
+ image_size = mask_pred.shape[-2:]
+
+ # [Q, K]
+ scores = F.softmax(mask_cls, dim=-1)[:, :-1]
+ labels = torch.arange(self.sem_seg_head.num_classes, device=self.device).unsqueeze(0).repeat(self.num_queries, 1).flatten(0, 1)
+ # scores_per_image, topk_indices = scores.flatten(0, 1).topk(self.num_queries, sorted=False)
+ scores_per_image, topk_indices = scores.flatten(0, 1).topk(self.test_topk_per_image, sorted=False)
+ labels_per_image = labels[topk_indices]
+
+ topk_indices = topk_indices // self.sem_seg_head.num_classes
+ # mask_pred = mask_pred.unsqueeze(1).repeat(1, self.sem_seg_head.num_classes, 1).flatten(0, 1)
+ mask_pred = mask_pred[topk_indices]
+
+ # if this is panoptic segmentation, we only keep the "thing" classes
+ if self.panoptic_on:
+ keep = torch.zeros_like(scores_per_image).bool()
+ for i, lab in enumerate(labels_per_image):
+ keep[i] = lab in self.metadata.thing_dataset_id_to_contiguous_id.values()
+
+ scores_per_image = scores_per_image[keep]
+ labels_per_image = labels_per_image[keep]
+ mask_pred = mask_pred[keep]
+
+ result = Instances(image_size)
+ # mask (before sigmoid)
+ result.pred_masks = (mask_pred > 0).float()
+ result.pred_boxes = Boxes(torch.zeros(mask_pred.size(0), 4))
+ # Uncomment the following to get boxes from masks (this is slow)
+ # result.pred_boxes = BitMasks(mask_pred > 0).get_bounding_boxes()
+
+ # calculate average mask prob
+ mask_scores_per_image = (mask_pred.sigmoid().flatten(1) * result.pred_masks.flatten(1)).sum(1) / (result.pred_masks.flatten(1).sum(1) + 1e-6)
+ result.scores = scores_per_image * mask_scores_per_image
+ result.pred_classes = labels_per_image
+ return result
diff --git a/mask2former/modeling/__init__.py b/mask2former/modeling/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..7aed7beac4a880371b14b368f64227a0d129e7c7
--- /dev/null
+++ b/mask2former/modeling/__init__.py
@@ -0,0 +1,6 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+from .backbone.swin import D2SwinTransformer
+from .pixel_decoder.fpn import BasePixelDecoder
+from .pixel_decoder.msdeformattn import MSDeformAttnPixelDecoder
+from .meta_arch.mask_former_head import MaskFormerHead
+from .meta_arch.per_pixel_baseline import PerPixelBaselineHead, PerPixelBaselinePlusHead
diff --git a/mask2former/modeling/backbone/__init__.py b/mask2former/modeling/backbone/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..9020c2df23e2af280b7bb168b996ae9eaf312eb8
--- /dev/null
+++ b/mask2former/modeling/backbone/__init__.py
@@ -0,0 +1 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
diff --git a/mask2former/modeling/backbone/swin.py b/mask2former/modeling/backbone/swin.py
new file mode 100644
index 0000000000000000000000000000000000000000..3b099d84396ac31d22881e5b6c9e53d2d0abaef3
--- /dev/null
+++ b/mask2former/modeling/backbone/swin.py
@@ -0,0 +1,770 @@
+# --------------------------------------------------------
+# Swin Transformer
+# Copyright (c) 2021 Microsoft
+# Licensed under The MIT License [see LICENSE for details]
+# Written by Ze Liu, Yutong Lin, Yixuan Wei
+# --------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/SwinTransformer/Swin-Transformer-Semantic-Segmentation/blob/main/mmseg/models/backbones/swin_transformer.py
+
+import numpy as np
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+import torch.utils.checkpoint as checkpoint
+from timm.models.layers import DropPath, to_2tuple, trunc_normal_
+
+from detectron2.modeling import BACKBONE_REGISTRY, Backbone, ShapeSpec
+
+
+class Mlp(nn.Module):
+ """Multilayer perceptron."""
+
+ def __init__(
+ self, in_features, hidden_features=None, out_features=None, act_layer=nn.GELU, drop=0.0
+ ):
+ super().__init__()
+ out_features = out_features or in_features
+ hidden_features = hidden_features or in_features
+ self.fc1 = nn.Linear(in_features, hidden_features)
+ self.act = act_layer()
+ self.fc2 = nn.Linear(hidden_features, out_features)
+ self.drop = nn.Dropout(drop)
+
+ def forward(self, x):
+ x = self.fc1(x)
+ x = self.act(x)
+ x = self.drop(x)
+ x = self.fc2(x)
+ x = self.drop(x)
+ return x
+
+
+def window_partition(x, window_size):
+ """
+ Args:
+ x: (B, H, W, C)
+ window_size (int): window size
+ Returns:
+ windows: (num_windows*B, window_size, window_size, C)
+ """
+ B, H, W, C = x.shape
+ x = x.view(B, H // window_size, window_size, W // window_size, window_size, C)
+ windows = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(-1, window_size, window_size, C)
+ return windows
+
+
+def window_reverse(windows, window_size, H, W):
+ """
+ Args:
+ windows: (num_windows*B, window_size, window_size, C)
+ window_size (int): Window size
+ H (int): Height of image
+ W (int): Width of image
+ Returns:
+ x: (B, H, W, C)
+ """
+ B = int(windows.shape[0] / (H * W / window_size / window_size))
+ x = windows.view(B, H // window_size, W // window_size, window_size, window_size, -1)
+ x = x.permute(0, 1, 3, 2, 4, 5).contiguous().view(B, H, W, -1)
+ return x
+
+
+class WindowAttention(nn.Module):
+ """Window based multi-head self attention (W-MSA) module with relative position bias.
+ It supports both of shifted and non-shifted window.
+ Args:
+ dim (int): Number of input channels.
+ window_size (tuple[int]): The height and width of the window.
+ num_heads (int): Number of attention heads.
+ qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True
+ qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set
+ attn_drop (float, optional): Dropout ratio of attention weight. Default: 0.0
+ proj_drop (float, optional): Dropout ratio of output. Default: 0.0
+ """
+
+ def __init__(
+ self,
+ dim,
+ window_size,
+ num_heads,
+ qkv_bias=True,
+ qk_scale=None,
+ attn_drop=0.0,
+ proj_drop=0.0,
+ ):
+
+ super().__init__()
+ self.dim = dim
+ self.window_size = window_size # Wh, Ww
+ self.num_heads = num_heads
+ head_dim = dim // num_heads
+ self.scale = qk_scale or head_dim ** -0.5
+
+ # define a parameter table of relative position bias
+ self.relative_position_bias_table = nn.Parameter(
+ torch.zeros((2 * window_size[0] - 1) * (2 * window_size[1] - 1), num_heads)
+ ) # 2*Wh-1 * 2*Ww-1, nH
+
+ # get pair-wise relative position index for each token inside the window
+ coords_h = torch.arange(self.window_size[0])
+ coords_w = torch.arange(self.window_size[1])
+ coords = torch.stack(torch.meshgrid([coords_h, coords_w])) # 2, Wh, Ww
+ coords_flatten = torch.flatten(coords, 1) # 2, Wh*Ww
+ relative_coords = coords_flatten[:, :, None] - coords_flatten[:, None, :] # 2, Wh*Ww, Wh*Ww
+ relative_coords = relative_coords.permute(1, 2, 0).contiguous() # Wh*Ww, Wh*Ww, 2
+ relative_coords[:, :, 0] += self.window_size[0] - 1 # shift to start from 0
+ relative_coords[:, :, 1] += self.window_size[1] - 1
+ relative_coords[:, :, 0] *= 2 * self.window_size[1] - 1
+ relative_position_index = relative_coords.sum(-1) # Wh*Ww, Wh*Ww
+ self.register_buffer("relative_position_index", relative_position_index)
+
+ self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias)
+ self.attn_drop = nn.Dropout(attn_drop)
+ self.proj = nn.Linear(dim, dim)
+ self.proj_drop = nn.Dropout(proj_drop)
+
+ trunc_normal_(self.relative_position_bias_table, std=0.02)
+ self.softmax = nn.Softmax(dim=-1)
+
+ def forward(self, x, mask=None):
+ """Forward function.
+ Args:
+ x: input features with shape of (num_windows*B, N, C)
+ mask: (0/-inf) mask with shape of (num_windows, Wh*Ww, Wh*Ww) or None
+ """
+ B_, N, C = x.shape
+ qkv = (
+ self.qkv(x)
+ .reshape(B_, N, 3, self.num_heads, C // self.num_heads)
+ .permute(2, 0, 3, 1, 4)
+ )
+ q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
+
+ q = q * self.scale
+ attn = q @ k.transpose(-2, -1)
+
+ relative_position_bias = self.relative_position_bias_table[
+ self.relative_position_index.view(-1)
+ ].view(
+ self.window_size[0] * self.window_size[1], self.window_size[0] * self.window_size[1], -1
+ ) # Wh*Ww,Wh*Ww,nH
+ relative_position_bias = relative_position_bias.permute(
+ 2, 0, 1
+ ).contiguous() # nH, Wh*Ww, Wh*Ww
+ attn = attn + relative_position_bias.unsqueeze(0)
+
+ if mask is not None:
+ nW = mask.shape[0]
+ attn = attn.view(B_ // nW, nW, self.num_heads, N, N) + mask.unsqueeze(1).unsqueeze(0)
+ attn = attn.view(-1, self.num_heads, N, N)
+ attn = self.softmax(attn)
+ else:
+ attn = self.softmax(attn)
+
+ attn = self.attn_drop(attn)
+
+ x = (attn @ v).transpose(1, 2).reshape(B_, N, C)
+ x = self.proj(x)
+ x = self.proj_drop(x)
+ return x
+
+
+class SwinTransformerBlock(nn.Module):
+ """Swin Transformer Block.
+ Args:
+ dim (int): Number of input channels.
+ num_heads (int): Number of attention heads.
+ window_size (int): Window size.
+ shift_size (int): Shift size for SW-MSA.
+ mlp_ratio (float): Ratio of mlp hidden dim to embedding dim.
+ qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True
+ qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set.
+ drop (float, optional): Dropout rate. Default: 0.0
+ attn_drop (float, optional): Attention dropout rate. Default: 0.0
+ drop_path (float, optional): Stochastic depth rate. Default: 0.0
+ act_layer (nn.Module, optional): Activation layer. Default: nn.GELU
+ norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm
+ """
+
+ def __init__(
+ self,
+ dim,
+ num_heads,
+ window_size=7,
+ shift_size=0,
+ mlp_ratio=4.0,
+ qkv_bias=True,
+ qk_scale=None,
+ drop=0.0,
+ attn_drop=0.0,
+ drop_path=0.0,
+ act_layer=nn.GELU,
+ norm_layer=nn.LayerNorm,
+ ):
+ super().__init__()
+ self.dim = dim
+ self.num_heads = num_heads
+ self.window_size = window_size
+ self.shift_size = shift_size
+ self.mlp_ratio = mlp_ratio
+ assert 0 <= self.shift_size < self.window_size, "shift_size must in 0-window_size"
+
+ self.norm1 = norm_layer(dim)
+ self.attn = WindowAttention(
+ dim,
+ window_size=to_2tuple(self.window_size),
+ num_heads=num_heads,
+ qkv_bias=qkv_bias,
+ qk_scale=qk_scale,
+ attn_drop=attn_drop,
+ proj_drop=drop,
+ )
+
+ self.drop_path = DropPath(drop_path) if drop_path > 0.0 else nn.Identity()
+ self.norm2 = norm_layer(dim)
+ mlp_hidden_dim = int(dim * mlp_ratio)
+ self.mlp = Mlp(
+ in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop
+ )
+
+ self.H = None
+ self.W = None
+
+ def forward(self, x, mask_matrix):
+ """Forward function.
+ Args:
+ x: Input feature, tensor size (B, H*W, C).
+ H, W: Spatial resolution of the input feature.
+ mask_matrix: Attention mask for cyclic shift.
+ """
+ B, L, C = x.shape
+ H, W = self.H, self.W
+ assert L == H * W, "input feature has wrong size"
+
+ shortcut = x
+ x = self.norm1(x)
+ x = x.view(B, H, W, C)
+
+ # pad feature maps to multiples of window size
+ pad_l = pad_t = 0
+ pad_r = (self.window_size - W % self.window_size) % self.window_size
+ pad_b = (self.window_size - H % self.window_size) % self.window_size
+ x = F.pad(x, (0, 0, pad_l, pad_r, pad_t, pad_b))
+ _, Hp, Wp, _ = x.shape
+
+ # cyclic shift
+ if self.shift_size > 0:
+ shifted_x = torch.roll(x, shifts=(-self.shift_size, -self.shift_size), dims=(1, 2))
+ attn_mask = mask_matrix
+ else:
+ shifted_x = x
+ attn_mask = None
+
+ # partition windows
+ x_windows = window_partition(
+ shifted_x, self.window_size
+ ) # nW*B, window_size, window_size, C
+ x_windows = x_windows.view(
+ -1, self.window_size * self.window_size, C
+ ) # nW*B, window_size*window_size, C
+
+ # W-MSA/SW-MSA
+ attn_windows = self.attn(x_windows, mask=attn_mask) # nW*B, window_size*window_size, C
+
+ # merge windows
+ attn_windows = attn_windows.view(-1, self.window_size, self.window_size, C)
+ shifted_x = window_reverse(attn_windows, self.window_size, Hp, Wp) # B H' W' C
+
+ # reverse cyclic shift
+ if self.shift_size > 0:
+ x = torch.roll(shifted_x, shifts=(self.shift_size, self.shift_size), dims=(1, 2))
+ else:
+ x = shifted_x
+
+ if pad_r > 0 or pad_b > 0:
+ x = x[:, :H, :W, :].contiguous()
+
+ x = x.view(B, H * W, C)
+
+ # FFN
+ x = shortcut + self.drop_path(x)
+ x = x + self.drop_path(self.mlp(self.norm2(x)))
+
+ return x
+
+
+class PatchMerging(nn.Module):
+ """Patch Merging Layer
+ Args:
+ dim (int): Number of input channels.
+ norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm
+ """
+
+ def __init__(self, dim, norm_layer=nn.LayerNorm):
+ super().__init__()
+ self.dim = dim
+ self.reduction = nn.Linear(4 * dim, 2 * dim, bias=False)
+ self.norm = norm_layer(4 * dim)
+
+ def forward(self, x, H, W):
+ """Forward function.
+ Args:
+ x: Input feature, tensor size (B, H*W, C).
+ H, W: Spatial resolution of the input feature.
+ """
+ B, L, C = x.shape
+ assert L == H * W, "input feature has wrong size"
+
+ x = x.view(B, H, W, C)
+
+ # padding
+ pad_input = (H % 2 == 1) or (W % 2 == 1)
+ if pad_input:
+ x = F.pad(x, (0, 0, 0, W % 2, 0, H % 2))
+
+ x0 = x[:, 0::2, 0::2, :] # B H/2 W/2 C
+ x1 = x[:, 1::2, 0::2, :] # B H/2 W/2 C
+ x2 = x[:, 0::2, 1::2, :] # B H/2 W/2 C
+ x3 = x[:, 1::2, 1::2, :] # B H/2 W/2 C
+ x = torch.cat([x0, x1, x2, x3], -1) # B H/2 W/2 4*C
+ x = x.view(B, -1, 4 * C) # B H/2*W/2 4*C
+
+ x = self.norm(x)
+ x = self.reduction(x)
+
+ return x
+
+
+class BasicLayer(nn.Module):
+ """A basic Swin Transformer layer for one stage.
+ Args:
+ dim (int): Number of feature channels
+ depth (int): Depths of this stage.
+ num_heads (int): Number of attention head.
+ window_size (int): Local window size. Default: 7.
+ mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. Default: 4.
+ qkv_bias (bool, optional): If True, add a learnable bias to query, key, value. Default: True
+ qk_scale (float | None, optional): Override default qk scale of head_dim ** -0.5 if set.
+ drop (float, optional): Dropout rate. Default: 0.0
+ attn_drop (float, optional): Attention dropout rate. Default: 0.0
+ drop_path (float | tuple[float], optional): Stochastic depth rate. Default: 0.0
+ norm_layer (nn.Module, optional): Normalization layer. Default: nn.LayerNorm
+ downsample (nn.Module | None, optional): Downsample layer at the end of the layer. Default: None
+ use_checkpoint (bool): Whether to use checkpointing to save memory. Default: False.
+ """
+
+ def __init__(
+ self,
+ dim,
+ depth,
+ num_heads,
+ window_size=7,
+ mlp_ratio=4.0,
+ qkv_bias=True,
+ qk_scale=None,
+ drop=0.0,
+ attn_drop=0.0,
+ drop_path=0.0,
+ norm_layer=nn.LayerNorm,
+ downsample=None,
+ use_checkpoint=False,
+ ):
+ super().__init__()
+ self.window_size = window_size
+ self.shift_size = window_size // 2
+ self.depth = depth
+ self.use_checkpoint = use_checkpoint
+
+ # build blocks
+ self.blocks = nn.ModuleList(
+ [
+ SwinTransformerBlock(
+ dim=dim,
+ num_heads=num_heads,
+ window_size=window_size,
+ shift_size=0 if (i % 2 == 0) else window_size // 2,
+ mlp_ratio=mlp_ratio,
+ qkv_bias=qkv_bias,
+ qk_scale=qk_scale,
+ drop=drop,
+ attn_drop=attn_drop,
+ drop_path=drop_path[i] if isinstance(drop_path, list) else drop_path,
+ norm_layer=norm_layer,
+ )
+ for i in range(depth)
+ ]
+ )
+
+ # patch merging layer
+ if downsample is not None:
+ self.downsample = downsample(dim=dim, norm_layer=norm_layer)
+ else:
+ self.downsample = None
+
+ def forward(self, x, H, W):
+ """Forward function.
+ Args:
+ x: Input feature, tensor size (B, H*W, C).
+ H, W: Spatial resolution of the input feature.
+ """
+
+ # calculate attention mask for SW-MSA
+ Hp = int(np.ceil(H / self.window_size)) * self.window_size
+ Wp = int(np.ceil(W / self.window_size)) * self.window_size
+ img_mask = torch.zeros((1, Hp, Wp, 1), device=x.device) # 1 Hp Wp 1
+ h_slices = (
+ slice(0, -self.window_size),
+ slice(-self.window_size, -self.shift_size),
+ slice(-self.shift_size, None),
+ )
+ w_slices = (
+ slice(0, -self.window_size),
+ slice(-self.window_size, -self.shift_size),
+ slice(-self.shift_size, None),
+ )
+ cnt = 0
+ for h in h_slices:
+ for w in w_slices:
+ img_mask[:, h, w, :] = cnt
+ cnt += 1
+
+ mask_windows = window_partition(
+ img_mask, self.window_size
+ ) # nW, window_size, window_size, 1
+ mask_windows = mask_windows.view(-1, self.window_size * self.window_size)
+ attn_mask = mask_windows.unsqueeze(1) - mask_windows.unsqueeze(2)
+ attn_mask = attn_mask.masked_fill(attn_mask != 0, float(-100.0)).masked_fill(
+ attn_mask == 0, float(0.0)
+ )
+
+ for blk in self.blocks:
+ blk.H, blk.W = H, W
+ if self.use_checkpoint:
+ x = checkpoint.checkpoint(blk, x, attn_mask)
+ else:
+ x = blk(x, attn_mask)
+ if self.downsample is not None:
+ x_down = self.downsample(x, H, W)
+ Wh, Ww = (H + 1) // 2, (W + 1) // 2
+ return x, H, W, x_down, Wh, Ww
+ else:
+ return x, H, W, x, H, W
+
+
+class PatchEmbed(nn.Module):
+ """Image to Patch Embedding
+ Args:
+ patch_size (int): Patch token size. Default: 4.
+ in_chans (int): Number of input image channels. Default: 3.
+ embed_dim (int): Number of linear projection output channels. Default: 96.
+ norm_layer (nn.Module, optional): Normalization layer. Default: None
+ """
+
+ def __init__(self, patch_size=4, in_chans=3, embed_dim=96, norm_layer=None):
+ super().__init__()
+ patch_size = to_2tuple(patch_size)
+ self.patch_size = patch_size
+
+ self.in_chans = in_chans
+ self.embed_dim = embed_dim
+
+ self.proj = nn.Conv2d(in_chans, embed_dim, kernel_size=patch_size, stride=patch_size)
+ if norm_layer is not None:
+ self.norm = norm_layer(embed_dim)
+ else:
+ self.norm = None
+
+ def forward(self, x):
+ """Forward function."""
+ # padding
+ _, _, H, W = x.size()
+ if W % self.patch_size[1] != 0:
+ x = F.pad(x, (0, self.patch_size[1] - W % self.patch_size[1]))
+ if H % self.patch_size[0] != 0:
+ x = F.pad(x, (0, 0, 0, self.patch_size[0] - H % self.patch_size[0]))
+
+ x = self.proj(x) # B C Wh Ww
+ if self.norm is not None:
+ Wh, Ww = x.size(2), x.size(3)
+ x = x.flatten(2).transpose(1, 2)
+ x = self.norm(x)
+ x = x.transpose(1, 2).view(-1, self.embed_dim, Wh, Ww)
+
+ return x
+
+
+class SwinTransformer(nn.Module):
+ """Swin Transformer backbone.
+ A PyTorch impl of : `Swin Transformer: Hierarchical Vision Transformer using Shifted Windows` -
+ https://arxiv.org/pdf/2103.14030
+ Args:
+ pretrain_img_size (int): Input image size for training the pretrained model,
+ used in absolute postion embedding. Default 224.
+ patch_size (int | tuple(int)): Patch size. Default: 4.
+ in_chans (int): Number of input image channels. Default: 3.
+ embed_dim (int): Number of linear projection output channels. Default: 96.
+ depths (tuple[int]): Depths of each Swin Transformer stage.
+ num_heads (tuple[int]): Number of attention head of each stage.
+ window_size (int): Window size. Default: 7.
+ mlp_ratio (float): Ratio of mlp hidden dim to embedding dim. Default: 4.
+ qkv_bias (bool): If True, add a learnable bias to query, key, value. Default: True
+ qk_scale (float): Override default qk scale of head_dim ** -0.5 if set.
+ drop_rate (float): Dropout rate.
+ attn_drop_rate (float): Attention dropout rate. Default: 0.
+ drop_path_rate (float): Stochastic depth rate. Default: 0.2.
+ norm_layer (nn.Module): Normalization layer. Default: nn.LayerNorm.
+ ape (bool): If True, add absolute position embedding to the patch embedding. Default: False.
+ patch_norm (bool): If True, add normalization after patch embedding. Default: True.
+ out_indices (Sequence[int]): Output from which stages.
+ frozen_stages (int): Stages to be frozen (stop grad and set eval mode).
+ -1 means not freezing any parameters.
+ use_checkpoint (bool): Whether to use checkpointing to save memory. Default: False.
+ """
+
+ def __init__(
+ self,
+ pretrain_img_size=224,
+ patch_size=4,
+ in_chans=3,
+ embed_dim=96,
+ depths=[2, 2, 6, 2],
+ num_heads=[3, 6, 12, 24],
+ window_size=7,
+ mlp_ratio=4.0,
+ qkv_bias=True,
+ qk_scale=None,
+ drop_rate=0.0,
+ attn_drop_rate=0.0,
+ drop_path_rate=0.2,
+ norm_layer=nn.LayerNorm,
+ ape=False,
+ patch_norm=True,
+ out_indices=(0, 1, 2, 3),
+ frozen_stages=-1,
+ use_checkpoint=False,
+ ):
+ super().__init__()
+
+ self.pretrain_img_size = pretrain_img_size
+ self.num_layers = len(depths)
+ self.embed_dim = embed_dim
+ self.ape = ape
+ self.patch_norm = patch_norm
+ self.out_indices = out_indices
+ self.frozen_stages = frozen_stages
+
+ # split image into non-overlapping patches
+ self.patch_embed = PatchEmbed(
+ patch_size=patch_size,
+ in_chans=in_chans,
+ embed_dim=embed_dim,
+ norm_layer=norm_layer if self.patch_norm else None,
+ )
+
+ # absolute position embedding
+ if self.ape:
+ pretrain_img_size = to_2tuple(pretrain_img_size)
+ patch_size = to_2tuple(patch_size)
+ patches_resolution = [
+ pretrain_img_size[0] // patch_size[0],
+ pretrain_img_size[1] // patch_size[1],
+ ]
+
+ self.absolute_pos_embed = nn.Parameter(
+ torch.zeros(1, embed_dim, patches_resolution[0], patches_resolution[1])
+ )
+ trunc_normal_(self.absolute_pos_embed, std=0.02)
+
+ self.pos_drop = nn.Dropout(p=drop_rate)
+
+ # stochastic depth
+ dpr = [
+ x.item() for x in torch.linspace(0, drop_path_rate, sum(depths))
+ ] # stochastic depth decay rule
+
+ # build layers
+ self.layers = nn.ModuleList()
+ for i_layer in range(self.num_layers):
+ layer = BasicLayer(
+ dim=int(embed_dim * 2 ** i_layer),
+ depth=depths[i_layer],
+ num_heads=num_heads[i_layer],
+ window_size=window_size,
+ mlp_ratio=mlp_ratio,
+ qkv_bias=qkv_bias,
+ qk_scale=qk_scale,
+ drop=drop_rate,
+ attn_drop=attn_drop_rate,
+ drop_path=dpr[sum(depths[:i_layer]) : sum(depths[: i_layer + 1])],
+ norm_layer=norm_layer,
+ downsample=PatchMerging if (i_layer < self.num_layers - 1) else None,
+ use_checkpoint=use_checkpoint,
+ )
+ self.layers.append(layer)
+
+ num_features = [int(embed_dim * 2 ** i) for i in range(self.num_layers)]
+ self.num_features = num_features
+
+ # add a norm layer for each output
+ for i_layer in out_indices:
+ layer = norm_layer(num_features[i_layer])
+ layer_name = f"norm{i_layer}"
+ self.add_module(layer_name, layer)
+
+ self._freeze_stages()
+
+ def _freeze_stages(self):
+ if self.frozen_stages >= 0:
+ self.patch_embed.eval()
+ for param in self.patch_embed.parameters():
+ param.requires_grad = False
+
+ if self.frozen_stages >= 1 and self.ape:
+ self.absolute_pos_embed.requires_grad = False
+
+ if self.frozen_stages >= 2:
+ self.pos_drop.eval()
+ for i in range(0, self.frozen_stages - 1):
+ m = self.layers[i]
+ m.eval()
+ for param in m.parameters():
+ param.requires_grad = False
+
+ def init_weights(self, pretrained=None):
+ """Initialize the weights in backbone.
+ Args:
+ pretrained (str, optional): Path to pre-trained weights.
+ Defaults to None.
+ """
+
+ def _init_weights(m):
+ if isinstance(m, nn.Linear):
+ trunc_normal_(m.weight, std=0.02)
+ if isinstance(m, nn.Linear) and m.bias is not None:
+ nn.init.constant_(m.bias, 0)
+ elif isinstance(m, nn.LayerNorm):
+ nn.init.constant_(m.bias, 0)
+ nn.init.constant_(m.weight, 1.0)
+
+ def forward(self, x):
+ """Forward function."""
+ x = self.patch_embed(x)
+
+ Wh, Ww = x.size(2), x.size(3)
+ if self.ape:
+ # interpolate the position embedding to the corresponding size
+ absolute_pos_embed = F.interpolate(
+ self.absolute_pos_embed, size=(Wh, Ww), mode="bicubic"
+ )
+ x = (x + absolute_pos_embed).flatten(2).transpose(1, 2) # B Wh*Ww C
+ else:
+ x = x.flatten(2).transpose(1, 2)
+ x = self.pos_drop(x)
+
+ outs = {}
+ for i in range(self.num_layers):
+ layer = self.layers[i]
+ x_out, H, W, x, Wh, Ww = layer(x, Wh, Ww)
+
+ if i in self.out_indices:
+ norm_layer = getattr(self, f"norm{i}")
+ x_out = norm_layer(x_out)
+
+ out = x_out.view(-1, H, W, self.num_features[i]).permute(0, 3, 1, 2).contiguous()
+ outs["res{}".format(i + 2)] = out
+
+ return outs
+
+ def train(self, mode=True):
+ """Convert the model into training mode while keep layers freezed."""
+ super(SwinTransformer, self).train(mode)
+ self._freeze_stages()
+
+
+@BACKBONE_REGISTRY.register()
+class D2SwinTransformer(SwinTransformer, Backbone):
+ def __init__(self, cfg, input_shape):
+
+ pretrain_img_size = cfg.MODEL.SWIN.PRETRAIN_IMG_SIZE
+ patch_size = cfg.MODEL.SWIN.PATCH_SIZE
+ in_chans = 3
+ embed_dim = cfg.MODEL.SWIN.EMBED_DIM
+ depths = cfg.MODEL.SWIN.DEPTHS
+ num_heads = cfg.MODEL.SWIN.NUM_HEADS
+ window_size = cfg.MODEL.SWIN.WINDOW_SIZE
+ mlp_ratio = cfg.MODEL.SWIN.MLP_RATIO
+ qkv_bias = cfg.MODEL.SWIN.QKV_BIAS
+ qk_scale = cfg.MODEL.SWIN.QK_SCALE
+ drop_rate = cfg.MODEL.SWIN.DROP_RATE
+ attn_drop_rate = cfg.MODEL.SWIN.ATTN_DROP_RATE
+ drop_path_rate = cfg.MODEL.SWIN.DROP_PATH_RATE
+ norm_layer = nn.LayerNorm
+ ape = cfg.MODEL.SWIN.APE
+ patch_norm = cfg.MODEL.SWIN.PATCH_NORM
+ use_checkpoint = cfg.MODEL.SWIN.USE_CHECKPOINT
+
+ super().__init__(
+ pretrain_img_size,
+ patch_size,
+ in_chans,
+ embed_dim,
+ depths,
+ num_heads,
+ window_size,
+ mlp_ratio,
+ qkv_bias,
+ qk_scale,
+ drop_rate,
+ attn_drop_rate,
+ drop_path_rate,
+ norm_layer,
+ ape,
+ patch_norm,
+ use_checkpoint=use_checkpoint,
+ )
+
+ self._out_features = cfg.MODEL.SWIN.OUT_FEATURES
+
+ self._out_feature_strides = {
+ "res2": 4,
+ "res3": 8,
+ "res4": 16,
+ "res5": 32,
+ }
+ self._out_feature_channels = {
+ "res2": self.num_features[0],
+ "res3": self.num_features[1],
+ "res4": self.num_features[2],
+ "res5": self.num_features[3],
+ }
+
+ def forward(self, x):
+ """
+ Args:
+ x: Tensor of shape (N,C,H,W). H, W must be a multiple of ``self.size_divisibility``.
+ Returns:
+ dict[str->Tensor]: names and the corresponding features
+ """
+ assert (
+ x.dim() == 4
+ ), f"SwinTransformer takes an input of shape (N, C, H, W). Got {x.shape} instead!"
+ outputs = {}
+ y = super().forward(x)
+ for k in y.keys():
+ if k in self._out_features:
+ outputs[k] = y[k]
+ return outputs
+
+ def output_shape(self):
+ return {
+ name: ShapeSpec(
+ channels=self._out_feature_channels[name], stride=self._out_feature_strides[name]
+ )
+ for name in self._out_features
+ }
+
+ @property
+ def size_divisibility(self):
+ return 32
diff --git a/mask2former/modeling/criterion.py b/mask2former/modeling/criterion.py
new file mode 100644
index 0000000000000000000000000000000000000000..878ae754d1a108084644bfaebb3409fa6849cf13
--- /dev/null
+++ b/mask2former/modeling/criterion.py
@@ -0,0 +1,263 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/facebookresearch/detr/blob/master/models/detr.py
+"""
+MaskFormer criterion.
+"""
+import logging
+
+import torch
+import torch.nn.functional as F
+from torch import nn
+
+from detectron2.utils.comm import get_world_size
+from detectron2.projects.point_rend.point_features import (
+ get_uncertain_point_coords_with_randomness,
+ point_sample,
+)
+
+from ..utils.misc import is_dist_avail_and_initialized, nested_tensor_from_tensor_list
+
+
+def dice_loss(
+ inputs: torch.Tensor,
+ targets: torch.Tensor,
+ num_masks: float,
+ ):
+ """
+ Compute the DICE loss, similar to generalized IOU for masks
+ Args:
+ inputs: A float tensor of arbitrary shape.
+ The predictions for each example.
+ targets: A float tensor with the same shape as inputs. Stores the binary
+ classification label for each element in inputs
+ (0 for the negative class and 1 for the positive class).
+ """
+ inputs = inputs.sigmoid()
+ inputs = inputs.flatten(1)
+ numerator = 2 * (inputs * targets).sum(-1)
+ denominator = inputs.sum(-1) + targets.sum(-1)
+ loss = 1 - (numerator + 1) / (denominator + 1)
+ return loss.sum() / num_masks
+
+
+dice_loss_jit = torch.jit.script(
+ dice_loss
+) # type: torch.jit.ScriptModule
+
+
+def sigmoid_ce_loss(
+ inputs: torch.Tensor,
+ targets: torch.Tensor,
+ num_masks: float,
+ ):
+ """
+ Args:
+ inputs: A float tensor of arbitrary shape.
+ The predictions for each example.
+ targets: A float tensor with the same shape as inputs. Stores the binary
+ classification label for each element in inputs
+ (0 for the negative class and 1 for the positive class).
+ Returns:
+ Loss tensor
+ """
+ loss = F.binary_cross_entropy_with_logits(inputs, targets, reduction="none")
+
+ return loss.mean(1).sum() / num_masks
+
+
+sigmoid_ce_loss_jit = torch.jit.script(
+ sigmoid_ce_loss
+) # type: torch.jit.ScriptModule
+
+
+def calculate_uncertainty(logits):
+ """
+ We estimate uncerainty as L1 distance between 0.0 and the logit prediction in 'logits' for the
+ foreground class in `classes`.
+ Args:
+ logits (Tensor): A tensor of shape (R, 1, ...) for class-specific or
+ class-agnostic, where R is the total number of predicted masks in all images and C is
+ the number of foreground classes. The values are logits.
+ Returns:
+ scores (Tensor): A tensor of shape (R, 1, ...) that contains uncertainty scores with
+ the most uncertain locations having the highest uncertainty score.
+ """
+ assert logits.shape[1] == 1
+ gt_class_logits = logits.clone()
+ return -(torch.abs(gt_class_logits))
+
+
+class SetCriterion(nn.Module):
+ """This class computes the loss for DETR.
+ The process happens in two steps:
+ 1) we compute hungarian assignment between ground truth boxes and the outputs of the model
+ 2) we supervise each pair of matched ground-truth / prediction (supervise class and box)
+ """
+
+ def __init__(self, num_classes, matcher, weight_dict, eos_coef, losses,
+ num_points, oversample_ratio, importance_sample_ratio):
+ """Create the criterion.
+ Parameters:
+ num_classes: number of object categories, omitting the special no-object category
+ matcher: module able to compute a matching between targets and proposals
+ weight_dict: dict containing as key the names of the losses and as values their relative weight.
+ eos_coef: relative classification weight applied to the no-object category
+ losses: list of all the losses to be applied. See get_loss for list of available losses.
+ """
+ super().__init__()
+ self.num_classes = num_classes
+ self.matcher = matcher
+ self.weight_dict = weight_dict
+ self.eos_coef = eos_coef
+ self.losses = losses
+ empty_weight = torch.ones(self.num_classes + 1)
+ empty_weight[-1] = self.eos_coef
+ self.register_buffer("empty_weight", empty_weight)
+
+ # pointwise mask loss parameters
+ self.num_points = num_points
+ self.oversample_ratio = oversample_ratio
+ self.importance_sample_ratio = importance_sample_ratio
+
+ def loss_labels(self, outputs, targets, indices, num_masks):
+ """Classification loss (NLL)
+ targets dicts must contain the key "labels" containing a tensor of dim [nb_target_boxes]
+ """
+ assert "pred_logits" in outputs
+ src_logits = outputs["pred_logits"].float()
+
+ idx = self._get_src_permutation_idx(indices)
+ target_classes_o = torch.cat([t["labels"][J] for t, (_, J) in zip(targets, indices)])
+ target_classes = torch.full(
+ src_logits.shape[:2], self.num_classes, dtype=torch.int64, device=src_logits.device
+ )
+ target_classes[idx] = target_classes_o
+
+ loss_ce = F.cross_entropy(src_logits.transpose(1, 2), target_classes, self.empty_weight)
+ losses = {"loss_ce": loss_ce}
+ return losses
+
+ def loss_masks(self, outputs, targets, indices, num_masks):
+ """Compute the losses related to the masks: the focal loss and the dice loss.
+ targets dicts must contain the key "masks" containing a tensor of dim [nb_target_boxes, h, w]
+ """
+ assert "pred_masks" in outputs
+
+ src_idx = self._get_src_permutation_idx(indices)
+ tgt_idx = self._get_tgt_permutation_idx(indices)
+ src_masks = outputs["pred_masks"]
+ src_masks = src_masks[src_idx]
+ masks = [t["masks"] for t in targets]
+ # TODO use valid to mask invalid areas due to padding in loss
+ target_masks, valid = nested_tensor_from_tensor_list(masks).decompose()
+ target_masks = target_masks.to(src_masks)
+ target_masks = target_masks[tgt_idx]
+
+ # No need to upsample predictions as we are using normalized coordinates :)
+ # N x 1 x H x W
+ src_masks = src_masks[:, None]
+ target_masks = target_masks[:, None]
+
+ with torch.no_grad():
+ # sample point_coords
+ point_coords = get_uncertain_point_coords_with_randomness(
+ src_masks,
+ lambda logits: calculate_uncertainty(logits),
+ self.num_points,
+ self.oversample_ratio,
+ self.importance_sample_ratio,
+ )
+ # get gt labels
+ point_labels = point_sample(
+ target_masks,
+ point_coords,
+ align_corners=False,
+ ).squeeze(1)
+
+ point_logits = point_sample(
+ src_masks,
+ point_coords,
+ align_corners=False,
+ ).squeeze(1)
+
+ losses = {
+ "loss_mask": sigmoid_ce_loss_jit(point_logits, point_labels, num_masks),
+ "loss_dice": dice_loss_jit(point_logits, point_labels, num_masks),
+ }
+
+ del src_masks
+ del target_masks
+ return losses
+
+ def _get_src_permutation_idx(self, indices):
+ # permute predictions following indices
+ batch_idx = torch.cat([torch.full_like(src, i) for i, (src, _) in enumerate(indices)])
+ src_idx = torch.cat([src for (src, _) in indices])
+ return batch_idx, src_idx
+
+ def _get_tgt_permutation_idx(self, indices):
+ # permute targets following indices
+ batch_idx = torch.cat([torch.full_like(tgt, i) for i, (_, tgt) in enumerate(indices)])
+ tgt_idx = torch.cat([tgt for (_, tgt) in indices])
+ return batch_idx, tgt_idx
+
+ def get_loss(self, loss, outputs, targets, indices, num_masks):
+ loss_map = {
+ 'labels': self.loss_labels,
+ 'masks': self.loss_masks,
+ }
+ assert loss in loss_map, f"do you really want to compute {loss} loss?"
+ return loss_map[loss](outputs, targets, indices, num_masks)
+
+ def forward(self, outputs, targets):
+ """This performs the loss computation.
+ Parameters:
+ outputs: dict of tensors, see the output specification of the model for the format
+ targets: list of dicts, such that len(targets) == batch_size.
+ The expected keys in each dict depends on the losses applied, see each loss' doc
+ """
+ outputs_without_aux = {k: v for k, v in outputs.items() if k != "aux_outputs"}
+
+ # Retrieve the matching between the outputs of the last layer and the targets
+ indices = self.matcher(outputs_without_aux, targets)
+
+ # Compute the average number of target boxes accross all nodes, for normalization purposes
+ num_masks = sum(len(t["labels"]) for t in targets)
+ num_masks = torch.as_tensor(
+ [num_masks], dtype=torch.float, device=next(iter(outputs.values())).device
+ )
+ if is_dist_avail_and_initialized():
+ torch.distributed.all_reduce(num_masks)
+ num_masks = torch.clamp(num_masks / get_world_size(), min=1).item()
+
+ # Compute all the requested losses
+ losses = {}
+ for loss in self.losses:
+ losses.update(self.get_loss(loss, outputs, targets, indices, num_masks))
+
+ # In case of auxiliary losses, we repeat this process with the output of each intermediate layer.
+ if "aux_outputs" in outputs:
+ for i, aux_outputs in enumerate(outputs["aux_outputs"]):
+ indices = self.matcher(aux_outputs, targets)
+ for loss in self.losses:
+ l_dict = self.get_loss(loss, aux_outputs, targets, indices, num_masks)
+ l_dict = {k + f"_{i}": v for k, v in l_dict.items()}
+ losses.update(l_dict)
+
+ return losses
+
+ def __repr__(self):
+ head = "Criterion " + self.__class__.__name__
+ body = [
+ "matcher: {}".format(self.matcher.__repr__(_repr_indent=8)),
+ "losses: {}".format(self.losses),
+ "weight_dict: {}".format(self.weight_dict),
+ "num_classes: {}".format(self.num_classes),
+ "eos_coef: {}".format(self.eos_coef),
+ "num_points: {}".format(self.num_points),
+ "oversample_ratio: {}".format(self.oversample_ratio),
+ "importance_sample_ratio: {}".format(self.importance_sample_ratio),
+ ]
+ _repr_indent = 4
+ lines = [head] + [" " * _repr_indent + line for line in body]
+ return "\n".join(lines)
diff --git a/mask2former/modeling/matcher.py b/mask2former/modeling/matcher.py
new file mode 100644
index 0000000000000000000000000000000000000000..7c6af7f874e9736c598726d1945a2622c0b93bc5
--- /dev/null
+++ b/mask2former/modeling/matcher.py
@@ -0,0 +1,189 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/facebookresearch/detr/blob/master/models/matcher.py
+"""
+Modules to compute the matching cost and solve the corresponding LSAP.
+"""
+import torch
+import torch.nn.functional as F
+from scipy.optimize import linear_sum_assignment
+from torch import nn
+from torch.cuda.amp import autocast
+
+from detectron2.projects.point_rend.point_features import point_sample
+
+
+def batch_dice_loss(inputs: torch.Tensor, targets: torch.Tensor):
+ """
+ Compute the DICE loss, similar to generalized IOU for masks
+ Args:
+ inputs: A float tensor of arbitrary shape.
+ The predictions for each example.
+ targets: A float tensor with the same shape as inputs. Stores the binary
+ classification label for each element in inputs
+ (0 for the negative class and 1 for the positive class).
+ """
+ inputs = inputs.sigmoid()
+ inputs = inputs.flatten(1)
+ numerator = 2 * torch.einsum("nc,mc->nm", inputs, targets)
+ denominator = inputs.sum(-1)[:, None] + targets.sum(-1)[None, :]
+ loss = 1 - (numerator + 1) / (denominator + 1)
+ return loss
+
+
+batch_dice_loss_jit = torch.jit.script(
+ batch_dice_loss
+) # type: torch.jit.ScriptModule
+
+
+def batch_sigmoid_ce_loss(inputs: torch.Tensor, targets: torch.Tensor):
+ """
+ Args:
+ inputs: A float tensor of arbitrary shape.
+ The predictions for each example.
+ targets: A float tensor with the same shape as inputs. Stores the binary
+ classification label for each element in inputs
+ (0 for the negative class and 1 for the positive class).
+ Returns:
+ Loss tensor
+ """
+ hw = inputs.shape[1]
+
+ pos = F.binary_cross_entropy_with_logits(
+ inputs, torch.ones_like(inputs), reduction="none"
+ )
+ neg = F.binary_cross_entropy_with_logits(
+ inputs, torch.zeros_like(inputs), reduction="none"
+ )
+
+ loss = torch.einsum("nc,mc->nm", pos, targets) + torch.einsum(
+ "nc,mc->nm", neg, (1 - targets)
+ )
+
+ return loss / hw
+
+
+batch_sigmoid_ce_loss_jit = torch.jit.script(
+ batch_sigmoid_ce_loss
+) # type: torch.jit.ScriptModule
+
+
+class HungarianMatcher(nn.Module):
+ """This class computes an assignment between the targets and the predictions of the network
+
+ For efficiency reasons, the targets don't include the no_object. Because of this, in general,
+ there are more predictions than targets. In this case, we do a 1-to-1 matching of the best predictions,
+ while the others are un-matched (and thus treated as non-objects).
+ """
+
+ def __init__(self, cost_class: float = 1, cost_mask: float = 1, cost_dice: float = 1, num_points: int = 0):
+ """Creates the matcher
+
+ Params:
+ cost_class: This is the relative weight of the classification error in the matching cost
+ cost_mask: This is the relative weight of the focal loss of the binary mask in the matching cost
+ cost_dice: This is the relative weight of the dice loss of the binary mask in the matching cost
+ """
+ super().__init__()
+ self.cost_class = cost_class
+ self.cost_mask = cost_mask
+ self.cost_dice = cost_dice
+
+ assert cost_class != 0 or cost_mask != 0 or cost_dice != 0, "all costs cant be 0"
+
+ self.num_points = num_points
+
+ @torch.no_grad()
+ def memory_efficient_forward(self, outputs, targets):
+ """More memory-friendly matching"""
+ bs, num_queries = outputs["pred_logits"].shape[:2]
+
+ indices = []
+
+ # Iterate through batch size
+ for b in range(bs):
+
+ out_prob = outputs["pred_logits"][b].softmax(-1) # [num_queries, num_classes]
+ tgt_ids = targets[b]["labels"]
+
+ # Compute the classification cost. Contrary to the loss, we don't use the NLL,
+ # but approximate it in 1 - proba[target class].
+ # The 1 is a constant that doesn't change the matching, it can be ommitted.
+ cost_class = -out_prob[:, tgt_ids]
+
+ out_mask = outputs["pred_masks"][b] # [num_queries, H_pred, W_pred]
+ # gt masks are already padded when preparing target
+ tgt_mask = targets[b]["masks"].to(out_mask)
+
+ out_mask = out_mask[:, None]
+ tgt_mask = tgt_mask[:, None]
+ # all masks share the same set of points for efficient matching!
+ point_coords = torch.rand(1, self.num_points, 2, device=out_mask.device)
+ # get gt labels
+ tgt_mask = point_sample(
+ tgt_mask,
+ point_coords.repeat(tgt_mask.shape[0], 1, 1),
+ align_corners=False,
+ ).squeeze(1)
+
+ out_mask = point_sample(
+ out_mask,
+ point_coords.repeat(out_mask.shape[0], 1, 1),
+ align_corners=False,
+ ).squeeze(1)
+
+ with autocast(enabled=False):
+ out_mask = out_mask.float()
+ tgt_mask = tgt_mask.float()
+ # Compute the focal loss between masks
+ cost_mask = batch_sigmoid_ce_loss_jit(out_mask, tgt_mask)
+
+ # Compute the dice loss betwen masks
+ cost_dice = batch_dice_loss_jit(out_mask, tgt_mask)
+
+ # Final cost matrix
+ C = (
+ self.cost_mask * cost_mask
+ + self.cost_class * cost_class
+ + self.cost_dice * cost_dice
+ )
+ C = C.reshape(num_queries, -1).cpu()
+
+ indices.append(linear_sum_assignment(C))
+
+ return [
+ (torch.as_tensor(i, dtype=torch.int64), torch.as_tensor(j, dtype=torch.int64))
+ for i, j in indices
+ ]
+
+ @torch.no_grad()
+ def forward(self, outputs, targets):
+ """Performs the matching
+
+ Params:
+ outputs: This is a dict that contains at least these entries:
+ "pred_logits": Tensor of dim [batch_size, num_queries, num_classes] with the classification logits
+ "pred_masks": Tensor of dim [batch_size, num_queries, H_pred, W_pred] with the predicted masks
+
+ targets: This is a list of targets (len(targets) = batch_size), where each target is a dict containing:
+ "labels": Tensor of dim [num_target_boxes] (where num_target_boxes is the number of ground-truth
+ objects in the target) containing the class labels
+ "masks": Tensor of dim [num_target_boxes, H_gt, W_gt] containing the target masks
+
+ Returns:
+ A list of size batch_size, containing tuples of (index_i, index_j) where:
+ - index_i is the indices of the selected predictions (in order)
+ - index_j is the indices of the corresponding selected targets (in order)
+ For each batch element, it holds:
+ len(index_i) = len(index_j) = min(num_queries, num_target_boxes)
+ """
+ return self.memory_efficient_forward(outputs, targets)
+
+ def __repr__(self, _repr_indent=4):
+ head = "Matcher " + self.__class__.__name__
+ body = [
+ "cost_class: {}".format(self.cost_class),
+ "cost_mask: {}".format(self.cost_mask),
+ "cost_dice: {}".format(self.cost_dice),
+ ]
+ lines = [head] + [" " * _repr_indent + line for line in body]
+ return "\n".join(lines)
diff --git a/mask2former/modeling/meta_arch/__init__.py b/mask2former/modeling/meta_arch/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..9020c2df23e2af280b7bb168b996ae9eaf312eb8
--- /dev/null
+++ b/mask2former/modeling/meta_arch/__init__.py
@@ -0,0 +1 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
diff --git a/mask2former/modeling/meta_arch/mask_former_head.py b/mask2former/modeling/meta_arch/mask_former_head.py
new file mode 100644
index 0000000000000000000000000000000000000000..aa2173d43f5815ed0af48f1dd568c216ca274f37
--- /dev/null
+++ b/mask2former/modeling/meta_arch/mask_former_head.py
@@ -0,0 +1,132 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import logging
+from copy import deepcopy
+from typing import Callable, Dict, List, Optional, Tuple, Union
+
+import fvcore.nn.weight_init as weight_init
+from torch import nn
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.layers import Conv2d, ShapeSpec, get_norm
+from detectron2.modeling import SEM_SEG_HEADS_REGISTRY
+
+from ..transformer_decoder.maskformer_transformer_decoder import build_transformer_decoder
+from ..pixel_decoder.fpn import build_pixel_decoder
+
+
+@SEM_SEG_HEADS_REGISTRY.register()
+class MaskFormerHead(nn.Module):
+
+ _version = 2
+
+ def _load_from_state_dict(
+ self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs
+ ):
+ version = local_metadata.get("version", None)
+ if version is None or version < 2:
+ # Do not warn if train from scratch
+ scratch = True
+ logger = logging.getLogger(__name__)
+ for k in list(state_dict.keys()):
+ newk = k
+ if "sem_seg_head" in k and not k.startswith(prefix + "predictor"):
+ newk = k.replace(prefix, prefix + "pixel_decoder.")
+ # logger.debug(f"{k} ==> {newk}")
+ if newk != k:
+ state_dict[newk] = state_dict[k]
+ del state_dict[k]
+ scratch = False
+
+ if not scratch:
+ logger.warning(
+ f"Weight format of {self.__class__.__name__} have changed! "
+ "Please upgrade your models. Applying automatic conversion now ..."
+ )
+
+ @configurable
+ def __init__(
+ self,
+ input_shape: Dict[str, ShapeSpec],
+ *,
+ num_classes: int,
+ pixel_decoder: nn.Module,
+ loss_weight: float = 1.0,
+ ignore_value: int = -1,
+ # extra parameters
+ transformer_predictor: nn.Module,
+ transformer_in_feature: str,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ input_shape: shapes (channels and stride) of the input features
+ num_classes: number of classes to predict
+ pixel_decoder: the pixel decoder module
+ loss_weight: loss weight
+ ignore_value: category id to be ignored during training.
+ transformer_predictor: the transformer decoder that makes prediction
+ transformer_in_feature: input feature name to the transformer_predictor
+ """
+ super().__init__()
+ input_shape = sorted(input_shape.items(), key=lambda x: x[1].stride)
+ self.in_features = [k for k, v in input_shape]
+ feature_strides = [v.stride for k, v in input_shape]
+ feature_channels = [v.channels for k, v in input_shape]
+
+ self.ignore_value = ignore_value
+ self.common_stride = 4
+ self.loss_weight = loss_weight
+
+ self.pixel_decoder = pixel_decoder
+ self.predictor = transformer_predictor
+ self.transformer_in_feature = transformer_in_feature
+
+ self.num_classes = num_classes
+
+ @classmethod
+ def from_config(cls, cfg, input_shape: Dict[str, ShapeSpec]):
+ # figure out in_channels to transformer predictor
+ if cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE == "transformer_encoder":
+ transformer_predictor_in_channels = cfg.MODEL.SEM_SEG_HEAD.CONVS_DIM
+ elif cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE == "pixel_embedding":
+ transformer_predictor_in_channels = cfg.MODEL.SEM_SEG_HEAD.MASK_DIM
+ elif cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE == "multi_scale_pixel_decoder": # for maskformer2
+ transformer_predictor_in_channels = cfg.MODEL.SEM_SEG_HEAD.CONVS_DIM
+ else:
+ transformer_predictor_in_channels = input_shape[cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE].channels
+
+ return {
+ "input_shape": {
+ k: v for k, v in input_shape.items() if k in cfg.MODEL.SEM_SEG_HEAD.IN_FEATURES
+ },
+ "ignore_value": cfg.MODEL.SEM_SEG_HEAD.IGNORE_VALUE,
+ "num_classes": cfg.MODEL.SEM_SEG_HEAD.NUM_CLASSES,
+ "pixel_decoder": build_pixel_decoder(cfg, input_shape),
+ "loss_weight": cfg.MODEL.SEM_SEG_HEAD.LOSS_WEIGHT,
+ "transformer_in_feature": cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE,
+ "transformer_predictor": build_transformer_decoder(
+ cfg,
+ transformer_predictor_in_channels,
+ mask_classification=True,
+ ),
+ }
+
+ def forward(self, features, mask=None):
+ return self.layers(features, mask)
+
+ def layers(self, features, mask=None):
+ mask_features, transformer_encoder_features, multi_scale_features = self.pixel_decoder.forward_features(features)
+ if self.transformer_in_feature == "multi_scale_pixel_decoder":
+ predictions = self.predictor(multi_scale_features, mask_features, mask)
+ else:
+ if self.transformer_in_feature == "transformer_encoder":
+ assert (
+ transformer_encoder_features is not None
+ ), "Please use the TransformerEncoderPixelDecoder."
+ predictions = self.predictor(transformer_encoder_features, mask_features, mask)
+ elif self.transformer_in_feature == "pixel_embedding":
+ predictions = self.predictor(mask_features, mask_features, mask)
+ else:
+ predictions = self.predictor(features[self.transformer_in_feature], mask_features, mask)
+ return predictions
diff --git a/mask2former/modeling/meta_arch/per_pixel_baseline.py b/mask2former/modeling/meta_arch/per_pixel_baseline.py
new file mode 100644
index 0000000000000000000000000000000000000000..4ce7573e0ff97e7fdeef0ea94928def6e263ab1d
--- /dev/null
+++ b/mask2former/modeling/meta_arch/per_pixel_baseline.py
@@ -0,0 +1,243 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import logging
+from typing import Callable, Dict, List, Optional, Tuple, Union
+
+import fvcore.nn.weight_init as weight_init
+from torch import nn
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.layers import Conv2d, ShapeSpec, get_norm
+from detectron2.modeling import SEM_SEG_HEADS_REGISTRY
+
+from ..transformer_decoder.maskformer_transformer_decoder import StandardTransformerDecoder
+from ..pixel_decoder.fpn import build_pixel_decoder
+
+
+@SEM_SEG_HEADS_REGISTRY.register()
+class PerPixelBaselineHead(nn.Module):
+
+ _version = 2
+
+ def _load_from_state_dict(
+ self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs
+ ):
+ version = local_metadata.get("version", None)
+ if version is None or version < 2:
+ logger = logging.getLogger(__name__)
+ # Do not warn if train from scratch
+ scratch = True
+ logger = logging.getLogger(__name__)
+ for k in list(state_dict.keys()):
+ newk = k
+ if "sem_seg_head" in k and not k.startswith(prefix + "predictor"):
+ newk = k.replace(prefix, prefix + "pixel_decoder.")
+ # logger.warning(f"{k} ==> {newk}")
+ if newk != k:
+ state_dict[newk] = state_dict[k]
+ del state_dict[k]
+ scratch = False
+
+ if not scratch:
+ logger.warning(
+ f"Weight format of {self.__class__.__name__} have changed! "
+ "Please upgrade your models. Applying automatic conversion now ..."
+ )
+
+ @configurable
+ def __init__(
+ self,
+ input_shape: Dict[str, ShapeSpec],
+ *,
+ num_classes: int,
+ pixel_decoder: nn.Module,
+ loss_weight: float = 1.0,
+ ignore_value: int = -1,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ input_shape: shapes (channels and stride) of the input features
+ num_classes: number of classes to predict
+ pixel_decoder: the pixel decoder module
+ loss_weight: loss weight
+ ignore_value: category id to be ignored during training.
+ """
+ super().__init__()
+ input_shape = sorted(input_shape.items(), key=lambda x: x[1].stride)
+ self.in_features = [k for k, v in input_shape]
+ feature_strides = [v.stride for k, v in input_shape]
+ feature_channels = [v.channels for k, v in input_shape]
+
+ self.ignore_value = ignore_value
+ self.common_stride = 4
+ self.loss_weight = loss_weight
+
+ self.pixel_decoder = pixel_decoder
+ self.predictor = Conv2d(
+ self.pixel_decoder.mask_dim, num_classes, kernel_size=1, stride=1, padding=0
+ )
+ weight_init.c2_msra_fill(self.predictor)
+
+ @classmethod
+ def from_config(cls, cfg, input_shape: Dict[str, ShapeSpec]):
+ return {
+ "input_shape": {
+ k: v for k, v in input_shape.items() if k in cfg.MODEL.SEM_SEG_HEAD.IN_FEATURES
+ },
+ "ignore_value": cfg.MODEL.SEM_SEG_HEAD.IGNORE_VALUE,
+ "num_classes": cfg.MODEL.SEM_SEG_HEAD.NUM_CLASSES,
+ "pixel_decoder": build_pixel_decoder(cfg, input_shape),
+ "loss_weight": cfg.MODEL.SEM_SEG_HEAD.LOSS_WEIGHT,
+ }
+
+ def forward(self, features, targets=None):
+ """
+ Returns:
+ In training, returns (None, dict of losses)
+ In inference, returns (CxHxW logits, {})
+ """
+ x = self.layers(features)
+ if self.training:
+ return None, self.losses(x, targets)
+ else:
+ x = F.interpolate(
+ x, scale_factor=self.common_stride, mode="bilinear", align_corners=False
+ )
+ return x, {}
+
+ def layers(self, features):
+ x, _, _ = self.pixel_decoder.forward_features(features)
+ x = self.predictor(x)
+ return x
+
+ def losses(self, predictions, targets):
+ predictions = predictions.float() # https://github.com/pytorch/pytorch/issues/48163
+ predictions = F.interpolate(
+ predictions, scale_factor=self.common_stride, mode="bilinear", align_corners=False
+ )
+ loss = F.cross_entropy(
+ predictions, targets, reduction="mean", ignore_index=self.ignore_value
+ )
+ losses = {"loss_sem_seg": loss * self.loss_weight}
+ return losses
+
+
+@SEM_SEG_HEADS_REGISTRY.register()
+class PerPixelBaselinePlusHead(PerPixelBaselineHead):
+ def _load_from_state_dict(
+ self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs
+ ):
+ version = local_metadata.get("version", None)
+ if version is None or version < 2:
+ # Do not warn if train from scratch
+ scratch = True
+ logger = logging.getLogger(__name__)
+ for k in list(state_dict.keys()):
+ newk = k
+ if "sem_seg_head" in k and not k.startswith(prefix + "predictor"):
+ newk = k.replace(prefix, prefix + "pixel_decoder.")
+ logger.debug(f"{k} ==> {newk}")
+ if newk != k:
+ state_dict[newk] = state_dict[k]
+ del state_dict[k]
+ scratch = False
+
+ if not scratch:
+ logger.warning(
+ f"Weight format of {self.__class__.__name__} have changed! "
+ "Please upgrade your models. Applying automatic conversion now ..."
+ )
+
+ @configurable
+ def __init__(
+ self,
+ input_shape: Dict[str, ShapeSpec],
+ *,
+ # extra parameters
+ transformer_predictor: nn.Module,
+ transformer_in_feature: str,
+ deep_supervision: bool,
+ # inherit parameters
+ num_classes: int,
+ pixel_decoder: nn.Module,
+ loss_weight: float = 1.0,
+ ignore_value: int = -1,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ input_shape: shapes (channels and stride) of the input features
+ transformer_predictor: the transformer decoder that makes prediction
+ transformer_in_feature: input feature name to the transformer_predictor
+ deep_supervision: whether or not to add supervision to the output of
+ every transformer decoder layer
+ num_classes: number of classes to predict
+ pixel_decoder: the pixel decoder module
+ loss_weight: loss weight
+ ignore_value: category id to be ignored during training.
+ """
+ super().__init__(
+ input_shape,
+ num_classes=num_classes,
+ pixel_decoder=pixel_decoder,
+ loss_weight=loss_weight,
+ ignore_value=ignore_value,
+ )
+
+ del self.predictor
+
+ self.predictor = transformer_predictor
+ self.transformer_in_feature = transformer_in_feature
+ self.deep_supervision = deep_supervision
+
+ @classmethod
+ def from_config(cls, cfg, input_shape: Dict[str, ShapeSpec]):
+ ret = super().from_config(cfg, input_shape)
+ ret["transformer_in_feature"] = cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE
+ if cfg.MODEL.MASK_FORMER.TRANSFORMER_IN_FEATURE == "transformer_encoder":
+ in_channels = cfg.MODEL.SEM_SEG_HEAD.CONVS_DIM
+ else:
+ in_channels = input_shape[ret["transformer_in_feature"]].channels
+ ret["transformer_predictor"] = StandardTransformerDecoder(
+ cfg, in_channels, mask_classification=False
+ )
+ ret["deep_supervision"] = cfg.MODEL.MASK_FORMER.DEEP_SUPERVISION
+ return ret
+
+ def forward(self, features, targets=None):
+ """
+ Returns:
+ In training, returns (None, dict of losses)
+ In inference, returns (CxHxW logits, {})
+ """
+ x, aux_outputs = self.layers(features)
+ if self.training:
+ if self.deep_supervision:
+ losses = self.losses(x, targets)
+ for i, aux_output in enumerate(aux_outputs):
+ losses["loss_sem_seg" + f"_{i}"] = self.losses(
+ aux_output["pred_masks"], targets
+ )["loss_sem_seg"]
+ return None, losses
+ else:
+ return None, self.losses(x, targets)
+ else:
+ x = F.interpolate(
+ x, scale_factor=self.common_stride, mode="bilinear", align_corners=False
+ )
+ return x, {}
+
+ def layers(self, features):
+ mask_features, transformer_encoder_features, _ = self.pixel_decoder.forward_features(features)
+ if self.transformer_in_feature == "transformer_encoder":
+ assert (
+ transformer_encoder_features is not None
+ ), "Please use the TransformerEncoderPixelDecoder."
+ predictions = self.predictor(transformer_encoder_features, mask_features)
+ else:
+ predictions = self.predictor(features[self.transformer_in_feature], mask_features)
+ if self.deep_supervision:
+ return predictions["pred_masks"], predictions["aux_outputs"]
+ else:
+ return predictions["pred_masks"], None
diff --git a/mask2former/modeling/pixel_decoder/__init__.py b/mask2former/modeling/pixel_decoder/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..9020c2df23e2af280b7bb168b996ae9eaf312eb8
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/__init__.py
@@ -0,0 +1 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
diff --git a/mask2former/modeling/pixel_decoder/fpn.py b/mask2former/modeling/pixel_decoder/fpn.py
new file mode 100644
index 0000000000000000000000000000000000000000..7df65a178ce4a105d5c803ff5aa18aa56c44d374
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/fpn.py
@@ -0,0 +1,312 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import logging
+import numpy as np
+from typing import Callable, Dict, List, Optional, Tuple, Union
+
+import fvcore.nn.weight_init as weight_init
+import torch
+from torch import nn
+from torch.nn import functional as F
+from torch.nn.init import xavier_uniform_, constant_, uniform_, normal_
+from torch.cuda.amp import autocast
+
+from detectron2.config import configurable
+from detectron2.layers import Conv2d, DeformConv, ShapeSpec, get_norm
+from detectron2.modeling import SEM_SEG_HEADS_REGISTRY
+
+from ..transformer_decoder.position_encoding import PositionEmbeddingSine
+from ..transformer_decoder.transformer import TransformerEncoder, TransformerEncoderLayer, _get_clones, _get_activation_fn
+
+
+def build_pixel_decoder(cfg, input_shape):
+ """
+ Build a pixel decoder from `cfg.MODEL.MASK_FORMER.PIXEL_DECODER_NAME`.
+ """
+ name = cfg.MODEL.SEM_SEG_HEAD.PIXEL_DECODER_NAME
+ model = SEM_SEG_HEADS_REGISTRY.get(name)(cfg, input_shape)
+ forward_features = getattr(model, "forward_features", None)
+ if not callable(forward_features):
+ raise ValueError(
+ "Only SEM_SEG_HEADS with forward_features method can be used as pixel decoder. "
+ f"Please implement forward_features for {name} to only return mask features."
+ )
+ return model
+
+
+# This is a modified FPN decoder.
+@SEM_SEG_HEADS_REGISTRY.register()
+class BasePixelDecoder(nn.Module):
+ @configurable
+ def __init__(
+ self,
+ input_shape: Dict[str, ShapeSpec],
+ *,
+ conv_dim: int,
+ mask_dim: int,
+ norm: Optional[Union[str, Callable]] = None,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ input_shape: shapes (channels and stride) of the input features
+ conv_dims: number of output channels for the intermediate conv layers.
+ mask_dim: number of output channels for the final conv layer.
+ norm (str or callable): normalization for all conv layers
+ """
+ super().__init__()
+
+ input_shape = sorted(input_shape.items(), key=lambda x: x[1].stride)
+ self.in_features = [k for k, v in input_shape] # starting from "res2" to "res5"
+ feature_channels = [v.channels for k, v in input_shape]
+
+ lateral_convs = []
+ output_convs = []
+
+ use_bias = norm == ""
+ for idx, in_channels in enumerate(feature_channels):
+ if idx == len(self.in_features) - 1:
+ output_norm = get_norm(norm, conv_dim)
+ output_conv = Conv2d(
+ in_channels,
+ conv_dim,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=use_bias,
+ norm=output_norm,
+ activation=F.relu,
+ )
+ weight_init.c2_xavier_fill(output_conv)
+ self.add_module("layer_{}".format(idx + 1), output_conv)
+
+ lateral_convs.append(None)
+ output_convs.append(output_conv)
+ else:
+ lateral_norm = get_norm(norm, conv_dim)
+ output_norm = get_norm(norm, conv_dim)
+
+ lateral_conv = Conv2d(
+ in_channels, conv_dim, kernel_size=1, bias=use_bias, norm=lateral_norm
+ )
+ output_conv = Conv2d(
+ conv_dim,
+ conv_dim,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=use_bias,
+ norm=output_norm,
+ activation=F.relu,
+ )
+ weight_init.c2_xavier_fill(lateral_conv)
+ weight_init.c2_xavier_fill(output_conv)
+ self.add_module("adapter_{}".format(idx + 1), lateral_conv)
+ self.add_module("layer_{}".format(idx + 1), output_conv)
+
+ lateral_convs.append(lateral_conv)
+ output_convs.append(output_conv)
+ # Place convs into top-down order (from low to high resolution)
+ # to make the top-down computation in forward clearer.
+ self.lateral_convs = lateral_convs[::-1]
+ self.output_convs = output_convs[::-1]
+
+ self.mask_dim = mask_dim
+ self.mask_features = Conv2d(
+ conv_dim,
+ mask_dim,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ )
+ weight_init.c2_xavier_fill(self.mask_features)
+
+ self.maskformer_num_feature_levels = 3 # always use 3 scales
+
+ @classmethod
+ def from_config(cls, cfg, input_shape: Dict[str, ShapeSpec]):
+ ret = {}
+ ret["input_shape"] = {
+ k: v for k, v in input_shape.items() if k in cfg.MODEL.SEM_SEG_HEAD.IN_FEATURES
+ }
+ ret["conv_dim"] = cfg.MODEL.SEM_SEG_HEAD.CONVS_DIM
+ ret["mask_dim"] = cfg.MODEL.SEM_SEG_HEAD.MASK_DIM
+ ret["norm"] = cfg.MODEL.SEM_SEG_HEAD.NORM
+ return ret
+
+ def forward_features(self, features):
+ multi_scale_features = []
+ num_cur_levels = 0
+ # Reverse feature maps into top-down order (from low to high resolution)
+ for idx, f in enumerate(self.in_features[::-1]):
+ x = features[f]
+ lateral_conv = self.lateral_convs[idx]
+ output_conv = self.output_convs[idx]
+ if lateral_conv is None:
+ y = output_conv(x)
+ else:
+ cur_fpn = lateral_conv(x)
+ # Following FPN implementation, we use nearest upsampling here
+ y = cur_fpn + F.interpolate(y, size=cur_fpn.shape[-2:], mode="nearest")
+ y = output_conv(y)
+ if num_cur_levels < self.maskformer_num_feature_levels:
+ multi_scale_features.append(y)
+ num_cur_levels += 1
+ return self.mask_features(y), None, multi_scale_features
+
+ def forward(self, features, targets=None):
+ logger = logging.getLogger(__name__)
+ logger.warning("Calling forward() may cause unpredicted behavior of PixelDecoder module.")
+ return self.forward_features(features)
+
+
+class TransformerEncoderOnly(nn.Module):
+ def __init__(
+ self,
+ d_model=512,
+ nhead=8,
+ num_encoder_layers=6,
+ dim_feedforward=2048,
+ dropout=0.1,
+ activation="relu",
+ normalize_before=False,
+ ):
+ super().__init__()
+
+ encoder_layer = TransformerEncoderLayer(
+ d_model, nhead, dim_feedforward, dropout, activation, normalize_before
+ )
+ encoder_norm = nn.LayerNorm(d_model) if normalize_before else None
+ self.encoder = TransformerEncoder(encoder_layer, num_encoder_layers, encoder_norm)
+
+ self._reset_parameters()
+
+ self.d_model = d_model
+ self.nhead = nhead
+
+ def _reset_parameters(self):
+ for p in self.parameters():
+ if p.dim() > 1:
+ nn.init.xavier_uniform_(p)
+
+ def forward(self, src, mask, pos_embed):
+ # flatten NxCxHxW to HWxNxC
+ bs, c, h, w = src.shape
+ src = src.flatten(2).permute(2, 0, 1)
+ pos_embed = pos_embed.flatten(2).permute(2, 0, 1)
+ if mask is not None:
+ mask = mask.flatten(1)
+
+ memory = self.encoder(src, src_key_padding_mask=mask, pos=pos_embed)
+ return memory.permute(1, 2, 0).view(bs, c, h, w)
+
+
+# This is a modified FPN decoder with extra Transformer encoder that processes the lowest-resolution feature map.
+@SEM_SEG_HEADS_REGISTRY.register()
+class TransformerEncoderPixelDecoder(BasePixelDecoder):
+ @configurable
+ def __init__(
+ self,
+ input_shape: Dict[str, ShapeSpec],
+ *,
+ transformer_dropout: float,
+ transformer_nheads: int,
+ transformer_dim_feedforward: int,
+ transformer_enc_layers: int,
+ transformer_pre_norm: bool,
+ conv_dim: int,
+ mask_dim: int,
+ norm: Optional[Union[str, Callable]] = None,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ input_shape: shapes (channels and stride) of the input features
+ transformer_dropout: dropout probability in transformer
+ transformer_nheads: number of heads in transformer
+ transformer_dim_feedforward: dimension of feedforward network
+ transformer_enc_layers: number of transformer encoder layers
+ transformer_pre_norm: whether to use pre-layernorm or not
+ conv_dims: number of output channels for the intermediate conv layers.
+ mask_dim: number of output channels for the final conv layer.
+ norm (str or callable): normalization for all conv layers
+ """
+ super().__init__(input_shape, conv_dim=conv_dim, mask_dim=mask_dim, norm=norm)
+
+ input_shape = sorted(input_shape.items(), key=lambda x: x[1].stride)
+ self.in_features = [k for k, v in input_shape] # starting from "res2" to "res5"
+ feature_strides = [v.stride for k, v in input_shape]
+ feature_channels = [v.channels for k, v in input_shape]
+
+ in_channels = feature_channels[len(self.in_features) - 1]
+ self.input_proj = Conv2d(in_channels, conv_dim, kernel_size=1)
+ weight_init.c2_xavier_fill(self.input_proj)
+ self.transformer = TransformerEncoderOnly(
+ d_model=conv_dim,
+ dropout=transformer_dropout,
+ nhead=transformer_nheads,
+ dim_feedforward=transformer_dim_feedforward,
+ num_encoder_layers=transformer_enc_layers,
+ normalize_before=transformer_pre_norm,
+ )
+ N_steps = conv_dim // 2
+ self.pe_layer = PositionEmbeddingSine(N_steps, normalize=True)
+
+ # update layer
+ use_bias = norm == ""
+ output_norm = get_norm(norm, conv_dim)
+ output_conv = Conv2d(
+ conv_dim,
+ conv_dim,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=use_bias,
+ norm=output_norm,
+ activation=F.relu,
+ )
+ weight_init.c2_xavier_fill(output_conv)
+ delattr(self, "layer_{}".format(len(self.in_features)))
+ self.add_module("layer_{}".format(len(self.in_features)), output_conv)
+ self.output_convs[0] = output_conv
+
+ @classmethod
+ def from_config(cls, cfg, input_shape: Dict[str, ShapeSpec]):
+ ret = super().from_config(cfg, input_shape)
+ ret["transformer_dropout"] = cfg.MODEL.MASK_FORMER.DROPOUT
+ ret["transformer_nheads"] = cfg.MODEL.MASK_FORMER.NHEADS
+ ret["transformer_dim_feedforward"] = cfg.MODEL.MASK_FORMER.DIM_FEEDFORWARD
+ ret[
+ "transformer_enc_layers"
+ ] = cfg.MODEL.SEM_SEG_HEAD.TRANSFORMER_ENC_LAYERS # a separate config
+ ret["transformer_pre_norm"] = cfg.MODEL.MASK_FORMER.PRE_NORM
+ return ret
+
+ def forward_features(self, features):
+ multi_scale_features = []
+ num_cur_levels = 0
+ # Reverse feature maps into top-down order (from low to high resolution)
+ for idx, f in enumerate(self.in_features[::-1]):
+ x = features[f]
+ lateral_conv = self.lateral_convs[idx]
+ output_conv = self.output_convs[idx]
+ if lateral_conv is None:
+ transformer = self.input_proj(x)
+ pos = self.pe_layer(x)
+ transformer = self.transformer(transformer, None, pos)
+ y = output_conv(transformer)
+ # save intermediate feature as input to Transformer decoder
+ transformer_encoder_features = transformer
+ else:
+ cur_fpn = lateral_conv(x)
+ # Following FPN implementation, we use nearest upsampling here
+ y = cur_fpn + F.interpolate(y, size=cur_fpn.shape[-2:], mode="nearest")
+ y = output_conv(y)
+ if num_cur_levels < self.maskformer_num_feature_levels:
+ multi_scale_features.append(y)
+ num_cur_levels += 1
+ return self.mask_features(y), transformer_encoder_features, multi_scale_features
+
+ def forward(self, features, targets=None):
+ logger = logging.getLogger(__name__)
+ logger.warning("Calling forward() may cause unpredicted behavior of PixelDecoder module.")
+ return self.forward_features(features)
diff --git a/mask2former/modeling/pixel_decoder/msdeformattn.py b/mask2former/modeling/pixel_decoder/msdeformattn.py
new file mode 100644
index 0000000000000000000000000000000000000000..0ff1a81a3ed0c05464dad2143830bacac5951dfe
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/msdeformattn.py
@@ -0,0 +1,358 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import logging
+import numpy as np
+from typing import Callable, Dict, List, Optional, Tuple, Union
+
+import fvcore.nn.weight_init as weight_init
+import torch
+from torch import nn
+from torch.nn import functional as F
+from torch.nn.init import xavier_uniform_, constant_, uniform_, normal_
+from torch.cuda.amp import autocast
+
+from detectron2.config import configurable
+from detectron2.layers import Conv2d, ShapeSpec, get_norm
+from detectron2.modeling import SEM_SEG_HEADS_REGISTRY
+
+from ..transformer_decoder.position_encoding import PositionEmbeddingSine
+from ..transformer_decoder.transformer import _get_clones, _get_activation_fn
+from .ops.modules import MSDeformAttn
+
+
+# MSDeformAttn Transformer encoder in deformable detr
+class MSDeformAttnTransformerEncoderOnly(nn.Module):
+ def __init__(self, d_model=256, nhead=8,
+ num_encoder_layers=6, dim_feedforward=1024, dropout=0.1,
+ activation="relu",
+ num_feature_levels=4, enc_n_points=4,
+ ):
+ super().__init__()
+
+ self.d_model = d_model
+ self.nhead = nhead
+
+ encoder_layer = MSDeformAttnTransformerEncoderLayer(d_model, dim_feedforward,
+ dropout, activation,
+ num_feature_levels, nhead, enc_n_points)
+ self.encoder = MSDeformAttnTransformerEncoder(encoder_layer, num_encoder_layers)
+
+ self.level_embed = nn.Parameter(torch.Tensor(num_feature_levels, d_model))
+
+ self._reset_parameters()
+
+ def _reset_parameters(self):
+ for p in self.parameters():
+ if p.dim() > 1:
+ nn.init.xavier_uniform_(p)
+ for m in self.modules():
+ if isinstance(m, MSDeformAttn):
+ m._reset_parameters()
+ normal_(self.level_embed)
+
+ def get_valid_ratio(self, mask):
+ _, H, W = mask.shape
+ valid_H = torch.sum(~mask[:, :, 0], 1)
+ valid_W = torch.sum(~mask[:, 0, :], 1)
+ valid_ratio_h = valid_H.float() / H
+ valid_ratio_w = valid_W.float() / W
+ valid_ratio = torch.stack([valid_ratio_w, valid_ratio_h], -1)
+ return valid_ratio
+
+ def forward(self, srcs, pos_embeds):
+ masks = [torch.zeros((x.size(0), x.size(2), x.size(3)), device=x.device, dtype=torch.bool) for x in srcs]
+ # prepare input for encoder
+ src_flatten = []
+ mask_flatten = []
+ lvl_pos_embed_flatten = []
+ spatial_shapes = []
+ for lvl, (src, mask, pos_embed) in enumerate(zip(srcs, masks, pos_embeds)):
+ bs, c, h, w = src.shape
+ spatial_shape = (h, w)
+ spatial_shapes.append(spatial_shape)
+ src = src.flatten(2).transpose(1, 2)
+ mask = mask.flatten(1)
+ pos_embed = pos_embed.flatten(2).transpose(1, 2)
+ lvl_pos_embed = pos_embed + self.level_embed[lvl].view(1, 1, -1)
+ lvl_pos_embed_flatten.append(lvl_pos_embed)
+ src_flatten.append(src)
+ mask_flatten.append(mask)
+ src_flatten = torch.cat(src_flatten, 1)
+ mask_flatten = torch.cat(mask_flatten, 1)
+ lvl_pos_embed_flatten = torch.cat(lvl_pos_embed_flatten, 1)
+ spatial_shapes = torch.as_tensor(spatial_shapes, dtype=torch.long, device=src_flatten.device)
+ level_start_index = torch.cat((spatial_shapes.new_zeros((1, )), spatial_shapes.prod(1).cumsum(0)[:-1]))
+ valid_ratios = torch.stack([self.get_valid_ratio(m) for m in masks], 1)
+
+ # encoder
+ memory = self.encoder(src_flatten, spatial_shapes, level_start_index, valid_ratios, lvl_pos_embed_flatten, mask_flatten)
+
+ return memory, spatial_shapes, level_start_index
+
+
+class MSDeformAttnTransformerEncoderLayer(nn.Module):
+ def __init__(self,
+ d_model=256, d_ffn=1024,
+ dropout=0.1, activation="relu",
+ n_levels=4, n_heads=8, n_points=4):
+ super().__init__()
+
+ # self attention
+ self.self_attn = MSDeformAttn(d_model, n_levels, n_heads, n_points)
+ self.dropout1 = nn.Dropout(dropout)
+ self.norm1 = nn.LayerNorm(d_model)
+
+ # ffn
+ self.linear1 = nn.Linear(d_model, d_ffn)
+ self.activation = _get_activation_fn(activation)
+ self.dropout2 = nn.Dropout(dropout)
+ self.linear2 = nn.Linear(d_ffn, d_model)
+ self.dropout3 = nn.Dropout(dropout)
+ self.norm2 = nn.LayerNorm(d_model)
+
+ @staticmethod
+ def with_pos_embed(tensor, pos):
+ return tensor if pos is None else tensor + pos
+
+ def forward_ffn(self, src):
+ src2 = self.linear2(self.dropout2(self.activation(self.linear1(src))))
+ src = src + self.dropout3(src2)
+ src = self.norm2(src)
+ return src
+
+ def forward(self, src, pos, reference_points, spatial_shapes, level_start_index, padding_mask=None):
+ # self attention
+ src2 = self.self_attn(self.with_pos_embed(src, pos), reference_points, src, spatial_shapes, level_start_index, padding_mask)
+ src = src + self.dropout1(src2)
+ src = self.norm1(src)
+
+ # ffn
+ src = self.forward_ffn(src)
+
+ return src
+
+
+class MSDeformAttnTransformerEncoder(nn.Module):
+ def __init__(self, encoder_layer, num_layers):
+ super().__init__()
+ self.layers = _get_clones(encoder_layer, num_layers)
+ self.num_layers = num_layers
+
+ @staticmethod
+ def get_reference_points(spatial_shapes, valid_ratios, device):
+ reference_points_list = []
+ for lvl, (H_, W_) in enumerate(spatial_shapes):
+
+ ref_y, ref_x = torch.meshgrid(torch.linspace(0.5, H_ - 0.5, H_, dtype=torch.float32, device=device),
+ torch.linspace(0.5, W_ - 0.5, W_, dtype=torch.float32, device=device))
+ ref_y = ref_y.reshape(-1)[None] / (valid_ratios[:, None, lvl, 1] * H_)
+ ref_x = ref_x.reshape(-1)[None] / (valid_ratios[:, None, lvl, 0] * W_)
+ ref = torch.stack((ref_x, ref_y), -1)
+ reference_points_list.append(ref)
+ reference_points = torch.cat(reference_points_list, 1)
+ reference_points = reference_points[:, :, None] * valid_ratios[:, None]
+ return reference_points
+
+ def forward(self, src, spatial_shapes, level_start_index, valid_ratios, pos=None, padding_mask=None):
+ output = src
+ reference_points = self.get_reference_points(spatial_shapes, valid_ratios, device=src.device)
+ for _, layer in enumerate(self.layers):
+ output = layer(output, pos, reference_points, spatial_shapes, level_start_index, padding_mask)
+
+ return output
+
+
+@SEM_SEG_HEADS_REGISTRY.register()
+class MSDeformAttnPixelDecoder(nn.Module):
+ @configurable
+ def __init__(
+ self,
+ input_shape: Dict[str, ShapeSpec],
+ *,
+ transformer_dropout: float,
+ transformer_nheads: int,
+ transformer_dim_feedforward: int,
+ transformer_enc_layers: int,
+ conv_dim: int,
+ mask_dim: int,
+ norm: Optional[Union[str, Callable]] = None,
+ # deformable transformer encoder args
+ transformer_in_features: List[str],
+ common_stride: int,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ input_shape: shapes (channels and stride) of the input features
+ transformer_dropout: dropout probability in transformer
+ transformer_nheads: number of heads in transformer
+ transformer_dim_feedforward: dimension of feedforward network
+ transformer_enc_layers: number of transformer encoder layers
+ conv_dims: number of output channels for the intermediate conv layers.
+ mask_dim: number of output channels for the final conv layer.
+ norm (str or callable): normalization for all conv layers
+ """
+ super().__init__()
+ transformer_input_shape = {
+ k: v for k, v in input_shape.items() if k in transformer_in_features
+ }
+
+ # this is the input shape of pixel decoder
+ input_shape = sorted(input_shape.items(), key=lambda x: x[1].stride)
+ self.in_features = [k for k, v in input_shape] # starting from "res2" to "res5"
+ self.feature_strides = [v.stride for k, v in input_shape]
+ self.feature_channels = [v.channels for k, v in input_shape]
+
+ # this is the input shape of transformer encoder (could use less features than pixel decoder
+ transformer_input_shape = sorted(transformer_input_shape.items(), key=lambda x: x[1].stride)
+ self.transformer_in_features = [k for k, v in transformer_input_shape] # starting from "res2" to "res5"
+ transformer_in_channels = [v.channels for k, v in transformer_input_shape]
+ self.transformer_feature_strides = [v.stride for k, v in transformer_input_shape] # to decide extra FPN layers
+
+ self.transformer_num_feature_levels = len(self.transformer_in_features)
+ if self.transformer_num_feature_levels > 1:
+ input_proj_list = []
+ # from low resolution to high resolution (res5 -> res2)
+ for in_channels in transformer_in_channels[::-1]:
+ input_proj_list.append(nn.Sequential(
+ nn.Conv2d(in_channels, conv_dim, kernel_size=1),
+ nn.GroupNorm(32, conv_dim),
+ ))
+ self.input_proj = nn.ModuleList(input_proj_list)
+ else:
+ self.input_proj = nn.ModuleList([
+ nn.Sequential(
+ nn.Conv2d(transformer_in_channels[-1], conv_dim, kernel_size=1),
+ nn.GroupNorm(32, conv_dim),
+ )])
+
+ for proj in self.input_proj:
+ nn.init.xavier_uniform_(proj[0].weight, gain=1)
+ nn.init.constant_(proj[0].bias, 0)
+
+ self.transformer = MSDeformAttnTransformerEncoderOnly(
+ d_model=conv_dim,
+ dropout=transformer_dropout,
+ nhead=transformer_nheads,
+ dim_feedforward=transformer_dim_feedforward,
+ num_encoder_layers=transformer_enc_layers,
+ num_feature_levels=self.transformer_num_feature_levels,
+ )
+ N_steps = conv_dim // 2
+ self.pe_layer = PositionEmbeddingSine(N_steps, normalize=True)
+
+ self.mask_dim = mask_dim
+ # use 1x1 conv instead
+ self.mask_features = Conv2d(
+ conv_dim,
+ mask_dim,
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ )
+ weight_init.c2_xavier_fill(self.mask_features)
+
+ self.maskformer_num_feature_levels = 3 # always use 3 scales
+ self.common_stride = common_stride
+
+ # extra fpn levels
+ stride = min(self.transformer_feature_strides)
+ self.num_fpn_levels = int(np.log2(stride) - np.log2(self.common_stride))
+
+ lateral_convs = []
+ output_convs = []
+
+ use_bias = norm == ""
+ for idx, in_channels in enumerate(self.feature_channels[:self.num_fpn_levels]):
+ lateral_norm = get_norm(norm, conv_dim)
+ output_norm = get_norm(norm, conv_dim)
+
+ lateral_conv = Conv2d(
+ in_channels, conv_dim, kernel_size=1, bias=use_bias, norm=lateral_norm
+ )
+ output_conv = Conv2d(
+ conv_dim,
+ conv_dim,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=use_bias,
+ norm=output_norm,
+ activation=F.relu,
+ )
+ weight_init.c2_xavier_fill(lateral_conv)
+ weight_init.c2_xavier_fill(output_conv)
+ self.add_module("adapter_{}".format(idx + 1), lateral_conv)
+ self.add_module("layer_{}".format(idx + 1), output_conv)
+
+ lateral_convs.append(lateral_conv)
+ output_convs.append(output_conv)
+ # Place convs into top-down order (from low to high resolution)
+ # to make the top-down computation in forward clearer.
+ self.lateral_convs = lateral_convs[::-1]
+ self.output_convs = output_convs[::-1]
+
+ @classmethod
+ def from_config(cls, cfg, input_shape: Dict[str, ShapeSpec]):
+ ret = {}
+ ret["input_shape"] = {
+ k: v for k, v in input_shape.items() if k in cfg.MODEL.SEM_SEG_HEAD.IN_FEATURES
+ }
+ ret["conv_dim"] = cfg.MODEL.SEM_SEG_HEAD.CONVS_DIM
+ ret["mask_dim"] = cfg.MODEL.SEM_SEG_HEAD.MASK_DIM
+ ret["norm"] = cfg.MODEL.SEM_SEG_HEAD.NORM
+ ret["transformer_dropout"] = cfg.MODEL.MASK_FORMER.DROPOUT
+ ret["transformer_nheads"] = cfg.MODEL.MASK_FORMER.NHEADS
+ # ret["transformer_dim_feedforward"] = cfg.MODEL.MASK_FORMER.DIM_FEEDFORWARD
+ ret["transformer_dim_feedforward"] = 1024 # use 1024 for deformable transformer encoder
+ ret[
+ "transformer_enc_layers"
+ ] = cfg.MODEL.SEM_SEG_HEAD.TRANSFORMER_ENC_LAYERS # a separate config
+ ret["transformer_in_features"] = cfg.MODEL.SEM_SEG_HEAD.DEFORMABLE_TRANSFORMER_ENCODER_IN_FEATURES
+ ret["common_stride"] = cfg.MODEL.SEM_SEG_HEAD.COMMON_STRIDE
+ return ret
+
+ @autocast(enabled=False)
+ def forward_features(self, features):
+ srcs = []
+ pos = []
+ # Reverse feature maps into top-down order (from low to high resolution)
+ for idx, f in enumerate(self.transformer_in_features[::-1]):
+ x = features[f].float() # deformable detr does not support half precision
+ srcs.append(self.input_proj[idx](x))
+ pos.append(self.pe_layer(x))
+
+ y, spatial_shapes, level_start_index = self.transformer(srcs, pos)
+ bs = y.shape[0]
+
+ split_size_or_sections = [None] * self.transformer_num_feature_levels
+ for i in range(self.transformer_num_feature_levels):
+ if i < self.transformer_num_feature_levels - 1:
+ split_size_or_sections[i] = level_start_index[i + 1] - level_start_index[i]
+ else:
+ split_size_or_sections[i] = y.shape[1] - level_start_index[i]
+ y = torch.split(y, split_size_or_sections, dim=1)
+
+ out = []
+ multi_scale_features = []
+ num_cur_levels = 0
+ for i, z in enumerate(y):
+ out.append(z.transpose(1, 2).view(bs, -1, spatial_shapes[i][0], spatial_shapes[i][1]))
+
+ # append `out` with extra FPN levels
+ # Reverse feature maps into top-down order (from low to high resolution)
+ for idx, f in enumerate(self.in_features[:self.num_fpn_levels][::-1]):
+ x = features[f].float()
+ lateral_conv = self.lateral_convs[idx]
+ output_conv = self.output_convs[idx]
+ cur_fpn = lateral_conv(x)
+ # Following FPN implementation, we use nearest upsampling here
+ y = cur_fpn + F.interpolate(out[-1], size=cur_fpn.shape[-2:], mode="bilinear", align_corners=False)
+ y = output_conv(y)
+ out.append(y)
+
+ for o in out:
+ if num_cur_levels < self.maskformer_num_feature_levels:
+ multi_scale_features.append(o)
+ num_cur_levels += 1
+
+ return self.mask_features(out[-1]), out[0], multi_scale_features
diff --git a/mask2former/modeling/pixel_decoder/ops/functions/__init__.py b/mask2former/modeling/pixel_decoder/ops/functions/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..2b06b5ac538b63bdb9a6c82e4635b95bb5491d5b
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/functions/__init__.py
@@ -0,0 +1,13 @@
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+from .ms_deform_attn_func import MSDeformAttnFunction
+
diff --git a/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py b/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py
new file mode 100644
index 0000000000000000000000000000000000000000..29bb56238492ab9e3ea83213502466c4a85e7f47
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/functions/ms_deform_attn_func.py
@@ -0,0 +1,73 @@
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+from __future__ import absolute_import
+from __future__ import print_function
+from __future__ import division
+
+import torch
+import torch.nn.functional as F
+from torch.autograd import Function
+from torch.autograd.function import once_differentiable
+
+MultiScaleDeformableAttention = None
+# try:
+# import MultiScaleDeformableAttention as MSDA
+# except ModuleNotFoundError as e:
+# info_string = (
+# "\n\nPlease compile MultiScaleDeformableAttention CUDA op with the following commands:\n"
+# "\t`cd mask2former/modeling/pixel_decoder/ops`\n"
+# "\t`sh make.sh`\n"
+# )
+# raise ModuleNotFoundError(info_string)
+
+
+class MSDeformAttnFunction(Function):
+ @staticmethod
+ def forward(ctx, value, value_spatial_shapes, value_level_start_index, sampling_locations, attention_weights, im2col_step):
+ ctx.im2col_step = im2col_step
+ output = MSDA.ms_deform_attn_forward(
+ value, value_spatial_shapes, value_level_start_index, sampling_locations, attention_weights, ctx.im2col_step)
+ ctx.save_for_backward(value, value_spatial_shapes, value_level_start_index, sampling_locations, attention_weights)
+ return output
+
+ @staticmethod
+ @once_differentiable
+ def backward(ctx, grad_output):
+ value, value_spatial_shapes, value_level_start_index, sampling_locations, attention_weights = ctx.saved_tensors
+ grad_value, grad_sampling_loc, grad_attn_weight = \
+ MSDA.ms_deform_attn_backward(
+ value, value_spatial_shapes, value_level_start_index, sampling_locations, attention_weights, grad_output, ctx.im2col_step)
+
+ return grad_value, None, None, grad_sampling_loc, grad_attn_weight, None
+
+
+def ms_deform_attn_core_pytorch(value, value_spatial_shapes, sampling_locations, attention_weights):
+ # for debug and test only,
+ # need to use cuda version instead
+ N_, S_, M_, D_ = value.shape
+ _, Lq_, M_, L_, P_, _ = sampling_locations.shape
+ value_list = value.split([H_ * W_ for H_, W_ in value_spatial_shapes], dim=1)
+ sampling_grids = 2 * sampling_locations - 1
+ sampling_value_list = []
+ for lid_, (H_, W_) in enumerate(value_spatial_shapes):
+ # N_, H_*W_, M_, D_ -> N_, H_*W_, M_*D_ -> N_, M_*D_, H_*W_ -> N_*M_, D_, H_, W_
+ value_l_ = value_list[lid_].flatten(2).transpose(1, 2).reshape(N_*M_, D_, H_, W_)
+ # N_, Lq_, M_, P_, 2 -> N_, M_, Lq_, P_, 2 -> N_*M_, Lq_, P_, 2
+ sampling_grid_l_ = sampling_grids[:, :, :, lid_].transpose(1, 2).flatten(0, 1)
+ # N_*M_, D_, Lq_, P_
+ sampling_value_l_ = F.grid_sample(value_l_, sampling_grid_l_,
+ mode='bilinear', padding_mode='zeros', align_corners=False)
+ sampling_value_list.append(sampling_value_l_)
+ # (N_, Lq_, M_, L_, P_) -> (N_, M_, Lq_, L_, P_) -> (N_, M_, 1, Lq_, L_*P_)
+ attention_weights = attention_weights.transpose(1, 2).reshape(N_*M_, 1, Lq_, L_*P_)
+ output = (torch.stack(sampling_value_list, dim=-2).flatten(-2) * attention_weights).sum(-1).view(N_, M_*D_, Lq_)
+ return output.transpose(1, 2).contiguous()
diff --git a/mask2former/modeling/pixel_decoder/ops/make.sh b/mask2former/modeling/pixel_decoder/ops/make.sh
new file mode 100755
index 0000000000000000000000000000000000000000..7b38cdbf48f3571d986a33e7563b517952b51bb2
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/make.sh
@@ -0,0 +1,13 @@
+#!/usr/bin/env bash
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+python setup.py build install
diff --git a/mask2former/modeling/pixel_decoder/ops/modules/__init__.py b/mask2former/modeling/pixel_decoder/ops/modules/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..6fdbf03359958f3d67ab00f879bf6b61a6c8f06a
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/modules/__init__.py
@@ -0,0 +1,12 @@
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+from .ms_deform_attn import MSDeformAttn
diff --git a/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py b/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py
new file mode 100644
index 0000000000000000000000000000000000000000..286834568740751061d177c17fa92ccad8e7c7a9
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/modules/ms_deform_attn.py
@@ -0,0 +1,126 @@
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+from __future__ import absolute_import
+from __future__ import print_function
+from __future__ import division
+
+import warnings
+import math
+
+import torch
+from torch import nn
+import torch.nn.functional as F
+from torch.nn.init import xavier_uniform_, constant_
+
+#from ..functions import MSDeformAttnFunction
+from ..functions.ms_deform_attn_func import ms_deform_attn_core_pytorch
+
+MSDeformAttnFunction = None
+
+def _is_power_of_2(n):
+ if (not isinstance(n, int)) or (n < 0):
+ raise ValueError("invalid input for _is_power_of_2: {} (type: {})".format(n, type(n)))
+ return (n & (n-1) == 0) and n != 0
+
+
+class MSDeformAttn(nn.Module):
+ def __init__(self, d_model=256, n_levels=4, n_heads=8, n_points=4):
+ """
+ Multi-Scale Deformable Attention Module
+ :param d_model hidden dimension
+ :param n_levels number of feature levels
+ :param n_heads number of attention heads
+ :param n_points number of sampling points per attention head per feature level
+ """
+ super().__init__()
+ if d_model % n_heads != 0:
+ raise ValueError('d_model must be divisible by n_heads, but got {} and {}'.format(d_model, n_heads))
+ _d_per_head = d_model // n_heads
+ # you'd better set _d_per_head to a power of 2 which is more efficient in our CUDA implementation
+ if not _is_power_of_2(_d_per_head):
+ warnings.warn("You'd better set d_model in MSDeformAttn to make the dimension of each attention head a power of 2 "
+ "which is more efficient in our CUDA implementation.")
+
+ self.im2col_step = 128
+
+ self.d_model = d_model
+ self.n_levels = n_levels
+ self.n_heads = n_heads
+ self.n_points = n_points
+
+ self.sampling_offsets = nn.Linear(d_model, n_heads * n_levels * n_points * 2)
+ self.attention_weights = nn.Linear(d_model, n_heads * n_levels * n_points)
+ self.value_proj = nn.Linear(d_model, d_model)
+ self.output_proj = nn.Linear(d_model, d_model)
+
+ self._reset_parameters()
+
+ def _reset_parameters(self):
+ constant_(self.sampling_offsets.weight.data, 0.)
+ thetas = torch.arange(self.n_heads, dtype=torch.float32) * (2.0 * math.pi / self.n_heads)
+ grid_init = torch.stack([thetas.cos(), thetas.sin()], -1)
+ grid_init = (grid_init / grid_init.abs().max(-1, keepdim=True)[0]).view(self.n_heads, 1, 1, 2).repeat(1, self.n_levels, self.n_points, 1)
+ for i in range(self.n_points):
+ grid_init[:, :, i, :] *= i + 1
+ with torch.no_grad():
+ self.sampling_offsets.bias = nn.Parameter(grid_init.view(-1))
+ constant_(self.attention_weights.weight.data, 0.)
+ constant_(self.attention_weights.bias.data, 0.)
+ xavier_uniform_(self.value_proj.weight.data)
+ constant_(self.value_proj.bias.data, 0.)
+ xavier_uniform_(self.output_proj.weight.data)
+ constant_(self.output_proj.bias.data, 0.)
+
+ def forward(self, query, reference_points, input_flatten, input_spatial_shapes, input_level_start_index, input_padding_mask=None):
+ """
+ :param query (N, Length_{query}, C)
+ :param reference_points (N, Length_{query}, n_levels, 2), range in [0, 1], top-left (0,0), bottom-right (1, 1), including padding area
+ or (N, Length_{query}, n_levels, 4), add additional (w, h) to form reference boxes
+ :param input_flatten (N, \sum_{l=0}^{L-1} H_l \cdot W_l, C)
+ :param input_spatial_shapes (n_levels, 2), [(H_0, W_0), (H_1, W_1), ..., (H_{L-1}, W_{L-1})]
+ :param input_level_start_index (n_levels, ), [0, H_0*W_0, H_0*W_0+H_1*W_1, H_0*W_0+H_1*W_1+H_2*W_2, ..., H_0*W_0+H_1*W_1+...+H_{L-1}*W_{L-1}]
+ :param input_padding_mask (N, \sum_{l=0}^{L-1} H_l \cdot W_l), True for padding elements, False for non-padding elements
+
+ :return output (N, Length_{query}, C)
+ """
+ N, Len_q, _ = query.shape
+ N, Len_in, _ = input_flatten.shape
+ assert (input_spatial_shapes[:, 0] * input_spatial_shapes[:, 1]).sum() == Len_in
+
+ value = self.value_proj(input_flatten)
+ if input_padding_mask is not None:
+ value = value.masked_fill(input_padding_mask[..., None], float(0))
+ value = value.view(N, Len_in, self.n_heads, self.d_model // self.n_heads)
+ sampling_offsets = self.sampling_offsets(query).view(N, Len_q, self.n_heads, self.n_levels, self.n_points, 2)
+ attention_weights = self.attention_weights(query).view(N, Len_q, self.n_heads, self.n_levels * self.n_points)
+ attention_weights = F.softmax(attention_weights, -1).view(N, Len_q, self.n_heads, self.n_levels, self.n_points)
+ # N, Len_q, n_heads, n_levels, n_points, 2
+ if reference_points.shape[-1] == 2:
+ offset_normalizer = torch.stack([input_spatial_shapes[..., 1], input_spatial_shapes[..., 0]], -1)
+ sampling_locations = reference_points[:, :, None, :, None, :] \
+ + sampling_offsets / offset_normalizer[None, None, None, :, None, :]
+ elif reference_points.shape[-1] == 4:
+ sampling_locations = reference_points[:, :, None, :, None, :2] \
+ + sampling_offsets / self.n_points * reference_points[:, :, None, :, None, 2:] * 0.5
+ else:
+ raise ValueError(
+ 'Last dim of reference_points must be 2 or 4, but get {} instead.'.format(reference_points.shape[-1]))
+ try:
+ output = MSDeformAttnFunction.apply(
+ value, input_spatial_shapes, input_level_start_index, sampling_locations, attention_weights, self.im2col_step)
+ except:
+ # CPU
+ output = ms_deform_attn_core_pytorch(value, input_spatial_shapes, sampling_locations, attention_weights)
+ # # For FLOPs calculation only
+ # output = ms_deform_attn_core_pytorch(value, input_spatial_shapes, sampling_locations, attention_weights)
+ output = self.output_proj(output)
+ return output
diff --git a/mask2former/modeling/pixel_decoder/ops/setup.py b/mask2former/modeling/pixel_decoder/ops/setup.py
new file mode 100644
index 0000000000000000000000000000000000000000..244fdec83bee181e187d88800300395f449b0fbc
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/setup.py
@@ -0,0 +1,78 @@
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+import os
+import glob
+
+import torch
+
+from torch.utils.cpp_extension import CUDA_HOME
+from torch.utils.cpp_extension import CppExtension
+from torch.utils.cpp_extension import CUDAExtension
+
+from setuptools import find_packages
+from setuptools import setup
+
+requirements = ["torch", "torchvision"]
+
+def get_extensions():
+ this_dir = os.path.dirname(os.path.abspath(__file__))
+ extensions_dir = os.path.join(this_dir, "src")
+
+ main_file = glob.glob(os.path.join(extensions_dir, "*.cpp"))
+ source_cpu = glob.glob(os.path.join(extensions_dir, "cpu", "*.cpp"))
+ source_cuda = glob.glob(os.path.join(extensions_dir, "cuda", "*.cu"))
+
+ sources = main_file + source_cpu
+ extension = CppExtension
+ extra_compile_args = {"cxx": []}
+ define_macros = []
+
+ # Force cuda since torch ask for a device, not if cuda is in fact available.
+ if (os.environ.get('FORCE_CUDA') or torch.cuda.is_available()) and CUDA_HOME is not None:
+ extension = CUDAExtension
+ sources += source_cuda
+ define_macros += [("WITH_CUDA", None)]
+ extra_compile_args["nvcc"] = [
+ "-DCUDA_HAS_FP16=1",
+ "-D__CUDA_NO_HALF_OPERATORS__",
+ "-D__CUDA_NO_HALF_CONVERSIONS__",
+ "-D__CUDA_NO_HALF2_OPERATORS__",
+ ]
+# else:
+# if CUDA_HOME is None:
+# raise NotImplementedError('CUDA_HOME is None. Please set environment variable CUDA_HOME.')
+# else:
+# raise NotImplementedError('No CUDA runtime is found. Please set FORCE_CUDA=1 or test it by running torch.cuda.is_available().')
+
+ sources = [os.path.join(extensions_dir, s) for s in sources]
+ include_dirs = [extensions_dir]
+ ext_modules = [
+ extension(
+ "MultiScaleDeformableAttention",
+ sources,
+ include_dirs=include_dirs,
+ define_macros=define_macros,
+ extra_compile_args=extra_compile_args,
+ )
+ ]
+ return ext_modules
+
+setup(
+ name="MultiScaleDeformableAttention",
+ version="1.0",
+ author="Weijie Su",
+ url="https://github.com/fundamentalvision/Deformable-DETR",
+ description="PyTorch Wrapper for CUDA Functions of Multi-Scale Deformable Attention",
+ packages=find_packages(exclude=("configs", "tests",)),
+ ext_modules=get_extensions(),
+ cmdclass={"build_ext": torch.utils.cpp_extension.BuildExtension},
+)
diff --git a/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp b/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp
new file mode 100644
index 0000000000000000000000000000000000000000..48757e2b0156b2c1513b615d2a17e5aee5172ae7
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.cpp
@@ -0,0 +1,46 @@
+/*!
+**************************************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************************************
+* Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+**************************************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#include
+
+#include
+#include
+
+
+at::Tensor
+ms_deform_attn_cpu_forward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const int im2col_step)
+{
+ AT_ERROR("Not implement on cpu");
+}
+
+std::vector
+ms_deform_attn_cpu_backward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const at::Tensor &grad_output,
+ const int im2col_step)
+{
+ AT_ERROR("Not implement on cpu");
+}
+
diff --git a/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h b/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h
new file mode 100644
index 0000000000000000000000000000000000000000..51bb27e9ee828f967e8aa854c2d55574040c6d7e
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/cpu/ms_deform_attn_cpu.h
@@ -0,0 +1,38 @@
+/*!
+**************************************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************************************
+* Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+**************************************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#pragma once
+#include
+
+at::Tensor
+ms_deform_attn_cpu_forward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const int im2col_step);
+
+std::vector
+ms_deform_attn_cpu_backward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const at::Tensor &grad_output,
+ const int im2col_step);
+
+
diff --git a/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu b/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu
new file mode 100644
index 0000000000000000000000000000000000000000..0c465dab3d636dfd6a44523c63f148b6e15084d9
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.cu
@@ -0,0 +1,158 @@
+/*!
+**************************************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************************************
+* Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+**************************************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#include
+#include "cuda/ms_deform_im2col_cuda.cuh"
+
+#include
+#include
+#include
+#include
+
+
+at::Tensor ms_deform_attn_cuda_forward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const int im2col_step)
+{
+ AT_ASSERTM(value.is_contiguous(), "value tensor has to be contiguous");
+ AT_ASSERTM(spatial_shapes.is_contiguous(), "spatial_shapes tensor has to be contiguous");
+ AT_ASSERTM(level_start_index.is_contiguous(), "level_start_index tensor has to be contiguous");
+ AT_ASSERTM(sampling_loc.is_contiguous(), "sampling_loc tensor has to be contiguous");
+ AT_ASSERTM(attn_weight.is_contiguous(), "attn_weight tensor has to be contiguous");
+
+ AT_ASSERTM(value.type().is_cuda(), "value must be a CUDA tensor");
+ AT_ASSERTM(spatial_shapes.type().is_cuda(), "spatial_shapes must be a CUDA tensor");
+ AT_ASSERTM(level_start_index.type().is_cuda(), "level_start_index must be a CUDA tensor");
+ AT_ASSERTM(sampling_loc.type().is_cuda(), "sampling_loc must be a CUDA tensor");
+ AT_ASSERTM(attn_weight.type().is_cuda(), "attn_weight must be a CUDA tensor");
+
+ const int batch = value.size(0);
+ const int spatial_size = value.size(1);
+ const int num_heads = value.size(2);
+ const int channels = value.size(3);
+
+ const int num_levels = spatial_shapes.size(0);
+
+ const int num_query = sampling_loc.size(1);
+ const int num_point = sampling_loc.size(4);
+
+ const int im2col_step_ = std::min(batch, im2col_step);
+
+ AT_ASSERTM(batch % im2col_step_ == 0, "batch(%d) must divide im2col_step(%d)", batch, im2col_step_);
+
+ auto output = at::zeros({batch, num_query, num_heads, channels}, value.options());
+
+ const int batch_n = im2col_step_;
+ auto output_n = output.view({batch/im2col_step_, batch_n, num_query, num_heads, channels});
+ auto per_value_size = spatial_size * num_heads * channels;
+ auto per_sample_loc_size = num_query * num_heads * num_levels * num_point * 2;
+ auto per_attn_weight_size = num_query * num_heads * num_levels * num_point;
+ for (int n = 0; n < batch/im2col_step_; ++n)
+ {
+ auto columns = output_n.select(0, n);
+ AT_DISPATCH_FLOATING_TYPES(value.type(), "ms_deform_attn_forward_cuda", ([&] {
+ ms_deformable_im2col_cuda(at::cuda::getCurrentCUDAStream(),
+ value.data() + n * im2col_step_ * per_value_size,
+ spatial_shapes.data(),
+ level_start_index.data(),
+ sampling_loc.data() + n * im2col_step_ * per_sample_loc_size,
+ attn_weight.data() + n * im2col_step_ * per_attn_weight_size,
+ batch_n, spatial_size, num_heads, channels, num_levels, num_query, num_point,
+ columns.data());
+
+ }));
+ }
+
+ output = output.view({batch, num_query, num_heads*channels});
+
+ return output;
+}
+
+
+std::vector ms_deform_attn_cuda_backward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const at::Tensor &grad_output,
+ const int im2col_step)
+{
+
+ AT_ASSERTM(value.is_contiguous(), "value tensor has to be contiguous");
+ AT_ASSERTM(spatial_shapes.is_contiguous(), "spatial_shapes tensor has to be contiguous");
+ AT_ASSERTM(level_start_index.is_contiguous(), "level_start_index tensor has to be contiguous");
+ AT_ASSERTM(sampling_loc.is_contiguous(), "sampling_loc tensor has to be contiguous");
+ AT_ASSERTM(attn_weight.is_contiguous(), "attn_weight tensor has to be contiguous");
+ AT_ASSERTM(grad_output.is_contiguous(), "grad_output tensor has to be contiguous");
+
+ AT_ASSERTM(value.type().is_cuda(), "value must be a CUDA tensor");
+ AT_ASSERTM(spatial_shapes.type().is_cuda(), "spatial_shapes must be a CUDA tensor");
+ AT_ASSERTM(level_start_index.type().is_cuda(), "level_start_index must be a CUDA tensor");
+ AT_ASSERTM(sampling_loc.type().is_cuda(), "sampling_loc must be a CUDA tensor");
+ AT_ASSERTM(attn_weight.type().is_cuda(), "attn_weight must be a CUDA tensor");
+ AT_ASSERTM(grad_output.type().is_cuda(), "grad_output must be a CUDA tensor");
+
+ const int batch = value.size(0);
+ const int spatial_size = value.size(1);
+ const int num_heads = value.size(2);
+ const int channels = value.size(3);
+
+ const int num_levels = spatial_shapes.size(0);
+
+ const int num_query = sampling_loc.size(1);
+ const int num_point = sampling_loc.size(4);
+
+ const int im2col_step_ = std::min(batch, im2col_step);
+
+ AT_ASSERTM(batch % im2col_step_ == 0, "batch(%d) must divide im2col_step(%d)", batch, im2col_step_);
+
+ auto grad_value = at::zeros_like(value);
+ auto grad_sampling_loc = at::zeros_like(sampling_loc);
+ auto grad_attn_weight = at::zeros_like(attn_weight);
+
+ const int batch_n = im2col_step_;
+ auto per_value_size = spatial_size * num_heads * channels;
+ auto per_sample_loc_size = num_query * num_heads * num_levels * num_point * 2;
+ auto per_attn_weight_size = num_query * num_heads * num_levels * num_point;
+ auto grad_output_n = grad_output.view({batch/im2col_step_, batch_n, num_query, num_heads, channels});
+
+ for (int n = 0; n < batch/im2col_step_; ++n)
+ {
+ auto grad_output_g = grad_output_n.select(0, n);
+ AT_DISPATCH_FLOATING_TYPES(value.type(), "ms_deform_attn_backward_cuda", ([&] {
+ ms_deformable_col2im_cuda(at::cuda::getCurrentCUDAStream(),
+ grad_output_g.data(),
+ value.data() + n * im2col_step_ * per_value_size,
+ spatial_shapes.data(),
+ level_start_index.data(),
+ sampling_loc.data() + n * im2col_step_ * per_sample_loc_size,
+ attn_weight.data() + n * im2col_step_ * per_attn_weight_size,
+ batch_n, spatial_size, num_heads, channels, num_levels, num_query, num_point,
+ grad_value.data() + n * im2col_step_ * per_value_size,
+ grad_sampling_loc.data() + n * im2col_step_ * per_sample_loc_size,
+ grad_attn_weight.data() + n * im2col_step_ * per_attn_weight_size);
+
+ }));
+ }
+
+ return {
+ grad_value, grad_sampling_loc, grad_attn_weight
+ };
+}
\ No newline at end of file
diff --git a/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h b/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h
new file mode 100644
index 0000000000000000000000000000000000000000..4f0658e8668a11f0e7d71deff9adac71884f2e87
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_attn_cuda.h
@@ -0,0 +1,35 @@
+/*!
+**************************************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************************************
+* Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+**************************************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#pragma once
+#include
+
+at::Tensor ms_deform_attn_cuda_forward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const int im2col_step);
+
+std::vector ms_deform_attn_cuda_backward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const at::Tensor &grad_output,
+ const int im2col_step);
+
diff --git a/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh b/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh
new file mode 100644
index 0000000000000000000000000000000000000000..c04e0d4ab97d25c1756fcd8d08dd1e5a6d280b7c
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/cuda/ms_deform_im2col_cuda.cuh
@@ -0,0 +1,1332 @@
+/*!
+**************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************
+* Modified from DCN (https://github.com/msracver/Deformable-ConvNets)
+* Copyright (c) 2018 Microsoft
+**************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#include
+#include
+#include
+
+#include
+#include
+
+#include
+
+#define CUDA_KERNEL_LOOP(i, n) \
+ for (int i = blockIdx.x * blockDim.x + threadIdx.x; \
+ i < (n); \
+ i += blockDim.x * gridDim.x)
+
+const int CUDA_NUM_THREADS = 1024;
+inline int GET_BLOCKS(const int N, const int num_threads)
+{
+ return (N + num_threads - 1) / num_threads;
+}
+
+
+template
+__device__ scalar_t ms_deform_attn_im2col_bilinear(const scalar_t* &bottom_data,
+ const int &height, const int &width, const int &nheads, const int &channels,
+ const scalar_t &h, const scalar_t &w, const int &m, const int &c)
+{
+ const int h_low = floor(h);
+ const int w_low = floor(w);
+ const int h_high = h_low + 1;
+ const int w_high = w_low + 1;
+
+ const scalar_t lh = h - h_low;
+ const scalar_t lw = w - w_low;
+ const scalar_t hh = 1 - lh, hw = 1 - lw;
+
+ const int w_stride = nheads * channels;
+ const int h_stride = width * w_stride;
+ const int h_low_ptr_offset = h_low * h_stride;
+ const int h_high_ptr_offset = h_low_ptr_offset + h_stride;
+ const int w_low_ptr_offset = w_low * w_stride;
+ const int w_high_ptr_offset = w_low_ptr_offset + w_stride;
+ const int base_ptr = m * channels + c;
+
+ scalar_t v1 = 0;
+ if (h_low >= 0 && w_low >= 0)
+ {
+ const int ptr1 = h_low_ptr_offset + w_low_ptr_offset + base_ptr;
+ v1 = bottom_data[ptr1];
+ }
+ scalar_t v2 = 0;
+ if (h_low >= 0 && w_high <= width - 1)
+ {
+ const int ptr2 = h_low_ptr_offset + w_high_ptr_offset + base_ptr;
+ v2 = bottom_data[ptr2];
+ }
+ scalar_t v3 = 0;
+ if (h_high <= height - 1 && w_low >= 0)
+ {
+ const int ptr3 = h_high_ptr_offset + w_low_ptr_offset + base_ptr;
+ v3 = bottom_data[ptr3];
+ }
+ scalar_t v4 = 0;
+ if (h_high <= height - 1 && w_high <= width - 1)
+ {
+ const int ptr4 = h_high_ptr_offset + w_high_ptr_offset + base_ptr;
+ v4 = bottom_data[ptr4];
+ }
+
+ const scalar_t w1 = hh * hw, w2 = hh * lw, w3 = lh * hw, w4 = lh * lw;
+
+ const scalar_t val = (w1 * v1 + w2 * v2 + w3 * v3 + w4 * v4);
+ return val;
+}
+
+
+template
+__device__ void ms_deform_attn_col2im_bilinear(const scalar_t* &bottom_data,
+ const int &height, const int &width, const int &nheads, const int &channels,
+ const scalar_t &h, const scalar_t &w, const int &m, const int &c,
+ const scalar_t &top_grad,
+ const scalar_t &attn_weight,
+ scalar_t* &grad_value,
+ scalar_t* grad_sampling_loc,
+ scalar_t* grad_attn_weight)
+{
+ const int h_low = floor(h);
+ const int w_low = floor(w);
+ const int h_high = h_low + 1;
+ const int w_high = w_low + 1;
+
+ const scalar_t lh = h - h_low;
+ const scalar_t lw = w - w_low;
+ const scalar_t hh = 1 - lh, hw = 1 - lw;
+
+ const int w_stride = nheads * channels;
+ const int h_stride = width * w_stride;
+ const int h_low_ptr_offset = h_low * h_stride;
+ const int h_high_ptr_offset = h_low_ptr_offset + h_stride;
+ const int w_low_ptr_offset = w_low * w_stride;
+ const int w_high_ptr_offset = w_low_ptr_offset + w_stride;
+ const int base_ptr = m * channels + c;
+
+ const scalar_t w1 = hh * hw, w2 = hh * lw, w3 = lh * hw, w4 = lh * lw;
+ const scalar_t top_grad_value = top_grad * attn_weight;
+ scalar_t grad_h_weight = 0, grad_w_weight = 0;
+
+ scalar_t v1 = 0;
+ if (h_low >= 0 && w_low >= 0)
+ {
+ const int ptr1 = h_low_ptr_offset + w_low_ptr_offset + base_ptr;
+ v1 = bottom_data[ptr1];
+ grad_h_weight -= hw * v1;
+ grad_w_weight -= hh * v1;
+ atomicAdd(grad_value+ptr1, w1*top_grad_value);
+ }
+ scalar_t v2 = 0;
+ if (h_low >= 0 && w_high <= width - 1)
+ {
+ const int ptr2 = h_low_ptr_offset + w_high_ptr_offset + base_ptr;
+ v2 = bottom_data[ptr2];
+ grad_h_weight -= lw * v2;
+ grad_w_weight += hh * v2;
+ atomicAdd(grad_value+ptr2, w2*top_grad_value);
+ }
+ scalar_t v3 = 0;
+ if (h_high <= height - 1 && w_low >= 0)
+ {
+ const int ptr3 = h_high_ptr_offset + w_low_ptr_offset + base_ptr;
+ v3 = bottom_data[ptr3];
+ grad_h_weight += hw * v3;
+ grad_w_weight -= lh * v3;
+ atomicAdd(grad_value+ptr3, w3*top_grad_value);
+ }
+ scalar_t v4 = 0;
+ if (h_high <= height - 1 && w_high <= width - 1)
+ {
+ const int ptr4 = h_high_ptr_offset + w_high_ptr_offset + base_ptr;
+ v4 = bottom_data[ptr4];
+ grad_h_weight += lw * v4;
+ grad_w_weight += lh * v4;
+ atomicAdd(grad_value+ptr4, w4*top_grad_value);
+ }
+
+ const scalar_t val = (w1 * v1 + w2 * v2 + w3 * v3 + w4 * v4);
+ *grad_attn_weight = top_grad * val;
+ *grad_sampling_loc = width * grad_w_weight * top_grad_value;
+ *(grad_sampling_loc + 1) = height * grad_h_weight * top_grad_value;
+}
+
+
+template
+__device__ void ms_deform_attn_col2im_bilinear_gm(const scalar_t* &bottom_data,
+ const int &height, const int &width, const int &nheads, const int &channels,
+ const scalar_t &h, const scalar_t &w, const int &m, const int &c,
+ const scalar_t &top_grad,
+ const scalar_t &attn_weight,
+ scalar_t* &grad_value,
+ scalar_t* grad_sampling_loc,
+ scalar_t* grad_attn_weight)
+{
+ const int h_low = floor(h);
+ const int w_low = floor(w);
+ const int h_high = h_low + 1;
+ const int w_high = w_low + 1;
+
+ const scalar_t lh = h - h_low;
+ const scalar_t lw = w - w_low;
+ const scalar_t hh = 1 - lh, hw = 1 - lw;
+
+ const int w_stride = nheads * channels;
+ const int h_stride = width * w_stride;
+ const int h_low_ptr_offset = h_low * h_stride;
+ const int h_high_ptr_offset = h_low_ptr_offset + h_stride;
+ const int w_low_ptr_offset = w_low * w_stride;
+ const int w_high_ptr_offset = w_low_ptr_offset + w_stride;
+ const int base_ptr = m * channels + c;
+
+ const scalar_t w1 = hh * hw, w2 = hh * lw, w3 = lh * hw, w4 = lh * lw;
+ const scalar_t top_grad_value = top_grad * attn_weight;
+ scalar_t grad_h_weight = 0, grad_w_weight = 0;
+
+ scalar_t v1 = 0;
+ if (h_low >= 0 && w_low >= 0)
+ {
+ const int ptr1 = h_low_ptr_offset + w_low_ptr_offset + base_ptr;
+ v1 = bottom_data[ptr1];
+ grad_h_weight -= hw * v1;
+ grad_w_weight -= hh * v1;
+ atomicAdd(grad_value+ptr1, w1*top_grad_value);
+ }
+ scalar_t v2 = 0;
+ if (h_low >= 0 && w_high <= width - 1)
+ {
+ const int ptr2 = h_low_ptr_offset + w_high_ptr_offset + base_ptr;
+ v2 = bottom_data[ptr2];
+ grad_h_weight -= lw * v2;
+ grad_w_weight += hh * v2;
+ atomicAdd(grad_value+ptr2, w2*top_grad_value);
+ }
+ scalar_t v3 = 0;
+ if (h_high <= height - 1 && w_low >= 0)
+ {
+ const int ptr3 = h_high_ptr_offset + w_low_ptr_offset + base_ptr;
+ v3 = bottom_data[ptr3];
+ grad_h_weight += hw * v3;
+ grad_w_weight -= lh * v3;
+ atomicAdd(grad_value+ptr3, w3*top_grad_value);
+ }
+ scalar_t v4 = 0;
+ if (h_high <= height - 1 && w_high <= width - 1)
+ {
+ const int ptr4 = h_high_ptr_offset + w_high_ptr_offset + base_ptr;
+ v4 = bottom_data[ptr4];
+ grad_h_weight += lw * v4;
+ grad_w_weight += lh * v4;
+ atomicAdd(grad_value+ptr4, w4*top_grad_value);
+ }
+
+ const scalar_t val = (w1 * v1 + w2 * v2 + w3 * v3 + w4 * v4);
+ atomicAdd(grad_attn_weight, top_grad * val);
+ atomicAdd(grad_sampling_loc, width * grad_w_weight * top_grad_value);
+ atomicAdd(grad_sampling_loc + 1, height * grad_h_weight * top_grad_value);
+}
+
+
+template
+__global__ void ms_deformable_im2col_gpu_kernel(const int n,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *data_col)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ scalar_t *data_col_ptr = data_col + index;
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+ scalar_t col = 0;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const scalar_t *data_value_ptr = data_value + (data_value_ptr_init_offset + level_start_id * qid_stride);
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ col += ms_deform_attn_im2col_bilinear(data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col) * weight;
+ }
+
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ }
+ }
+ *data_col_ptr = col;
+ }
+}
+
+template
+__global__ void ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1(const int n,
+ const scalar_t *grad_col,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *grad_value,
+ scalar_t *grad_sampling_loc,
+ scalar_t *grad_attn_weight)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ __shared__ scalar_t cache_grad_sampling_loc[blockSize * 2];
+ __shared__ scalar_t cache_grad_attn_weight[blockSize];
+ unsigned int tid = threadIdx.x;
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ const scalar_t top_grad = grad_col[index];
+
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int grad_sampling_ptr = data_weight_ptr;
+ grad_sampling_loc += grad_sampling_ptr << 1;
+ grad_attn_weight += grad_sampling_ptr;
+ const int grad_weight_stride = 1;
+ const int grad_loc_stride = 2;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const int value_ptr_offset = data_value_ptr_init_offset + level_start_id * qid_stride;
+ const scalar_t *data_value_ptr = data_value + value_ptr_offset;
+ scalar_t *grad_value_ptr = grad_value + value_ptr_offset;
+
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+ *(cache_grad_sampling_loc+(threadIdx.x << 1)) = 0;
+ *(cache_grad_sampling_loc+((threadIdx.x << 1) + 1)) = 0;
+ *(cache_grad_attn_weight+threadIdx.x)=0;
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ ms_deform_attn_col2im_bilinear(
+ data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col,
+ top_grad, weight, grad_value_ptr,
+ cache_grad_sampling_loc+(threadIdx.x << 1), cache_grad_attn_weight+threadIdx.x);
+ }
+
+ __syncthreads();
+ if (tid == 0)
+ {
+ scalar_t _grad_w=cache_grad_sampling_loc[0], _grad_h=cache_grad_sampling_loc[1], _grad_a=cache_grad_attn_weight[0];
+ int sid=2;
+ for (unsigned int tid = 1; tid < blockSize; ++tid)
+ {
+ _grad_w += cache_grad_sampling_loc[sid];
+ _grad_h += cache_grad_sampling_loc[sid + 1];
+ _grad_a += cache_grad_attn_weight[tid];
+ sid += 2;
+ }
+
+
+ *grad_sampling_loc = _grad_w;
+ *(grad_sampling_loc + 1) = _grad_h;
+ *grad_attn_weight = _grad_a;
+ }
+ __syncthreads();
+
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ grad_attn_weight += grad_weight_stride;
+ grad_sampling_loc += grad_loc_stride;
+ }
+ }
+ }
+}
+
+
+template
+__global__ void ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v2(const int n,
+ const scalar_t *grad_col,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *grad_value,
+ scalar_t *grad_sampling_loc,
+ scalar_t *grad_attn_weight)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ __shared__ scalar_t cache_grad_sampling_loc[blockSize * 2];
+ __shared__ scalar_t cache_grad_attn_weight[blockSize];
+ unsigned int tid = threadIdx.x;
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ const scalar_t top_grad = grad_col[index];
+
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int grad_sampling_ptr = data_weight_ptr;
+ grad_sampling_loc += grad_sampling_ptr << 1;
+ grad_attn_weight += grad_sampling_ptr;
+ const int grad_weight_stride = 1;
+ const int grad_loc_stride = 2;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const int value_ptr_offset = data_value_ptr_init_offset + level_start_id * qid_stride;
+ const scalar_t *data_value_ptr = data_value + value_ptr_offset;
+ scalar_t *grad_value_ptr = grad_value + value_ptr_offset;
+
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+ *(cache_grad_sampling_loc+(threadIdx.x << 1)) = 0;
+ *(cache_grad_sampling_loc+((threadIdx.x << 1) + 1)) = 0;
+ *(cache_grad_attn_weight+threadIdx.x)=0;
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ ms_deform_attn_col2im_bilinear(
+ data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col,
+ top_grad, weight, grad_value_ptr,
+ cache_grad_sampling_loc+(threadIdx.x << 1), cache_grad_attn_weight+threadIdx.x);
+ }
+
+ __syncthreads();
+
+ for (unsigned int s=blockSize/2; s>0; s>>=1)
+ {
+ if (tid < s) {
+ const unsigned int xid1 = tid << 1;
+ const unsigned int xid2 = (tid + s) << 1;
+ cache_grad_attn_weight[tid] += cache_grad_attn_weight[tid + s];
+ cache_grad_sampling_loc[xid1] += cache_grad_sampling_loc[xid2];
+ cache_grad_sampling_loc[xid1 + 1] += cache_grad_sampling_loc[xid2 + 1];
+ }
+ __syncthreads();
+ }
+
+ if (tid == 0)
+ {
+ *grad_sampling_loc = cache_grad_sampling_loc[0];
+ *(grad_sampling_loc + 1) = cache_grad_sampling_loc[1];
+ *grad_attn_weight = cache_grad_attn_weight[0];
+ }
+ __syncthreads();
+
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ grad_attn_weight += grad_weight_stride;
+ grad_sampling_loc += grad_loc_stride;
+ }
+ }
+ }
+}
+
+
+template
+__global__ void ms_deformable_col2im_gpu_kernel_shm_reduce_v1(const int n,
+ const scalar_t *grad_col,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *grad_value,
+ scalar_t *grad_sampling_loc,
+ scalar_t *grad_attn_weight)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ extern __shared__ int _s[];
+ scalar_t* cache_grad_sampling_loc = (scalar_t*)_s;
+ scalar_t* cache_grad_attn_weight = cache_grad_sampling_loc + 2 * blockDim.x;
+ unsigned int tid = threadIdx.x;
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ const scalar_t top_grad = grad_col[index];
+
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int grad_sampling_ptr = data_weight_ptr;
+ grad_sampling_loc += grad_sampling_ptr << 1;
+ grad_attn_weight += grad_sampling_ptr;
+ const int grad_weight_stride = 1;
+ const int grad_loc_stride = 2;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const int value_ptr_offset = data_value_ptr_init_offset + level_start_id * qid_stride;
+ const scalar_t *data_value_ptr = data_value + value_ptr_offset;
+ scalar_t *grad_value_ptr = grad_value + value_ptr_offset;
+
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+ *(cache_grad_sampling_loc+(threadIdx.x << 1)) = 0;
+ *(cache_grad_sampling_loc+((threadIdx.x << 1) + 1)) = 0;
+ *(cache_grad_attn_weight+threadIdx.x)=0;
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ ms_deform_attn_col2im_bilinear(
+ data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col,
+ top_grad, weight, grad_value_ptr,
+ cache_grad_sampling_loc+(threadIdx.x << 1), cache_grad_attn_weight+threadIdx.x);
+ }
+
+ __syncthreads();
+ if (tid == 0)
+ {
+ scalar_t _grad_w=cache_grad_sampling_loc[0], _grad_h=cache_grad_sampling_loc[1], _grad_a=cache_grad_attn_weight[0];
+ int sid=2;
+ for (unsigned int tid = 1; tid < blockDim.x; ++tid)
+ {
+ _grad_w += cache_grad_sampling_loc[sid];
+ _grad_h += cache_grad_sampling_loc[sid + 1];
+ _grad_a += cache_grad_attn_weight[tid];
+ sid += 2;
+ }
+
+
+ *grad_sampling_loc = _grad_w;
+ *(grad_sampling_loc + 1) = _grad_h;
+ *grad_attn_weight = _grad_a;
+ }
+ __syncthreads();
+
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ grad_attn_weight += grad_weight_stride;
+ grad_sampling_loc += grad_loc_stride;
+ }
+ }
+ }
+}
+
+template
+__global__ void ms_deformable_col2im_gpu_kernel_shm_reduce_v2(const int n,
+ const scalar_t *grad_col,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *grad_value,
+ scalar_t *grad_sampling_loc,
+ scalar_t *grad_attn_weight)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ extern __shared__ int _s[];
+ scalar_t* cache_grad_sampling_loc = (scalar_t*)_s;
+ scalar_t* cache_grad_attn_weight = cache_grad_sampling_loc + 2 * blockDim.x;
+ unsigned int tid = threadIdx.x;
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ const scalar_t top_grad = grad_col[index];
+
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int grad_sampling_ptr = data_weight_ptr;
+ grad_sampling_loc += grad_sampling_ptr << 1;
+ grad_attn_weight += grad_sampling_ptr;
+ const int grad_weight_stride = 1;
+ const int grad_loc_stride = 2;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const int value_ptr_offset = data_value_ptr_init_offset + level_start_id * qid_stride;
+ const scalar_t *data_value_ptr = data_value + value_ptr_offset;
+ scalar_t *grad_value_ptr = grad_value + value_ptr_offset;
+
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+ *(cache_grad_sampling_loc+(threadIdx.x << 1)) = 0;
+ *(cache_grad_sampling_loc+((threadIdx.x << 1) + 1)) = 0;
+ *(cache_grad_attn_weight+threadIdx.x)=0;
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ ms_deform_attn_col2im_bilinear(
+ data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col,
+ top_grad, weight, grad_value_ptr,
+ cache_grad_sampling_loc+(threadIdx.x << 1), cache_grad_attn_weight+threadIdx.x);
+ }
+
+ __syncthreads();
+
+ for (unsigned int s=blockDim.x/2, spre=blockDim.x; s>0; s>>=1, spre>>=1)
+ {
+ if (tid < s) {
+ const unsigned int xid1 = tid << 1;
+ const unsigned int xid2 = (tid + s) << 1;
+ cache_grad_attn_weight[tid] += cache_grad_attn_weight[tid + s];
+ cache_grad_sampling_loc[xid1] += cache_grad_sampling_loc[xid2];
+ cache_grad_sampling_loc[xid1 + 1] += cache_grad_sampling_loc[xid2 + 1];
+ if (tid + (s << 1) < spre)
+ {
+ cache_grad_attn_weight[tid] += cache_grad_attn_weight[tid + (s << 1)];
+ cache_grad_sampling_loc[xid1] += cache_grad_sampling_loc[xid2 + (s << 1)];
+ cache_grad_sampling_loc[xid1 + 1] += cache_grad_sampling_loc[xid2 + 1 + (s << 1)];
+ }
+ }
+ __syncthreads();
+ }
+
+ if (tid == 0)
+ {
+ *grad_sampling_loc = cache_grad_sampling_loc[0];
+ *(grad_sampling_loc + 1) = cache_grad_sampling_loc[1];
+ *grad_attn_weight = cache_grad_attn_weight[0];
+ }
+ __syncthreads();
+
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ grad_attn_weight += grad_weight_stride;
+ grad_sampling_loc += grad_loc_stride;
+ }
+ }
+ }
+}
+
+template
+__global__ void ms_deformable_col2im_gpu_kernel_shm_reduce_v2_multi_blocks(const int n,
+ const scalar_t *grad_col,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *grad_value,
+ scalar_t *grad_sampling_loc,
+ scalar_t *grad_attn_weight)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ extern __shared__ int _s[];
+ scalar_t* cache_grad_sampling_loc = (scalar_t*)_s;
+ scalar_t* cache_grad_attn_weight = cache_grad_sampling_loc + 2 * blockDim.x;
+ unsigned int tid = threadIdx.x;
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ const scalar_t top_grad = grad_col[index];
+
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int grad_sampling_ptr = data_weight_ptr;
+ grad_sampling_loc += grad_sampling_ptr << 1;
+ grad_attn_weight += grad_sampling_ptr;
+ const int grad_weight_stride = 1;
+ const int grad_loc_stride = 2;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const int value_ptr_offset = data_value_ptr_init_offset + level_start_id * qid_stride;
+ const scalar_t *data_value_ptr = data_value + value_ptr_offset;
+ scalar_t *grad_value_ptr = grad_value + value_ptr_offset;
+
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+ *(cache_grad_sampling_loc+(threadIdx.x << 1)) = 0;
+ *(cache_grad_sampling_loc+((threadIdx.x << 1) + 1)) = 0;
+ *(cache_grad_attn_weight+threadIdx.x)=0;
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ ms_deform_attn_col2im_bilinear(
+ data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col,
+ top_grad, weight, grad_value_ptr,
+ cache_grad_sampling_loc+(threadIdx.x << 1), cache_grad_attn_weight+threadIdx.x);
+ }
+
+ __syncthreads();
+
+ for (unsigned int s=blockDim.x/2, spre=blockDim.x; s>0; s>>=1, spre>>=1)
+ {
+ if (tid < s) {
+ const unsigned int xid1 = tid << 1;
+ const unsigned int xid2 = (tid + s) << 1;
+ cache_grad_attn_weight[tid] += cache_grad_attn_weight[tid + s];
+ cache_grad_sampling_loc[xid1] += cache_grad_sampling_loc[xid2];
+ cache_grad_sampling_loc[xid1 + 1] += cache_grad_sampling_loc[xid2 + 1];
+ if (tid + (s << 1) < spre)
+ {
+ cache_grad_attn_weight[tid] += cache_grad_attn_weight[tid + (s << 1)];
+ cache_grad_sampling_loc[xid1] += cache_grad_sampling_loc[xid2 + (s << 1)];
+ cache_grad_sampling_loc[xid1 + 1] += cache_grad_sampling_loc[xid2 + 1 + (s << 1)];
+ }
+ }
+ __syncthreads();
+ }
+
+ if (tid == 0)
+ {
+ atomicAdd(grad_sampling_loc, cache_grad_sampling_loc[0]);
+ atomicAdd(grad_sampling_loc + 1, cache_grad_sampling_loc[1]);
+ atomicAdd(grad_attn_weight, cache_grad_attn_weight[0]);
+ }
+ __syncthreads();
+
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ grad_attn_weight += grad_weight_stride;
+ grad_sampling_loc += grad_loc_stride;
+ }
+ }
+ }
+}
+
+
+template
+__global__ void ms_deformable_col2im_gpu_kernel_gm(const int n,
+ const scalar_t *grad_col,
+ const scalar_t *data_value,
+ const int64_t *data_spatial_shapes,
+ const int64_t *data_level_start_index,
+ const scalar_t *data_sampling_loc,
+ const scalar_t *data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t *grad_value,
+ scalar_t *grad_sampling_loc,
+ scalar_t *grad_attn_weight)
+{
+ CUDA_KERNEL_LOOP(index, n)
+ {
+ int _temp = index;
+ const int c_col = _temp % channels;
+ _temp /= channels;
+ const int sampling_index = _temp;
+ const int m_col = _temp % num_heads;
+ _temp /= num_heads;
+ const int q_col = _temp % num_query;
+ _temp /= num_query;
+ const int b_col = _temp;
+
+ const scalar_t top_grad = grad_col[index];
+
+ int data_weight_ptr = sampling_index * num_levels * num_point;
+ int data_loc_w_ptr = data_weight_ptr << 1;
+ const int grad_sampling_ptr = data_weight_ptr;
+ grad_sampling_loc += grad_sampling_ptr << 1;
+ grad_attn_weight += grad_sampling_ptr;
+ const int grad_weight_stride = 1;
+ const int grad_loc_stride = 2;
+ const int qid_stride = num_heads * channels;
+ const int data_value_ptr_init_offset = b_col * spatial_size * qid_stride;
+
+ for (int l_col=0; l_col < num_levels; ++l_col)
+ {
+ const int level_start_id = data_level_start_index[l_col];
+ const int spatial_h_ptr = l_col << 1;
+ const int spatial_h = data_spatial_shapes[spatial_h_ptr];
+ const int spatial_w = data_spatial_shapes[spatial_h_ptr + 1];
+ const int value_ptr_offset = data_value_ptr_init_offset + level_start_id * qid_stride;
+ const scalar_t *data_value_ptr = data_value + value_ptr_offset;
+ scalar_t *grad_value_ptr = grad_value + value_ptr_offset;
+
+ for (int p_col=0; p_col < num_point; ++p_col)
+ {
+ const scalar_t loc_w = data_sampling_loc[data_loc_w_ptr];
+ const scalar_t loc_h = data_sampling_loc[data_loc_w_ptr + 1];
+ const scalar_t weight = data_attn_weight[data_weight_ptr];
+
+ const scalar_t h_im = loc_h * spatial_h - 0.5;
+ const scalar_t w_im = loc_w * spatial_w - 0.5;
+ if (h_im > -1 && w_im > -1 && h_im < spatial_h && w_im < spatial_w)
+ {
+ ms_deform_attn_col2im_bilinear_gm(
+ data_value_ptr, spatial_h, spatial_w, num_heads, channels, h_im, w_im, m_col, c_col,
+ top_grad, weight, grad_value_ptr,
+ grad_sampling_loc, grad_attn_weight);
+ }
+ data_weight_ptr += 1;
+ data_loc_w_ptr += 2;
+ grad_attn_weight += grad_weight_stride;
+ grad_sampling_loc += grad_loc_stride;
+ }
+ }
+ }
+}
+
+
+template
+void ms_deformable_im2col_cuda(cudaStream_t stream,
+ const scalar_t* data_value,
+ const int64_t* data_spatial_shapes,
+ const int64_t* data_level_start_index,
+ const scalar_t* data_sampling_loc,
+ const scalar_t* data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t* data_col)
+{
+ const int num_kernels = batch_size * num_query * num_heads * channels;
+ const int num_actual_kernels = batch_size * num_query * num_heads * channels;
+ const int num_threads = CUDA_NUM_THREADS;
+ ms_deformable_im2col_gpu_kernel
+ <<>>(
+ num_kernels, data_value, data_spatial_shapes, data_level_start_index, data_sampling_loc, data_attn_weight,
+ batch_size, spatial_size, num_heads, channels, num_levels, num_query, num_point, data_col);
+
+ cudaError_t err = cudaGetLastError();
+ if (err != cudaSuccess)
+ {
+ printf("error in ms_deformable_im2col_cuda: %s\n", cudaGetErrorString(err));
+ }
+
+}
+
+template
+void ms_deformable_col2im_cuda(cudaStream_t stream,
+ const scalar_t* grad_col,
+ const scalar_t* data_value,
+ const int64_t * data_spatial_shapes,
+ const int64_t * data_level_start_index,
+ const scalar_t * data_sampling_loc,
+ const scalar_t * data_attn_weight,
+ const int batch_size,
+ const int spatial_size,
+ const int num_heads,
+ const int channels,
+ const int num_levels,
+ const int num_query,
+ const int num_point,
+ scalar_t* grad_value,
+ scalar_t* grad_sampling_loc,
+ scalar_t* grad_attn_weight)
+{
+ const int num_threads = (channels > CUDA_NUM_THREADS)?CUDA_NUM_THREADS:channels;
+ const int num_kernels = batch_size * num_query * num_heads * channels;
+ const int num_actual_kernels = batch_size * num_query * num_heads * channels;
+ if (channels > 1024)
+ {
+ if ((channels & 1023) == 0)
+ {
+ ms_deformable_col2im_gpu_kernel_shm_reduce_v2_multi_blocks
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ }
+ else
+ {
+ ms_deformable_col2im_gpu_kernel_gm
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ }
+ }
+ else{
+ switch(channels)
+ {
+ case 1:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 2:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 4:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 8:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 16:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 32:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 64:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v2
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 128:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v2
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 256:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v2
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 512:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v2
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ case 1024:
+ ms_deformable_col2im_gpu_kernel_shm_blocksize_aware_reduce_v2
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ break;
+ default:
+ if (channels < 64)
+ {
+ ms_deformable_col2im_gpu_kernel_shm_reduce_v1
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ }
+ else
+ {
+ ms_deformable_col2im_gpu_kernel_shm_reduce_v2
+ <<>>(
+ num_kernels,
+ grad_col,
+ data_value,
+ data_spatial_shapes,
+ data_level_start_index,
+ data_sampling_loc,
+ data_attn_weight,
+ batch_size,
+ spatial_size,
+ num_heads,
+ channels,
+ num_levels,
+ num_query,
+ num_point,
+ grad_value,
+ grad_sampling_loc,
+ grad_attn_weight);
+ }
+ }
+ }
+ cudaError_t err = cudaGetLastError();
+ if (err != cudaSuccess)
+ {
+ printf("error in ms_deformable_col2im_cuda: %s\n", cudaGetErrorString(err));
+ }
+
+}
\ No newline at end of file
diff --git a/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h b/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h
new file mode 100644
index 0000000000000000000000000000000000000000..bc2c0bfc75a7ab5351094af70bca99bf2b13cd86
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/ms_deform_attn.h
@@ -0,0 +1,67 @@
+/*!
+**************************************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************************************
+* Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+**************************************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#pragma once
+
+#include "cpu/ms_deform_attn_cpu.h"
+
+#ifdef WITH_CUDA
+#include "cuda/ms_deform_attn_cuda.h"
+#endif
+
+
+at::Tensor
+ms_deform_attn_forward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const int im2col_step)
+{
+ if (value.type().is_cuda())
+ {
+#ifdef WITH_CUDA
+ return ms_deform_attn_cuda_forward(
+ value, spatial_shapes, level_start_index, sampling_loc, attn_weight, im2col_step);
+#else
+ AT_ERROR("Not compiled with GPU support");
+#endif
+ }
+ AT_ERROR("Not implemented on the CPU");
+}
+
+std::vector
+ms_deform_attn_backward(
+ const at::Tensor &value,
+ const at::Tensor &spatial_shapes,
+ const at::Tensor &level_start_index,
+ const at::Tensor &sampling_loc,
+ const at::Tensor &attn_weight,
+ const at::Tensor &grad_output,
+ const int im2col_step)
+{
+ if (value.type())
+ {
+#ifdef WITH_CUDA
+ return ms_deform_attn_cuda_backward(
+ value, spatial_shapes, level_start_index, sampling_loc, attn_weight, grad_output, im2col_step);
+#else
+ AT_ERROR("Not compiled with GPU support");
+#endif
+ }
+ AT_ERROR("Not implemented on the CPU");
+}
+
diff --git a/mask2former/modeling/pixel_decoder/ops/src/vision.cpp b/mask2former/modeling/pixel_decoder/ops/src/vision.cpp
new file mode 100644
index 0000000000000000000000000000000000000000..4a08821e0121a77556aa7a263ec8ebfa928b13b6
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/src/vision.cpp
@@ -0,0 +1,21 @@
+/*!
+**************************************************************************************************
+* Deformable DETR
+* Copyright (c) 2020 SenseTime. All Rights Reserved.
+* Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+**************************************************************************************************
+* Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+**************************************************************************************************
+*/
+
+/*!
+* Copyright (c) Facebook, Inc. and its affiliates.
+* Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+*/
+
+#include "ms_deform_attn.h"
+
+PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) {
+ m.def("ms_deform_attn_forward", &ms_deform_attn_forward, "ms_deform_attn_forward");
+ m.def("ms_deform_attn_backward", &ms_deform_attn_backward, "ms_deform_attn_backward");
+}
diff --git a/mask2former/modeling/pixel_decoder/ops/test.py b/mask2former/modeling/pixel_decoder/ops/test.py
new file mode 100644
index 0000000000000000000000000000000000000000..6e1b545459f6fd3235767e721eb5a1090ae14bef
--- /dev/null
+++ b/mask2former/modeling/pixel_decoder/ops/test.py
@@ -0,0 +1,92 @@
+# ------------------------------------------------------------------------------------------------
+# Deformable DETR
+# Copyright (c) 2020 SenseTime. All Rights Reserved.
+# Licensed under the Apache License, Version 2.0 [see LICENSE for details]
+# ------------------------------------------------------------------------------------------------
+# Modified from https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/tree/pytorch_1.0.0
+# ------------------------------------------------------------------------------------------------
+
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/fundamentalvision/Deformable-DETR
+
+from __future__ import absolute_import
+from __future__ import print_function
+from __future__ import division
+
+import time
+import torch
+import torch.nn as nn
+from torch.autograd import gradcheck
+
+from functions.ms_deform_attn_func import MSDeformAttnFunction, ms_deform_attn_core_pytorch
+
+
+N, M, D = 1, 2, 2
+Lq, L, P = 2, 2, 2
+shapes = torch.as_tensor([(6, 4), (3, 2)], dtype=torch.long).cuda()
+level_start_index = torch.cat((shapes.new_zeros((1, )), shapes.prod(1).cumsum(0)[:-1]))
+S = sum([(H*W).item() for H, W in shapes])
+
+
+torch.manual_seed(3)
+
+
+@torch.no_grad()
+def check_forward_equal_with_pytorch_double():
+ value = torch.rand(N, S, M, D).cuda() * 0.01
+ sampling_locations = torch.rand(N, Lq, M, L, P, 2).cuda()
+ attention_weights = torch.rand(N, Lq, M, L, P).cuda() + 1e-5
+ attention_weights /= attention_weights.sum(-1, keepdim=True).sum(-2, keepdim=True)
+ im2col_step = 2
+ output_pytorch = ms_deform_attn_core_pytorch(value.double(), shapes, sampling_locations.double(), attention_weights.double()).detach().cpu()
+ output_cuda = MSDeformAttnFunction.apply(value.double(), shapes, level_start_index, sampling_locations.double(), attention_weights.double(), im2col_step).detach().cpu()
+ fwdok = torch.allclose(output_cuda, output_pytorch)
+ max_abs_err = (output_cuda - output_pytorch).abs().max()
+ max_rel_err = ((output_cuda - output_pytorch).abs() / output_pytorch.abs()).max()
+
+ print(f'* {fwdok} check_forward_equal_with_pytorch_double: max_abs_err {max_abs_err:.2e} max_rel_err {max_rel_err:.2e}')
+
+
+@torch.no_grad()
+def check_forward_equal_with_pytorch_float():
+ value = torch.rand(N, S, M, D).cuda() * 0.01
+ sampling_locations = torch.rand(N, Lq, M, L, P, 2).cuda()
+ attention_weights = torch.rand(N, Lq, M, L, P).cuda() + 1e-5
+ attention_weights /= attention_weights.sum(-1, keepdim=True).sum(-2, keepdim=True)
+ im2col_step = 2
+ output_pytorch = ms_deform_attn_core_pytorch(value, shapes, sampling_locations, attention_weights).detach().cpu()
+ output_cuda = MSDeformAttnFunction.apply(value, shapes, level_start_index, sampling_locations, attention_weights, im2col_step).detach().cpu()
+ fwdok = torch.allclose(output_cuda, output_pytorch, rtol=1e-2, atol=1e-3)
+ max_abs_err = (output_cuda - output_pytorch).abs().max()
+ max_rel_err = ((output_cuda - output_pytorch).abs() / output_pytorch.abs()).max()
+
+ print(f'* {fwdok} check_forward_equal_with_pytorch_float: max_abs_err {max_abs_err:.2e} max_rel_err {max_rel_err:.2e}')
+
+
+def check_gradient_numerical(channels=4, grad_value=True, grad_sampling_loc=True, grad_attn_weight=True):
+
+ value = torch.rand(N, S, M, channels).cuda() * 0.01
+ sampling_locations = torch.rand(N, Lq, M, L, P, 2).cuda()
+ attention_weights = torch.rand(N, Lq, M, L, P).cuda() + 1e-5
+ attention_weights /= attention_weights.sum(-1, keepdim=True).sum(-2, keepdim=True)
+ im2col_step = 2
+ func = MSDeformAttnFunction.apply
+
+ value.requires_grad = grad_value
+ sampling_locations.requires_grad = grad_sampling_loc
+ attention_weights.requires_grad = grad_attn_weight
+
+ gradok = gradcheck(func, (value.double(), shapes, level_start_index, sampling_locations.double(), attention_weights.double(), im2col_step))
+
+ print(f'* {gradok} check_gradient_numerical(D={channels})')
+
+
+if __name__ == '__main__':
+ check_forward_equal_with_pytorch_double()
+ check_forward_equal_with_pytorch_float()
+
+ for channels in [30, 32, 64, 71, 1025, 2048, 3096]:
+ check_gradient_numerical(channels, True, True, True)
+
+
+
diff --git a/mask2former/modeling/transformer_decoder/__init__.py b/mask2former/modeling/transformer_decoder/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..ddcf38e78f3bbb2380b0a246000bcb5e5b385619
--- /dev/null
+++ b/mask2former/modeling/transformer_decoder/__init__.py
@@ -0,0 +1,3 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+from .maskformer_transformer_decoder import StandardTransformerDecoder
+from .mask2former_transformer_decoder import MultiScaleMaskedTransformerDecoder
diff --git a/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py b/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py
new file mode 100644
index 0000000000000000000000000000000000000000..52594f62693e6bf48a4c140ba2fe7131a0317774
--- /dev/null
+++ b/mask2former/modeling/transformer_decoder/mask2former_transformer_decoder.py
@@ -0,0 +1,461 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from: https://github.com/facebookresearch/detr/blob/master/models/detr.py
+import logging
+import fvcore.nn.weight_init as weight_init
+from typing import Optional
+import torch
+from torch import nn, Tensor
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.layers import Conv2d
+
+from .position_encoding import PositionEmbeddingSine
+from .maskformer_transformer_decoder import TRANSFORMER_DECODER_REGISTRY
+
+
+class SelfAttentionLayer(nn.Module):
+
+ def __init__(self, d_model, nhead, dropout=0.0,
+ activation="relu", normalize_before=False):
+ super().__init__()
+ self.self_attn = nn.MultiheadAttention(d_model, nhead, dropout=dropout)
+
+ self.norm = nn.LayerNorm(d_model)
+ self.dropout = nn.Dropout(dropout)
+
+ self.activation = _get_activation_fn(activation)
+ self.normalize_before = normalize_before
+
+ self._reset_parameters()
+
+ def _reset_parameters(self):
+ for p in self.parameters():
+ if p.dim() > 1:
+ nn.init.xavier_uniform_(p)
+
+ def with_pos_embed(self, tensor, pos: Optional[Tensor]):
+ return tensor if pos is None else tensor + pos
+
+ def forward_post(self, tgt,
+ tgt_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None):
+ q = k = self.with_pos_embed(tgt, query_pos)
+ tgt2 = self.self_attn(q, k, value=tgt, attn_mask=tgt_mask,
+ key_padding_mask=tgt_key_padding_mask)[0]
+ tgt = tgt + self.dropout(tgt2)
+ tgt = self.norm(tgt)
+
+ return tgt
+
+ def forward_pre(self, tgt,
+ tgt_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None):
+ tgt2 = self.norm(tgt)
+ q = k = self.with_pos_embed(tgt2, query_pos)
+ tgt2 = self.self_attn(q, k, value=tgt2, attn_mask=tgt_mask,
+ key_padding_mask=tgt_key_padding_mask)[0]
+ tgt = tgt + self.dropout(tgt2)
+
+ return tgt
+
+ def forward(self, tgt,
+ tgt_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None):
+ if self.normalize_before:
+ return self.forward_pre(tgt, tgt_mask,
+ tgt_key_padding_mask, query_pos)
+ return self.forward_post(tgt, tgt_mask,
+ tgt_key_padding_mask, query_pos)
+
+
+class CrossAttentionLayer(nn.Module):
+
+ def __init__(self, d_model, nhead, dropout=0.0,
+ activation="relu", normalize_before=False):
+ super().__init__()
+ self.multihead_attn = nn.MultiheadAttention(d_model, nhead, dropout=dropout)
+
+ self.norm = nn.LayerNorm(d_model)
+ self.dropout = nn.Dropout(dropout)
+
+ self.activation = _get_activation_fn(activation)
+ self.normalize_before = normalize_before
+
+ self._reset_parameters()
+
+ def _reset_parameters(self):
+ for p in self.parameters():
+ if p.dim() > 1:
+ nn.init.xavier_uniform_(p)
+
+ def with_pos_embed(self, tensor, pos: Optional[Tensor]):
+ return tensor if pos is None else tensor + pos
+
+ def forward_post(self, tgt, memory,
+ memory_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None):
+ tgt2 = self.multihead_attn(query=self.with_pos_embed(tgt, query_pos),
+ key=self.with_pos_embed(memory, pos),
+ value=memory, attn_mask=memory_mask,
+ key_padding_mask=memory_key_padding_mask)[0]
+ tgt = tgt + self.dropout(tgt2)
+ tgt = self.norm(tgt)
+
+ return tgt
+
+ def forward_pre(self, tgt, memory,
+ memory_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None):
+ tgt2 = self.norm(tgt)
+ tgt2 = self.multihead_attn(query=self.with_pos_embed(tgt2, query_pos),
+ key=self.with_pos_embed(memory, pos),
+ value=memory, attn_mask=memory_mask,
+ key_padding_mask=memory_key_padding_mask)[0]
+ tgt = tgt + self.dropout(tgt2)
+
+ return tgt
+
+ def forward(self, tgt, memory,
+ memory_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None):
+ if self.normalize_before:
+ return self.forward_pre(tgt, memory, memory_mask,
+ memory_key_padding_mask, pos, query_pos)
+ return self.forward_post(tgt, memory, memory_mask,
+ memory_key_padding_mask, pos, query_pos)
+
+
+class FFNLayer(nn.Module):
+
+ def __init__(self, d_model, dim_feedforward=2048, dropout=0.0,
+ activation="relu", normalize_before=False):
+ super().__init__()
+ # Implementation of Feedforward model
+ self.linear1 = nn.Linear(d_model, dim_feedforward)
+ self.dropout = nn.Dropout(dropout)
+ self.linear2 = nn.Linear(dim_feedforward, d_model)
+
+ self.norm = nn.LayerNorm(d_model)
+
+ self.activation = _get_activation_fn(activation)
+ self.normalize_before = normalize_before
+
+ self._reset_parameters()
+
+ def _reset_parameters(self):
+ for p in self.parameters():
+ if p.dim() > 1:
+ nn.init.xavier_uniform_(p)
+
+ def with_pos_embed(self, tensor, pos: Optional[Tensor]):
+ return tensor if pos is None else tensor + pos
+
+ def forward_post(self, tgt):
+ tgt2 = self.linear2(self.dropout(self.activation(self.linear1(tgt))))
+ tgt = tgt + self.dropout(tgt2)
+ tgt = self.norm(tgt)
+ return tgt
+
+ def forward_pre(self, tgt):
+ tgt2 = self.norm(tgt)
+ tgt2 = self.linear2(self.dropout(self.activation(self.linear1(tgt2))))
+ tgt = tgt + self.dropout(tgt2)
+ return tgt
+
+ def forward(self, tgt):
+ if self.normalize_before:
+ return self.forward_pre(tgt)
+ return self.forward_post(tgt)
+
+
+def _get_activation_fn(activation):
+ """Return an activation function given a string"""
+ if activation == "relu":
+ return F.relu
+ if activation == "gelu":
+ return F.gelu
+ if activation == "glu":
+ return F.glu
+ raise RuntimeError(F"activation should be relu/gelu, not {activation}.")
+
+
+class MLP(nn.Module):
+ """ Very simple multi-layer perceptron (also called FFN)"""
+
+ def __init__(self, input_dim, hidden_dim, output_dim, num_layers):
+ super().__init__()
+ self.num_layers = num_layers
+ h = [hidden_dim] * (num_layers - 1)
+ self.layers = nn.ModuleList(nn.Linear(n, k) for n, k in zip([input_dim] + h, h + [output_dim]))
+
+ def forward(self, x):
+ for i, layer in enumerate(self.layers):
+ x = F.relu(layer(x)) if i < self.num_layers - 1 else layer(x)
+ return x
+
+
+@TRANSFORMER_DECODER_REGISTRY.register()
+class MultiScaleMaskedTransformerDecoder(nn.Module):
+
+ _version = 2
+
+ def _load_from_state_dict(
+ self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs
+ ):
+ version = local_metadata.get("version", None)
+ if version is None or version < 2:
+ # Do not warn if train from scratch
+ scratch = True
+ logger = logging.getLogger(__name__)
+ for k in list(state_dict.keys()):
+ newk = k
+ if "static_query" in k:
+ newk = k.replace("static_query", "query_feat")
+ if newk != k:
+ state_dict[newk] = state_dict[k]
+ del state_dict[k]
+ scratch = False
+
+ if not scratch:
+ logger.warning(
+ f"Weight format of {self.__class__.__name__} have changed! "
+ "Please upgrade your models. Applying automatic conversion now ..."
+ )
+
+ @configurable
+ def __init__(
+ self,
+ in_channels,
+ mask_classification=True,
+ *,
+ num_classes: int,
+ hidden_dim: int,
+ num_queries: int,
+ nheads: int,
+ dim_feedforward: int,
+ dec_layers: int,
+ pre_norm: bool,
+ mask_dim: int,
+ enforce_input_project: bool,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ in_channels: channels of the input features
+ mask_classification: whether to add mask classifier or not
+ num_classes: number of classes
+ hidden_dim: Transformer feature dimension
+ num_queries: number of queries
+ nheads: number of heads
+ dim_feedforward: feature dimension in feedforward network
+ enc_layers: number of Transformer encoder layers
+ dec_layers: number of Transformer decoder layers
+ pre_norm: whether to use pre-LayerNorm or not
+ mask_dim: mask feature dimension
+ enforce_input_project: add input project 1x1 conv even if input
+ channels and hidden dim is identical
+ """
+ super().__init__()
+
+ assert mask_classification, "Only support mask classification model"
+ self.mask_classification = mask_classification
+
+ # positional encoding
+ N_steps = hidden_dim // 2
+ self.pe_layer = PositionEmbeddingSine(N_steps, normalize=True)
+
+ # define Transformer decoder here
+ self.num_heads = nheads
+ self.num_layers = dec_layers
+ self.transformer_self_attention_layers = nn.ModuleList()
+ self.transformer_cross_attention_layers = nn.ModuleList()
+ self.transformer_ffn_layers = nn.ModuleList()
+
+ for _ in range(self.num_layers):
+ self.transformer_self_attention_layers.append(
+ SelfAttentionLayer(
+ d_model=hidden_dim,
+ nhead=nheads,
+ dropout=0.0,
+ normalize_before=pre_norm,
+ )
+ )
+
+ self.transformer_cross_attention_layers.append(
+ CrossAttentionLayer(
+ d_model=hidden_dim,
+ nhead=nheads,
+ dropout=0.0,
+ normalize_before=pre_norm,
+ )
+ )
+
+ self.transformer_ffn_layers.append(
+ FFNLayer(
+ d_model=hidden_dim,
+ dim_feedforward=dim_feedforward,
+ dropout=0.0,
+ normalize_before=pre_norm,
+ )
+ )
+
+ self.decoder_norm = nn.LayerNorm(hidden_dim)
+
+ self.num_queries = num_queries
+ # learnable query features
+ self.query_feat = nn.Embedding(num_queries, hidden_dim)
+ # learnable query p.e.
+ self.query_embed = nn.Embedding(num_queries, hidden_dim)
+
+ # level embedding (we always use 3 scales)
+ self.num_feature_levels = 3
+ self.level_embed = nn.Embedding(self.num_feature_levels, hidden_dim)
+ self.input_proj = nn.ModuleList()
+ for _ in range(self.num_feature_levels):
+ if in_channels != hidden_dim or enforce_input_project:
+ self.input_proj.append(Conv2d(in_channels, hidden_dim, kernel_size=1))
+ weight_init.c2_xavier_fill(self.input_proj[-1])
+ else:
+ self.input_proj.append(nn.Sequential())
+
+ # output FFNs
+ if self.mask_classification:
+ self.class_embed = nn.Linear(hidden_dim, num_classes + 1)
+ self.mask_embed = MLP(hidden_dim, hidden_dim, mask_dim, 3)
+
+ @classmethod
+ def from_config(cls, cfg, in_channels, mask_classification):
+ ret = {}
+ ret["in_channels"] = in_channels
+ ret["mask_classification"] = mask_classification
+
+ ret["num_classes"] = cfg.MODEL.SEM_SEG_HEAD.NUM_CLASSES
+ ret["hidden_dim"] = cfg.MODEL.MASK_FORMER.HIDDEN_DIM
+ ret["num_queries"] = cfg.MODEL.MASK_FORMER.NUM_OBJECT_QUERIES
+ # Transformer parameters:
+ ret["nheads"] = cfg.MODEL.MASK_FORMER.NHEADS
+ ret["dim_feedforward"] = cfg.MODEL.MASK_FORMER.DIM_FEEDFORWARD
+
+ # NOTE: because we add learnable query features which requires supervision,
+ # we add minus 1 to decoder layers to be consistent with our loss
+ # implementation: that is, number of auxiliary losses is always
+ # equal to number of decoder layers. With learnable query features, the number of
+ # auxiliary losses equals number of decoders plus 1.
+ assert cfg.MODEL.MASK_FORMER.DEC_LAYERS >= 1
+ ret["dec_layers"] = cfg.MODEL.MASK_FORMER.DEC_LAYERS - 1
+ ret["pre_norm"] = cfg.MODEL.MASK_FORMER.PRE_NORM
+ ret["enforce_input_project"] = cfg.MODEL.MASK_FORMER.ENFORCE_INPUT_PROJ
+
+ ret["mask_dim"] = cfg.MODEL.SEM_SEG_HEAD.MASK_DIM
+
+ return ret
+
+ def forward(self, x, mask_features, mask = None):
+ # x is a list of multi-scale feature
+ assert len(x) == self.num_feature_levels
+ src = []
+ pos = []
+ size_list = []
+
+ # disable mask, it does not affect performance
+ del mask
+
+ for i in range(self.num_feature_levels):
+ size_list.append(x[i].shape[-2:])
+ pos.append(self.pe_layer(x[i], None).flatten(2))
+ src.append(self.input_proj[i](x[i]).flatten(2) + self.level_embed.weight[i][None, :, None])
+
+ # flatten NxCxHxW to HWxNxC
+ pos[-1] = pos[-1].permute(2, 0, 1)
+ src[-1] = src[-1].permute(2, 0, 1)
+
+ _, bs, _ = src[0].shape
+
+ # QxNxC
+ query_embed = self.query_embed.weight.unsqueeze(1).repeat(1, bs, 1)
+ output = self.query_feat.weight.unsqueeze(1).repeat(1, bs, 1)
+
+ predictions_class = []
+ predictions_mask = []
+
+ # prediction heads on learnable query features
+ outputs_class, outputs_mask, attn_mask = self.forward_prediction_heads(output, mask_features, attn_mask_target_size=size_list[0])
+ predictions_class.append(outputs_class)
+ predictions_mask.append(outputs_mask)
+
+ for i in range(self.num_layers):
+ level_index = i % self.num_feature_levels
+ attn_mask[torch.where(attn_mask.sum(-1) == attn_mask.shape[-1])] = False
+ # attention: cross-attention first
+ output = self.transformer_cross_attention_layers[i](
+ output, src[level_index],
+ memory_mask=attn_mask,
+ memory_key_padding_mask=None, # here we do not apply masking on padded region
+ pos=pos[level_index], query_pos=query_embed
+ )
+
+ output = self.transformer_self_attention_layers[i](
+ output, tgt_mask=None,
+ tgt_key_padding_mask=None,
+ query_pos=query_embed
+ )
+
+ # FFN
+ output = self.transformer_ffn_layers[i](
+ output
+ )
+
+ outputs_class, outputs_mask, attn_mask = self.forward_prediction_heads(output, mask_features, attn_mask_target_size=size_list[(i + 1) % self.num_feature_levels])
+ predictions_class.append(outputs_class)
+ predictions_mask.append(outputs_mask)
+
+ assert len(predictions_class) == self.num_layers + 1
+
+ out = {
+ 'pred_logits': predictions_class[-1],
+ 'pred_masks': predictions_mask[-1],
+ 'aux_outputs': self._set_aux_loss(
+ predictions_class if self.mask_classification else None, predictions_mask
+ )
+ }
+ return out
+
+ def forward_prediction_heads(self, output, mask_features, attn_mask_target_size):
+ decoder_output = self.decoder_norm(output)
+ decoder_output = decoder_output.transpose(0, 1)
+ outputs_class = self.class_embed(decoder_output)
+ mask_embed = self.mask_embed(decoder_output)
+ outputs_mask = torch.einsum("bqc,bchw->bqhw", mask_embed, mask_features)
+
+ # NOTE: prediction is of higher-resolution
+ # [B, Q, H, W] -> [B, Q, H*W] -> [B, h, Q, H*W] -> [B*h, Q, HW]
+ attn_mask = F.interpolate(outputs_mask, size=attn_mask_target_size, mode="bilinear", align_corners=False)
+ # must use bool type
+ # If a BoolTensor is provided, positions with ``True`` are not allowed to attend while ``False`` values will be unchanged.
+ attn_mask = (attn_mask.sigmoid().flatten(2).unsqueeze(1).repeat(1, self.num_heads, 1, 1).flatten(0, 1) < 0.5).bool()
+ attn_mask = attn_mask.detach()
+
+ return outputs_class, outputs_mask, attn_mask
+
+ @torch.jit.unused
+ def _set_aux_loss(self, outputs_class, outputs_seg_masks):
+ # this is a workaround to make torchscript happy, as torchscript
+ # doesn't support dictionary with non-homogeneous values, such
+ # as a dict having both a Tensor and a list.
+ if self.mask_classification:
+ return [
+ {"pred_logits": a, "pred_masks": b}
+ for a, b in zip(outputs_class[:-1], outputs_seg_masks[:-1])
+ ]
+ else:
+ return [{"pred_masks": b} for b in outputs_seg_masks[:-1]]
diff --git a/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py b/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py
new file mode 100644
index 0000000000000000000000000000000000000000..79f09fa43f2f5a33c3422a6bb999b20763ab8b5e
--- /dev/null
+++ b/mask2former/modeling/transformer_decoder/maskformer_transformer_decoder.py
@@ -0,0 +1,188 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from: https://github.com/facebookresearch/detr/blob/master/models/detr.py
+import fvcore.nn.weight_init as weight_init
+import torch
+from torch import nn
+from torch.nn import functional as F
+
+from detectron2.config import configurable
+from detectron2.layers import Conv2d
+from detectron2.utils.registry import Registry
+
+from .position_encoding import PositionEmbeddingSine
+from .transformer import Transformer
+
+
+TRANSFORMER_DECODER_REGISTRY = Registry("TRANSFORMER_MODULE")
+TRANSFORMER_DECODER_REGISTRY.__doc__ = """
+Registry for transformer module in MaskFormer.
+"""
+
+
+def build_transformer_decoder(cfg, in_channels, mask_classification=True):
+ """
+ Build a instance embedding branch from `cfg.MODEL.INS_EMBED_HEAD.NAME`.
+ """
+ name = cfg.MODEL.MASK_FORMER.TRANSFORMER_DECODER_NAME
+ return TRANSFORMER_DECODER_REGISTRY.get(name)(cfg, in_channels, mask_classification)
+
+
+@TRANSFORMER_DECODER_REGISTRY.register()
+class StandardTransformerDecoder(nn.Module):
+ @configurable
+ def __init__(
+ self,
+ in_channels,
+ mask_classification=True,
+ *,
+ num_classes: int,
+ hidden_dim: int,
+ num_queries: int,
+ nheads: int,
+ dropout: float,
+ dim_feedforward: int,
+ enc_layers: int,
+ dec_layers: int,
+ pre_norm: bool,
+ deep_supervision: bool,
+ mask_dim: int,
+ enforce_input_project: bool,
+ ):
+ """
+ NOTE: this interface is experimental.
+ Args:
+ in_channels: channels of the input features
+ mask_classification: whether to add mask classifier or not
+ num_classes: number of classes
+ hidden_dim: Transformer feature dimension
+ num_queries: number of queries
+ nheads: number of heads
+ dropout: dropout in Transformer
+ dim_feedforward: feature dimension in feedforward network
+ enc_layers: number of Transformer encoder layers
+ dec_layers: number of Transformer decoder layers
+ pre_norm: whether to use pre-LayerNorm or not
+ deep_supervision: whether to add supervision to every decoder layers
+ mask_dim: mask feature dimension
+ enforce_input_project: add input project 1x1 conv even if input
+ channels and hidden dim is identical
+ """
+ super().__init__()
+
+ self.mask_classification = mask_classification
+
+ # positional encoding
+ N_steps = hidden_dim // 2
+ self.pe_layer = PositionEmbeddingSine(N_steps, normalize=True)
+
+ transformer = Transformer(
+ d_model=hidden_dim,
+ dropout=dropout,
+ nhead=nheads,
+ dim_feedforward=dim_feedforward,
+ num_encoder_layers=enc_layers,
+ num_decoder_layers=dec_layers,
+ normalize_before=pre_norm,
+ return_intermediate_dec=deep_supervision,
+ )
+
+ self.num_queries = num_queries
+ self.transformer = transformer
+ hidden_dim = transformer.d_model
+
+ self.query_embed = nn.Embedding(num_queries, hidden_dim)
+
+ if in_channels != hidden_dim or enforce_input_project:
+ self.input_proj = Conv2d(in_channels, hidden_dim, kernel_size=1)
+ weight_init.c2_xavier_fill(self.input_proj)
+ else:
+ self.input_proj = nn.Sequential()
+ self.aux_loss = deep_supervision
+
+ # output FFNs
+ if self.mask_classification:
+ self.class_embed = nn.Linear(hidden_dim, num_classes + 1)
+ self.mask_embed = MLP(hidden_dim, hidden_dim, mask_dim, 3)
+
+ @classmethod
+ def from_config(cls, cfg, in_channels, mask_classification):
+ ret = {}
+ ret["in_channels"] = in_channels
+ ret["mask_classification"] = mask_classification
+
+ ret["num_classes"] = cfg.MODEL.SEM_SEG_HEAD.NUM_CLASSES
+ ret["hidden_dim"] = cfg.MODEL.MASK_FORMER.HIDDEN_DIM
+ ret["num_queries"] = cfg.MODEL.MASK_FORMER.NUM_OBJECT_QUERIES
+ # Transformer parameters:
+ ret["nheads"] = cfg.MODEL.MASK_FORMER.NHEADS
+ ret["dropout"] = cfg.MODEL.MASK_FORMER.DROPOUT
+ ret["dim_feedforward"] = cfg.MODEL.MASK_FORMER.DIM_FEEDFORWARD
+ ret["enc_layers"] = cfg.MODEL.MASK_FORMER.ENC_LAYERS
+ ret["dec_layers"] = cfg.MODEL.MASK_FORMER.DEC_LAYERS
+ ret["pre_norm"] = cfg.MODEL.MASK_FORMER.PRE_NORM
+ ret["deep_supervision"] = cfg.MODEL.MASK_FORMER.DEEP_SUPERVISION
+ ret["enforce_input_project"] = cfg.MODEL.MASK_FORMER.ENFORCE_INPUT_PROJ
+
+ ret["mask_dim"] = cfg.MODEL.SEM_SEG_HEAD.MASK_DIM
+
+ return ret
+
+ def forward(self, x, mask_features, mask=None):
+ if mask is not None:
+ mask = F.interpolate(mask[None].float(), size=x.shape[-2:]).to(torch.bool)[0]
+ pos = self.pe_layer(x, mask)
+
+ src = x
+ hs, memory = self.transformer(self.input_proj(src), mask, self.query_embed.weight, pos)
+
+ if self.mask_classification:
+ outputs_class = self.class_embed(hs)
+ out = {"pred_logits": outputs_class[-1]}
+ else:
+ out = {}
+
+ if self.aux_loss:
+ # [l, bs, queries, embed]
+ mask_embed = self.mask_embed(hs)
+ outputs_seg_masks = torch.einsum("lbqc,bchw->lbqhw", mask_embed, mask_features)
+ out["pred_masks"] = outputs_seg_masks[-1]
+ out["aux_outputs"] = self._set_aux_loss(
+ outputs_class if self.mask_classification else None, outputs_seg_masks
+ )
+ else:
+ # FIXME h_boxes takes the last one computed, keep this in mind
+ # [bs, queries, embed]
+ mask_embed = self.mask_embed(hs[-1])
+ outputs_seg_masks = torch.einsum("bqc,bchw->bqhw", mask_embed, mask_features)
+ out["pred_masks"] = outputs_seg_masks
+ return out
+
+ @torch.jit.unused
+ def _set_aux_loss(self, outputs_class, outputs_seg_masks):
+ # this is a workaround to make torchscript happy, as torchscript
+ # doesn't support dictionary with non-homogeneous values, such
+ # as a dict having both a Tensor and a list.
+ if self.mask_classification:
+ return [
+ {"pred_logits": a, "pred_masks": b}
+ for a, b in zip(outputs_class[:-1], outputs_seg_masks[:-1])
+ ]
+ else:
+ return [{"pred_masks": b} for b in outputs_seg_masks[:-1]]
+
+
+class MLP(nn.Module):
+ """Very simple multi-layer perceptron (also called FFN)"""
+
+ def __init__(self, input_dim, hidden_dim, output_dim, num_layers):
+ super().__init__()
+ self.num_layers = num_layers
+ h = [hidden_dim] * (num_layers - 1)
+ self.layers = nn.ModuleList(
+ nn.Linear(n, k) for n, k in zip([input_dim] + h, h + [output_dim])
+ )
+
+ def forward(self, x):
+ for i, layer in enumerate(self.layers):
+ x = F.relu(layer(x)) if i < self.num_layers - 1 else layer(x)
+ return x
diff --git a/mask2former/modeling/transformer_decoder/position_encoding.py b/mask2former/modeling/transformer_decoder/position_encoding.py
new file mode 100644
index 0000000000000000000000000000000000000000..f32532e070e67b2cd25771aea1ad10e7e5a5dc69
--- /dev/null
+++ b/mask2former/modeling/transformer_decoder/position_encoding.py
@@ -0,0 +1,64 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# # Modified by Bowen Cheng from: https://github.com/facebookresearch/detr/blob/master/models/position_encoding.py
+"""
+Various positional encodings for the transformer.
+"""
+import math
+
+import torch
+from torch import nn
+
+
+class PositionEmbeddingSine(nn.Module):
+ """
+ This is a more standard version of the position embedding, very similar to the one
+ used by the Attention is all you need paper, generalized to work on images.
+ """
+
+ def __init__(self, num_pos_feats=64, temperature=10000, normalize=False, scale=None):
+ super().__init__()
+ self.num_pos_feats = num_pos_feats
+ self.temperature = temperature
+ self.normalize = normalize
+ if scale is not None and normalize is False:
+ raise ValueError("normalize should be True if scale is passed")
+ if scale is None:
+ scale = 2 * math.pi
+ self.scale = scale
+
+ def forward(self, x, mask=None):
+ if mask is None:
+ mask = torch.zeros((x.size(0), x.size(2), x.size(3)), device=x.device, dtype=torch.bool)
+ not_mask = ~mask
+ y_embed = not_mask.cumsum(1, dtype=torch.float32)
+ x_embed = not_mask.cumsum(2, dtype=torch.float32)
+ if self.normalize:
+ eps = 1e-6
+ y_embed = y_embed / (y_embed[:, -1:, :] + eps) * self.scale
+ x_embed = x_embed / (x_embed[:, :, -1:] + eps) * self.scale
+
+ dim_t = torch.arange(self.num_pos_feats, dtype=torch.float32, device=x.device)
+ dim_t = self.temperature ** (2 * (dim_t // 2) / self.num_pos_feats)
+
+ pos_x = x_embed[:, :, :, None] / dim_t
+ pos_y = y_embed[:, :, :, None] / dim_t
+ pos_x = torch.stack(
+ (pos_x[:, :, :, 0::2].sin(), pos_x[:, :, :, 1::2].cos()), dim=4
+ ).flatten(3)
+ pos_y = torch.stack(
+ (pos_y[:, :, :, 0::2].sin(), pos_y[:, :, :, 1::2].cos()), dim=4
+ ).flatten(3)
+ pos = torch.cat((pos_y, pos_x), dim=3).permute(0, 3, 1, 2)
+ return pos
+
+ def __repr__(self, _repr_indent=4):
+ head = "Positional encoding " + self.__class__.__name__
+ body = [
+ "num_pos_feats: {}".format(self.num_pos_feats),
+ "temperature: {}".format(self.temperature),
+ "normalize: {}".format(self.normalize),
+ "scale: {}".format(self.scale),
+ ]
+ # _repr_indent = 4
+ lines = [head] + [" " * _repr_indent + line for line in body]
+ return "\n".join(lines)
diff --git a/mask2former/modeling/transformer_decoder/transformer.py b/mask2former/modeling/transformer_decoder/transformer.py
new file mode 100644
index 0000000000000000000000000000000000000000..ea8caa0108f5e136a9739320ab69a3e1b6f40298
--- /dev/null
+++ b/mask2former/modeling/transformer_decoder/transformer.py
@@ -0,0 +1,369 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from: https://github.com/facebookresearch/detr/blob/master/models/transformer.py
+"""
+Transformer class.
+
+Copy-paste from torch.nn.Transformer with modifications:
+ * positional encodings are passed in MHattention
+ * extra LN at the end of encoder is removed
+ * decoder returns a stack of activations from all decoding layers
+"""
+import copy
+from typing import List, Optional
+
+import torch
+import torch.nn.functional as F
+from torch import Tensor, nn
+
+
+class Transformer(nn.Module):
+ def __init__(
+ self,
+ d_model=512,
+ nhead=8,
+ num_encoder_layers=6,
+ num_decoder_layers=6,
+ dim_feedforward=2048,
+ dropout=0.1,
+ activation="relu",
+ normalize_before=False,
+ return_intermediate_dec=False,
+ ):
+ super().__init__()
+
+ encoder_layer = TransformerEncoderLayer(
+ d_model, nhead, dim_feedforward, dropout, activation, normalize_before
+ )
+ encoder_norm = nn.LayerNorm(d_model) if normalize_before else None
+ self.encoder = TransformerEncoder(encoder_layer, num_encoder_layers, encoder_norm)
+
+ decoder_layer = TransformerDecoderLayer(
+ d_model, nhead, dim_feedforward, dropout, activation, normalize_before
+ )
+ decoder_norm = nn.LayerNorm(d_model)
+ self.decoder = TransformerDecoder(
+ decoder_layer,
+ num_decoder_layers,
+ decoder_norm,
+ return_intermediate=return_intermediate_dec,
+ )
+
+ self._reset_parameters()
+
+ self.d_model = d_model
+ self.nhead = nhead
+
+ def _reset_parameters(self):
+ for p in self.parameters():
+ if p.dim() > 1:
+ nn.init.xavier_uniform_(p)
+
+ def forward(self, src, mask, query_embed, pos_embed):
+ # flatten NxCxHxW to HWxNxC
+ bs, c, h, w = src.shape
+ src = src.flatten(2).permute(2, 0, 1)
+ pos_embed = pos_embed.flatten(2).permute(2, 0, 1)
+ query_embed = query_embed.unsqueeze(1).repeat(1, bs, 1)
+ if mask is not None:
+ mask = mask.flatten(1)
+
+ tgt = torch.zeros_like(query_embed)
+ memory = self.encoder(src, src_key_padding_mask=mask, pos=pos_embed)
+ hs = self.decoder(
+ tgt, memory, memory_key_padding_mask=mask, pos=pos_embed, query_pos=query_embed
+ )
+ return hs.transpose(1, 2), memory.permute(1, 2, 0).view(bs, c, h, w)
+
+
+class TransformerEncoder(nn.Module):
+ def __init__(self, encoder_layer, num_layers, norm=None):
+ super().__init__()
+ self.layers = _get_clones(encoder_layer, num_layers)
+ self.num_layers = num_layers
+ self.norm = norm
+
+ def forward(
+ self,
+ src,
+ mask: Optional[Tensor] = None,
+ src_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ ):
+ output = src
+
+ for layer in self.layers:
+ output = layer(
+ output, src_mask=mask, src_key_padding_mask=src_key_padding_mask, pos=pos
+ )
+
+ if self.norm is not None:
+ output = self.norm(output)
+
+ return output
+
+
+class TransformerDecoder(nn.Module):
+ def __init__(self, decoder_layer, num_layers, norm=None, return_intermediate=False):
+ super().__init__()
+ self.layers = _get_clones(decoder_layer, num_layers)
+ self.num_layers = num_layers
+ self.norm = norm
+ self.return_intermediate = return_intermediate
+
+ def forward(
+ self,
+ tgt,
+ memory,
+ tgt_mask: Optional[Tensor] = None,
+ memory_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None,
+ ):
+ output = tgt
+
+ intermediate = []
+
+ for layer in self.layers:
+ output = layer(
+ output,
+ memory,
+ tgt_mask=tgt_mask,
+ memory_mask=memory_mask,
+ tgt_key_padding_mask=tgt_key_padding_mask,
+ memory_key_padding_mask=memory_key_padding_mask,
+ pos=pos,
+ query_pos=query_pos,
+ )
+ if self.return_intermediate:
+ intermediate.append(self.norm(output))
+
+ if self.norm is not None:
+ output = self.norm(output)
+ if self.return_intermediate:
+ intermediate.pop()
+ intermediate.append(output)
+
+ if self.return_intermediate:
+ return torch.stack(intermediate)
+
+ return output.unsqueeze(0)
+
+
+class TransformerEncoderLayer(nn.Module):
+ def __init__(
+ self,
+ d_model,
+ nhead,
+ dim_feedforward=2048,
+ dropout=0.1,
+ activation="relu",
+ normalize_before=False,
+ ):
+ super().__init__()
+ self.self_attn = nn.MultiheadAttention(d_model, nhead, dropout=dropout)
+ # Implementation of Feedforward model
+ self.linear1 = nn.Linear(d_model, dim_feedforward)
+ self.dropout = nn.Dropout(dropout)
+ self.linear2 = nn.Linear(dim_feedforward, d_model)
+
+ self.norm1 = nn.LayerNorm(d_model)
+ self.norm2 = nn.LayerNorm(d_model)
+ self.dropout1 = nn.Dropout(dropout)
+ self.dropout2 = nn.Dropout(dropout)
+
+ self.activation = _get_activation_fn(activation)
+ self.normalize_before = normalize_before
+
+ def with_pos_embed(self, tensor, pos: Optional[Tensor]):
+ return tensor if pos is None else tensor + pos
+
+ def forward_post(
+ self,
+ src,
+ src_mask: Optional[Tensor] = None,
+ src_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ ):
+ q = k = self.with_pos_embed(src, pos)
+ src2 = self.self_attn(
+ q, k, value=src, attn_mask=src_mask, key_padding_mask=src_key_padding_mask
+ )[0]
+ src = src + self.dropout1(src2)
+ src = self.norm1(src)
+ src2 = self.linear2(self.dropout(self.activation(self.linear1(src))))
+ src = src + self.dropout2(src2)
+ src = self.norm2(src)
+ return src
+
+ def forward_pre(
+ self,
+ src,
+ src_mask: Optional[Tensor] = None,
+ src_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ ):
+ src2 = self.norm1(src)
+ q = k = self.with_pos_embed(src2, pos)
+ src2 = self.self_attn(
+ q, k, value=src2, attn_mask=src_mask, key_padding_mask=src_key_padding_mask
+ )[0]
+ src = src + self.dropout1(src2)
+ src2 = self.norm2(src)
+ src2 = self.linear2(self.dropout(self.activation(self.linear1(src2))))
+ src = src + self.dropout2(src2)
+ return src
+
+ def forward(
+ self,
+ src,
+ src_mask: Optional[Tensor] = None,
+ src_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ ):
+ if self.normalize_before:
+ return self.forward_pre(src, src_mask, src_key_padding_mask, pos)
+ return self.forward_post(src, src_mask, src_key_padding_mask, pos)
+
+
+class TransformerDecoderLayer(nn.Module):
+ def __init__(
+ self,
+ d_model,
+ nhead,
+ dim_feedforward=2048,
+ dropout=0.1,
+ activation="relu",
+ normalize_before=False,
+ ):
+ super().__init__()
+ self.self_attn = nn.MultiheadAttention(d_model, nhead, dropout=dropout)
+ self.multihead_attn = nn.MultiheadAttention(d_model, nhead, dropout=dropout)
+ # Implementation of Feedforward model
+ self.linear1 = nn.Linear(d_model, dim_feedforward)
+ self.dropout = nn.Dropout(dropout)
+ self.linear2 = nn.Linear(dim_feedforward, d_model)
+
+ self.norm1 = nn.LayerNorm(d_model)
+ self.norm2 = nn.LayerNorm(d_model)
+ self.norm3 = nn.LayerNorm(d_model)
+ self.dropout1 = nn.Dropout(dropout)
+ self.dropout2 = nn.Dropout(dropout)
+ self.dropout3 = nn.Dropout(dropout)
+
+ self.activation = _get_activation_fn(activation)
+ self.normalize_before = normalize_before
+
+ def with_pos_embed(self, tensor, pos: Optional[Tensor]):
+ return tensor if pos is None else tensor + pos
+
+ def forward_post(
+ self,
+ tgt,
+ memory,
+ tgt_mask: Optional[Tensor] = None,
+ memory_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None,
+ ):
+ q = k = self.with_pos_embed(tgt, query_pos)
+ tgt2 = self.self_attn(
+ q, k, value=tgt, attn_mask=tgt_mask, key_padding_mask=tgt_key_padding_mask
+ )[0]
+ tgt = tgt + self.dropout1(tgt2)
+ tgt = self.norm1(tgt)
+ tgt2 = self.multihead_attn(
+ query=self.with_pos_embed(tgt, query_pos),
+ key=self.with_pos_embed(memory, pos),
+ value=memory,
+ attn_mask=memory_mask,
+ key_padding_mask=memory_key_padding_mask,
+ )[0]
+ tgt = tgt + self.dropout2(tgt2)
+ tgt = self.norm2(tgt)
+ tgt2 = self.linear2(self.dropout(self.activation(self.linear1(tgt))))
+ tgt = tgt + self.dropout3(tgt2)
+ tgt = self.norm3(tgt)
+ return tgt
+
+ def forward_pre(
+ self,
+ tgt,
+ memory,
+ tgt_mask: Optional[Tensor] = None,
+ memory_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None,
+ ):
+ tgt2 = self.norm1(tgt)
+ q = k = self.with_pos_embed(tgt2, query_pos)
+ tgt2 = self.self_attn(
+ q, k, value=tgt2, attn_mask=tgt_mask, key_padding_mask=tgt_key_padding_mask
+ )[0]
+ tgt = tgt + self.dropout1(tgt2)
+ tgt2 = self.norm2(tgt)
+ tgt2 = self.multihead_attn(
+ query=self.with_pos_embed(tgt2, query_pos),
+ key=self.with_pos_embed(memory, pos),
+ value=memory,
+ attn_mask=memory_mask,
+ key_padding_mask=memory_key_padding_mask,
+ )[0]
+ tgt = tgt + self.dropout2(tgt2)
+ tgt2 = self.norm3(tgt)
+ tgt2 = self.linear2(self.dropout(self.activation(self.linear1(tgt2))))
+ tgt = tgt + self.dropout3(tgt2)
+ return tgt
+
+ def forward(
+ self,
+ tgt,
+ memory,
+ tgt_mask: Optional[Tensor] = None,
+ memory_mask: Optional[Tensor] = None,
+ tgt_key_padding_mask: Optional[Tensor] = None,
+ memory_key_padding_mask: Optional[Tensor] = None,
+ pos: Optional[Tensor] = None,
+ query_pos: Optional[Tensor] = None,
+ ):
+ if self.normalize_before:
+ return self.forward_pre(
+ tgt,
+ memory,
+ tgt_mask,
+ memory_mask,
+ tgt_key_padding_mask,
+ memory_key_padding_mask,
+ pos,
+ query_pos,
+ )
+ return self.forward_post(
+ tgt,
+ memory,
+ tgt_mask,
+ memory_mask,
+ tgt_key_padding_mask,
+ memory_key_padding_mask,
+ pos,
+ query_pos,
+ )
+
+
+def _get_clones(module, N):
+ return nn.ModuleList([copy.deepcopy(module) for i in range(N)])
+
+
+def _get_activation_fn(activation):
+ """Return an activation function given a string"""
+ if activation == "relu":
+ return F.relu
+ if activation == "gelu":
+ return F.gelu
+ if activation == "glu":
+ return F.glu
+ raise RuntimeError(f"activation should be relu/gelu, not {activation}.")
diff --git a/mask2former/test_time_augmentation.py b/mask2former/test_time_augmentation.py
new file mode 100644
index 0000000000000000000000000000000000000000..b02568d1b1ed32efb9316b5c4d53c4d71e5cef78
--- /dev/null
+++ b/mask2former/test_time_augmentation.py
@@ -0,0 +1,103 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+import copy
+import logging
+from itertools import count
+
+import numpy as np
+import torch
+from fvcore.transforms import HFlipTransform
+from torch import nn
+from torch.nn.parallel import DistributedDataParallel
+
+from detectron2.data.detection_utils import read_image
+from detectron2.modeling import DatasetMapperTTA
+
+
+__all__ = [
+ "SemanticSegmentorWithTTA",
+]
+
+
+class SemanticSegmentorWithTTA(nn.Module):
+ """
+ A SemanticSegmentor with test-time augmentation enabled.
+ Its :meth:`__call__` method has the same interface as :meth:`SemanticSegmentor.forward`.
+ """
+
+ def __init__(self, cfg, model, tta_mapper=None, batch_size=1):
+ """
+ Args:
+ cfg (CfgNode):
+ model (SemanticSegmentor): a SemanticSegmentor to apply TTA on.
+ tta_mapper (callable): takes a dataset dict and returns a list of
+ augmented versions of the dataset dict. Defaults to
+ `DatasetMapperTTA(cfg)`.
+ batch_size (int): batch the augmented images into this batch size for inference.
+ """
+ super().__init__()
+ if isinstance(model, DistributedDataParallel):
+ model = model.module
+ self.cfg = cfg.clone()
+
+ self.model = model
+
+ if tta_mapper is None:
+ tta_mapper = DatasetMapperTTA(cfg)
+ self.tta_mapper = tta_mapper
+ self.batch_size = batch_size
+
+ def __call__(self, batched_inputs):
+ """
+ Same input/output format as :meth:`SemanticSegmentor.forward`
+ """
+
+ def _maybe_read_image(dataset_dict):
+ ret = copy.copy(dataset_dict)
+ if "image" not in ret:
+ image = read_image(ret.pop("file_name"), self.model.input_format)
+ image = torch.from_numpy(np.ascontiguousarray(image.transpose(2, 0, 1))) # CHW
+ ret["image"] = image
+ if "height" not in ret and "width" not in ret:
+ ret["height"] = image.shape[1]
+ ret["width"] = image.shape[2]
+ return ret
+
+ processed_results = []
+ for x in batched_inputs:
+ result = self._inference_one_image(_maybe_read_image(x))
+ processed_results.append(result)
+ return processed_results
+
+ def _inference_one_image(self, input):
+ """
+ Args:
+ input (dict): one dataset dict with "image" field being a CHW tensor
+ Returns:
+ dict: one output dict
+ """
+ orig_shape = (input["height"], input["width"])
+ augmented_inputs, tfms = self._get_augmented_inputs(input)
+
+ final_predictions = None
+ count_predictions = 0
+ for input, tfm in zip(augmented_inputs, tfms):
+ count_predictions += 1
+ with torch.no_grad():
+ if final_predictions is None:
+ if any(isinstance(t, HFlipTransform) for t in tfm.transforms):
+ final_predictions = self.model([input])[0].pop("sem_seg").flip(dims=[2])
+ else:
+ final_predictions = self.model([input])[0].pop("sem_seg")
+ else:
+ if any(isinstance(t, HFlipTransform) for t in tfm.transforms):
+ final_predictions += self.model([input])[0].pop("sem_seg").flip(dims=[2])
+ else:
+ final_predictions += self.model([input])[0].pop("sem_seg")
+
+ final_predictions = final_predictions / count_predictions
+ return {"sem_seg": final_predictions}
+
+ def _get_augmented_inputs(self, input):
+ augmented_inputs = self.tta_mapper(input)
+ tfms = [x.pop("transforms") for x in augmented_inputs]
+ return augmented_inputs, tfms
diff --git a/mask2former/utils/__init__.py b/mask2former/utils/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..9020c2df23e2af280b7bb168b996ae9eaf312eb8
--- /dev/null
+++ b/mask2former/utils/__init__.py
@@ -0,0 +1 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
diff --git a/mask2former/utils/misc.py b/mask2former/utils/misc.py
new file mode 100644
index 0000000000000000000000000000000000000000..874d9805b482f52bbffc1be620e36e0cffc07c46
--- /dev/null
+++ b/mask2former/utils/misc.py
@@ -0,0 +1,111 @@
+# Copyright (c) Facebook, Inc. and its affiliates.
+# Modified by Bowen Cheng from https://github.com/facebookresearch/detr/blob/master/util/misc.py
+"""
+Misc functions, including distributed helpers.
+
+Mostly copy-paste from torchvision references.
+"""
+from typing import List, Optional
+
+import torch
+import torch.distributed as dist
+import torchvision
+from torch import Tensor
+
+
+def _max_by_axis(the_list):
+ # type: (List[List[int]]) -> List[int]
+ maxes = the_list[0]
+ for sublist in the_list[1:]:
+ for index, item in enumerate(sublist):
+ maxes[index] = max(maxes[index], item)
+ return maxes
+
+
+class NestedTensor(object):
+ def __init__(self, tensors, mask: Optional[Tensor]):
+ self.tensors = tensors
+ self.mask = mask
+
+ def to(self, device):
+ # type: (Device) -> NestedTensor # noqa
+ cast_tensor = self.tensors.to(device)
+ mask = self.mask
+ if mask is not None:
+ assert mask is not None
+ cast_mask = mask.to(device)
+ else:
+ cast_mask = None
+ return NestedTensor(cast_tensor, cast_mask)
+
+ def decompose(self):
+ return self.tensors, self.mask
+
+ def __repr__(self):
+ return str(self.tensors)
+
+
+def nested_tensor_from_tensor_list(tensor_list: List[Tensor]):
+ # TODO make this more general
+ if tensor_list[0].ndim == 3:
+ if torchvision._is_tracing():
+ # nested_tensor_from_tensor_list() does not export well to ONNX
+ # call _onnx_nested_tensor_from_tensor_list() instead
+ return _onnx_nested_tensor_from_tensor_list(tensor_list)
+
+ # TODO make it support different-sized images
+ max_size = _max_by_axis([list(img.shape) for img in tensor_list])
+ # min_size = tuple(min(s) for s in zip(*[img.shape for img in tensor_list]))
+ batch_shape = [len(tensor_list)] + max_size
+ b, c, h, w = batch_shape
+ dtype = tensor_list[0].dtype
+ device = tensor_list[0].device
+ tensor = torch.zeros(batch_shape, dtype=dtype, device=device)
+ mask = torch.ones((b, h, w), dtype=torch.bool, device=device)
+ for img, pad_img, m in zip(tensor_list, tensor, mask):
+ pad_img[: img.shape[0], : img.shape[1], : img.shape[2]].copy_(img)
+ m[: img.shape[1], : img.shape[2]] = False
+ else:
+ raise ValueError("not supported")
+ return NestedTensor(tensor, mask)
+
+
+# _onnx_nested_tensor_from_tensor_list() is an implementation of
+# nested_tensor_from_tensor_list() that is supported by ONNX tracing.
+@torch.jit.unused
+def _onnx_nested_tensor_from_tensor_list(tensor_list: List[Tensor]) -> NestedTensor:
+ max_size = []
+ for i in range(tensor_list[0].dim()):
+ max_size_i = torch.max(
+ torch.stack([img.shape[i] for img in tensor_list]).to(torch.float32)
+ ).to(torch.int64)
+ max_size.append(max_size_i)
+ max_size = tuple(max_size)
+
+ # work around for
+ # pad_img[: img.shape[0], : img.shape[1], : img.shape[2]].copy_(img)
+ # m[: img.shape[1], :img.shape[2]] = False
+ # which is not yet supported in onnx
+ padded_imgs = []
+ padded_masks = []
+ for img in tensor_list:
+ padding = [(s1 - s2) for s1, s2 in zip(max_size, tuple(img.shape))]
+ padded_img = torch.nn.functional.pad(img, (0, padding[2], 0, padding[1], 0, padding[0]))
+ padded_imgs.append(padded_img)
+
+ m = torch.zeros_like(img[0], dtype=torch.int, device=img.device)
+ padded_mask = torch.nn.functional.pad(m, (0, padding[2], 0, padding[1]), "constant", 1)
+ padded_masks.append(padded_mask.to(torch.bool))
+
+ tensor = torch.stack(padded_imgs)
+ mask = torch.stack(padded_masks)
+
+ return NestedTensor(tensor, mask=mask)
+
+
+def is_dist_avail_and_initialized():
+ if not dist.is_available():
+ return False
+ if not dist.is_initialized():
+ return False
+ return True
diff --git a/multimae/__init__.py b/multimae/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..ad50db52e0789a001785c0c6ed32ddfd716a426d
--- /dev/null
+++ b/multimae/__init__.py
@@ -0,0 +1,7 @@
+from .criterion import MaskedCrossEntropyLoss, MaskedL1Loss, MaskedMSELoss
+from .input_adapters import PatchedInputAdapter, SemSegInputAdapter
+from .multimae import MultiMAE, MultiViT
+from .output_adapters import (ConvNeXtAdapter, DPTOutputAdapter,
+ LinearOutputAdapter,
+ SegmenterMaskTransformerAdapter,
+ SpatialOutputAdapter)
diff --git a/multimae/criterion.py b/multimae/criterion.py
new file mode 100644
index 0000000000000000000000000000000000000000..0cea30fe6b8e0dde6e97eeec8e53c3e64bd357c6
--- /dev/null
+++ b/multimae/criterion.py
@@ -0,0 +1,171 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on timm, DeiT, DINO, MoCo-v3, BEiT, MAE-priv and MAE code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/facebookresearch/moco-v3
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/BUPT-PRIV/MAE-priv
+# https://github.com/facebookresearch/mae
+# --------------------------------------------------------
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from einops import rearrange
+
+
+class MaskedCrossEntropyLoss(nn.Module):
+ """Cross-entropy loss with masking
+ :param patch_size: Patch size
+ :param stride: Stride of task / modality
+ :param label_smoothing: Amount of smoothing in the loss (default is 0.0)
+ """
+
+ def __init__(self, patch_size: int = 16, stride: int = 1, label_smoothing : float = 0.0):
+ super().__init__()
+ self.patch_size = patch_size
+ self.stride = stride
+ self.scale_factor = patch_size // stride
+ self.label_smoothing = label_smoothing
+
+ def forward(self, input, target, mask=None):
+
+ loss = F.cross_entropy(input, target, reduction='none', label_smoothing=self.label_smoothing)
+
+ if mask is not None:
+ if mask.sum() == 0:
+ return torch.tensor(0).to(loss.device)
+
+ H, W = input.shape[-2:]
+ nh, nw = H // self.scale_factor, W // self.scale_factor
+ # Resize mask and upsample
+ mask = rearrange(mask, "b (nh nw) -> b nh nw", nh=nh, nw=nw)
+ mask = F.interpolate(mask.unsqueeze(1).float(), size=(H, W), mode='nearest').squeeze(1)
+ loss = loss * mask
+ # Compute mean per sample
+ loss = loss.flatten(start_dim=1).sum(dim=1) / mask.flatten(start_dim=1).sum(dim=1)
+ loss = loss.nanmean() # Account for zero masks
+ else:
+ loss = loss.mean() # If this is ever nan, we want it to stop training
+
+ return loss
+
+
+class MaskedMSELoss(nn.Module):
+ """L1 loss with masking
+ :param patch_size: Patch size
+ :param stride: Stride of task / modality
+ :param norm_pix: Normalized pixel loss
+ """
+
+ def __init__(self, patch_size: int = 16, stride: int = 1, norm_pix=False):
+ super().__init__()
+ self.patch_size = patch_size
+ self.stride = stride
+ self.scale_factor = patch_size // stride
+ self.norm_pix = norm_pix
+
+ def patchify(self, imgs, nh, nw):
+ p = self.scale_factor
+ x = rearrange(imgs, "b c (nh p1) (nw p2) -> b (nh nw) (p1 p2 c)", nh=nh, nw=nw, p1=p, p2=p)
+ return x
+
+ def unpatchify(self, x, nh, nw):
+ p = self.scale_factor
+ imgs = rearrange(x, "b (nh nw) (p1 p2 c) -> b c (nh p1) (nw p2)", nh=nh, nw=nw, p1=p, p2=p)
+ return imgs
+
+ def forward(self, input, target, mask=None):
+
+ H, W = input.shape[-2:]
+ nh, nw = H // self.scale_factor, W // self.scale_factor
+
+ if self.norm_pix:
+ target = self.patchify(target, nh, nw)
+ mean = target.mean(dim=-1, keepdim=True)
+ var = target.var(dim=-1, keepdim=True)
+ eps = 1e-6
+ target = (target - mean) / torch.sqrt(var + eps)
+ target = self.unpatchify(target, nh, nw)
+
+ loss = F.mse_loss(input, target, reduction='none')
+
+ if mask is not None:
+ if mask.sum() == 0:
+ return torch.tensor(0).to(loss.device)
+
+ # Resize mask and upsample
+ mask = rearrange(mask, "b (nh nw) -> b nh nw", nh=nh, nw=nw)
+ mask = F.interpolate(mask.unsqueeze(1).float(), size=(H, W), mode='nearest').squeeze(1)
+ loss = loss.mean(dim=1) # B, C, H, W -> B, H, W
+ loss = loss * mask
+ # Compute mean per sample
+ loss = loss.flatten(start_dim=1).sum(dim=1) / mask.flatten(start_dim=1).sum(dim=1)
+ loss = loss.nanmean() # Account for zero masks
+ else:
+ loss = loss.mean() # If this is ever nan, we want it to stop training
+
+ return loss
+
+
+class MaskedL1Loss(nn.Module):
+ """L1 loss with masking
+ :param patch_size: Patch size
+ :param stride: Stride of task / modality
+ :param norm_pix: Normalized pixel loss
+ """
+
+ def __init__(self, patch_size: int = 16, stride: int = 1, norm_pix=False):
+ super().__init__()
+ self.patch_size = patch_size
+ self.stride = stride
+ self.scale_factor = patch_size // stride
+ self.norm_pix = norm_pix
+
+ def patchify(self, imgs, nh, nw):
+ p = self.scale_factor
+ x = rearrange(imgs, "b c (nh p1) (nw p2) -> b (nh nw) (p1 p2 c)", nh=nh, nw=nw, p1=p, p2=p)
+ return x
+
+ def unpatchify(self, x, nh, nw):
+ p = self.scale_factor
+ imgs = rearrange(x, "b (nh nw) (p1 p2 c) -> b c (nh p1) (nw p2)", nh=nh, nw=nw, p1=p, p2=p)
+ return imgs
+
+ def forward(self, input, target, mask=None):
+
+ H, W = input.shape[-2:]
+ nh, nw = H // self.scale_factor, W // self.scale_factor
+
+ if self.norm_pix:
+ target = self.patchify(target, nh, nw)
+ mean = target.mean(dim=-1, keepdim=True)
+ var = target.var(dim=-1, keepdim=True)
+ eps = 1e-6
+ target = (target - mean) / torch.sqrt(var + eps)
+ target = self.unpatchify(target, nh, nw)
+
+ loss = F.l1_loss(input, target, reduction='none')
+
+ if mask is not None:
+ if mask.sum() == 0:
+ return torch.tensor(0).to(loss.device)
+
+ # Resize mask and upsample
+ mask = rearrange(mask, "b (nh nw) -> b nh nw", nh=nh, nw=nw)
+ mask = F.interpolate(mask.unsqueeze(1).float(), size=(H, W), mode='nearest').squeeze(1)
+ loss = loss.mean(dim=1) # B, C, H, W -> B, H, W
+ loss = loss * mask
+ # Compute mean per sample
+ loss = loss.flatten(start_dim=1).sum(dim=1) / mask.flatten(start_dim=1).sum(dim=1)
+ loss = loss.nanmean() # Account for zero masks
+ else:
+ loss = loss.mean() # If this is ever nan, we want it to stop training
+
+ return loss
diff --git a/multimae/input_adapters.py b/multimae/input_adapters.py
new file mode 100644
index 0000000000000000000000000000000000000000..594292630944117d78eac9a62b2d11986203e909
--- /dev/null
+++ b/multimae/input_adapters.py
@@ -0,0 +1,241 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on timm, DeiT, DINO, MoCo-v3, BEiT, MAE-priv and MAE code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/facebookresearch/moco-v3
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/BUPT-PRIV/MAE-priv
+# https://github.com/facebookresearch/mae
+# --------------------------------------------------------
+
+from typing import Dict, List, Optional, Tuple, Union
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from einops import rearrange, repeat
+
+from .multimae_utils import build_2d_sincos_posemb, pair, trunc_normal_
+
+
+class PatchedInputAdapter(nn.Module):
+ """Adapter for spatial inputs, like images or feature maps.
+ Creates tokens from patches over the image.
+
+ :param num_channels: Number of input channels of the image/feature map
+ :param stride_level: Stride level compared to the full-sized image.
+ E.g. 4 for 1/4th the size of the image.
+ :param patch_size_full: Int or tuple of the patch size over the full image size.
+ Patch size for smaller inputs will be computed accordingly.
+ :param dim_tokens: Dimension of output tokens. Can be set using init method.
+ :param sincos_pos_emb: Set to True (default) to use fixed 2D sin-cos positional embeddings
+ :param learnable_pos_emb: Set to True to learn positional embeddings instead
+ :param image_size: Default image size. Used to initialize size of positional embeddings.
+ """
+ def __init__(self,
+ num_channels: int,
+ stride_level: int,
+ patch_size_full: Union[int, Tuple[int,int]],
+ dim_tokens: Optional[int] = None,
+ sincos_pos_emb: bool = True,
+ learnable_pos_emb: bool = False,
+ image_size: Union[int, Tuple[int]] = 224):
+
+ super().__init__()
+ self.num_channels = num_channels
+ self.stride_level = stride_level
+ self.patch_size_full = pair(patch_size_full)
+ self.dim_tokens = dim_tokens
+ self.sincos_pos_emb = sincos_pos_emb
+ self.learnable_pos_emb = learnable_pos_emb
+ self.image_size = pair(image_size)
+ self.num_patches = (self.image_size[0] // patch_size_full) * (self.image_size[1] // patch_size_full)
+
+ # Actual patch height and width, taking into account stride of input
+ self.P_H = max(1, self.patch_size_full[0] // stride_level)
+ self.P_W = max(1, self.patch_size_full[1] // stride_level)
+
+ if self.dim_tokens is not None:
+ self.init(dim_tokens=dim_tokens)
+
+ def init(self, dim_tokens: int = 768):
+ """
+ Initialize parts of encoder that are dependent on dimension of tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens: Dimension of tokens
+ """
+ self.dim_tokens = dim_tokens
+
+ # Task embedding identifying from which task a given token comes from
+ # Fixed-size positional embeddings. Can be interpolated to different input sizes
+ h_posemb = self.image_size[0] // (self.stride_level * self.P_H)
+ w_posemb = self.image_size[1] // (self.stride_level * self.P_W)
+ if self.sincos_pos_emb:
+ self.pos_emb = build_2d_sincos_posemb(h=h_posemb, w=w_posemb, embed_dim=self.dim_tokens)
+ self.pos_emb = nn.Parameter(self.pos_emb, requires_grad=self.learnable_pos_emb)
+ else:
+ self.pos_emb = nn.Parameter(torch.zeros(1, self.dim_tokens, h_posemb, w_posemb))
+ trunc_normal_(self.pos_emb, std=0.02)
+
+ # Image -> tokens projection
+ self.proj = nn.Conv2d(
+ in_channels=self.num_channels, out_channels=self.dim_tokens,
+ kernel_size=(self.P_H, self.P_W), stride=(self.P_H, self.P_W)
+ )
+
+ @torch.jit.ignore
+ def no_weight_decay(self):
+ return {'pos_emb'}
+
+ def forward(self, x):
+ """
+ Forward pass through input adapter, transforming image to sequence of tokens.
+ Adds task and positional encodings.
+
+ :param x: Input image tensor
+ """
+ B, C, H, W = x.shape
+ assert self.dim_tokens is not None, 'Need to call init(dim_tokens) function first'
+ assert (H % self.P_H == 0) and (W % self.P_W == 0), f'Image sizes {H}x{W} must be divisible by patch sizes {self.P_H}x{self.P_W}'
+ N_H, N_W = H // self.P_H, W // self.P_W # Number of patches in height and width
+
+ # Create patches [B, C, H, W] -> [B, (H*W), C]
+ x_patch = rearrange(self.proj(x), 'b d nh nw -> b (nh nw) d')
+
+ # Create positional embedding
+ x_pos_emb = F.interpolate(self.pos_emb, size=(N_H, N_W), mode='bicubic', align_corners=False)
+ x_pos_emb = rearrange(x_pos_emb, 'b d nh nw -> b (nh nw) d')
+
+ # Add patches and positional embeddings
+ x = x_patch + x_pos_emb
+
+ return x
+
+
+class SemSegInputAdapter(nn.Module):
+ """
+ Adapter for spatial inputs, like images or feature maps.
+ Creates tokens from patches over the image.
+
+ :param num_classes: Number of input semantic classes
+ :param stride_level: Stride level compared to the full-sized image.
+ E.g. 4 for 1/4th the size of the image.
+ :param patch_size_full: Int or tuple of the patch size over the full image size.
+ Patch size for smaller inputs will be computed accordingly.
+ :param dim_tokens: Dimension of output tokens. Can be set using init method.
+ :param sincos_pos_emb: Set to True (default) to use fixed 2D sin-cos positional embeddings
+ :param learnable_pos_emb: Set to True to learn positional embeddings instead
+ :param image_size: Default image size. Used to initialize size of positional embeddings.
+ :param dim_class_emb: Dimension of learned class embedding
+ :param interpolate_class_emb: Set to True to average pool class embeddings of each patch
+ :param emb_padding_idx: Padding index (e.g. image border), default is None
+ """
+
+ def __init__(self,
+ num_classes: int,
+ stride_level: int,
+ patch_size_full: Union[int, Tuple[int, int]],
+ dim_tokens: Optional[int] = None,
+ sincos_pos_emb: int = True,
+ learnable_pos_emb: int = False,
+ image_size: Union[int, Tuple[int]] = 224,
+ dim_class_emb: int = 64,
+ interpolate_class_emb: bool = False,
+ emb_padding_idx: int = None
+ ):
+ super().__init__()
+ self.num_classes = num_classes
+ self.stride_level = stride_level
+ self.patch_size_full = pair(patch_size_full)
+ self.dim_tokens = dim_tokens
+ self.sincos_pos_emb = sincos_pos_emb
+ self.learnable_pos_emb = learnable_pos_emb
+ self.image_size = pair(image_size)
+ self.dim_class_emb = dim_class_emb
+ self.interpolate_class_emb = interpolate_class_emb
+ self.emb_padding_idx = emb_padding_idx
+ if self.emb_padding_idx is not None:
+ self.num_classes += 1
+
+ # Actual patch height and width, taking into account stride of input
+ self.P_H = max(1, self.patch_size_full[0] // stride_level)
+ self.P_W = max(1, self.patch_size_full[1] // stride_level)
+
+ if self.dim_tokens is not None:
+ self.init(dim_tokens=dim_tokens)
+
+ def init(self, dim_tokens: int = 768):
+ '''
+ Initialize parts of encoder that are dependent on dimension of tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens: Dimension of tokens
+ '''
+ self.dim_tokens = dim_tokens
+
+ # Task embedding identifying from which task a given token comes from
+ # Fixed-size positional embeddings. Can be interpolated to different input sizes
+ h_posemb = self.image_size[0] // (self.stride_level * self.P_H)
+ w_posemb = self.image_size[1] // (self.stride_level * self.P_W)
+ if self.sincos_pos_emb:
+ self.pos_emb = build_2d_sincos_posemb(h=h_posemb, w=w_posemb, embed_dim=self.dim_tokens)
+ self.pos_emb = nn.Parameter(self.pos_emb, requires_grad=self.learnable_pos_emb)
+ else:
+ self.pos_emb = nn.Parameter(torch.zeros(1, self.dim_tokens, h_posemb, w_posemb))
+ trunc_normal_(self.pos_emb, std=0.02)
+
+ # Image -> tokens projection
+ self.class_emb = nn.Embedding(num_embeddings=self.num_classes, embedding_dim=self.dim_class_emb, padding_idx=self.emb_padding_idx)
+ trunc_normal_(self.class_emb.weight, std=0.02)
+
+ if self.interpolate_class_emb:
+ self.proj = nn.Sequential(
+ nn.Upsample(scale_factor=(1 / self.P_H, 1 / self.P_W),
+ mode='bilinear'), # Actually a downsample operation
+ nn.Conv2d(in_channels=self.dim_class_emb, out_channels=self.dim_tokens,
+ kernel_size=1, stride=1),
+ )
+ else:
+ self.proj = nn.Conv2d(
+ in_channels=self.dim_class_emb, out_channels=self.dim_tokens,
+ kernel_size=(self.P_H, self.P_W), stride=(self.P_H, self.P_W)
+ )
+
+ @torch.jit.ignore
+ def no_weight_decay(self):
+ return {'pos_emb', 'class_emb'}
+
+ def forward(self, x):
+ '''
+ Forward pass through input adapter, transforming image to sequence of tokens.
+ Adds task and positional encodings.
+
+ :param x: Input image tensor
+ '''
+ B, H, W = x.shape
+ assert self.dim_tokens is not None, 'Need to call init(dim_tokens) function first'
+ assert (H % self.P_H == 0) and (
+ W % self.P_W == 0), f'Image sizes {H}x{W} must be divisible by patch sizes {self.P_H}x{self.P_W}'
+ N_H, N_W = H // self.P_H, W // self.P_W # Number of patches in height and width
+
+ # Map to embedding
+ x = rearrange(self.class_emb(x), 'b nh nw c -> b c nh nw')
+
+ # Create patches [B, C, H, W] -> [B, (H*W), C]
+ x_patch = rearrange(self.proj(x), 'b d nh nw -> b (nh nw) d')
+
+ # Create positional embedding
+ x_pos_emb = F.interpolate(self.pos_emb, size=(N_H, N_W), mode='bilinear')
+ x_pos_emb = rearrange(x_pos_emb, 'b d nh nw -> b (nh nw) d')
+
+ # Add patches and positional embeddings
+ x = x_patch + x_pos_emb
+
+ return x
diff --git a/multimae/multimae.py b/multimae/multimae.py
new file mode 100644
index 0000000000000000000000000000000000000000..a1e9bc208af87dbe0d21e86b657f707590bc98cb
--- /dev/null
+++ b/multimae/multimae.py
@@ -0,0 +1,539 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on timm, DeiT, DINO, MoCo-v3, BEiT, MAE-priv and MAE code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/facebookresearch/moco-v3
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/BUPT-PRIV/MAE-priv
+# https://github.com/facebookresearch/mae
+# --------------------------------------------------------
+
+import itertools
+import math
+from collections import OrderedDict
+from functools import partial
+from typing import Dict, List, Optional, Union
+
+import torch
+from einops import rearrange, repeat
+from torch import nn
+from torch.distributions.dirichlet import Dirichlet
+
+from utils.registry import register_model
+
+from .multimae_utils import Block, trunc_normal_
+
+__all__ = [
+ 'pretrain_multimae_base',
+ 'pretrain_multimae_large',
+ 'multivit_base',
+ 'multivit_large',
+]
+
+
+class MultiMAE(nn.Module):
+ """MultiMAE: Multi-task Multi-modal Masked Autoencoder
+ This module performs masking in its forward pass.
+ The MultiViT module defined below inherits from this module and performs a regular forward pass,
+ and should be used instead for downstream tasks
+
+
+ :param input_adapters: Dictionary of task -> input adapters
+ :param output_adapters: Optional dictionary of task -> output adapters
+
+ :param num_global_tokens: Number of additional global tokens to add (like cls tokens), default is 1
+ :param dim_tokens: Dimension of encoder tokens
+ :param depth: Depth of encoder
+ :param num_heads: Number of attention heads
+ :param mlp_ratio: MLP hidden dim ratio
+ :param qkv_bias: Set to False to disable bias
+ :param drop_rate: Dropout after MLPs and Attention
+ :param attn_drop_rate: Attention matrix drop rate
+ :param drop_path_rate: DropPath drop rate
+ :param norm_layer: Type of normalization layer
+ """
+ def __init__(self,
+ input_adapters: Dict[str, nn.Module],
+ output_adapters: Optional[Dict[str, nn.Module]],
+ num_global_tokens: int = 1,
+ dim_tokens: int = 768,
+ depth: int = 12,
+ num_heads: int = 12,
+ mlp_ratio: float = 4.0,
+ qkv_bias: bool = True,
+ drop_rate: float = 0.0,
+ attn_drop_rate: float = 0.0,
+ drop_path_rate: float = 0.0,
+ norm_layer: nn.Module = partial(nn.LayerNorm, eps=1e-6)):
+ super().__init__()
+
+ # Initialize input and output adapters
+ for adapter in input_adapters.values():
+ adapter.init(dim_tokens=dim_tokens)
+ self.input_adapters = nn.ModuleDict(input_adapters)
+ if output_adapters is not None:
+ for adapter in output_adapters.values():
+ adapter.init(dim_tokens_enc=dim_tokens)
+ self.output_adapters = nn.ModuleDict(output_adapters)
+ else:
+ self.output_adapters = None
+
+ # Additional learnable tokens that can be used by encoder to process/store global information
+ self.num_global_tokens = num_global_tokens
+ self.global_tokens = nn.Parameter(torch.zeros(1, num_global_tokens, dim_tokens))
+ trunc_normal_(self.global_tokens, std=0.02)
+
+ # Transformer encoder
+ dpr = [x.item() for x in torch.linspace(0, drop_path_rate, depth)] # stochastic depth decay rule
+ self.encoder = nn.Sequential(*[
+ Block(dim=dim_tokens, num_heads=num_heads, mlp_ratio=mlp_ratio, qkv_bias=qkv_bias,
+ drop=drop_rate, attn_drop=attn_drop_rate, drop_path=dpr[i], norm_layer=norm_layer)
+ for i in range(depth)
+ ])
+
+ self.apply(self._init_weights)
+ for name, m in self.named_modules():
+ if isinstance(m, nn.Linear):
+ if 'qkv' in name:
+ # treat the weights of Q, K, V separately
+ val = math.sqrt(6. / float(m.weight.shape[0] // 3 + m.weight.shape[1]))
+ nn.init.uniform_(m.weight, -val, val)
+ elif 'kv' in name:
+ # treat the weights of K, V separately
+ val = math.sqrt(6. / float(m.weight.shape[0] // 2 + m.weight.shape[1]))
+ nn.init.uniform_(m.weight, -val, val)
+
+ if isinstance(m, nn.Conv2d):
+ if '.proj' in name:
+ # From MAE, initialize projection like nn.Linear (instead of nn.Conv2d)
+ w = m.weight.data
+ nn.init.xavier_uniform_(w.view([w.shape[0], -1]))
+
+ def _init_weights(self, m):
+ if isinstance(m, nn.Linear):
+ nn.init.xavier_uniform_(m.weight)
+ if isinstance(m, nn.Linear) and m.bias is not None:
+ nn.init.constant_(m.bias, 0)
+ elif isinstance(m, nn.LayerNorm):
+ nn.init.constant_(m.bias, 0)
+ nn.init.constant_(m.weight, 1.0)
+
+ def get_num_layers(self):
+ return len(self.encoder)
+
+ @torch.jit.ignore
+ def no_weight_decay(self):
+ no_wd_set = {'global_tokens'}
+
+ for task, adapter in self.input_adapters.items():
+ if hasattr(adapter, 'no_weight_decay'):
+ to_skip = adapter.no_weight_decay()
+ to_skip = set([f'input_adapters.{task}.{name}' for name in to_skip])
+ no_wd_set = no_wd_set | to_skip
+
+ for task, adapter in self.output_adapters.items():
+ if hasattr(adapter, 'no_weight_decay'):
+ to_skip = adapter.no_weight_decay()
+ to_skip = set([f'output_adapters.{task}.{name}' for name in to_skip])
+ no_wd_set = no_wd_set | to_skip
+
+ return no_wd_set
+
+ def sample_alphas(self, B: int, n_tasks: int, alphas: float = 1.0, eps: float = 1e-5):
+ """
+ Sample alphas for Dirichlet sampling such that tasks are first uniformly chosen and then Dirichlet sampling
+ is performed over the chosen ones.
+
+ :param B: Batch size
+ :param n_tasks: Number of input tasks
+ :param alphas: Float or list to multiply task choices {0,1} by
+ :param eps: Small constant since Dirichlet alphas need to be positive
+ """
+ valid_task_choices = torch.Tensor([list(i) for i in itertools.product([0, 1], repeat=n_tasks)][1:])
+ rand_per_sample_choice = torch.randint(0, len(valid_task_choices), (B,))
+ alphas_tensor = torch.index_select(valid_task_choices, 0, rand_per_sample_choice)
+ alphas_tensor = alphas_tensor * torch.tensor(alphas) + eps
+ return alphas_tensor
+
+ def generate_random_masks(self,
+ input_tokens: Dict[str, torch.Tensor],
+ num_encoded_tokens: int,
+ alphas: Union[float, List[float]] = 1.0,
+ sample_tasks_uniformly: bool = False) :
+ """
+ Sample a total of num_encoded_tokens from different tasks using Dirichlet sampling.
+
+ :param input_tokens: Dictionary of tensors to sample num_encoded_tokens from
+ :param num_encoded_tokens: Number of tokens to select
+ :param alphas: Dirichlet distribution parameter alpha. Lower alpha = harder,
+ less uniform sampling. Can be float or list of floats.
+ :param sample_tasks_uniformly: Set to True to first sample 1-n_tasks uniformly at random
+ for each sample in the batch. Dirichlet sampling is then done over selected subsets.
+ """
+ B = list(input_tokens.values())[0].shape[0]
+ device = list(input_tokens.values())[0].device
+
+ alphas = [alphas] * len(input_tokens) if isinstance(alphas, float) else alphas
+ if sample_tasks_uniformly:
+ alphas = self.sample_alphas(B, len(input_tokens), alphas=alphas)
+ task_sampling_dist = Dirichlet(alphas).sample().to(device)
+ else:
+ task_sampling_dist = Dirichlet(torch.Tensor(alphas)).sample((B,)).to(device)
+
+ samples_per_task = (task_sampling_dist * num_encoded_tokens).round().long()
+
+ task_masks = []
+ num_tokens_per_task = [task_tokens.shape[1] for task_tokens in input_tokens.values()]
+ for i, num_tokens in enumerate(num_tokens_per_task):
+ # Use noise to shuffle arange
+ noise = torch.rand(B, num_tokens, device=device) # noise in [0, 1]
+ ids_arange_shuffle = torch.argsort(noise, dim=1) # ascend: small is keep, large is remove
+ mask = torch.arange(num_tokens, device=device).unsqueeze(0).expand(B, -1)
+ mask = torch.gather(mask, dim=1, index=ids_arange_shuffle)
+ # 0 is keep (unmasked), 1 is remove (masked)
+ mask = torch.where(mask < samples_per_task[:, i].unsqueeze(1), 0, 1)
+ task_masks.append(mask)
+
+ mask_all = torch.cat(task_masks, dim=1)
+ ids_shuffle = torch.argsort(mask_all, dim=1)
+ ids_restore = torch.argsort(ids_shuffle, dim=1)
+ ids_keep = ids_shuffle[:, :num_encoded_tokens]
+
+ # Update binary mask to adjust for task rounding
+ mask_all = torch.ones_like(mask_all)
+ mask_all[:, :num_encoded_tokens] = 0
+ # Unshuffle to get the binary mask
+ mask_all = torch.gather(mask_all, dim=1, index=ids_restore)
+ # Split to get task masks
+ task_masks = torch.split(mask_all, num_tokens_per_task, dim=1)
+ # Convert to dict
+ task_masks = {domain: mask for domain, mask in zip(input_tokens.keys(), task_masks)}
+
+ return task_masks, ids_keep, ids_restore
+
+ @staticmethod
+ def make_mask(N_H, N_W, xy_idxs, full_tasks=[], indicate_visible=True, flatten=True, device='cuda'):
+ """
+ Creates masks for each task, given lists of un-masked x,y coordinates.
+ """
+ xy_idxs = {
+ k: torch.LongTensor(v)
+ for k, v in xy_idxs.items()
+ }
+
+ task_masks = {
+ k: torch.ones(N_H, N_W).to(device)
+ for k in xy_idxs.keys()
+ }
+
+ for k in xy_idxs.keys():
+ if len(xy_idxs[k]) > 0:
+ task_masks[k][xy_idxs[k][:, 1], xy_idxs[k][:, 0]] = 0
+
+ for task in full_tasks:
+ task_masks[task][:] = 0
+
+ if not indicate_visible:
+ task_masks = {k: 1 - v for k, v in task_masks.items()}
+
+ if flatten:
+ task_masks = {k: v.flatten().unsqueeze(0) for k, v in task_masks.items()}
+
+ return task_masks
+
+ def generate_input_info(self, input_task_tokens, image_size):
+ input_info = OrderedDict()
+ i = 0
+ input_info['tasks'] = {}
+ for domain, tensor in input_task_tokens.items():
+ num_tokens = tensor.shape[1]
+ d = {
+ 'num_tokens': num_tokens,
+ 'has_2d_posemb': True, # TODO: Modify when adding non-2D tasks
+ 'start_idx': i,
+ 'end_idx': i + num_tokens,
+ }
+ i += num_tokens
+ input_info['tasks'][domain] = d
+
+ input_info['image_size'] = image_size
+ input_info['num_task_tokens'] = i
+ input_info['num_global_tokens'] = self.num_global_tokens
+
+ return input_info
+
+ def forward(self,
+ x: Union[Dict[str, torch.Tensor], torch.Tensor],
+ mask_inputs: bool = True,
+ task_masks: Dict[str, torch.Tensor] = None,
+ num_encoded_tokens: int = 128,
+ alphas: Union[float, List[float]] = 1.0,
+ sample_tasks_uniformly: bool = False,
+ fp32_output_adapters: List[str] = []):
+ """
+ Forward pass through input adapters, transformer encoder and output adapters.
+ If specified, will randomly drop input tokens.
+
+ :param x: Input tensor or dictionary of tensors
+ :param mask_inputs: Set to True to enable random masking of input patches
+ :param task_masks: Optional dictionary of task->mask pairs.
+ :param num_encoded_tokens: Number of tokens to randomly select for encoder.
+ Only used if mask_inputs is True.
+ :param alphas: Dirichlet distribution parameter alpha for task sampling.
+ Higher alpha = harder, less uniform sampling. Can be float or list of floats.
+ :param sample_tasks_uniformly: Set to True if tasks should be uniformly presampled,
+ before Dirichlet sampling decides share of masked tokens between them.
+ :param fp32_output_adapters: List of task identifiers to force output adapters to
+ run with mixed precision turned off for stability reasons.
+ """
+
+ ## Processing input modalities
+ # If input x is a Tensor, assume it's RGB
+ x = {'rgb': x} if isinstance(x, torch.Tensor) else x
+
+ # Need image size for tokens->image reconstruction
+ # We assume that at least one of rgb or semseg is given as input before masking
+ if 'rgb' in x:
+ B, C, H, W = x['rgb'].shape
+ elif 'semseg' in x:
+ B, H, W = x['semseg'].shape
+ H *= self.input_adapters['semseg'].stride_level
+ W *= self.input_adapters['semseg'].stride_level
+ else:
+ B, C, H, W = list(x.values())[0].shape # TODO: Deal with case where not all have same shape
+
+ # Encode selected inputs to tokens
+ input_task_tokens = {
+ domain: self.input_adapters[domain](tensor)
+ for domain, tensor in x.items()
+ if domain in self.input_adapters
+ }
+
+ input_info = self.generate_input_info(input_task_tokens=input_task_tokens, image_size=(H, W))
+
+ # Select random subset of tokens from the chosen input tasks and concatenate them
+ if mask_inputs:
+ num_encoded_tokens = num_encoded_tokens if num_encoded_tokens is not None else self.num_encoded_tokens
+ else:
+ num_encoded_tokens = sum([tensor.shape[1] for tensor in input_task_tokens.values()])
+
+ ## Generating masks
+ if task_masks is None:
+ task_masks, ids_keep, ids_restore = self.generate_random_masks(
+ input_task_tokens,
+ num_encoded_tokens,
+ alphas=alphas,
+ sample_tasks_uniformly=sample_tasks_uniformly
+ )
+ else:
+ mask_all = torch.cat([task_masks[task] for task in input_task_tokens.keys()], dim=1)
+ ids_shuffle = torch.argsort(mask_all, dim=1)
+ ids_restore = torch.argsort(ids_shuffle, dim=1)
+ ids_keep = ids_shuffle[:, :(mask_all == 0).sum()]
+
+ input_tokens = torch.cat([task_tokens for task_tokens in input_task_tokens.values()], dim=1)
+
+ # Apply mask
+ input_tokens = torch.gather(input_tokens, dim=1, index=ids_keep.unsqueeze(-1).repeat(1, 1, input_tokens.shape[2]))
+
+ # Add global tokens to input tokens
+ global_tokens = repeat(self.global_tokens, '() n d -> b n d', b=B)
+ input_tokens = torch.cat([input_tokens, global_tokens], dim=1)
+
+ ## Transformer forward pass
+ encoder_tokens = self.encoder(input_tokens)
+
+ ## Output decoders
+ if self.output_adapters is None:
+ return encoder_tokens, task_masks
+
+ # Decode tokens for each task using task-specific output adapters
+ preds = {
+ domain: self.output_adapters[domain](
+ encoder_tokens=encoder_tokens,
+ input_info=input_info,
+ ids_keep=ids_keep,
+ ids_restore=ids_restore,
+ )
+ for domain in self.output_adapters
+ if domain not in fp32_output_adapters
+ }
+ # Force running selected output adapters in fp32 mode
+ with torch.cuda.amp.autocast(enabled=False):
+ for domain in fp32_output_adapters:
+ if domain not in self.output_adapters:
+ continue
+ preds[domain] = self.output_adapters[domain](
+ encoder_tokens=encoder_tokens.float(),
+ input_info=input_info,
+ ids_keep=ids_keep,
+ ids_restore=ids_restore,
+ )
+
+ return preds, task_masks
+
+
+@register_model
+def pretrain_multimae_base(
+ input_adapters: Dict[str, nn.Module],
+ output_adapters: Optional[Dict[str, nn.Module]],
+ **kwargs):
+ model = MultiMAE(
+ input_adapters=input_adapters,
+ output_adapters=output_adapters,
+ dim_tokens=768,
+ depth=12,
+ num_heads=12,
+ mlp_ratio=4,
+ qkv_bias=True,
+ norm_layer=partial(nn.LayerNorm, eps=1e-6),
+ **kwargs
+ )
+ return model
+
+@register_model
+def pretrain_multimae_large(
+ input_adapters: Dict[str, nn.Module],
+ output_adapters: Optional[Dict[str, nn.Module]],
+ **kwargs):
+ model = MultiMAE(
+ input_adapters=input_adapters,
+ output_adapters=output_adapters,
+ dim_tokens=1024,
+ depth=24,
+ num_heads=16,
+ mlp_ratio=4,
+ qkv_bias=True,
+ norm_layer=partial(nn.LayerNorm, eps=1e-6),
+ **kwargs
+ )
+ return model
+
+
+class MultiViT(MultiMAE):
+ """MultiViT: Multi-modal Vision Transformer
+ This is MultiMAE without masking and with a simplified / faster forward pass
+
+
+ :param input_adapters: Dictionary of task -> input adapters
+ :param output_adapters: Optional dictionary of task -> output adapters
+
+ :param num_global_tokens: Number of additional global tokens to add (like cls tokens), default is 1
+ :param dim_tokens: Dimension of encoder tokens
+ :param depth: Depth of encoder
+ :param num_heads: Number of attention heads
+ :param mlp_ratio: MLP hidden dim ratio
+ :param qkv_bias: Set to False to disable bias
+ :param drop_rate: Dropout after MLPs and Attention
+ :param attn_drop_rate: Attention matrix drop rate
+ :param drop_path_rate: DropPath drop rate
+ :param norm_layer: Type of normalization layer
+ """
+
+ def process_input(self, x):
+
+ # If input x is a Tensor, assume it's RGB
+ x = {'rgb': x} if isinstance(x, torch.Tensor) else x
+ # Need image size for tokens->image reconstruction
+ if 'rgb' in x:
+ B, _, H, W = x['rgb'].shape
+ elif 'semseg' in x:
+ B, H, W = x['semseg'].shape
+ H *= self.input_adapters['semseg'].stride_level
+ W *= self.input_adapters['semseg'].stride_level
+ else:
+ B, _, H, W = list(x.values())[0].shape # TODO: Deal with case where not all have same shape
+
+ # Encode selected inputs to tokens
+ input_task_tokens = {
+ domain: self.input_adapters[domain](tensor)
+ for domain, tensor in x.items()
+ if domain in self.input_adapters
+ }
+
+ input_info = self.generate_input_info(input_task_tokens=input_task_tokens, image_size=(H, W))
+ input_tokens = torch.cat([task_tokens for task_tokens in input_task_tokens.values()], dim=1)
+
+ # Add global tokens to input tokens
+ global_tokens = repeat(self.global_tokens, '() n d -> b n d', b=B)
+ input_tokens = torch.cat([input_tokens, global_tokens], dim=1)
+
+ return input_tokens, input_info
+
+ def forward(self, x: Union[Dict[str, torch.Tensor], torch.Tensor], return_all_layers=False, **kwargs):
+ """
+ Forward pass through input adapters, transformer encoder and output adapters.
+
+ :param x: Input tensor or dictionary of tensors
+ :param return_all_layers: Set to True to return all transformer layers
+ """
+
+ input_tokens, input_info = self.process_input(x)
+
+ # Pass tokens through Transformer
+ if not return_all_layers:
+ encoder_tokens = self.encoder(input_tokens)
+ else:
+ # Optionally access every intermediate layer
+ encoder_tokens = []
+ tokens = input_tokens
+ for block in self.encoder:
+ tokens = block(tokens)
+ encoder_tokens.append(tokens)
+
+ if self.output_adapters is None:
+ return encoder_tokens
+
+ # Decode tokens for each task using task-specific output adapters
+ preds = {
+ domain: self.output_adapters[domain](
+ encoder_tokens=encoder_tokens,
+ input_info=input_info,
+ )
+ for domain in self.output_adapters
+ }
+
+ return preds
+
+
+@register_model
+def multivit_base(
+ input_adapters: Dict[str, nn.Module],
+ output_adapters: Optional[Dict[str, nn.Module]],
+ **kwargs):
+ model = MultiViT(
+ input_adapters=input_adapters,
+ output_adapters=output_adapters,
+ dim_tokens=768,
+ depth=12,
+ num_heads=12,
+ mlp_ratio=4,
+ qkv_bias=True,
+ norm_layer=partial(nn.LayerNorm, eps=1e-6),
+ **kwargs
+ )
+ return model
+
+@register_model
+def multivit_large(
+ input_adapters: Dict[str, nn.Module],
+ output_adapters: Optional[Dict[str, nn.Module]],
+ **kwargs):
+ model = MultiViT(
+ input_adapters=input_adapters,
+ output_adapters=output_adapters,
+ dim_tokens=1024,
+ depth=24,
+ num_heads=16,
+ mlp_ratio=4,
+ qkv_bias=True,
+ norm_layer=partial(nn.LayerNorm, eps=1e-6),
+ **kwargs
+ )
+ return model
diff --git a/multimae/multimae_utils.py b/multimae/multimae_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..a7e3035d29e42fc4e08bbda95ae02b97cd512fe0
--- /dev/null
+++ b/multimae/multimae_utils.py
@@ -0,0 +1,253 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on timm, DeiT, DINO, MoCo-v3, BEiT, MAE-priv and MAE code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/facebookresearch/moco-v3
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/BUPT-PRIV/MAE-priv
+# https://github.com/facebookresearch/mae
+# --------------------------------------------------------
+
+import math
+import warnings
+
+import torch
+import torch.nn as nn
+from einops import rearrange
+
+
+def pair(t):
+ return t if isinstance(t, tuple) else (t, t)
+
+
+def build_2d_sincos_posemb(h, w, embed_dim=1024, temperature=10000.):
+ """Sine-cosine positional embeddings from MoCo-v3
+
+ Source: https://github.com/facebookresearch/moco-v3/blob/main/vits.py
+ """
+ grid_w = torch.arange(w, dtype=torch.float32)
+ grid_h = torch.arange(h, dtype=torch.float32)
+ grid_w, grid_h = torch.meshgrid(grid_w, grid_h)
+ assert embed_dim % 4 == 0, 'Embed dimension must be divisible by 4 for 2D sin-cos position embedding'
+ pos_dim = embed_dim // 4
+ omega = torch.arange(pos_dim, dtype=torch.float32) / pos_dim
+ omega = 1. / (temperature ** omega)
+ out_w = torch.einsum('m,d->md', [grid_w.flatten(), omega])
+ out_h = torch.einsum('m,d->md', [grid_h.flatten(), omega])
+ pos_emb = torch.cat([torch.sin(out_w), torch.cos(out_w), torch.sin(out_h), torch.cos(out_h)], dim=1)[None, :, :]
+ pos_emb = rearrange(pos_emb, 'b (h w) d -> b d h w', h=h, w=w, d=embed_dim)
+ return pos_emb
+
+
+def _no_grad_trunc_normal_(tensor, mean, std, a, b):
+ # Cut & paste from PyTorch official master until it's in a few official releases - RW
+ # Method based on https://people.sc.fsu.edu/~jburkardt/presentations/truncated_normal.pdf
+ def norm_cdf(x):
+ # Computes standard normal cumulative distribution function
+ return (1. + math.erf(x / math.sqrt(2.))) / 2.
+
+ if (mean < a - 2 * std) or (mean > b + 2 * std):
+ warnings.warn("mean is more than 2 std from [a, b] in nn.init.trunc_normal_. "
+ "The distribution of values may be incorrect.",
+ stacklevel=2)
+
+ with torch.no_grad():
+ # Values are generated by using a truncated uniform distribution and
+ # then using the inverse CDF for the normal distribution.
+ # Get upper and lower cdf values
+ l = norm_cdf((a - mean) / std)
+ u = norm_cdf((b - mean) / std)
+
+ # Uniformly fill tensor with values from [l, u], then translate to
+ # [2l-1, 2u-1].
+ tensor.uniform_(2 * l - 1, 2 * u - 1)
+
+ # Use inverse cdf transform for normal distribution to get truncated
+ # standard normal
+ tensor.erfinv_()
+
+ # Transform to proper mean, std
+ tensor.mul_(std * math.sqrt(2.))
+ tensor.add_(mean)
+
+ # Clamp to ensure it's in the proper range
+ tensor.clamp_(min=a, max=b)
+ return tensor
+
+
+def trunc_normal_(tensor, mean=0., std=1., a=-2., b=2.):
+ # type: (Tensor, float, float, float, float) -> Tensor
+ r"""Fills the input Tensor with values drawn from a truncated
+ normal distribution. The values are effectively drawn from the
+ normal distribution :math:`\mathcal{N}(\text{mean}, \text{std}^2)`
+ with values outside :math:`[a, b]` redrawn until they are within
+ the bounds. The method used for generating the random values works
+ best when :math:`a \leq \text{mean} \leq b`.
+ Args:
+ tensor: an n-dimensional `torch.Tensor`
+ mean: the mean of the normal distribution
+ std: the standard deviation of the normal distribution
+ a: the minimum cutoff value
+ b: the maximum cutoff value
+ Examples:
+ >>> w = torch.empty(3, 5)
+ >>> nn.init.trunc_normal_(w)
+ """
+ return _no_grad_trunc_normal_(tensor, mean, std, a, b)
+
+
+def drop_path(x, drop_prob: float = 0., training: bool = False):
+ """Drop paths (Stochastic Depth) per sample (when applied in main path of residual blocks).
+ This is the same as the DropConnect impl I created for EfficientNet, etc networks, however,
+ the original name is misleading as 'Drop Connect' is a different form of dropout in a separate paper...
+ See discussion: https://github.com/tensorflow/tpu/issues/494#issuecomment-532968956 ... I've opted for
+ changing the layer and argument names to 'drop path' rather than mix DropConnect as a layer name and use
+ 'survival rate' as the argument.
+ """
+ if drop_prob == 0. or not training:
+ return x
+ keep_prob = 1 - drop_prob
+ shape = (x.shape[0],) + (1,) * (x.ndim - 1) # work with diff dim tensors, not just 2D ConvNets
+ random_tensor = keep_prob + torch.rand(shape, dtype=x.dtype, device=x.device)
+ random_tensor.floor_() # binarize
+ output = x.div(keep_prob) * random_tensor
+ return output
+
+
+class DropPath(nn.Module):
+ """Drop paths (Stochastic Depth) per sample (when applied in main path of residual blocks).
+ """
+
+ def __init__(self, drop_prob=None):
+ super(DropPath, self).__init__()
+ self.drop_prob = drop_prob
+
+ def forward(self, x):
+ return drop_path(x, self.drop_prob, self.training)
+
+ def extra_repr(self) -> str:
+ return 'p={}'.format(self.drop_prob)
+
+
+class Mlp(nn.Module):
+ def __init__(self, in_features, hidden_features=None, out_features=None, act_layer=nn.GELU, drop=0.):
+ super().__init__()
+ out_features = out_features or in_features
+ hidden_features = hidden_features or in_features
+ self.fc1 = nn.Linear(in_features, hidden_features)
+ self.act = act_layer()
+ self.fc2 = nn.Linear(hidden_features, out_features)
+ self.drop = nn.Dropout(drop)
+
+ def forward(self, x):
+ x = self.fc1(x)
+ x = self.act(x)
+ # x = self.drop(x)
+ # commit this for the orignal BERT implement
+ x = self.fc2(x)
+ x = self.drop(x)
+ return x
+
+
+class Attention(nn.Module):
+ def __init__(self, dim, num_heads=8, qkv_bias=False, attn_drop=0., proj_drop=0.,):
+ super().__init__()
+ self.num_heads = num_heads
+ head_dim = dim // num_heads
+ self.scale = head_dim ** -0.5
+
+ self.qkv = nn.Linear(dim, dim * 3, bias=qkv_bias)
+ self.attn_drop = nn.Dropout(attn_drop)
+ self.proj = nn.Linear(dim, dim)
+ self.proj_drop = nn.Dropout(proj_drop)
+
+ def forward(self, x):
+ B, N, C = x.shape
+ qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4)
+ q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple)
+
+ attn = (q @ k.transpose(-2, -1)) * self.scale
+ attn = attn.softmax(dim=-1)
+ attn = self.attn_drop(attn)
+
+ x = (attn @ v).transpose(1, 2).reshape(B, N, C)
+ x = self.proj(x)
+ x = self.proj_drop(x)
+ return x
+
+
+class CrossAttention(nn.Module):
+ def __init__(self, dim, num_heads=8, qkv_bias=False, attn_drop=0., proj_drop=0.):
+ super().__init__()
+ self.num_heads = num_heads
+ head_dim = dim // num_heads
+ self.scale = head_dim ** -0.5
+
+ self.q = nn.Linear(dim, dim, bias=qkv_bias)
+ self.kv = nn.Linear(dim, dim * 2, bias=qkv_bias)
+
+ self.attn_drop = nn.Dropout(attn_drop)
+ self.proj = nn.Linear(dim, dim)
+ self.proj_drop = nn.Dropout(proj_drop)
+
+ def forward(self, x, context):
+ B, N, C = x.shape
+ _, M, _ = context.shape
+
+ q = self.q(x).reshape(B, N, self.num_heads, C // self.num_heads).permute(0, 2, 1, 3)
+ kv = self.kv(context).reshape(B, M, 2, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4)
+ k, v = kv[0], kv[1]
+
+ attn = (q @ k.transpose(-2, -1)) * self.scale
+ attn = attn.softmax(dim=-1)
+ attn = self.attn_drop(attn)
+
+ x = (attn @ v).transpose(1, 2).reshape(B, N, -1)
+ x = self.proj(x)
+ x = self.proj_drop(x)
+ return x
+
+
+class Block(nn.Module):
+
+ def __init__(self, dim, num_heads, mlp_ratio=4., qkv_bias=False, drop=0., attn_drop=0.,
+ drop_path=0., act_layer=nn.GELU, norm_layer=nn.LayerNorm):
+ super().__init__()
+ self.norm1 = norm_layer(dim)
+ self.attn = Attention(dim, num_heads=num_heads, qkv_bias=qkv_bias, attn_drop=attn_drop, proj_drop=drop)
+ self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity()
+ self.norm2 = norm_layer(dim)
+ mlp_hidden_dim = int(dim * mlp_ratio)
+ self.mlp = Mlp(in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop)
+
+ def forward(self, x):
+ x = x + self.drop_path(self.attn(self.norm1(x)))
+ x = x + self.drop_path(self.mlp(self.norm2(x)))
+ return x
+
+
+class DecoderBlock(nn.Module):
+ def __init__(self, dim, num_heads, mlp_ratio=4., qkv_bias=False, drop=0., attn_drop=0.,
+ drop_path=0., act_layer=nn.GELU, norm_layer=nn.LayerNorm):
+ super().__init__()
+ self.norm1 = norm_layer(dim)
+ self.self_attn = Attention(dim, num_heads=num_heads, qkv_bias=qkv_bias, attn_drop=attn_drop, proj_drop=drop)
+ self.cross_attn = CrossAttention(dim, num_heads=num_heads, qkv_bias=qkv_bias, attn_drop=attn_drop, proj_drop=drop)
+ self.query_norm = norm_layer(dim)
+ self.context_norm = norm_layer(dim)
+ self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity()
+ self.norm2 = norm_layer(dim)
+ mlp_hidden_dim = int(dim * mlp_ratio)
+ self.mlp = Mlp(in_features=dim, hidden_features=mlp_hidden_dim, act_layer=act_layer, drop=drop)
+
+ def forward(self, x, context):
+ x = x + self.drop_path(self.self_attn(self.norm1(x)))
+ x = x + self.drop_path(self.cross_attn(self.query_norm(x), self.context_norm(context)))
+ x = x + self.drop_path(self.mlp(self.norm2(x)))
+ return x
diff --git a/multimae/output_adapter_utils.py b/multimae/output_adapter_utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..d67a09c9bd5116366d75d2aea5bd1d1e9b88c535
--- /dev/null
+++ b/multimae/output_adapter_utils.py
@@ -0,0 +1,290 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on timm, DPT and ConvNeXt code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/isl-org/DPT
+# https://github.com/facebookresearch/ConvNeXt
+# --------------------------------------------------------
+
+import torch
+import torch.nn as nn
+
+from .multimae_utils import DropPath
+
+
+class ConvNeXtBlock(nn.Module):
+ r"""ConvNeXt Block. There are two equivalent implementations:
+ (1) DwConv -> LayerNorm (channels_first) -> 1x1 Conv -> GELU -> 1x1 Conv; all in (N, C, H, W)
+ (2) DwConv -> Permute to (N, H, W, C); LayerNorm (channels_last) -> Linear -> GELU -> Linear; Permute back
+ We use (2) as we find it slightly faster in PyTorch
+
+ Args:
+ dim (int): Number of input channels.
+ drop_path: Stochastic depth rate. Default: 0.0
+ layer_scale_init_value (float): Init value for Layer Scale. Default: 0 (disabled for isotropic ConvNeXt).
+
+ Code from: https://github.com/facebookresearch/ConvNeXt/blob/main/models/convnext.py
+ """
+
+ def __init__(self, dim, drop_path=0., layer_scale_init_value=0.):
+ super().__init__()
+ self.dwconv = nn.Conv2d(dim, dim, kernel_size=7, padding=3, groups=dim) # depthwise conv
+ self.norm = nn.LayerNorm(dim, eps=1e-6)
+ self.pwconv1 = nn.Linear(dim, 4 * dim) # pointwise/1x1 convs, implemented with linear layers
+ self.act = nn.GELU()
+ self.pwconv2 = nn.Linear(4 * dim, dim)
+ self.gamma = nn.Parameter(layer_scale_init_value * torch.ones((dim)),
+ requires_grad=True) if layer_scale_init_value > 0 else None
+ self.drop_path = DropPath(drop_path) if drop_path > 0. else nn.Identity()
+
+ def forward(self, x):
+ input = x
+ x = self.dwconv(x)
+ x = x.permute(0, 2, 3, 1) # (N, C, H, W) -> (N, H, W, C)
+ x = self.norm(x)
+ x = self.pwconv1(x)
+ x = self.act(x)
+ x = self.pwconv2(x)
+ if self.gamma is not None:
+ x = self.gamma * x
+ x = x.permute(0, 3, 1, 2) # (N, H, W, C) -> (N, C, H, W)
+
+ x = input + self.drop_path(x)
+ return x
+
+
+class ResidualConvUnit_custom(nn.Module):
+ """Residual convolution module."""
+
+ def __init__(self, features, activation, bn):
+ """Init.
+ Args:
+ features (int): number of features
+ """
+ super().__init__()
+
+ self.bn = bn
+
+ self.groups = 1
+
+ self.conv1 = nn.Conv2d(
+ features,
+ features,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=not self.bn,
+ groups=self.groups,
+ )
+
+ self.conv2 = nn.Conv2d(
+ features,
+ features,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=not self.bn,
+ groups=self.groups,
+ )
+
+ if self.bn == True:
+ self.bn1 = nn.BatchNorm2d(features)
+ self.bn2 = nn.BatchNorm2d(features)
+
+ self.activation = activation
+
+ self.skip_add = nn.quantized.FloatFunctional()
+
+ def forward(self, x):
+ """Forward pass.
+ Args:
+ x (tensor): input
+ Returns:
+ tensor: output
+ """
+
+ out = self.activation(x)
+ out = self.conv1(out)
+ if self.bn == True:
+ out = self.bn1(out)
+
+ out = self.activation(out)
+ out = self.conv2(out)
+ if self.bn == True:
+ out = self.bn2(out)
+
+ if self.groups > 1:
+ out = self.conv_merge(out)
+
+ return self.skip_add.add(out, x)
+
+def make_scratch(in_shape, out_shape, groups=1, expand=False):
+ scratch = nn.Module()
+
+ out_shape1 = out_shape
+ out_shape2 = out_shape
+ out_shape3 = out_shape
+ out_shape4 = out_shape
+ if expand == True:
+ out_shape1 = out_shape
+ out_shape2 = out_shape * 2
+ out_shape3 = out_shape * 4
+ out_shape4 = out_shape * 8
+
+ scratch.layer1_rn = nn.Conv2d(
+ in_shape[0],
+ out_shape1,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+ scratch.layer2_rn = nn.Conv2d(
+ in_shape[1],
+ out_shape2,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+ scratch.layer3_rn = nn.Conv2d(
+ in_shape[2],
+ out_shape3,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+ scratch.layer4_rn = nn.Conv2d(
+ in_shape[3],
+ out_shape4,
+ kernel_size=3,
+ stride=1,
+ padding=1,
+ bias=False,
+ groups=groups,
+ )
+
+ scratch.layer_rn = nn.ModuleList([
+ scratch.layer1_rn,
+ scratch.layer2_rn,
+ scratch.layer3_rn,
+ scratch.layer4_rn,
+ ])
+
+ return scratch
+
+class FeatureFusionBlock_custom(nn.Module):
+ """Feature fusion block."""
+
+ def __init__(
+ self,
+ features,
+ activation,
+ deconv=False,
+ bn=False,
+ expand=False,
+ align_corners=True,
+ ):
+ """Init.
+ Args:
+ features (int): number of features
+ """
+ super(FeatureFusionBlock_custom, self).__init__()
+
+ self.deconv = deconv
+ self.align_corners = align_corners
+
+ self.groups = 1
+
+ self.expand = expand
+ out_features = features
+ if self.expand == True:
+ out_features = features // 2
+
+ self.out_conv = nn.Conv2d(
+ features,
+ out_features,
+ kernel_size=1,
+ stride=1,
+ padding=0,
+ bias=True,
+ groups=1,
+ )
+
+ self.resConfUnit1 = ResidualConvUnit_custom(features, activation, bn)
+ self.resConfUnit2 = ResidualConvUnit_custom(features, activation, bn)
+
+ self.skip_add = nn.quantized.FloatFunctional()
+
+ def forward(self, *xs):
+ """Forward pass.
+ Returns:
+ tensor: output
+ """
+ output = xs[0]
+
+ if len(xs) == 2:
+ res = self.resConfUnit1(xs[1])
+ output = self.skip_add.add(output, res)
+ # output += res
+
+ output = self.resConfUnit2(output)
+
+ output = nn.functional.interpolate(
+ output, scale_factor=2, mode="bilinear", align_corners=self.align_corners
+ )
+
+ output = self.out_conv(output)
+
+ return output
+
+def make_fusion_block(features, use_bn):
+ return FeatureFusionBlock_custom(
+ features,
+ nn.ReLU(False),
+ deconv=False,
+ bn=use_bn,
+ expand=False,
+ align_corners=True,
+ )
+
+class Interpolate(nn.Module):
+ """Interpolation module."""
+
+ def __init__(self, scale_factor, mode, align_corners=False):
+ """Init.
+ Args:
+ scale_factor (float): scaling
+ mode (str): interpolation mode
+ """
+ super(Interpolate, self).__init__()
+
+ self.interp = nn.functional.interpolate
+ self.scale_factor = scale_factor
+ self.mode = mode
+ self.align_corners = align_corners
+
+ def forward(self, x):
+ """Forward pass.
+ Args:
+ x (tensor): input
+ Returns:
+ tensor: interpolated data
+ """
+
+ x = self.interp(
+ x,
+ scale_factor=self.scale_factor,
+ mode=self.mode,
+ align_corners=self.align_corners,
+ )
+
+ return x
diff --git a/multimae/output_adapters.py b/multimae/output_adapters.py
new file mode 100644
index 0000000000000000000000000000000000000000..328c2ba0652efb4673277ec0ca50f35b387691bf
--- /dev/null
+++ b/multimae/output_adapters.py
@@ -0,0 +1,759 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on timm, DeiT, DINO, MoCo-v3, BEiT, MAE-priv MAE, DPT and ConvNeXt code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/facebookresearch/moco-v3
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/BUPT-PRIV/MAE-priv
+# https://github.com/facebookresearch/mae
+# https://github.com/isl-org/DPT
+# https://github.com/facebookresearch/ConvNeXt
+# --------------------------------------------------------
+
+from functools import partial
+from typing import Dict, Iterable, List, Optional, Tuple, Union
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+from einops import rearrange, repeat
+
+from .multimae_utils import (Block, CrossAttention, Mlp,
+ build_2d_sincos_posemb, pair, trunc_normal_)
+from .output_adapter_utils import (ConvNeXtBlock, Interpolate,
+ make_fusion_block, make_scratch)
+
+
+class SpatialOutputAdapter(nn.Module):
+ """Cross-attention adapter for spatial outputs, like images or feature maps.
+
+ :param num_channels: Number of input channels of the image/feature map
+ :param stride_level: Stride level compared to the full-sized image.
+ E.g. 4 for 1/4th the size of the image.
+ :param patch_size_full: Int or tuple of the patch size over the full image size.
+ Patch size for smaller inputs will be computed accordingly.
+ :param dim_tokens_enc: Dimension of tokens coming from encoder. Can be set using init method.
+ :param dim_tokens: Dimension of decoder tokens
+ :param depth: Number of additional (full self-attention) transformer layers after initial cross attention and MLP
+ :param learnable_pos_emb: Set to True to learn positional embeddings instead
+ :param image_size: Default image size. Used to initialize size of positional embeddings.
+ :param mlp_ratio: MLP hidden dim ratio
+ :param num_heads: Number of attention heads
+ :param qkv_bias: Set to True to enable bias
+ :param drop_rate: Probability of dropping attention layer outputs
+ :param attn_drop_rate: Probability of dropping attention matrix elements
+ :param drop_path_rate: DropPath drop rate
+ :param norm_layer: Type of normalization layer
+ :param use_task_queries: When set to True, adds task specific tokens from encoder (if available)
+ to the corresponding query entries
+ :param task: Task for which encoder tokens are added to the queries of the decoder (e.g. RGB if decoder is used for RGB)
+ :param context_tasks: Tasks / modalities from the encoder. Used to create learned embeddings for each task.
+ :param use_xattn: When set to True, attend to the tokens from the encoder through a cross-attention layer
+ """
+
+ def __init__(self,
+ num_channels: int,
+ stride_level: int,
+ patch_size_full: Union[int, Tuple[int, int]],
+ dim_tokens_enc: Optional[int] = None,
+ dim_tokens: int = 256,
+ depth: int = 0,
+ learnable_pos_emb: int = False,
+ image_size: Union[int, Tuple[int]] = 224,
+ mlp_ratio: int = 4.0,
+ num_heads: int = 8,
+ qkv_bias: bool = True,
+ drop_rate: float = 0.0,
+ attn_drop_rate: float = 0.0,
+ drop_path_rate: float = 0.0,
+ norm_layer: nn.Module = partial(nn.LayerNorm, eps=1e-6),
+ use_task_queries: bool = True,
+ task: Optional[str] = None,
+ context_tasks: Optional[list] = None,
+ use_xattn: bool = True
+ ):
+ super().__init__()
+ self.num_channels = num_channels
+ self.stride_level = stride_level
+ self.patch_size_full = pair(patch_size_full)
+ self.dim_tokens_enc = dim_tokens_enc
+ self.dim_tokens = dim_tokens
+ self.learnable_pos_emb = learnable_pos_emb
+ self.image_size = pair(image_size)
+ self.use_task_queries = use_task_queries
+ self.task = task
+ self.use_xattn = use_xattn
+
+ # Actual patch height and width, taking into account stride of input
+ self.P_H = max(1, self.patch_size_full[0] // stride_level)
+ self.P_W = max(1, self.patch_size_full[1] // stride_level)
+
+ if context_tasks is not None:
+ self.task_embeddings = nn.ParameterDict(
+ {task: nn.Parameter(torch.zeros(1, 1, self.dim_tokens)) for task in context_tasks})
+ for embedding in self.task_embeddings.values():
+ trunc_normal_(embedding, std=0.02)
+
+ self.mask_token = nn.Parameter(torch.zeros(1, 1, self.dim_tokens))
+
+ # Fixed-size positional embeddings. Can be interpolated to different input sizes
+ h_posemb = self.image_size[0] // (self.stride_level * self.P_H)
+ w_posemb = self.image_size[1] // (self.stride_level * self.P_W)
+ if not self.learnable_pos_emb:
+ self.pos_emb = build_2d_sincos_posemb(h=h_posemb, w=w_posemb, embed_dim=self.dim_tokens)
+ self.pos_emb = nn.Parameter(self.pos_emb, requires_grad=False)
+ else:
+ self.pos_emb = nn.Parameter(torch.zeros(1, h_posemb, w_posemb, self.dim_tokens))
+ trunc_normal_(self.pos_emb, std=0.02)
+
+ # One cross attention layer followed by MLP block, an optional transformer, and an output projection
+ if self.use_xattn:
+ self.decoder = CrossAttention(
+ dim=self.dim_tokens, num_heads=num_heads, qkv_bias=qkv_bias,
+ attn_drop=attn_drop_rate, proj_drop=drop_rate)
+ self.context_norm = norm_layer(self.dim_tokens)
+ self.query_norm = norm_layer(self.dim_tokens)
+ self.out_norm = norm_layer(self.dim_tokens)
+
+ mlp_hidden_dim = int(self.dim_tokens * mlp_ratio)
+ self.mlp = Mlp(in_features=self.dim_tokens, hidden_features=mlp_hidden_dim)
+
+ # Optional full self-attention transformer layers
+ if depth > 0:
+ dpr = [x.item() for x in torch.linspace(0, drop_path_rate, depth)] # stochastic depth decay rule
+ self.decoder_transformer = nn.Sequential(*[
+ Block(dim=self.dim_tokens, num_heads=num_heads, mlp_ratio=mlp_ratio, qkv_bias=qkv_bias, drop=drop_rate,
+ attn_drop=attn_drop_rate, drop_path=dpr[i], norm_layer=norm_layer)
+ for i in range(depth)
+ ])
+ else:
+ self.decoder_transformer = nn.Identity()
+
+ self.dim_patch = self.num_channels * self.P_H * self.P_W
+ self.out_proj = nn.Linear(self.dim_tokens, self.dim_patch)
+
+ if self.dim_tokens_enc is not None:
+ self.init(dim_tokens_enc=dim_tokens_enc)
+
+ def init(self, dim_tokens_enc: int = 768):
+ '''
+ Initialize parts of decoder that are dependent on dimension of encoder tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens_enc: Dimension of tokens coming from encoder
+ '''
+ self.dim_tokens_enc = dim_tokens_enc
+
+ # Projection of encoder tokens to the patch dimension
+ self.proj_context = nn.Linear(self.dim_tokens_enc, self.dim_tokens)
+
+ @torch.jit.ignore
+ def no_weight_decay(self):
+ return {'pos_emb', 'mask_token', 'task_embeddings'}
+
+ def generate_context_embeddings(self, input_info,
+ bs: int,
+ size: Tuple[int, int],
+ device: Optional[torch.device] = None):
+ context_embeddings = []
+ for task, info in input_info["tasks"].items():
+ if self.task_embeddings is not None and task in self.task_embeddings:
+ task_emb = repeat(self.task_embeddings[task], '() () d -> b n d', b=bs, n=info['num_tokens'])
+ else:
+ task_emb = torch.zeros((bs, info['num_tokens'], self.dim_tokens), device=device)
+
+ if info['has_2d_posemb']:
+ pos_emb = F.interpolate(self.pos_emb, size=size, mode='bilinear', align_corners=False)
+ pos_emb = rearrange(pos_emb, 'b d nh nw -> b (nh nw) d')
+ assert info['num_tokens'] == pos_emb.shape[1]
+ task_emb = task_emb + pos_emb
+
+ context_embeddings.append(task_emb)
+
+ context_embeddings = torch.cat(context_embeddings, dim=1)
+
+ return context_embeddings
+
+ def get_queries_and_context(self, context_tokens, input_info, ids_keep, ids_restore):
+ B = context_tokens.shape[0]
+ H, W = input_info['image_size']
+ # Number of patches in height and width
+ N_H = H // (self.stride_level * self.P_H)
+ N_W = W // (self.stride_level * self.P_W)
+
+ if 'num_global_tokens' in input_info:
+ context_tokens_without_global = context_tokens[:, :-input_info['num_global_tokens']]
+ else:
+ context_tokens_without_global = context_tokens
+
+ # Add mask tokens
+ mask_tokens = repeat(self.mask_token, '() () d -> b n d', b=B,
+ n=input_info['num_task_tokens'] - context_tokens_without_global.shape[1])
+ context_with_mask = torch.cat([context_tokens_without_global, mask_tokens], dim=1)
+
+ # Unshuffle context_with_mask
+ context_with_mask = torch.gather(context_with_mask, dim=1,
+ index=ids_restore.unsqueeze(-1).repeat(1, 1, context_with_mask.shape[2]))
+
+ # Generate context_emb and add them to context
+ context_emb = self.generate_context_embeddings(input_info=input_info, bs=B, size=(N_H, N_W),
+ device=context_tokens.device)
+ context_with_mask = context_with_mask + context_emb
+
+ # Generate queries
+ if self.use_task_queries and self.task in input_info['tasks']:
+ start_idx = input_info['tasks'][self.task]['start_idx']
+ end_idx = input_info['tasks'][self.task]['end_idx']
+ queries = context_with_mask[:, start_idx:end_idx]
+ else:
+ queries = repeat(self.mask_token, '() () d -> b n d', b=B, n=N_H * N_W)
+ queries_pos_emb = F.interpolate(self.pos_emb, size=(N_H, N_W), mode='bilinear', align_corners=False)
+ queries_pos_emb = rearrange(queries_pos_emb, 'b d nh nw -> b (nh nw) d')
+ queries = queries + queries_pos_emb
+ if self.task_embeddings is not None and self.task in self.task_embeddings:
+ queries_task_emb = repeat(self.task_embeddings[self.task], '() () d -> b n d', b=B, n=N_H * N_W)
+ queries = queries + queries_task_emb
+
+ # Unshuffle context and keep only initial context (yes, again)
+ context_tokens_without_global = torch.gather(context_with_mask, dim=1,
+ index=ids_keep.unsqueeze(-1).repeat(1, 1, context_with_mask.shape[2]))
+
+ # Add back global tokens
+ if 'num_global_tokens' in input_info:
+ context_tokens = torch.cat(
+ [context_tokens_without_global, context_tokens[:, -input_info['num_global_tokens']:]], dim=1)
+ else:
+ context_tokens = context_tokens_without_global
+
+ return queries, context_tokens
+
+ def forward(self,
+ encoder_tokens: torch.Tensor,
+ input_info: Dict,
+ ids_keep: torch.Tensor,
+ ids_restore: torch.Tensor,
+ ):
+ """
+ Forward pass taking output tokens from encoder and optionally a subset of them corresponding
+ to this output adapter's task (needs an additional mask describing position of these tokens in the queries).
+
+ :param encoder_tokens: Output of encoder
+ :param input_info: Dictionary with information about the input modalities
+ :param ids_keep: IDs of unmasked tokens (tokens given to the encoder)
+ :param ids_restore: IDs to unshuffle tokens
+ """
+ assert self.dim_tokens_enc is not None, 'Need to call init(dim_tokens_enc) function first'
+ H, W = input_info['image_size']
+ # Number of patches in height and width
+ N_H = H // (self.stride_level * self.P_H)
+ N_W = W // (self.stride_level * self.P_W)
+
+ # Project encoder tokens to decoder tokens
+ context_tokens = self.proj_context(encoder_tokens)
+
+ # Get queries and context
+ queries, context_tokens = self.get_queries_and_context(context_tokens, input_info, ids_keep, ids_restore)
+
+ # Perform cross attention of queries to context tokens, followed by an MLP
+ if self.use_xattn:
+ x = self.decoder(self.query_norm(queries), self.context_norm(context_tokens))
+ x = x + self.mlp(self.out_norm(x))
+ else:
+ x = queries
+
+ # Optional transformer layers if depth > 0
+ x = self.decoder_transformer(x)
+
+ # Project each token to (C * P_H * P_W)
+ x = self.out_proj(x)
+
+ # Reshape sequence of patches into image
+ x = rearrange(
+ x, 'b (nh nw) (c ph pw) -> b c (nh ph) (nw pw)',
+ nh=N_H, nw=N_W, ph=self.P_H, pw=self.P_W, c=self.num_channels
+ )
+
+ return x
+
+
+class LinearOutputAdapter(nn.Module):
+ """
+ Linear output adapter.
+
+ :param num_classes: Number of classes
+ :param dim_tokens_enc: Dimension of tokens from the encoder
+ :param use_mean_pooling: When set to True, uses mean pooling before linear classification head.
+ Otherwise, use last token (usually the global token)
+ :param norm_layer: Normalization layer
+ :param init_scale: Initialization scale for linear classification head
+ """
+
+ def __init__(self,
+ num_classes: int,
+ dim_tokens_enc: Optional[int] = None,
+ use_mean_pooling: bool = True,
+ norm_layer: nn.Module = partial(nn.LayerNorm, eps=1e-6),
+ init_scale: float = 1.0):
+ super().__init__()
+ self.num_classes = num_classes
+ self.dim_tokens_enc = dim_tokens_enc
+ self.use_mean_pooling = use_mean_pooling
+ self.norm_layer = norm_layer
+ self.init_scale = init_scale
+
+ if self.dim_tokens_enc is not None:
+ self.init(dim_tokens_enc=dim_tokens_enc)
+
+ def init(self, dim_tokens_enc: int = 768):
+ """
+ Initialize parts of decoder that are dependent on dimension of encoder tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens_enc: Dimension of tokens coming from encoder
+ """
+ self.dim_tokens_enc = dim_tokens_enc
+
+ self.norm = self.norm_layer(self.dim_tokens_enc)
+ self.head = nn.Linear(dim_tokens_enc, self.num_classes) if self.num_classes > 0 else nn.Identity()
+
+ self.apply(self._init_weights)
+ self.head.weight.data.mul_(self.init_scale)
+ self.head.bias.data.mul_(self.init_scale)
+
+ def _init_weights(self, m):
+ if isinstance(m, nn.Linear):
+ trunc_normal_(m.weight, std=.02)
+ if isinstance(m, nn.Linear) and m.bias is not None:
+ nn.init.constant_(m.bias, 0)
+ elif isinstance(m, nn.LayerNorm):
+ nn.init.constant_(m.bias, 0)
+ nn.init.constant_(m.weight, 1.0)
+
+ def get_classifier(self):
+ return self.head
+
+ def reset_classifier(self, num_classes, global_pool=''):
+ self.num_classes = num_classes
+ self.init(dim_tokens_enc=self.dim_tokens_enc)
+
+ def forward(self,
+ encoder_tokens: torch.Tensor,
+ **kwargs):
+
+ if self.use_mean_pooling:
+ x = encoder_tokens.mean(1)
+ else:
+ # Global token is added at the end
+ x = encoder_tokens[:, -1]
+
+ x = self.head(self.norm(x))
+ return x
+
+
+class SegmenterMaskTransformerAdapter(nn.Module):
+ """Output adapter inspired by the Segmenter-Mask architecture
+
+ This head is the implementation of `Segmenter: `_.
+
+ :param num_classes: Number of classes
+ :param depth: Depth of decoder
+ :param num_heads: Number of attention heads
+ :param embed_dim: Dimension of decoder tokens
+ :param mlp_ratio: MLP hidden dim ratio
+ :param drop_path_rate: DropPath drop rate
+ :param drop_rate: Dropout after MLPs and Attention
+ :param attn_drop_rate: Attention matrix drop rate
+ :param qkv_bias: Set to False to disable bias
+ :param main_tasks: Tasks to use for the adapter. Only tokens coming from these tasks are kept.
+ :param patch_size: Size of patches
+ :param norm_layer: Type of normalization layer
+ """
+
+ def __init__(
+ self,
+ num_classes,
+ depth: int = 2,
+ num_heads: int = 12,
+ embed_dim: int = 768,
+ mlp_ratio=4,
+ drop_path_rate=0.1,
+ drop_rate=0.0,
+ attn_drop_rate=0.0,
+ qkv_bias=True,
+ main_tasks: str = ('rgb',),
+ patch_size: int = 16,
+ norm_layer: nn.Module = partial(nn.LayerNorm, eps=1e-6),
+ **kwargs,
+ ):
+ super().__init__()
+ self.main_tasks = main_tasks
+ self.patch_size = patch_size
+ self.embed_dim = embed_dim
+ self.num_classes = num_classes
+
+ self.cls_emb = nn.Parameter(torch.zeros(1, num_classes, embed_dim))
+ trunc_normal_(self.cls_emb, std=0.02)
+
+ self.patch_proj = nn.Linear(embed_dim, embed_dim, bias=False)
+ self.classes_proj = nn.Linear(embed_dim, embed_dim, bias=False)
+
+ dpr = [x.item() for x in torch.linspace(0, drop_path_rate, depth)]
+ self.blocks = nn.ModuleList([
+ Block(dim=embed_dim, num_heads=num_heads, mlp_ratio=mlp_ratio, qkv_bias=qkv_bias, drop=drop_rate,
+ attn_drop=attn_drop_rate, drop_path=dpr[i], norm_layer=norm_layer)
+ for i in range(depth)
+ ])
+
+ self.decoder_norm = norm_layer(embed_dim)
+ self.mask_norm = norm_layer(num_classes)
+ self.apply(self._init_weights)
+
+ def init(self, dim_tokens_enc: int = 768):
+ """
+ Initialize parts of decoder that are dependent on dimension of encoder tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens_enc: Dimension of tokens coming from encoder
+ """
+ self.in_channels = dim_tokens_enc * len(self.main_tasks)
+
+ # Projection of encoder tokens to the patch dimension
+ self.proj_dec = nn.Linear(self.in_channels, self.embed_dim)
+ self._init_weights(self.proj_dec)
+
+ def _init_weights(self, m):
+ if isinstance(m, nn.Linear):
+ trunc_normal_(m.weight, std=.02)
+ if isinstance(m, nn.Linear) and m.bias is not None:
+ nn.init.constant_(m.bias, 0)
+ elif isinstance(m, nn.LayerNorm):
+ nn.init.constant_(m.bias, 0)
+ nn.init.constant_(m.weight, 1.0)
+
+ def adapt_tokens(self, encoder_tokens, input_info):
+ # Adapt tokens
+ x = []
+ for task in self.main_tasks:
+ start_idx = input_info['tasks'][task]['start_idx']
+ end_idx = input_info['tasks'][task]['end_idx']
+ x.append(encoder_tokens[:, start_idx:end_idx])
+
+ x = torch.cat(x, dim=-1)
+ return x
+
+ def forward(self, encoder_tokens: torch.Tensor, input_info: Dict):
+ H, W = input_info['image_size']
+ N_H, N_W = H // self.patch_size, W // self.patch_size
+
+ x = self.adapt_tokens(encoder_tokens, input_info)
+
+ x = self.proj_dec(x)
+ cls_emb = self.cls_emb.expand(x.shape[0], -1, -1)
+ x = torch.cat((x, cls_emb), 1)
+
+ for blk in self.blocks:
+ x = blk(x)
+
+ x = self.decoder_norm(x)
+
+ patches = self.patch_proj(x[:, :-self.num_classes])
+ cls_seg_feat = self.classes_proj(x[:, -self.num_classes:])
+
+ patches = F.normalize(patches, dim=2, p=2)
+ cls_seg_feat = F.normalize(cls_seg_feat, dim=2, p=2)
+
+ masks = patches @ cls_seg_feat.transpose(1, 2)
+ masks = self.mask_norm(masks)
+ masks = rearrange(masks, "b (nh nw) c -> b c nh nw", nh=N_H, nw=N_W)
+
+ # Interpolate to semseg res
+ masks = F.interpolate(masks, size=(H, W), mode="bilinear")
+
+ return masks
+
+
+class ConvNeXtAdapter(nn.Module):
+ """Output adapter with ConvNext blocks for semantic segmentation
+
+ :param num_classes: Number of classes
+ :param num_heads: Number of attention heads
+ :param embed_dim: Token dimension after projection, and before reshaping operation.
+ :param preds_per_patch: Increases size of feature map by reshaping each patch Each patch gets reshaped
+ from embed_dim x 1 x 1 to (embed_dim / preds_per_patch) x (preds_per_patch ** 0.5) x (preds_per_patch ** 0.5)
+ :param main_tasks: Tasks to use for the adapter. Only tokens coming from these tasks are kept.
+ :param patch_size: Size of patches
+ :param depth: Number of ConvNeXt blocks
+ :interpolate_mode: Interpolation mode for final upsampling
+ """
+
+ def __init__(
+ self,
+ num_classes,
+ embed_dim: int = 6144,
+ preds_per_patch: int = 16,
+ main_tasks: Iterable[str] = ('rgb',),
+ patch_size: int = 16,
+ depth: int = 4,
+ interpolate_mode: str = 'bilinear',
+ **kwargs,
+ ):
+ super().__init__()
+ self.main_tasks = main_tasks
+ self.patch_size = patch_size
+ self.embed_dim = embed_dim
+ self.preds_per_patch = preds_per_patch
+ self.class_dim = embed_dim // preds_per_patch
+ self.num_classes = num_classes
+ self.interpolate_mode = interpolate_mode
+
+ self.blocks = nn.Sequential(*[
+ ConvNeXtBlock(dim=self.class_dim)
+ for _ in range(depth)
+ ])
+ self.final_layer = nn.Conv2d(self.class_dim, self.num_classes, 1)
+ self.apply(self._init_weights)
+
+ def init(self, dim_tokens_enc: int = 768):
+ """
+ Initialize parts of decoder that are dependent on dimension of encoder tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens_enc: Dimension of tokens coming from encoder
+ """
+ self.in_channels = dim_tokens_enc * len(self.main_tasks)
+
+ # Projection of encoder tokens to the patch dimension
+ self.proj_dec = nn.Linear(self.in_channels, self.embed_dim)
+ self._init_weights(self.proj_dec)
+
+ def _init_weights(self, m):
+ if isinstance(m, nn.Linear):
+ trunc_normal_(m.weight, std=.02)
+ if isinstance(m, nn.Linear) and m.bias is not None:
+ nn.init.constant_(m.bias, 0)
+ elif isinstance(m, nn.LayerNorm):
+ nn.init.constant_(m.bias, 0)
+ nn.init.constant_(m.weight, 1.0)
+
+ def adapt_tokens(self, encoder_tokens, input_info):
+ # Adapt tokens
+ x = []
+ for task in self.main_tasks:
+ start_idx = input_info['tasks'][task]['start_idx']
+ end_idx = input_info['tasks'][task]['end_idx']
+ x.append(encoder_tokens[:, start_idx:end_idx])
+
+ x = torch.cat(x, dim=-1)
+ return x
+
+ def forward(self, encoder_tokens: torch.Tensor, input_info: Dict):
+ H, W = input_info['image_size']
+ N_H, N_W = H // self.patch_size, W // self.patch_size
+
+ x = self.adapt_tokens(encoder_tokens, input_info)
+
+ x = self.proj_dec(x)
+ x = rearrange(x, "b n (p c) -> b (n p) c", n=N_H * N_W, p=self.preds_per_patch, c=self.class_dim)
+ x = rearrange(x, "b (nh nw ph pw) c -> b c (nh ph) (nw pw)",
+ nh=N_H, nw=N_W,
+ ph=int(self.preds_per_patch ** 0.5),
+ pw=int(self.preds_per_patch ** 0.5))
+ x = self.blocks(x)
+ x = self.final_layer(x)
+
+ # Interpolate to semseg res
+ x = F.interpolate(x, size=(H, W), mode=self.interpolate_mode)
+
+ return x
+
+
+class DPTOutputAdapter(nn.Module):
+ """DPT output adapter.
+
+ :param num_classes: Number of output channels
+ :param stride_level: tride level compared to the full-sized image.
+ E.g. 4 for 1/4th the size of the image.
+ :param patch_size_full: Int or tuple of the patch size over the full image size.
+ Patch size for smaller inputs will be computed accordingly.
+ :param hooks: Index of intermediate layers
+ :param layer_dims: Dimension of intermediate layers
+ :param feature_dim: Feature dimension
+ :param use_bn: If set to True, activates batch norm
+ :param dim_tokens_enc: Dimension of tokens coming from encoder
+ """
+
+ def __init__(self,
+ num_classes: int = 3,
+ stride_level: int = 1,
+ patch_size: Union[int, Tuple[int, int]] = 16,
+ main_tasks: Iterable[str] = ('rgb',),
+ hooks: List[int] = [2, 5, 8, 11],
+ layer_dims: List[int] = [96, 192, 384, 768],
+ feature_dim: int = 256,
+ use_bn: bool = False,
+ dim_tokens_enc: Optional[int] = None,
+ head_type: str = 'regression',
+ **kwargs):
+ super().__init__()
+ self.num_channels = num_classes
+ self.stride_level = stride_level
+ self.patch_size = pair(patch_size)
+ self.main_tasks = main_tasks
+ self.hooks = hooks
+ self.layer_dims = layer_dims
+ self.feature_dim = feature_dim
+ self.dim_tokens_enc = dim_tokens_enc * len(self.main_tasks) if dim_tokens_enc is not None else None
+ self.head_type = head_type
+
+ # Actual patch height and width, taking into account stride of input
+ self.P_H = max(1, self.patch_size[0] // stride_level)
+ self.P_W = max(1, self.patch_size[1] // stride_level)
+
+ self.scratch = make_scratch(layer_dims, feature_dim, groups=1, expand=False)
+
+ self.scratch.refinenet1 = make_fusion_block(feature_dim, use_bn)
+ self.scratch.refinenet2 = make_fusion_block(feature_dim, use_bn)
+ self.scratch.refinenet3 = make_fusion_block(feature_dim, use_bn)
+ self.scratch.refinenet4 = make_fusion_block(feature_dim, use_bn)
+
+ if self.head_type == 'regression':
+ # The "DPTDepthModel" head
+ self.head = nn.Sequential(
+ nn.Conv2d(feature_dim, feature_dim // 2, kernel_size=3, stride=1, padding=1),
+ Interpolate(scale_factor=2, mode="bilinear", align_corners=True),
+ nn.Conv2d(feature_dim // 2, 32, kernel_size=3, stride=1, padding=1),
+ nn.ReLU(True),
+ nn.Conv2d(32, self.num_channels, kernel_size=1, stride=1, padding=0)
+ )
+ elif self.head_type == 'semseg':
+ # The "DPTSegmentationModel" head
+ self.head = nn.Sequential(
+ nn.Conv2d(feature_dim, feature_dim, kernel_size=3, padding=1, bias=False),
+ nn.BatchNorm2d(feature_dim) if use_bn else nn.Identity(),
+ nn.ReLU(True),
+ nn.Dropout(0.1, False),
+ nn.Conv2d(feature_dim, self.num_channels, kernel_size=1),
+ Interpolate(scale_factor=2, mode="bilinear", align_corners=True),
+ )
+ else:
+ raise ValueError('DPT head_type must be "regression" or "semseg".')
+
+ if self.dim_tokens_enc is not None:
+ self.init(dim_tokens_enc=dim_tokens_enc)
+
+ def init(self, dim_tokens_enc: int = 768):
+ """
+ Initialize parts of decoder that are dependent on dimension of encoder tokens.
+ Should be called when setting up MultiMAE.
+
+ :param dim_tokens_enc: Dimension of tokens coming from encoder
+ """
+ self.dim_tokens_enc = dim_tokens_enc * len(self.main_tasks)
+
+ # Set up activation postprocessing layers
+
+ self.act_1_postprocess = nn.Sequential(
+ nn.Conv2d(
+ in_channels=self.dim_tokens_enc,
+ out_channels=self.layer_dims[0],
+ kernel_size=1, stride=1, padding=0,
+ ),
+ nn.ConvTranspose2d(
+ in_channels=self.layer_dims[0],
+ out_channels=self.layer_dims[0],
+ kernel_size=4, stride=4, padding=0,
+ bias=True, dilation=1, groups=1,
+ )
+ )
+
+ self.act_2_postprocess = nn.Sequential(
+ nn.Conv2d(
+ in_channels=self.dim_tokens_enc,
+ out_channels=self.layer_dims[1],
+ kernel_size=1, stride=1, padding=0,
+ ),
+ nn.ConvTranspose2d(
+ in_channels=self.layer_dims[1],
+ out_channels=self.layer_dims[1],
+ kernel_size=2, stride=2, padding=0,
+ bias=True, dilation=1, groups=1,
+ )
+ )
+
+ self.act_3_postprocess = nn.Sequential(
+ nn.Conv2d(
+ in_channels=self.dim_tokens_enc,
+ out_channels=self.layer_dims[2],
+ kernel_size=1, stride=1, padding=0,
+ )
+ )
+
+ self.act_4_postprocess = nn.Sequential(
+ nn.Conv2d(
+ in_channels=self.dim_tokens_enc,
+ out_channels=self.layer_dims[3],
+ kernel_size=1, stride=1, padding=0,
+ ),
+ nn.Conv2d(
+ in_channels=self.layer_dims[3],
+ out_channels=self.layer_dims[3],
+ kernel_size=3, stride=2, padding=1,
+ )
+ )
+
+ self.act_postprocess = nn.ModuleList([
+ self.act_1_postprocess,
+ self.act_2_postprocess,
+ self.act_3_postprocess,
+ self.act_4_postprocess
+ ])
+
+ def adapt_tokens(self, encoder_tokens, input_info):
+ # Adapt tokens
+ x = []
+ for task in self.main_tasks:
+ start_idx = input_info['tasks'][task]['start_idx']
+ end_idx = input_info['tasks'][task]['end_idx']
+ x.append(encoder_tokens[:, start_idx:end_idx])
+
+ x = torch.cat(x, dim=-1)
+ return x
+
+ def forward(self, encoder_tokens: List[torch.Tensor], input_info: Dict):
+ assert self.dim_tokens_enc is not None, 'Need to call init(dim_tokens_enc) function first'
+ H, W = input_info['image_size']
+ # Number of patches in height and width
+ N_H = H // (self.stride_level * self.P_H)
+ N_W = W // (self.stride_level * self.P_W)
+
+ # Hook decoder onto 4 layers from specified ViT layers
+ layers = [encoder_tokens[hook] for hook in self.hooks]
+
+ # Extract only task-relevant tokens and ignore global tokens.
+ layers = [self.adapt_tokens(l, input_info) for l in layers]
+
+ # Reshape tokens to spatial representation
+ layers = [rearrange(l, 'b (nh nw) c -> b c nh nw', nh=N_H, nw=N_W) for l in layers]
+
+ # Postprocess activations
+ layers = [self.act_postprocess[idx](l) for idx, l in enumerate(layers)]
+
+ # Project layers to chosen feature dim
+ layers = [self.scratch.layer_rn[idx](l) for idx, l in enumerate(layers)]
+
+ # Fuse layers using refinement stages
+ path_4 = self.scratch.refinenet4(layers[3])
+ path_3 = self.scratch.refinenet3(path_4, layers[2])
+ path_2 = self.scratch.refinenet2(path_3, layers[1])
+ path_1 = self.scratch.refinenet1(path_2, layers[0])
+
+ # Output head
+ out = self.head(path_1)
+
+ return out
diff --git a/requirements.txt b/requirements.txt
new file mode 100644
index 0000000000000000000000000000000000000000..c14dcfcfd1076cbe5b1372cec9f54f5e06103f5b
--- /dev/null
+++ b/requirements.txt
@@ -0,0 +1,29 @@
+pyyaml==5.1
+numpy
+tqdm
+matplotlib
+termcolor
+yacs
+tabulate
+cloudpickle
+Pillow
+future
+fvcore
+omegaconf>=2.1.0.dev24
+hydra-core>=1.1.0.dev5
+
+opencv-python-headless
+
+cython
+scipy
+shapely
+timm
+h5py
+submitit
+scikit-image
+imutils
+
+torch==1.10.0
+torchvision==0.11.1
+timm==0.4.12
+einops==0.3.2
diff --git a/utils/__init__.py b/utils/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..115e9b3faddd6c7fc3382bdfe7b9e00b21909f66
--- /dev/null
+++ b/utils/__init__.py
@@ -0,0 +1,25 @@
+# --------------------------------------------------------
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO and DeiT code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# --------------------------------------------------------'
+from .checkpoint import *
+from .cross_entropy import LabelSmoothingCrossEntropy, SoftTargetCrossEntropy
+from .data_constants import *
+from .dist import *
+from .logger import *
+from .metrics import AverageMeter, accuracy
+from .mixup import FastCollateMixup, Mixup
+from .model import freeze, get_state_dict, unfreeze, unwrap_model
+from .model_builder import create_model
+from .model_ema import ModelEma, ModelEmaV2
+from .native_scaler import *
+from .optim_factory import create_optimizer
+from .registry import model_entrypoint, register_model
+from .task_balancing import *
+from .taskonomy import *
+from .transforms import *
+from .transforms_factory import create_transform
diff --git a/utils/auto_augment.py b/utils/auto_augment.py
new file mode 100644
index 0000000000000000000000000000000000000000..74842d681d6f5b4a3ae93b51b68e4cad03066afc
--- /dev/null
+++ b/utils/auto_augment.py
@@ -0,0 +1,835 @@
+# --------------------------------------------------------
+# Based on the timm code base
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# --------------------------------------------------------
+
+""" AutoAugment, RandAugment, and AugMix for PyTorch
+
+This code implements the searched ImageNet policies with various tweaks and improvements and
+does not include any of the search code.
+
+AA and RA Implementation adapted from:
+ https://github.com/tensorflow/tpu/blob/master/models/official/efficientnet/autoaugment.py
+
+AugMix adapted from:
+ https://github.com/google-research/augmix
+
+Papers:
+ AutoAugment: Learning Augmentation Policies from Data - https://arxiv.org/abs/1805.09501
+ Learning Data Augmentation Strategies for Object Detection - https://arxiv.org/abs/1906.11172
+ RandAugment: Practical automated data augmentation... - https://arxiv.org/abs/1909.13719
+ AugMix: A Simple Data Processing Method to Improve Robustness and Uncertainty - https://arxiv.org/abs/1912.02781
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import math
+import random
+import re
+
+import numpy as np
+import PIL
+from PIL import Image, ImageEnhance, ImageOps
+
+_PIL_VER = tuple([int(x) for x in PIL.__version__.split('.')[:2]])
+
+_FILL = (128, 128, 128)
+
+_LEVEL_DENOM = 10. # denominator for conversion from 'Mx' magnitude scale to fractional aug level for op arguments
+
+_HPARAMS_DEFAULT = dict(
+ translate_const=250,
+ img_mean=_FILL,
+)
+
+_RANDOM_INTERPOLATION = (Image.BILINEAR, Image.BICUBIC)
+
+
+def _interpolation(kwargs):
+ interpolation = kwargs.pop('resample', Image.BILINEAR)
+ if isinstance(interpolation, (list, tuple)):
+ return random.choice(interpolation)
+ else:
+ return interpolation
+
+
+def _check_args_tf(kwargs):
+ if 'fillcolor' in kwargs and _PIL_VER < (5, 0):
+ kwargs.pop('fillcolor')
+ kwargs['resample'] = _interpolation(kwargs)
+
+
+def shear_x(img, factor, **kwargs):
+ _check_args_tf(kwargs)
+ return img.transform(img.size, Image.AFFINE, (1, factor, 0, 0, 1, 0), **kwargs)
+
+
+def shear_y(img, factor, **kwargs):
+ _check_args_tf(kwargs)
+ return img.transform(img.size, Image.AFFINE, (1, 0, 0, factor, 1, 0), **kwargs)
+
+
+def translate_x_rel(img, pct, **kwargs):
+ pixels = pct * img.size[0]
+ _check_args_tf(kwargs)
+ return img.transform(img.size, Image.AFFINE, (1, 0, pixels, 0, 1, 0), **kwargs)
+
+
+def translate_y_rel(img, pct, **kwargs):
+ pixels = pct * img.size[1]
+ _check_args_tf(kwargs)
+ return img.transform(img.size, Image.AFFINE, (1, 0, 0, 0, 1, pixels), **kwargs)
+
+
+def translate_x_abs(img, pixels, **kwargs):
+ _check_args_tf(kwargs)
+ return img.transform(img.size, Image.AFFINE, (1, 0, pixels, 0, 1, 0), **kwargs)
+
+
+def translate_y_abs(img, pixels, **kwargs):
+ _check_args_tf(kwargs)
+ return img.transform(img.size, Image.AFFINE, (1, 0, 0, 0, 1, pixels), **kwargs)
+
+
+def rotate(img, degrees, **kwargs):
+ _check_args_tf(kwargs)
+ if _PIL_VER >= (5, 2):
+ return img.rotate(degrees, **kwargs)
+ elif _PIL_VER >= (5, 0):
+ w, h = img.size
+ post_trans = (0, 0)
+ rotn_center = (w / 2.0, h / 2.0)
+ angle = -math.radians(degrees)
+ matrix = [
+ round(math.cos(angle), 15),
+ round(math.sin(angle), 15),
+ 0.0,
+ round(-math.sin(angle), 15),
+ round(math.cos(angle), 15),
+ 0.0,
+ ]
+
+ def transform(x, y, matrix):
+ (a, b, c, d, e, f) = matrix
+ return a * x + b * y + c, d * x + e * y + f
+
+ matrix[2], matrix[5] = transform(
+ -rotn_center[0] - post_trans[0], -rotn_center[1] - post_trans[1], matrix
+ )
+ matrix[2] += rotn_center[0]
+ matrix[5] += rotn_center[1]
+ return img.transform(img.size, Image.AFFINE, matrix, **kwargs)
+ else:
+ return img.rotate(degrees, resample=kwargs['resample'])
+
+
+def auto_contrast(img, **__):
+ return ImageOps.autocontrast(img)
+
+
+def invert(img, **__):
+ return ImageOps.invert(img)
+
+
+def equalize(img, **__):
+ return ImageOps.equalize(img)
+
+
+def solarize(img, thresh, **__):
+ return ImageOps.solarize(img, thresh)
+
+
+def solarize_add(img, add, thresh=128, **__):
+ lut = []
+ for i in range(256):
+ if i < thresh:
+ lut.append(min(255, i + add))
+ else:
+ lut.append(i)
+ if img.mode in ("L", "RGB"):
+ if img.mode == "RGB" and len(lut) == 256:
+ lut = lut + lut + lut
+ return img.point(lut)
+ else:
+ return img
+
+
+def posterize(img, bits_to_keep, **__):
+ if bits_to_keep >= 8:
+ return img
+ return ImageOps.posterize(img, bits_to_keep)
+
+
+def contrast(img, factor, **__):
+ return ImageEnhance.Contrast(img).enhance(factor)
+
+
+def color(img, factor, **__):
+ return ImageEnhance.Color(img).enhance(factor)
+
+
+def brightness(img, factor, **__):
+ return ImageEnhance.Brightness(img).enhance(factor)
+
+
+def sharpness(img, factor, **__):
+ return ImageEnhance.Sharpness(img).enhance(factor)
+
+
+def _randomly_negate(v):
+ """With 50% prob, negate the value"""
+ return -v if random.random() > 0.5 else v
+
+
+def _rotate_level_to_arg(level, _hparams):
+ # range [-30, 30]
+ level = (level / _LEVEL_DENOM) * 30.
+ level = _randomly_negate(level)
+ return level,
+
+
+def _enhance_level_to_arg(level, _hparams):
+ # range [0.1, 1.9]
+ return (level / _LEVEL_DENOM) * 1.8 + 0.1,
+
+
+def _enhance_increasing_level_to_arg(level, _hparams):
+ # the 'no change' level is 1.0, moving away from that towards 0. or 2.0 increases the enhancement blend
+ # range [0.1, 1.9] if level <= _LEVEL_DENOM
+ level = (level / _LEVEL_DENOM) * .9
+ level = max(0.1, 1.0 + _randomly_negate(level)) # keep it >= 0.1
+ return level,
+
+
+def _shear_level_to_arg(level, _hparams):
+ # range [-0.3, 0.3]
+ level = (level / _LEVEL_DENOM) * 0.3
+ level = _randomly_negate(level)
+ return level,
+
+
+def _translate_abs_level_to_arg(level, hparams):
+ translate_const = hparams['translate_const']
+ level = (level / _LEVEL_DENOM) * float(translate_const)
+ level = _randomly_negate(level)
+ return level,
+
+
+def _translate_rel_level_to_arg(level, hparams):
+ # default range [-0.45, 0.45]
+ translate_pct = hparams.get('translate_pct', 0.45)
+ level = (level / _LEVEL_DENOM) * translate_pct
+ level = _randomly_negate(level)
+ return level,
+
+
+def _posterize_level_to_arg(level, _hparams):
+ # As per Tensorflow TPU EfficientNet impl
+ # range [0, 4], 'keep 0 up to 4 MSB of original image'
+ # intensity/severity of augmentation decreases with level
+ return int((level / _LEVEL_DENOM) * 4),
+
+
+def _posterize_increasing_level_to_arg(level, hparams):
+ # As per Tensorflow models research and UDA impl
+ # range [4, 0], 'keep 4 down to 0 MSB of original image',
+ # intensity/severity of augmentation increases with level
+ return 4 - _posterize_level_to_arg(level, hparams)[0],
+
+
+def _posterize_original_level_to_arg(level, _hparams):
+ # As per original AutoAugment paper description
+ # range [4, 8], 'keep 4 up to 8 MSB of image'
+ # intensity/severity of augmentation decreases with level
+ return int((level / _LEVEL_DENOM) * 4) + 4,
+
+
+def _solarize_level_to_arg(level, _hparams):
+ # range [0, 256]
+ # intensity/severity of augmentation decreases with level
+ return int((level / _LEVEL_DENOM) * 256),
+
+
+def _solarize_increasing_level_to_arg(level, _hparams):
+ # range [0, 256]
+ # intensity/severity of augmentation increases with level
+ return 256 - _solarize_level_to_arg(level, _hparams)[0],
+
+
+def _solarize_add_level_to_arg(level, _hparams):
+ # range [0, 110]
+ return int((level / _LEVEL_DENOM) * 110),
+
+
+LEVEL_TO_ARG = {
+ 'AutoContrast': None,
+ 'Equalize': None,
+ 'Invert': None,
+ 'Rotate': _rotate_level_to_arg,
+ # There are several variations of the posterize level scaling in various Tensorflow/Google repositories/papers
+ 'Posterize': _posterize_level_to_arg,
+ 'PosterizeIncreasing': _posterize_increasing_level_to_arg,
+ 'PosterizeOriginal': _posterize_original_level_to_arg,
+ 'Solarize': _solarize_level_to_arg,
+ 'SolarizeIncreasing': _solarize_increasing_level_to_arg,
+ 'SolarizeAdd': _solarize_add_level_to_arg,
+ 'Color': _enhance_level_to_arg,
+ 'ColorIncreasing': _enhance_increasing_level_to_arg,
+ 'Contrast': _enhance_level_to_arg,
+ 'ContrastIncreasing': _enhance_increasing_level_to_arg,
+ 'Brightness': _enhance_level_to_arg,
+ 'BrightnessIncreasing': _enhance_increasing_level_to_arg,
+ 'Sharpness': _enhance_level_to_arg,
+ 'SharpnessIncreasing': _enhance_increasing_level_to_arg,
+ 'ShearX': _shear_level_to_arg,
+ 'ShearY': _shear_level_to_arg,
+ 'TranslateX': _translate_abs_level_to_arg,
+ 'TranslateY': _translate_abs_level_to_arg,
+ 'TranslateXRel': _translate_rel_level_to_arg,
+ 'TranslateYRel': _translate_rel_level_to_arg,
+}
+
+NAME_TO_OP = {
+ 'AutoContrast': auto_contrast,
+ 'Equalize': equalize,
+ 'Invert': invert,
+ 'Rotate': rotate,
+ 'Posterize': posterize,
+ 'PosterizeIncreasing': posterize,
+ 'PosterizeOriginal': posterize,
+ 'Solarize': solarize,
+ 'SolarizeIncreasing': solarize,
+ 'SolarizeAdd': solarize_add,
+ 'Color': color,
+ 'ColorIncreasing': color,
+ 'Contrast': contrast,
+ 'ContrastIncreasing': contrast,
+ 'Brightness': brightness,
+ 'BrightnessIncreasing': brightness,
+ 'Sharpness': sharpness,
+ 'SharpnessIncreasing': sharpness,
+ 'ShearX': shear_x,
+ 'ShearY': shear_y,
+ 'TranslateX': translate_x_abs,
+ 'TranslateY': translate_y_abs,
+ 'TranslateXRel': translate_x_rel,
+ 'TranslateYRel': translate_y_rel,
+}
+
+
+class AugmentOp:
+
+ def __init__(self, name, prob=0.5, magnitude=10, hparams=None):
+ hparams = hparams or _HPARAMS_DEFAULT
+ self.aug_fn = NAME_TO_OP[name]
+ self.level_fn = LEVEL_TO_ARG[name]
+ self.prob = prob
+ self.magnitude = magnitude
+ self.hparams = hparams.copy()
+ self.kwargs = dict(
+ fillcolor=hparams['img_mean'] if 'img_mean' in hparams else _FILL,
+ resample=hparams['interpolation'] if 'interpolation' in hparams else _RANDOM_INTERPOLATION,
+ )
+
+ # If magnitude_std is > 0, we introduce some randomness
+ # in the usually fixed policy and sample magnitude from a normal distribution
+ # with mean `magnitude` and std-dev of `magnitude_std`.
+ # NOTE This is my own hack, being tested, not in papers or reference impls.
+ # If magnitude_std is inf, we sample magnitude from a uniform distribution
+ self.magnitude_std = self.hparams.get('magnitude_std', 0)
+ self.magnitude_max = self.hparams.get('magnitude_max', None)
+
+ def __call__(self, img):
+ if self.prob < 1.0 and random.random() > self.prob:
+ return img
+ magnitude = self.magnitude
+ if self.magnitude_std > 0:
+ # magnitude randomization enabled
+ if self.magnitude_std == float('inf'):
+ magnitude = random.uniform(0, magnitude)
+ elif self.magnitude_std > 0:
+ magnitude = random.gauss(magnitude, self.magnitude_std)
+ # default upper_bound for the timm RA impl is _LEVEL_DENOM (10)
+ # setting magnitude_max overrides this to allow M > 10 (behaviour closer to Google TF RA impl)
+ upper_bound = self.magnitude_max or _LEVEL_DENOM
+ magnitude = max(0., min(magnitude, upper_bound))
+ level_args = self.level_fn(magnitude, self.hparams) if self.level_fn is not None else tuple()
+ return self.aug_fn(img, *level_args, **self.kwargs)
+
+
+def auto_augment_policy_v0(hparams):
+ # ImageNet v0 policy from TPU EfficientNet impl, cannot find a paper reference.
+ policy = [
+ [('Equalize', 0.8, 1), ('ShearY', 0.8, 4)],
+ [('Color', 0.4, 9), ('Equalize', 0.6, 3)],
+ [('Color', 0.4, 1), ('Rotate', 0.6, 8)],
+ [('Solarize', 0.8, 3), ('Equalize', 0.4, 7)],
+ [('Solarize', 0.4, 2), ('Solarize', 0.6, 2)],
+ [('Color', 0.2, 0), ('Equalize', 0.8, 8)],
+ [('Equalize', 0.4, 8), ('SolarizeAdd', 0.8, 3)],
+ [('ShearX', 0.2, 9), ('Rotate', 0.6, 8)],
+ [('Color', 0.6, 1), ('Equalize', 1.0, 2)],
+ [('Invert', 0.4, 9), ('Rotate', 0.6, 0)],
+ [('Equalize', 1.0, 9), ('ShearY', 0.6, 3)],
+ [('Color', 0.4, 7), ('Equalize', 0.6, 0)],
+ [('Posterize', 0.4, 6), ('AutoContrast', 0.4, 7)],
+ [('Solarize', 0.6, 8), ('Color', 0.6, 9)],
+ [('Solarize', 0.2, 4), ('Rotate', 0.8, 9)],
+ [('Rotate', 1.0, 7), ('TranslateYRel', 0.8, 9)],
+ [('ShearX', 0.0, 0), ('Solarize', 0.8, 4)],
+ [('ShearY', 0.8, 0), ('Color', 0.6, 4)],
+ [('Color', 1.0, 0), ('Rotate', 0.6, 2)],
+ [('Equalize', 0.8, 4), ('Equalize', 0.0, 8)],
+ [('Equalize', 1.0, 4), ('AutoContrast', 0.6, 2)],
+ [('ShearY', 0.4, 7), ('SolarizeAdd', 0.6, 7)],
+ [('Posterize', 0.8, 2), ('Solarize', 0.6, 10)], # This results in black image with Tpu posterize
+ [('Solarize', 0.6, 8), ('Equalize', 0.6, 1)],
+ [('Color', 0.8, 6), ('Rotate', 0.4, 5)],
+ ]
+ pc = [[AugmentOp(*a, hparams=hparams) for a in sp] for sp in policy]
+ return pc
+
+
+def auto_augment_policy_v0r(hparams):
+ # ImageNet v0 policy from TPU EfficientNet impl, with variation of Posterize used
+ # in Google research implementation (number of bits discarded increases with magnitude)
+ policy = [
+ [('Equalize', 0.8, 1), ('ShearY', 0.8, 4)],
+ [('Color', 0.4, 9), ('Equalize', 0.6, 3)],
+ [('Color', 0.4, 1), ('Rotate', 0.6, 8)],
+ [('Solarize', 0.8, 3), ('Equalize', 0.4, 7)],
+ [('Solarize', 0.4, 2), ('Solarize', 0.6, 2)],
+ [('Color', 0.2, 0), ('Equalize', 0.8, 8)],
+ [('Equalize', 0.4, 8), ('SolarizeAdd', 0.8, 3)],
+ [('ShearX', 0.2, 9), ('Rotate', 0.6, 8)],
+ [('Color', 0.6, 1), ('Equalize', 1.0, 2)],
+ [('Invert', 0.4, 9), ('Rotate', 0.6, 0)],
+ [('Equalize', 1.0, 9), ('ShearY', 0.6, 3)],
+ [('Color', 0.4, 7), ('Equalize', 0.6, 0)],
+ [('PosterizeIncreasing', 0.4, 6), ('AutoContrast', 0.4, 7)],
+ [('Solarize', 0.6, 8), ('Color', 0.6, 9)],
+ [('Solarize', 0.2, 4), ('Rotate', 0.8, 9)],
+ [('Rotate', 1.0, 7), ('TranslateYRel', 0.8, 9)],
+ [('ShearX', 0.0, 0), ('Solarize', 0.8, 4)],
+ [('ShearY', 0.8, 0), ('Color', 0.6, 4)],
+ [('Color', 1.0, 0), ('Rotate', 0.6, 2)],
+ [('Equalize', 0.8, 4), ('Equalize', 0.0, 8)],
+ [('Equalize', 1.0, 4), ('AutoContrast', 0.6, 2)],
+ [('ShearY', 0.4, 7), ('SolarizeAdd', 0.6, 7)],
+ [('PosterizeIncreasing', 0.8, 2), ('Solarize', 0.6, 10)],
+ [('Solarize', 0.6, 8), ('Equalize', 0.6, 1)],
+ [('Color', 0.8, 6), ('Rotate', 0.4, 5)],
+ ]
+ pc = [[AugmentOp(*a, hparams=hparams) for a in sp] for sp in policy]
+ return pc
+
+
+def auto_augment_policy_original(hparams):
+ # ImageNet policy from https://arxiv.org/abs/1805.09501
+ policy = [
+ [('PosterizeOriginal', 0.4, 8), ('Rotate', 0.6, 9)],
+ [('Solarize', 0.6, 5), ('AutoContrast', 0.6, 5)],
+ [('Equalize', 0.8, 8), ('Equalize', 0.6, 3)],
+ [('PosterizeOriginal', 0.6, 7), ('PosterizeOriginal', 0.6, 6)],
+ [('Equalize', 0.4, 7), ('Solarize', 0.2, 4)],
+ [('Equalize', 0.4, 4), ('Rotate', 0.8, 8)],
+ [('Solarize', 0.6, 3), ('Equalize', 0.6, 7)],
+ [('PosterizeOriginal', 0.8, 5), ('Equalize', 1.0, 2)],
+ [('Rotate', 0.2, 3), ('Solarize', 0.6, 8)],
+ [('Equalize', 0.6, 8), ('PosterizeOriginal', 0.4, 6)],
+ [('Rotate', 0.8, 8), ('Color', 0.4, 0)],
+ [('Rotate', 0.4, 9), ('Equalize', 0.6, 2)],
+ [('Equalize', 0.0, 7), ('Equalize', 0.8, 8)],
+ [('Invert', 0.6, 4), ('Equalize', 1.0, 8)],
+ [('Color', 0.6, 4), ('Contrast', 1.0, 8)],
+ [('Rotate', 0.8, 8), ('Color', 1.0, 2)],
+ [('Color', 0.8, 8), ('Solarize', 0.8, 7)],
+ [('Sharpness', 0.4, 7), ('Invert', 0.6, 8)],
+ [('ShearX', 0.6, 5), ('Equalize', 1.0, 9)],
+ [('Color', 0.4, 0), ('Equalize', 0.6, 3)],
+ [('Equalize', 0.4, 7), ('Solarize', 0.2, 4)],
+ [('Solarize', 0.6, 5), ('AutoContrast', 0.6, 5)],
+ [('Invert', 0.6, 4), ('Equalize', 1.0, 8)],
+ [('Color', 0.6, 4), ('Contrast', 1.0, 8)],
+ [('Equalize', 0.8, 8), ('Equalize', 0.6, 3)],
+ ]
+ pc = [[AugmentOp(*a, hparams=hparams) for a in sp] for sp in policy]
+ return pc
+
+
+def auto_augment_policy_originalr(hparams):
+ # ImageNet policy from https://arxiv.org/abs/1805.09501 with research posterize variation
+ policy = [
+ [('PosterizeIncreasing', 0.4, 8), ('Rotate', 0.6, 9)],
+ [('Solarize', 0.6, 5), ('AutoContrast', 0.6, 5)],
+ [('Equalize', 0.8, 8), ('Equalize', 0.6, 3)],
+ [('PosterizeIncreasing', 0.6, 7), ('PosterizeIncreasing', 0.6, 6)],
+ [('Equalize', 0.4, 7), ('Solarize', 0.2, 4)],
+ [('Equalize', 0.4, 4), ('Rotate', 0.8, 8)],
+ [('Solarize', 0.6, 3), ('Equalize', 0.6, 7)],
+ [('PosterizeIncreasing', 0.8, 5), ('Equalize', 1.0, 2)],
+ [('Rotate', 0.2, 3), ('Solarize', 0.6, 8)],
+ [('Equalize', 0.6, 8), ('PosterizeIncreasing', 0.4, 6)],
+ [('Rotate', 0.8, 8), ('Color', 0.4, 0)],
+ [('Rotate', 0.4, 9), ('Equalize', 0.6, 2)],
+ [('Equalize', 0.0, 7), ('Equalize', 0.8, 8)],
+ [('Invert', 0.6, 4), ('Equalize', 1.0, 8)],
+ [('Color', 0.6, 4), ('Contrast', 1.0, 8)],
+ [('Rotate', 0.8, 8), ('Color', 1.0, 2)],
+ [('Color', 0.8, 8), ('Solarize', 0.8, 7)],
+ [('Sharpness', 0.4, 7), ('Invert', 0.6, 8)],
+ [('ShearX', 0.6, 5), ('Equalize', 1.0, 9)],
+ [('Color', 0.4, 0), ('Equalize', 0.6, 3)],
+ [('Equalize', 0.4, 7), ('Solarize', 0.2, 4)],
+ [('Solarize', 0.6, 5), ('AutoContrast', 0.6, 5)],
+ [('Invert', 0.6, 4), ('Equalize', 1.0, 8)],
+ [('Color', 0.6, 4), ('Contrast', 1.0, 8)],
+ [('Equalize', 0.8, 8), ('Equalize', 0.6, 3)],
+ ]
+ pc = [[AugmentOp(*a, hparams=hparams) for a in sp] for sp in policy]
+ return pc
+
+
+def auto_augment_policy(name='v0', hparams=None):
+ hparams = hparams or _HPARAMS_DEFAULT
+ if name == 'original':
+ return auto_augment_policy_original(hparams)
+ elif name == 'originalr':
+ return auto_augment_policy_originalr(hparams)
+ elif name == 'v0':
+ return auto_augment_policy_v0(hparams)
+ elif name == 'v0r':
+ return auto_augment_policy_v0r(hparams)
+ else:
+ assert False, 'Unknown AA policy (%s)' % name
+
+
+class AutoAugment:
+
+ def __init__(self, policy):
+ self.policy = policy
+
+ def __call__(self, img):
+ sub_policy = random.choice(self.policy)
+ for op in sub_policy:
+ img = op(img)
+ return img
+
+
+def auto_augment_transform(config_str, hparams):
+ """
+ Create a AutoAugment transform
+
+ :param config_str: String defining configuration of auto augmentation. Consists of multiple sections separated by
+ dashes ('-'). The first section defines the AutoAugment policy (one of 'v0', 'v0r', 'original', 'originalr').
+ The remaining sections, not order sepecific determine
+ 'mstd' - float std deviation of magnitude noise applied
+ Ex 'original-mstd0.5' results in AutoAugment with original policy, magnitude_std 0.5
+
+ :param hparams: Other hparams (kwargs) for the AutoAugmentation scheme
+
+ :return: A PyTorch compatible Transform
+ """
+ config = config_str.split('-')
+ policy_name = config[0]
+ config = config[1:]
+ for c in config:
+ cs = re.split(r'(\d.*)', c)
+ if len(cs) < 2:
+ continue
+ key, val = cs[:2]
+ if key == 'mstd':
+ # noise param injected via hparams for now
+ hparams.setdefault('magnitude_std', float(val))
+ else:
+ assert False, 'Unknown AutoAugment config section'
+ aa_policy = auto_augment_policy(policy_name, hparams=hparams)
+ return AutoAugment(aa_policy)
+
+
+_RAND_TRANSFORMS = [
+ 'AutoContrast',
+ 'Equalize',
+ 'Invert',
+ 'Rotate',
+ 'Posterize',
+ 'Solarize',
+ 'SolarizeAdd',
+ 'Color',
+ 'Contrast',
+ 'Brightness',
+ 'Sharpness',
+ 'ShearX',
+ 'ShearY',
+ 'TranslateXRel',
+ 'TranslateYRel',
+ # 'Cutout' # NOTE I've implement this as random erasing separately
+]
+
+_RAND_INCREASING_TRANSFORMS = [
+ 'AutoContrast',
+ 'Equalize',
+ 'Invert',
+ 'Rotate',
+ 'PosterizeIncreasing',
+ 'SolarizeIncreasing',
+ 'SolarizeAdd',
+ 'ColorIncreasing',
+ 'ContrastIncreasing',
+ 'BrightnessIncreasing',
+ 'SharpnessIncreasing',
+ 'ShearX',
+ 'ShearY',
+ 'TranslateXRel',
+ 'TranslateYRel',
+ # 'Cutout' # NOTE I've implement this as random erasing separately
+]
+
+# These experimental weights are based loosely on the relative improvements mentioned in paper.
+# They may not result in increased performance, but could likely be tuned to so.
+_RAND_CHOICE_WEIGHTS_0 = {
+ 'Rotate': 0.3,
+ 'ShearX': 0.2,
+ 'ShearY': 0.2,
+ 'TranslateXRel': 0.1,
+ 'TranslateYRel': 0.1,
+ 'Color': .025,
+ 'Sharpness': 0.025,
+ 'AutoContrast': 0.025,
+ 'Solarize': .005,
+ 'SolarizeAdd': .005,
+ 'Contrast': .005,
+ 'Brightness': .005,
+ 'Equalize': .005,
+ 'Posterize': 0,
+ 'Invert': 0,
+}
+
+
+def _select_rand_weights(weight_idx=0, transforms=None):
+ transforms = transforms or _RAND_TRANSFORMS
+ assert weight_idx == 0 # only one set of weights currently
+ rand_weights = _RAND_CHOICE_WEIGHTS_0
+ probs = [rand_weights[k] for k in transforms]
+ probs /= np.sum(probs)
+ return probs
+
+
+def rand_augment_ops(magnitude=10, hparams=None, transforms=None):
+ hparams = hparams or _HPARAMS_DEFAULT
+ transforms = transforms or _RAND_TRANSFORMS
+ return [AugmentOp(
+ name, prob=0.5, magnitude=magnitude, hparams=hparams) for name in transforms]
+
+
+class RandAugment:
+ def __init__(self, ops, num_layers=2, choice_weights=None):
+ self.ops = ops
+ self.num_layers = num_layers
+ self.choice_weights = choice_weights
+
+ def __call__(self, img):
+ # no replacement when using weighted choice
+ ops = np.random.choice(
+ self.ops, self.num_layers, replace=self.choice_weights is None, p=self.choice_weights)
+ for op in ops:
+ img = op(img)
+ return img
+
+
+def rand_augment_transform(config_str, hparams):
+ """
+ Create a RandAugment transform
+
+ :param config_str: String defining configuration of random augmentation. Consists of multiple sections separated by
+ dashes ('-'). The first section defines the specific variant of rand augment (currently only 'rand'). The remaining
+ sections, not order sepecific determine
+ 'm' - integer magnitude of rand augment
+ 'n' - integer num layers (number of transform ops selected per image)
+ 'w' - integer probabiliy weight index (index of a set of weights to influence choice of op)
+ 'mstd' - float std deviation of magnitude noise applied, or uniform sampling if infinity (or > 100)
+ 'mmax' - set upper bound for magnitude to something other than default of _LEVEL_DENOM (10)
+ 'inc' - integer (bool), use augmentations that increase in severity with magnitude (default: 0)
+ Ex 'rand-m9-n3-mstd0.5' results in RandAugment with magnitude 9, num_layers 3, magnitude_std 0.5
+ 'rand-mstd1-w0' results in magnitude_std 1.0, weights 0, default magnitude of 10 and num_layers 2
+
+ :param hparams: Other hparams (kwargs) for the RandAugmentation scheme
+
+ :return: A PyTorch compatible Transform
+ """
+ magnitude = _LEVEL_DENOM # default to _LEVEL_DENOM for magnitude (currently 10)
+ num_layers = 2 # default to 2 ops per image
+ weight_idx = None # default to no probability weights for op choice
+ transforms = _RAND_TRANSFORMS
+ config = config_str.split('-')
+ assert config[0] == 'rand'
+ config = config[1:]
+ for c in config:
+ cs = re.split(r'(\d.*)', c)
+ if len(cs) < 2:
+ continue
+ key, val = cs[:2]
+ if key == 'mstd':
+ # noise param / randomization of magnitude values
+ mstd = float(val)
+ if mstd > 100:
+ # use uniform sampling in 0 to magnitude if mstd is > 100
+ mstd = float('inf')
+ hparams.setdefault('magnitude_std', mstd)
+ elif key == 'mmax':
+ # clip magnitude between [0, mmax] instead of default [0, _LEVEL_DENOM]
+ hparams.setdefault('magnitude_max', int(val))
+ elif key == 'inc':
+ if bool(val):
+ transforms = _RAND_INCREASING_TRANSFORMS
+ elif key == 'm':
+ magnitude = int(val)
+ elif key == 'n':
+ num_layers = int(val)
+ elif key == 'w':
+ weight_idx = int(val)
+ else:
+ assert False, 'Unknown RandAugment config section'
+ ra_ops = rand_augment_ops(magnitude=magnitude, hparams=hparams, transforms=transforms)
+ choice_weights = None if weight_idx is None else _select_rand_weights(weight_idx)
+ return RandAugment(ra_ops, num_layers, choice_weights=choice_weights)
+
+
+_AUGMIX_TRANSFORMS = [
+ 'AutoContrast',
+ 'ColorIncreasing', # not in paper
+ 'ContrastIncreasing', # not in paper
+ 'BrightnessIncreasing', # not in paper
+ 'SharpnessIncreasing', # not in paper
+ 'Equalize',
+ 'Rotate',
+ 'PosterizeIncreasing',
+ 'SolarizeIncreasing',
+ 'ShearX',
+ 'ShearY',
+ 'TranslateXRel',
+ 'TranslateYRel',
+]
+
+
+def augmix_ops(magnitude=10, hparams=None, transforms=None):
+ hparams = hparams or _HPARAMS_DEFAULT
+ transforms = transforms or _AUGMIX_TRANSFORMS
+ return [AugmentOp(
+ name, prob=1.0, magnitude=magnitude, hparams=hparams) for name in transforms]
+
+
+class AugMixAugment:
+ """ AugMix Transform
+ Adapted and improved from impl here: https://github.com/google-research/augmix/blob/master/imagenet.py
+ From paper: 'AugMix: A Simple Data Processing Method to Improve Robustness and Uncertainty -
+ https://arxiv.org/abs/1912.02781
+ """
+
+ def __init__(self, ops, alpha=1., width=3, depth=-1, blended=False):
+ self.ops = ops
+ self.alpha = alpha
+ self.width = width
+ self.depth = depth
+ self.blended = blended # blended mode is faster but not well tested
+
+ def _calc_blended_weights(self, ws, m):
+ ws = ws * m
+ cump = 1.
+ rws = []
+ for w in ws[::-1]:
+ alpha = w / cump
+ cump *= (1 - alpha)
+ rws.append(alpha)
+ return np.array(rws[::-1], dtype=np.float32)
+
+ def _apply_blended(self, img, mixing_weights, m):
+ # This is my first crack and implementing a slightly faster mixed augmentation. Instead
+ # of accumulating the mix for each chain in a Numpy array and then blending with original,
+ # it recomputes the blending coefficients and applies one PIL image blend per chain.
+ # TODO the results appear in the right ballpark but they differ by more than rounding.
+ img_orig = img.copy()
+ ws = self._calc_blended_weights(mixing_weights, m)
+ for w in ws:
+ depth = self.depth if self.depth > 0 else np.random.randint(1, 4)
+ ops = np.random.choice(self.ops, depth, replace=True)
+ img_aug = img_orig # no ops are in-place, deep copy not necessary
+ for op in ops:
+ img_aug = op(img_aug)
+ img = Image.blend(img, img_aug, w)
+ return img
+
+ def _apply_basic(self, img, mixing_weights, m):
+ # This is a literal adaptation of the paper/official implementation without normalizations and
+ # PIL <-> Numpy conversions between every op. It is still quite CPU compute heavy compared to the
+ # typical augmentation transforms, could use a GPU / Kornia implementation.
+ img_shape = img.size[0], img.size[1], len(img.getbands())
+ mixed = np.zeros(img_shape, dtype=np.float32)
+ for mw in mixing_weights:
+ depth = self.depth if self.depth > 0 else np.random.randint(1, 4)
+ ops = np.random.choice(self.ops, depth, replace=True)
+ img_aug = img # no ops are in-place, deep copy not necessary
+ for op in ops:
+ img_aug = op(img_aug)
+ mixed += mw * np.asarray(img_aug, dtype=np.float32)
+ np.clip(mixed, 0, 255., out=mixed)
+ mixed = Image.fromarray(mixed.astype(np.uint8))
+ return Image.blend(img, mixed, m)
+
+ def __call__(self, img):
+ mixing_weights = np.float32(np.random.dirichlet([self.alpha] * self.width))
+ m = np.float32(np.random.beta(self.alpha, self.alpha))
+ if self.blended:
+ mixed = self._apply_blended(img, mixing_weights, m)
+ else:
+ mixed = self._apply_basic(img, mixing_weights, m)
+ return mixed
+
+
+def augment_and_mix_transform(config_str, hparams):
+ """ Create AugMix PyTorch transform
+
+ :param config_str: String defining configuration of random augmentation. Consists of multiple sections separated by
+ dashes ('-'). The first section defines the specific variant of rand augment (currently only 'rand'). The remaining
+ sections, not order sepecific determine
+ 'm' - integer magnitude (severity) of augmentation mix (default: 3)
+ 'w' - integer width of augmentation chain (default: 3)
+ 'd' - integer depth of augmentation chain (-1 is random [1, 3], default: -1)
+ 'b' - integer (bool), blend each branch of chain into end result without a final blend, less CPU (default: 0)
+ 'mstd' - float std deviation of magnitude noise applied (default: 0)
+ Ex 'augmix-m5-w4-d2' results in AugMix with severity 5, chain width 4, chain depth 2
+
+ :param hparams: Other hparams (kwargs) for the Augmentation transforms
+
+ :return: A PyTorch compatible Transform
+ """
+ magnitude = 3
+ width = 3
+ depth = -1
+ alpha = 1.
+ blended = False
+ config = config_str.split('-')
+ assert config[0] == 'augmix'
+ config = config[1:]
+ for c in config:
+ cs = re.split(r'(\d.*)', c)
+ if len(cs) < 2:
+ continue
+ key, val = cs[:2]
+ if key == 'mstd':
+ # noise param injected via hparams for now
+ hparams.setdefault('magnitude_std', float(val))
+ elif key == 'm':
+ magnitude = int(val)
+ elif key == 'w':
+ width = int(val)
+ elif key == 'd':
+ depth = int(val)
+ elif key == 'a':
+ alpha = float(val)
+ elif key == 'b':
+ blended = bool(val)
+ else:
+ assert False, 'Unknown AugMix config section'
+ hparams.setdefault('magnitude_std', float('inf')) # default to uniform sampling (if not set via mstd arg)
+ ops = augmix_ops(magnitude=magnitude, hparams=hparams)
+ return AugMixAugment(ops, alpha=alpha, width=width, depth=depth, blended=blended)
diff --git a/utils/checkpoint.py b/utils/checkpoint.py
new file mode 100644
index 0000000000000000000000000000000000000000..d94804ad5dfa4db2d18ebe212affb27c7e93bc4f
--- /dev/null
+++ b/utils/checkpoint.py
@@ -0,0 +1,152 @@
+# --------------------------------------------------------
+# Based on the timm and MAE-priv code base
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+import io
+import os
+from pathlib import Path
+
+import torch
+
+from .dist import save_on_master
+from .model import get_state_dict
+
+
+def _load_checkpoint_for_ema(model_ema, checkpoint):
+ """
+ Workaround for ModelEma._load_checkpoint to accept an already-loaded object
+ """
+ mem_file = io.BytesIO()
+ torch.save(checkpoint, mem_file)
+ mem_file.seek(0)
+ model_ema._load_checkpoint(mem_file)
+
+
+def load_state_dict(model, state_dict, prefix='', ignore_missing="relative_position_index"):
+ missing_keys = []
+ unexpected_keys = []
+ error_msgs = []
+ # copy state_dict so _load_from_state_dict can modify it
+ metadata = getattr(state_dict, '_metadata', None)
+ state_dict = state_dict.copy()
+ if metadata is not None:
+ state_dict._metadata = metadata
+
+ def load(module, prefix=''):
+ local_metadata = {} if metadata is None else metadata.get(
+ prefix[:-1], {})
+ module._load_from_state_dict(
+ state_dict, prefix, local_metadata, True, missing_keys, unexpected_keys, error_msgs)
+ for name, child in module._modules.items():
+ if child is not None:
+ load(child, prefix + name + '.')
+
+ load(model, prefix=prefix)
+
+ warn_missing_keys = []
+ ignore_missing_keys = []
+ for key in missing_keys:
+ keep_flag = True
+ for ignore_key in ignore_missing.split('|'):
+ if ignore_key in key:
+ keep_flag = False
+ break
+ if keep_flag:
+ warn_missing_keys.append(key)
+ else:
+ ignore_missing_keys.append(key)
+
+ missing_keys = warn_missing_keys
+
+ if len(missing_keys) > 0:
+ print("Weights of {} not initialized from pretrained model: {}".format(
+ model.__class__.__name__, missing_keys))
+ if len(unexpected_keys) > 0:
+ print("Weights from pretrained model not used in {}: {}".format(
+ model.__class__.__name__, unexpected_keys))
+ if len(ignore_missing_keys) > 0:
+ print("Ignored weights of {} not initialized from pretrained model: {}".format(
+ model.__class__.__name__, ignore_missing_keys))
+ if len(error_msgs) > 0:
+ print('\n'.join(error_msgs))
+
+
+def save_model(args, epoch, model, model_without_ddp, optimizer, loss_scaler, loss_balancer=None, model_ema=None):
+ output_dir = Path(args.output_dir)
+ epoch_name = str(epoch)
+ if loss_scaler is not None:
+ checkpoint_paths = [output_dir / ('checkpoint-%s.pth' % epoch_name)]
+ for checkpoint_path in checkpoint_paths:
+ to_save = {
+ 'model': model_without_ddp.state_dict(),
+ 'optimizer': optimizer.state_dict(),
+ 'epoch': epoch,
+ 'scaler': loss_scaler.state_dict(),
+ 'args': args
+ }
+
+ if loss_balancer is not None:
+ to_save['loss_balancer'] = loss_balancer.state_dict()
+
+ if model_ema is not None:
+ to_save['model_ema'] = get_state_dict(model_ema)
+
+ save_on_master(to_save, checkpoint_path)
+ else:
+ client_state = {'epoch': epoch}
+ if model_ema is not None:
+ client_state['model_ema'] = get_state_dict(model_ema)
+ model.save_checkpoint(save_dir=args.output_dir, tag="checkpoint-%s" % epoch_name, client_state=client_state)
+
+
+def auto_load_model(args, model, model_without_ddp, optimizer, loss_scaler, model_ema=None):
+ output_dir = Path(args.output_dir)
+ if loss_scaler is not None:
+ # torch.amp
+ if args.auto_resume and len(args.resume) == 0:
+ import glob
+ all_checkpoints = glob.glob(os.path.join(output_dir, 'checkpoint-*.pth'))
+ latest_ckpt = -1
+ for ckpt in all_checkpoints:
+ t = ckpt.split('-')[-1].split('.')[0]
+ if t.isdigit():
+ latest_ckpt = max(int(t), latest_ckpt)
+ if latest_ckpt >= 0:
+ args.resume = os.path.join(output_dir, 'checkpoint-%d.pth' % latest_ckpt)
+ print("Auto resume checkpoint: %s" % args.resume)
+
+ if args.resume:
+ if args.resume.startswith('https'):
+ checkpoint = torch.hub.load_state_dict_from_url(
+ args.resume, map_location='cpu')
+ else:
+ checkpoint = torch.load(args.resume, map_location='cpu')
+ model_without_ddp.load_state_dict(checkpoint['model'])
+ print("Resume checkpoint %s" % args.resume)
+ if 'optimizer' in checkpoint and 'epoch' in checkpoint:
+ optimizer.load_state_dict(checkpoint['optimizer'])
+ args.start_epoch = checkpoint['epoch'] + 1
+ if hasattr(args, 'model_ema') and args.model_ema:
+ _load_checkpoint_for_ema(model_ema, checkpoint['model_ema'])
+ if 'scaler' in checkpoint:
+ loss_scaler.load_state_dict(checkpoint['scaler'])
+ print("With optim & sched!")
+ else:
+ # deepspeed, only support '--auto_resume'.
+ if args.auto_resume:
+ import glob
+ all_checkpoints = glob.glob(os.path.join(output_dir, 'checkpoint-*'))
+ latest_ckpt = -1
+ for ckpt in all_checkpoints:
+ t = ckpt.split('-')[-1].split('.')[0]
+ if t.isdigit():
+ latest_ckpt = max(int(t), latest_ckpt)
+ if latest_ckpt >= 0:
+ args.resume = os.path.join(output_dir, 'checkpoint-%d' % latest_ckpt)
+ print("Auto resume checkpoint: %d" % latest_ckpt)
+ _, client_states = model.load_checkpoint(args.output_dir, tag='checkpoint-%d' % latest_ckpt)
+ args.start_epoch = client_states['epoch'] + 1
+ if model_ema is not None:
+ if args.model_ema:
+ _load_checkpoint_for_ema(model_ema, client_states['model_ema'])
diff --git a/utils/cross_entropy.py b/utils/cross_entropy.py
new file mode 100644
index 0000000000000000000000000000000000000000..3d47ce23bdd30da0474aac7f67c6cf5347de88f1
--- /dev/null
+++ b/utils/cross_entropy.py
@@ -0,0 +1,43 @@
+# --------------------------------------------------------
+# Based on the timm code base
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# --------------------------------------------------------
+
+
+""" Cross Entropy w/ smoothing or soft targets
+
+Hacked together by / Copyright 2021 Ross Wightman
+"""
+
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+
+class LabelSmoothingCrossEntropy(nn.Module):
+ """ NLL loss with label smoothing.
+ """
+
+ def __init__(self, smoothing=0.1):
+ super(LabelSmoothingCrossEntropy, self).__init__()
+ assert smoothing < 1.0
+ self.smoothing = smoothing
+ self.confidence = 1. - smoothing
+
+ def forward(self, x: torch.Tensor, target: torch.Tensor) -> torch.Tensor:
+ logprobs = F.log_softmax(x, dim=-1)
+ nll_loss = -logprobs.gather(dim=-1, index=target.unsqueeze(1))
+ nll_loss = nll_loss.squeeze(1)
+ smooth_loss = -logprobs.mean(dim=-1)
+ loss = self.confidence * nll_loss + self.smoothing * smooth_loss
+ return loss.mean()
+
+
+class SoftTargetCrossEntropy(nn.Module):
+
+ def __init__(self):
+ super(SoftTargetCrossEntropy, self).__init__()
+
+ def forward(self, x: torch.Tensor, target: torch.Tensor) -> torch.Tensor:
+ loss = torch.sum(-target * F.log_softmax(x, dim=-1), dim=-1)
+ return loss.mean()
diff --git a/utils/data_constants.py b/utils/data_constants.py
new file mode 100644
index 0000000000000000000000000000000000000000..774379eeed0f5764a479f2178607e91d9af484de
--- /dev/null
+++ b/utils/data_constants.py
@@ -0,0 +1,46 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on the timm and MAE-priv code base
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+DEFAULT_CROP_PCT = 0.875
+IMAGENET_DEFAULT_MEAN = (0.485, 0.456, 0.406)
+IMAGENET_DEFAULT_STD = (0.229, 0.224, 0.225)
+IMAGENET_INCEPTION_MEAN = (0.5, 0.5, 0.5)
+IMAGENET_INCEPTION_STD = (0.5, 0.5, 0.5)
+IMAGENET_DPN_MEAN = (124 / 255, 117 / 255, 104 / 255)
+IMAGENET_DPN_STD = tuple([1 / (.0167 * 255)] * 3)
+
+CIFAR_DEFAULT_MEAN = (0.4914, 0.4822, 0.4465)
+CIFAR_DEFAULT_STD = (0.2023, 0.1994, 0.2010)
+
+SEG_IGNORE_INDEX = 255
+PAD_MASK_VALUE = 254
+COCO_SEMSEG_NUM_CLASSES = 133
+
+IMAGE_TASKS = ['rgb', 'depth', 'semseg', 'semseg_coco']
+
+NYU_MEAN = 2070.7764
+NYU_STD = 777.5723
+
+# Data paths
+IMAGENET_TRAIN_PATH = 'ADD_DATA_PATH_HERE'
+IMAGENET_VAL_PATH = 'ADD_DATA_PATH_HERE'
+
+ADE_TRAIN_PATH = 'ADD_DATA_PATH_HERE'
+ADE_VAL_PATH = 'ADD_DATA_PATH_HERE'
+
+HYPERSIM_TRAIN_PATH = 'ADD_DATA_PATH_HERE'
+HPYERSIM_VAL_PATH = 'ADD_DATA_PATH_HERE'
+HYPERSIM_TEST_PATH = 'ADD_DATA_PATH_HERE'
+
+NYU_TRAIN_PATH = 'ADD_DATA_PATH_HERE'
+NYU_TEST_PATH = 'ADD_DATA_PATH_HERE'
+
+TASKONOMY_PATH = 'ADD_DATA_PATH_HERE'
diff --git a/utils/dataset_folder.py b/utils/dataset_folder.py
new file mode 100644
index 0000000000000000000000000000000000000000..1847e8792ae0cd543305a7b854493fd38fcdbc50
--- /dev/null
+++ b/utils/dataset_folder.py
@@ -0,0 +1,430 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO DeiT and MAE-priv code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+import os
+import os.path
+import random
+from copy import deepcopy
+from typing import Any, Callable, Dict, List, Optional, Tuple, cast
+
+import numpy as np
+import torch
+from PIL import Image
+from torchvision.datasets.vision import VisionDataset
+
+
+def has_file_allowed_extension(filename: str, extensions: Tuple[str, ...]) -> bool:
+ """Checks if a file is an allowed extension.
+
+ Args:
+ filename (string): path to a file
+ extensions (tuple of strings): extensions to consider (lowercase)
+
+ Returns:
+ bool: True if the filename ends with one of given extensions
+ """
+ return filename.lower().endswith(extensions)
+
+
+def is_image_file(filename: str) -> bool:
+ """Checks if a file is an allowed image extension.
+
+ Args:
+ filename (string): path to a file
+
+ Returns:
+ bool: True if the filename ends with a known image extension
+ """
+ return has_file_allowed_extension(filename, IMG_EXTENSIONS)
+
+
+def make_dataset(
+ directory: str,
+ class_to_idx: Dict[str, int],
+ extensions: Optional[Tuple[str, ...]] = None,
+ is_valid_file: Optional[Callable[[str], bool]] = None,
+) -> List[Tuple[str, int]]:
+ instances = []
+ directory = os.path.expanduser(directory)
+ both_none = extensions is None and is_valid_file is None
+ both_something = extensions is not None and is_valid_file is not None
+ if both_none or both_something:
+ raise ValueError("Both extensions and is_valid_file cannot be None or not None at the same time")
+ if extensions is not None:
+ def is_valid_file(x: str) -> bool:
+ return has_file_allowed_extension(x, cast(Tuple[str, ...], extensions))
+ is_valid_file = cast(Callable[[str], bool], is_valid_file)
+ for target_class in sorted(class_to_idx.keys()):
+ class_index = class_to_idx[target_class]
+ target_dir = os.path.join(directory, target_class)
+ if not os.path.isdir(target_dir):
+ continue
+ for root, _, fnames in sorted(os.walk(target_dir, followlinks=True)):
+ for fname in sorted(fnames):
+ path = os.path.join(root, fname)
+ if is_valid_file(path):
+ item = path, class_index
+ instances.append(item)
+ return instances
+
+
+class DatasetFolder(VisionDataset):
+ """A generic data loader where the samples are arranged in this way: ::
+
+ root/class_x/xxx.ext
+ root/class_x/xxy.ext
+ root/class_x/xxz.ext
+
+ root/class_y/123.ext
+ root/class_y/nsdf3.ext
+ root/class_y/asd932_.ext
+
+ Args:
+ root (string): Root directory path.
+ loader (callable): A function to load a sample given its path.
+ extensions (tuple[string]): A list of allowed extensions.
+ both extensions and is_valid_file should not be passed.
+ transform (callable, optional): A function/transform that takes in
+ a sample and returns a transformed version.
+ E.g, ``transforms.RandomCrop`` for images.
+ target_transform (callable, optional): A function/transform that takes
+ in the target and transforms it.
+ is_valid_file (callable, optional): A function that takes path of a file
+ and check if the file is a valid file (used to check of corrupt logs)
+ both extensions and is_valid_file should not be passed.
+
+ Attributes:
+ classes (list): List of the class names sorted alphabetically.
+ class_to_idx (dict): Dict with items (class_name, class_index).
+ samples (list): List of (sample path, class_index) tuples
+ targets (list): The class_index value for each image in the dataset
+ """
+
+ def __init__(
+ self,
+ root: str,
+ loader: Callable[[str], Any],
+ extensions: Optional[Tuple[str, ...]] = None,
+ transform: Optional[Callable] = None,
+ target_transform: Optional[Callable] = None,
+ is_valid_file: Optional[Callable[[str], bool]] = None,
+ ) -> None:
+ super(DatasetFolder, self).__init__(root, transform=transform,
+ target_transform=target_transform)
+ classes, class_to_idx = self._find_classes(self.root)
+ samples = make_dataset(self.root, class_to_idx, extensions, is_valid_file)
+ if len(samples) == 0:
+ msg = "Found 0 logs in subfolders of: {}\n".format(self.root)
+ if extensions is not None:
+ msg += "Supported extensions are: {}".format(",".join(extensions))
+ raise RuntimeError(msg)
+
+ self.loader = loader
+ self.extensions = extensions
+
+ self.classes = classes
+ self.class_to_idx = class_to_idx
+ self.samples = samples
+ self.targets = [s[1] for s in samples]
+
+ def _find_classes(self, dir: str) -> Tuple[List[str], Dict[str, int]]:
+ """
+ Finds the class folders in a dataset.
+
+ Args:
+ dir (string): Root directory path.
+
+ Returns:
+ tuple: (classes, class_to_idx) where classes are relative to (dir), and class_to_idx is a dictionary.
+
+ Ensures:
+ No class is a subdirectory of another.
+ """
+ classes = [d.name for d in os.scandir(dir) if d.is_dir()]
+ classes.sort()
+ class_to_idx = {cls_name: i for i, cls_name in enumerate(classes)}
+ return classes, class_to_idx
+
+ def __getitem__(self, index: int) -> Tuple[Any, Any]:
+ """
+ Args:
+ index (int): Index
+
+ Returns:
+ tuple: (sample, target) where target is class_index of the target class.
+ """
+ while True:
+ try:
+ path, target = self.samples[index]
+ sample = self.loader(path)
+ break
+ except Exception as e:
+ print(e)
+ index = random.randint(0, len(self.samples) - 1)
+
+ if self.transform is not None:
+ sample = self.transform(sample)
+ if self.target_transform is not None:
+ target = self.target_transform(target)
+
+ return sample, target
+
+ def __len__(self) -> int:
+ return len(self.samples)
+
+
+class MultiTaskDatasetFolder(VisionDataset):
+ """A generic multi-task dataset loader where the samples are arranged in this way: ::
+
+ root/task_a/class_x/xxx.ext
+ root/task_a/class_y/xxy.ext
+ root/task_a/class_z/xxz.ext
+
+ root/task_b/class_x/xxx.ext
+ root/task_b/class_y/xxy.ext
+ root/task_b/class_z/xxz.ext
+
+ Args:
+ root (string): Root directory path.
+ tasks (list): List of tasks as strings
+ loader (callable): A function to load a sample given its path.
+ extensions (tuple[string]): A list of allowed extensions.
+ both extensions and is_valid_file should not be passed.
+ transform (callable, optional): A function/transform that takes in
+ a sample and returns a transformed version.
+ E.g, ``transforms.RandomCrop`` for images.
+ target_transform (callable, optional): A function/transform that takes
+ in the target and transforms it.
+ is_valid_file (callable, optional): A function that takes path of a file
+ and check if the file is a valid file (used to check of corrupt logs)
+ both extensions and is_valid_file should not be passed.
+
+ Attributes:
+ classes (list): List of the class names sorted alphabetically.
+ class_to_idx (dict): Dict with items (class_name, class_index).
+ samples (list): List of (sample path, class_index) tuples
+ targets (list): The class_index value for each image in the dataset
+ """
+
+ def __init__(
+ self,
+ root: str,
+ tasks: List[str],
+ loader: Callable[[str], Any],
+ extensions: Optional[Tuple[str, ...]] = None,
+ transform: Optional[Callable] = None,
+ target_transform: Optional[Callable] = None,
+ is_valid_file: Optional[Callable[[str], bool]] = None,
+ prefixes: Optional[Dict[str,str]] = None,
+ max_images: Optional[int] = None
+ ) -> None:
+ super(MultiTaskDatasetFolder, self).__init__(root, transform=transform,
+ target_transform=target_transform)
+ self.tasks = tasks
+ classes, class_to_idx = self._find_classes(os.path.join(self.root, self.tasks[0]))
+
+ prefixes = {} if prefixes is None else prefixes
+ prefixes.update({task: '' for task in tasks if task not in prefixes})
+
+ samples = {
+ task: make_dataset(os.path.join(self.root, f'{prefixes[task]}{task}'), class_to_idx, extensions, is_valid_file)
+ for task in self.tasks
+ }
+
+ for task, task_samples in samples.items():
+ if len(task_samples) == 0:
+ msg = "Found 0 logs in subfolders of: {}\n".format(os.path.join(self.root, task))
+ if extensions is not None:
+ msg += "Supported extensions are: {}".format(",".join(extensions))
+ raise RuntimeError(msg)
+
+ self.loader = loader
+ self.extensions = extensions
+
+ self.classes = classes
+ self.class_to_idx = class_to_idx
+ self.samples = samples
+ # self.targets = [s[1] for s in list(samples.values())[0]]
+
+ # Select random subset of dataset if so specified
+ if isinstance(max_images, int):
+ total_samples = len(list(self.samples.values())[0])
+ np.random.seed(0)
+ permutation = np.random.permutation(total_samples)
+ for task in samples:
+ self.samples[task] = [self.samples[task][i] for i in permutation][:max_images]
+
+ self.cache = {}
+
+ def _find_classes(self, dir: str) -> Tuple[List[str], Dict[str, int]]:
+ """
+ Finds the class folders in a dataset.
+
+ Args:
+ dir (string): Root directory path.
+
+ Returns:
+ tuple: (classes, class_to_idx) where classes are relative to (dir), and class_to_idx is a dictionary.
+
+ Ensures:
+ No class is a subdirectory of another.
+ """
+ classes = [d.name for d in os.scandir(dir) if d.is_dir()]
+ classes.sort()
+ class_to_idx = {cls_name: i for i, cls_name in enumerate(classes)}
+ return classes, class_to_idx
+
+ def __getitem__(self, index: int) -> Tuple[Any, Any]:
+ """
+ Args:
+ index (int): Index
+
+ Returns:
+ tuple: (sample, target) where target is class_index of the target class.
+ """
+ if index in self.cache:
+ sample_dict, target = deepcopy(self.cache[index])
+ else:
+ sample_dict = {}
+ for task in self.tasks:
+ path, target = self.samples[task][index]
+ sample = pil_loader(path, convert_rgb=(task=='rgb'))
+ sample_dict[task] = sample
+ # self.cache[index] = deepcopy((sample_dict, target))
+
+ if self.transform is not None:
+ sample_dict = self.transform(sample_dict)
+ if self.target_transform is not None:
+ target = self.target_transform(target)
+
+ return sample_dict, target
+
+ def __len__(self) -> int:
+ return len(list(self.samples.values())[0])
+
+
+IMG_EXTENSIONS = ('.jpg', '.jpeg', '.png', '.ppm', '.bmp', '.pgm', '.tif', '.tiff', '.webp', '.jpx')
+
+
+def pil_loader(path: str, convert_rgb=True) -> Image.Image:
+ # open path as file to avoid ResourceWarning (https://github.com/python-pillow/Pillow/issues/835)
+ # with open(path, 'rb') as f:
+ # img = Image.open(f)
+ img = Image.open(path)
+ return img.convert('RGB') if convert_rgb else img
+
+
+# TODO: specify the return type
+def accimage_loader(path: str) -> Any:
+ import accimage
+ try:
+ return accimage.Image(path)
+ except IOError:
+ # Potentially a decoding problem, fall back to PIL.Image
+ return pil_loader(path)
+
+
+def default_loader(path: str) -> Any:
+ from torchvision import get_image_backend
+ if get_image_backend() == 'accimage':
+ return accimage_loader(path)
+ else:
+ return pil_loader(path)
+
+
+class ImageFolder(DatasetFolder):
+ """A generic data loader where the images are arranged in this way: ::
+
+ root/dog/xxx.png
+ root/dog/xxy.png
+ root/dog/xxz.png
+
+ root/cat/123.png
+ root/cat/nsdf3.png
+ root/cat/asd932_.png
+
+ Args:
+ root (string): Root directory path.
+ transform (callable, optional): A function/transform that takes in an PIL image
+ and returns a transformed version. E.g, ``transforms.RandomCrop``
+ target_transform (callable, optional): A function/transform that takes in the
+ target and transforms it.
+ loader (callable, optional): A function to load an image given its path.
+ is_valid_file (callable, optional): A function that takes path of an Image file
+ and check if the file is a valid file (used to check of corrupt logs)
+
+ Attributes:
+ classes (list): List of the class names sorted alphabetically.
+ class_to_idx (dict): Dict with items (class_name, class_index).
+ imgs (list): List of (image path, class_index) tuples
+ """
+
+ def __init__(
+ self,
+ root: str,
+ transform: Optional[Callable] = None,
+ target_transform: Optional[Callable] = None,
+ loader: Callable[[str], Any] = default_loader,
+ is_valid_file: Optional[Callable[[str], bool]] = None,
+ ):
+ super(ImageFolder, self).__init__(root, loader, IMG_EXTENSIONS if is_valid_file is None else None,
+ transform=transform,
+ target_transform=target_transform,
+ is_valid_file=is_valid_file)
+ self.imgs = self.samples
+
+class MultiTaskImageFolder(MultiTaskDatasetFolder):
+ """A generic multi-task dataset loader where the images are arranged in this way: ::
+
+ root/task_a/class_x/xxx.ext
+ root/task_a/class_y/xxy.ext
+ root/task_a/class_z/xxz.ext
+
+ root/task_b/class_x/xxx.ext
+ root/task_b/class_y/xxy.ext
+ root/task_b/class_z/xxz.ext
+
+ Args:
+ root (string): Root directory path.
+ transform (callable, optional): A function/transform that takes in an PIL image
+ and returns a transformed version. E.g, ``transforms.RandomCrop``
+ target_transform (callable, optional): A function/transform that takes in the
+ target and transforms it.
+ loader (callable, optional): A function to load an image given its path.
+ is_valid_file (callable, optional): A function that takes path of an Image file
+ and check if the file is a valid file (used to check of corrupt logs)
+
+ Attributes:
+ classes (list): List of the class names sorted alphabetically.
+ class_to_idx (dict): Dict with items (class_name, class_index).
+ imgs (list): List of (image path, class_index) tuples
+ """
+
+ def __init__(
+ self,
+ root: str,
+ tasks: List[str],
+ transform: Optional[Callable] = None,
+ target_transform: Optional[Callable] = None,
+ loader: Callable[[str], Any] = pil_loader,
+ is_valid_file: Optional[Callable[[str], bool]] = None,
+ prefixes: Optional[Dict[str,str]] = None,
+ max_images: Optional[int] = None
+ ):
+ super(MultiTaskImageFolder, self).__init__(root, tasks, loader, IMG_EXTENSIONS if is_valid_file is None else None,
+ transform=transform,
+ target_transform=target_transform,
+ is_valid_file=is_valid_file,
+ prefixes=prefixes,
+ max_images=max_images)
+ self.imgs = self.samples
diff --git a/utils/dataset_regression.py b/utils/dataset_regression.py
new file mode 100644
index 0000000000000000000000000000000000000000..9ff8749536e3b0d01dd24f4ec67434f1eddb9221
--- /dev/null
+++ b/utils/dataset_regression.py
@@ -0,0 +1,136 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO, DeiT and MAE-priv code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+import numpy as np
+import torch
+
+try:
+ import albumentations as A
+ from albumentations.pytorch import ToTensorV2
+except:
+ print('albumentations not installed')
+# import cv2
+import torch.nn.functional as F
+
+from utils import (IMAGENET_DEFAULT_MEAN, IMAGENET_DEFAULT_STD, NYU_MEAN,
+ NYU_STD, PAD_MASK_VALUE)
+from utils.dataset_folder import ImageFolder, MultiTaskImageFolder
+
+
+def nyu_transform(train, additional_targets, input_size=512, color_aug=False):
+ if train:
+ augs = [
+ A.SmallestMaxSize(max_size=input_size, p=1),
+ A.HorizontalFlip(p=0.5),
+ ]
+ if color_aug: augs += [
+ # Color jittering from BYOL https://arxiv.org/pdf/2006.07733.pdf
+ A.ColorJitter(
+ brightness=0.1255,
+ contrast=0.4,
+ saturation=[0.5, 1.5],
+ hue=[-0.2, 0.2],
+ p=0.5
+ ),
+ A.ToGray(p=0.3),
+ ]
+ augs += [
+ A.RandomCrop(height=input_size, width=input_size, p=1),
+ A.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD),
+ ToTensorV2(),
+ ]
+
+ transform = A.Compose(augs, additional_targets=additional_targets)
+
+ else:
+ transform = A.Compose([
+ A.SmallestMaxSize(max_size=input_size, p=1),
+ A.CenterCrop(height=input_size, width=input_size),
+ A.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD),
+ ToTensorV2(),
+ ], additional_targets=additional_targets)
+
+ return transform
+
+
+def simple_regression_transform(train, additional_targets, input_size=512, pad_value=(128, 128, 128), pad_mask_value=PAD_MASK_VALUE):
+
+ if train:
+ transform = A.Compose([
+ A.HorizontalFlip(p=0.5),
+ A.LongestMaxSize(max_size=input_size, p=1),
+ A.ColorJitter(brightness=0.4, contrast=0.4, saturation=0.2, hue=0.1, p=0.5), # Color jittering from MoCo-v3 / DINO
+ A.RandomScale(scale_limit=(0.1 - 1, 2.0 - 1), p=1), # This is LSJ (0.1, 2.0)
+ A.PadIfNeeded(min_height=input_size, min_width=input_size,
+ position=A.augmentations.PadIfNeeded.PositionType.TOP_LEFT,
+ border_mode=cv2.BORDER_CONSTANT,
+ value=pad_value, mask_value=pad_mask_value),
+ A.RandomCrop(height=input_size, width=input_size, p=1),
+ A.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD),
+ ToTensorV2(),
+ ], additional_targets=additional_targets)
+
+ else:
+ transform = A.Compose([
+ A.LongestMaxSize(max_size=input_size, p=1),
+ A.PadIfNeeded(min_height=input_size, min_width=input_size,
+ position=A.augmentations.PadIfNeeded.PositionType.TOP_LEFT,
+ border_mode=cv2.BORDER_CONSTANT,
+ value=pad_value, mask_value=pad_mask_value),
+ A.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD),
+ ToTensorV2(),
+ ], additional_targets=additional_targets)
+
+ return transform
+
+
+class DataAugmentationForRegression(object):
+
+ def __init__(self, transform, mask_value=0.0):
+ self.transform = transform
+ self.mask_value = mask_value
+
+ def __call__(self, task_dict):
+
+ # Need to replace rgb key to image
+ task_dict['image'] = task_dict.pop('rgb')
+ # Convert to np.array
+ task_dict = {k: np.array(v) for k, v in task_dict.items()}
+
+ task_dict = self.transform(**task_dict)
+
+ task_dict['depth'] = (task_dict['depth'].float() - NYU_MEAN)/NYU_STD
+
+ # And then replace it back to rgb
+ task_dict['rgb'] = task_dict.pop('image')
+
+ task_dict['mask_valid'] = (task_dict['mask_valid'] == 255)[None]
+
+ for task in task_dict:
+ if task in ['depth']:
+ img = task_dict[task]
+ if 'mask_valid' in task_dict:
+ mask_valid = task_dict['mask_valid'].squeeze()
+ img[~mask_valid] = self.mask_value
+ task_dict[task] = img.unsqueeze(0)
+ elif task in ['rgb']:
+ task_dict[task] = task_dict[task].to(torch.float)
+
+ return task_dict
+
+
+def build_regression_dataset(args, data_path, transform, max_images=None):
+ transform = DataAugmentationForRegression(transform=transform)
+
+ return MultiTaskImageFolder(data_path, args.all_domains, transform=transform, prefixes=None, max_images=max_images)
diff --git a/utils/datasets.py b/utils/datasets.py
new file mode 100644
index 0000000000000000000000000000000000000000..d8e273e57f14da62ae27c95273645441c4637247
--- /dev/null
+++ b/utils/datasets.py
@@ -0,0 +1,205 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO, DeiT and MAE-priv code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+import os
+import random
+
+import numpy as np
+import torch
+import torchvision.transforms.functional as TF
+from torchvision import datasets, transforms
+
+from utils import create_transform
+
+from .data_constants import (IMAGE_TASKS, IMAGENET_DEFAULT_MEAN,
+ IMAGENET_DEFAULT_STD, IMAGENET_INCEPTION_MEAN,
+ IMAGENET_INCEPTION_STD)
+from .dataset_folder import ImageFolder, MultiTaskImageFolder
+
+
+def denormalize(img, mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD):
+ return TF.normalize(
+ img.clone(),
+ mean= [-m/s for m, s in zip(mean, std)],
+ std= [1/s for s in std]
+ )
+
+
+class DataAugmentationForMAE(object):
+ def __init__(self, args):
+ imagenet_default_mean_and_std = args.imagenet_default_mean_and_std
+ mean = IMAGENET_INCEPTION_MEAN if not imagenet_default_mean_and_std else IMAGENET_DEFAULT_MEAN
+ std = IMAGENET_INCEPTION_STD if not imagenet_default_mean_and_std else IMAGENET_DEFAULT_STD
+
+ trans = [transforms.RandomResizedCrop(args.input_size)]
+ if args.hflip > 0.0:
+ trans.append(transforms.RandomHorizontalFlip(args.hflip))
+ trans.extend([
+ transforms.ToTensor(),
+ transforms.Normalize(
+ mean=torch.tensor(mean),
+ std=torch.tensor(std))])
+
+ self.transform = transforms.Compose(trans)
+
+ def __call__(self, image):
+ return self.transform(image)
+
+ def __repr__(self):
+ repr = "(DataAugmentationForBEiT,\n"
+ repr += " transform = %s,\n" % str(self.transform)
+ repr += ")"
+ return repr
+
+
+class DataAugmentationForMultiMAE(object):
+ def __init__(self, args):
+ imagenet_default_mean_and_std = args.imagenet_default_mean_and_std
+ self.rgb_mean = IMAGENET_INCEPTION_MEAN if not imagenet_default_mean_and_std else IMAGENET_DEFAULT_MEAN
+ self.rgb_std = IMAGENET_INCEPTION_STD if not imagenet_default_mean_and_std else IMAGENET_DEFAULT_STD
+ self.input_size = args.input_size
+ self.hflip = args.hflip
+
+ def __call__(self, task_dict):
+ flip = random.random() < self.hflip # Stores whether to flip all images or not
+ ijhw = None # Stores crop coordinates used for all tasks
+
+ # Crop and flip all tasks randomly, but consistently for all tasks
+ for task in task_dict:
+ if task not in IMAGE_TASKS:
+ continue
+ if ijhw is None:
+ # Official MAE code uses (0.2, 1.0) for scale and (0.75, 1.3333) for ratio
+ ijhw = transforms.RandomResizedCrop.get_params(
+ task_dict[task], scale=(0.2, 1.0), ratio=(0.75, 1.3333)
+ )
+ i, j, h, w = ijhw
+ task_dict[task] = TF.crop(task_dict[task], i, j, h, w)
+ task_dict[task] = task_dict[task].resize((self.input_size, self.input_size))
+ if flip:
+ task_dict[task] = TF.hflip(task_dict[task])
+
+ # Convert to Tensor
+ for task in task_dict:
+ if task in ['depth']:
+ img = torch.Tensor(np.array(task_dict[task]) / 2 ** 16)
+ img = img.unsqueeze(0) # 1 x H x W
+ elif task in ['rgb']:
+ img = TF.to_tensor(task_dict[task])
+ img = TF.normalize(img, mean=self.rgb_mean, std=self.rgb_std)
+ elif task in ['semseg', 'semseg_coco']:
+ # TODO: add this to a config instead
+ # Rescale to 0.25x size (stride 4)
+ scale_factor = 0.25
+ img = task_dict[task].resize((int(self.input_size * scale_factor), int(self.input_size * scale_factor)))
+ # Using pil_to_tensor keeps it in uint8, to_tensor converts it to float (rescaled to [0, 1])
+ img = TF.pil_to_tensor(img).to(torch.long).squeeze(0)
+
+ task_dict[task] = img
+
+ return task_dict
+
+ def __repr__(self):
+ repr = "(DataAugmentationForMultiMAE,\n"
+ #repr += " transform = %s,\n" % str(self.transform)
+ repr += ")"
+ return repr
+
+def build_pretraining_dataset(args):
+ transform = DataAugmentationForMAE(args)
+ print("Data Aug = %s" % str(transform))
+ return ImageFolder(args.data_path, transform=transform)
+
+def build_multimae_pretraining_dataset(args):
+ transform = DataAugmentationForMultiMAE(args)
+ return MultiTaskImageFolder(args.data_path, args.all_domains, transform=transform)
+
+def build_dataset(is_train, args):
+ transform = build_transform(is_train, args)
+
+ print("Transform = ")
+ if isinstance(transform, tuple):
+ for trans in transform:
+ print(" - - - - - - - - - - ")
+ for t in trans.transforms:
+ print(t)
+ else:
+ for t in transform.transforms:
+ print(t)
+ print("---------------------------")
+
+ if args.data_set == 'CIFAR':
+ dataset = datasets.CIFAR100(args.data_path, train=is_train, transform=transform)
+ nb_classes = 100
+ elif args.data_set == 'IMNET':
+ # root = os.path.join(args.data_path, 'train' if is_train else 'val')
+ root = args.data_path if is_train else args.eval_data_path
+ dataset = datasets.ImageFolder(root, transform=transform)
+ nb_classes = 1000
+ elif args.data_set == "image_folder":
+ root = args.data_path if is_train else args.eval_data_path
+ dataset = ImageFolder(root, transform=transform)
+ nb_classes = args.nb_classes
+ assert len(dataset.class_to_idx) == nb_classes
+ else:
+ raise NotImplementedError()
+ assert nb_classes == args.nb_classes
+ print("Number of the class = %d" % args.nb_classes)
+
+ return dataset, nb_classes
+
+
+def build_transform(is_train, args):
+ resize_im = args.input_size > 32
+ imagenet_default_mean_and_std = args.imagenet_default_mean_and_std
+ mean = IMAGENET_INCEPTION_MEAN if not imagenet_default_mean_and_std else IMAGENET_DEFAULT_MEAN
+ std = IMAGENET_INCEPTION_STD if not imagenet_default_mean_and_std else IMAGENET_DEFAULT_STD
+
+ if is_train:
+ # this should always dispatch to transforms_imagenet_train
+ transform = create_transform(
+ input_size=args.input_size,
+ is_training=True,
+ color_jitter=args.color_jitter,
+ auto_augment=args.aa,
+ interpolation=args.train_interpolation,
+ re_prob=args.reprob,
+ re_mode=args.remode,
+ re_count=args.recount,
+ mean=mean,
+ std=std,
+ )
+ if not resize_im:
+ # replace RandomResizedCropAndInterpolation with
+ # RandomCrop
+ transform.transforms[0] = transforms.RandomCrop(
+ args.input_size, padding=4)
+ return transform
+
+ t = []
+ if resize_im:
+ if args.crop_pct is None:
+ if args.input_size < 384:
+ args.crop_pct = 224 / 256
+ else:
+ args.crop_pct = 1.0
+ size = int(args.input_size / args.crop_pct)
+ t.append(
+ transforms.Resize(size, interpolation=3), # to maintain same ratio w.r.t. 224 images
+ )
+ t.append(transforms.CenterCrop(args.input_size))
+
+ t.append(transforms.ToTensor())
+ t.append(transforms.Normalize(mean, std))
+ return transforms.Compose(t)
diff --git a/utils/datasets_semseg.py b/utils/datasets_semseg.py
new file mode 100644
index 0000000000000000000000000000000000000000..e7960e12113a44d5d8ce658e7225e961ea8f4e71
--- /dev/null
+++ b/utils/datasets_semseg.py
@@ -0,0 +1,235 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO, DeiT and MAE-priv code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+from typing import Dict, Tuple
+
+import numpy as np
+import torch
+
+try:
+ import albumentations as A
+ from albumentations.pytorch import ToTensorV2
+except:
+ print('albumentations not installed')
+import cv2
+import torch.nn.functional as F
+
+from utils import (IMAGENET_DEFAULT_MEAN, IMAGENET_DEFAULT_STD, PAD_MASK_VALUE,
+ SEG_IGNORE_INDEX)
+
+from .dataset_folder import ImageFolder, MultiTaskImageFolder
+
+
+def simple_transform(train: bool,
+ additional_targets: Dict[str, str],
+ input_size: int =512,
+ pad_value: Tuple[int, int, int] = (128, 128, 128),
+ pad_mask_value: int =PAD_MASK_VALUE):
+ """Default transform for semantic segmentation, applied on all modalities
+
+ During training:
+ 1. Random horizontal Flip
+ 2. Rescaling so that longest side matches input size
+ 3. Color jitter (for RGB-modality only)
+ 4. Large scale jitter (LSJ)
+ 5. Padding
+ 6. Random crop to given size
+ 7. Normalization with ImageNet mean and std dev
+
+ During validation / test:
+ 1. Rescaling so that longest side matches given size
+ 2. Padding
+ 3. Normalization with ImageNet mean and std dev
+ """
+
+ if train:
+ transform = A.Compose([
+ A.HorizontalFlip(p=0.5),
+ A.LongestMaxSize(max_size=input_size, p=1),
+ A.ColorJitter(brightness=0.4, contrast=0.4, saturation=0.2, hue=0.1, p=0.5), # Color jittering from MoCo-v3 / DINO
+ A.RandomScale(scale_limit=(0.1 - 1, 2.0 - 1), p=1), # This is LSJ (0.1, 2.0)
+ A.PadIfNeeded(min_height=input_size, min_width=input_size,
+ position=A.augmentations.PadIfNeeded.PositionType.TOP_LEFT,
+ border_mode=cv2.BORDER_CONSTANT,
+ value=pad_value, mask_value=pad_mask_value),
+ A.RandomCrop(height=input_size, width=input_size, p=1),
+ A.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD),
+ ToTensorV2(),
+ ], additional_targets=additional_targets)
+
+ else:
+ transform = A.Compose([
+ A.LongestMaxSize(max_size=input_size, p=1),
+ A.PadIfNeeded(min_height=input_size, min_width=input_size,
+ position=A.augmentations.PadIfNeeded.PositionType.TOP_LEFT,
+ border_mode=cv2.BORDER_CONSTANT,
+ value=pad_value, mask_value=pad_mask_value),
+ A.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD),
+ ToTensorV2(),
+ ], additional_targets=additional_targets)
+
+ return transform
+
+
+class DataAugmentationForSemSeg(object):
+ """Data transform / augmentation for semantic segmentation downstream tasks.
+ """
+
+ def __init__(self, transform, seg_num_classes, seg_ignore_index=SEG_IGNORE_INDEX, standardize_depth=True,
+ seg_reduce_zero_label=False, seg_use_void_label=False):
+
+ self.transform = transform
+ self.seg_num_classes = seg_num_classes
+ self.seg_ignore_index = seg_ignore_index
+ self.standardize_depth = standardize_depth
+ self.seg_reduce_zero_label = seg_reduce_zero_label
+ self.seg_use_void_label = seg_use_void_label
+
+ @staticmethod
+ def standardize_depth_map(img, mask_valid=None, trunc_value=0.1):
+ img[img == PAD_MASK_VALUE] = torch.nan
+ if mask_valid is not None:
+ # This is if we want to apply masking before standardization
+ img[~mask_valid] = torch.nan
+ sorted_img = torch.sort(torch.flatten(img))[0]
+ # Remove nan, nan at the end of sort
+ num_nan = sorted_img.isnan().sum()
+ if num_nan > 0:
+ sorted_img = sorted_img[:-num_nan]
+ # Remove outliers
+ trunc_img = sorted_img[int(trunc_value * len(sorted_img)): int((1 - trunc_value) * len(sorted_img))]
+ trunc_mean = trunc_img.mean()
+ trunc_var = trunc_img.var()
+ eps = 1e-6
+ # Replace nan by mean
+ img = torch.nan_to_num(img, nan=trunc_mean)
+ # Standardize
+ img = (img - trunc_mean) / torch.sqrt(trunc_var + eps)
+ return img
+
+ def seg_adapt_labels(self, img):
+ if self.seg_use_void_label:
+ # Set void label to num_classes
+ if self.seg_reduce_zero_label:
+ pad_replace = self.seg_num_classes + 1
+ else:
+ pad_replace = self.seg_num_classes
+ else:
+ pad_replace = self.seg_ignore_index
+ img[img == PAD_MASK_VALUE] = pad_replace
+
+ if self.seg_reduce_zero_label:
+ img[img == 0] = self.seg_ignore_index
+ img = img - 1
+ img[img == self.seg_ignore_index - 1] = self.seg_ignore_index
+
+ return img
+
+ def __call__(self, task_dict):
+
+ # Need to replace rgb key to image
+ task_dict['image'] = task_dict.pop('rgb')
+ # Convert to np.array
+ task_dict = {k: np.array(v) for k, v in task_dict.items()}
+
+ task_dict = self.transform(**task_dict)
+
+ # And then replace it back to rgb
+ task_dict['rgb'] = task_dict.pop('image')
+
+ for task in task_dict:
+ if task in ['depth']:
+ img = task_dict[task].to(torch.float)
+ if self.standardize_depth:
+ # Mask valid set to None here, as masking is applied after standardization
+ img = self.standardize_depth_map(img, mask_valid=None)
+ if 'mask_valid' in task_dict:
+ mask_valid = (task_dict['mask_valid'] == 255).squeeze()
+ img[~mask_valid] = 0.0
+ task_dict[task] = img.unsqueeze(0)
+ elif task in ['rgb']:
+ task_dict[task] = task_dict[task].to(torch.float)
+ elif task in ['semseg']:
+ img = task_dict[task].to(torch.long)
+ img = self.seg_adapt_labels(img)
+ task_dict[task] = img
+ elif task in ['pseudo_semseg']:
+ # If it's pseudo-semseg, then it's an input modality and should therefore be resized
+ img = task_dict[task]
+ img = F.interpolate(img[None,None,:,:], scale_factor=0.25, mode='nearest').long()[0,0]
+ task_dict[task] = img
+
+ return task_dict
+
+
+def build_semseg_dataset(args, data_path, transform, max_images=None):
+ transform = DataAugmentationForSemSeg(transform=transform, seg_num_classes=args.num_classes,
+ standardize_depth=args.standardize_depth,
+ seg_reduce_zero_label=args.seg_reduce_zero_label,
+ seg_use_void_label=args.seg_use_void_label)
+ prefixes = {'depth': 'pseudo_'} if args.load_pseudo_depth else None
+ return MultiTaskImageFolder(data_path, args.all_domains, transform=transform, prefixes=prefixes, max_images=max_images)
+
+
+def ade_classes():
+ """ADE20K class names for external use."""
+ return [
+ 'wall', 'building', 'sky', 'floor', 'tree', 'ceiling', 'road', 'bed ',
+ 'windowpane', 'grass', 'cabinet', 'sidewalk', 'person', 'earth',
+ 'door', 'table', 'mountain', 'plant', 'curtain', 'chair', 'car',
+ 'water', 'painting', 'sofa', 'shelf', 'house', 'sea', 'mirror', 'rug',
+ 'field', 'armchair', 'seat', 'fence', 'desk', 'rock', 'wardrobe',
+ 'lamp', 'bathtub', 'railing', 'cushion', 'base', 'box', 'column',
+ 'signboard', 'chest of drawers', 'counter', 'sand', 'sink',
+ 'skyscraper', 'fireplace', 'refrigerator', 'grandstand', 'path',
+ 'stairs', 'runway', 'case', 'pool table', 'pillow', 'screen door',
+ 'stairway', 'river', 'bridge', 'bookcase', 'blind', 'coffee table',
+ 'toilet', 'flower', 'book', 'hill', 'bench', 'countertop', 'stove',
+ 'palm', 'kitchen island', 'computer', 'swivel chair', 'boat', 'bar',
+ 'arcade machine', 'hovel', 'bus', 'towel', 'light', 'truck', 'tower',
+ 'chandelier', 'awning', 'streetlight', 'booth', 'television receiver',
+ 'airplane', 'dirt track', 'apparel', 'pole', 'land', 'bannister',
+ 'escalator', 'ottoman', 'bottle', 'buffet', 'poster', 'stage', 'van',
+ 'ship', 'fountain', 'conveyer belt', 'canopy', 'washer', 'plaything',
+ 'swimming pool', 'stool', 'barrel', 'basket', 'waterfall', 'tent',
+ 'bag', 'minibike', 'cradle', 'oven', 'ball', 'food', 'step', 'tank',
+ 'trade name', 'microwave', 'pot', 'animal', 'bicycle', 'lake',
+ 'dishwasher', 'screen', 'blanket', 'sculpture', 'hood', 'sconce',
+ 'vase', 'traffic light', 'tray', 'ashcan', 'fan', 'pier', 'crt screen',
+ 'plate', 'monitor', 'bulletin board', 'shower', 'radiator', 'glass',
+ 'clock', 'flag'
+ ]
+
+
+def hypersim_classes():
+ """Hypersim class names for external use."""
+ return [
+ 'wall', 'floor', 'cabinet', 'bed', 'chair', 'sofa', 'table', 'door',
+ 'window', 'bookshelf', 'picture', 'counter', 'blinds', 'desk', 'shelves',
+ 'curtain', 'dresser', 'pillow', 'mirror', 'floor-mat', 'clothes',
+ 'ceiling', 'books', 'fridge', 'TV', 'paper', 'towel', 'shower-curtain',
+ 'box', 'white-board', 'person', 'night-stand', 'toilet', 'sink', 'lamp',
+ 'bathtub', 'bag', 'other-struct', 'other-furntr', 'other-prop'
+ ]
+
+
+def nyu_v2_40_classes():
+ """NYUv2 40 class names for external use."""
+ return [
+ 'wall', 'floor', 'cabinet', 'bed', 'chair', 'sofa', 'table', 'door',
+ 'window', 'bookshelf', 'picture', 'counter', 'blinds', 'desk', 'shelves',
+ 'curtain', 'dresser', 'pillow', 'mirror', 'floor-mat', 'clothes',
+ 'ceiling', 'books', 'fridge', 'TV', 'paper', 'towel', 'shower-curtain',
+ 'box', 'white-board', 'person', 'night-stand', 'toilet', 'sink', 'lamp',
+ 'bathtub', 'bag', 'other-struct', 'other-furntr', 'other-prop'
+ ]
diff --git a/utils/dist.py b/utils/dist.py
new file mode 100644
index 0000000000000000000000000000000000000000..65f084aa9988c7c08f4a35688f8895f28b285d1d
--- /dev/null
+++ b/utils/dist.py
@@ -0,0 +1,159 @@
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO and DeiT code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# --------------------------------------------------------
+
+import os
+import pickle
+import shutil
+import tempfile
+
+import torch
+import torch.distributed as dist
+
+
+def setup_for_distributed(is_master):
+ """
+ This function disables printing when not in master process
+ """
+ import builtins as __builtin__
+ builtin_print = __builtin__.print
+
+ def print(*args, **kwargs):
+ force = kwargs.pop('force', False)
+ if is_master or force:
+ builtin_print(*args, **kwargs)
+
+ __builtin__.print = print
+
+
+def is_dist_avail_and_initialized():
+ if not dist.is_available():
+ return False
+ if not dist.is_initialized():
+ return False
+ return True
+
+
+def get_world_size():
+ if not is_dist_avail_and_initialized():
+ return 1
+ return dist.get_world_size()
+
+
+def get_rank():
+ if not is_dist_avail_and_initialized():
+ return 0
+ return dist.get_rank()
+
+
+def is_main_process():
+ return get_rank() == 0
+
+
+def save_on_master(*args, **kwargs):
+ if is_main_process():
+ torch.save(*args, **kwargs)
+
+
+def init_distributed_mode(args):
+ if args.dist_on_itp:
+ args.rank = int(os.environ['OMPI_COMM_WORLD_RANK'])
+ args.world_size = int(os.environ['OMPI_COMM_WORLD_SIZE'])
+ args.gpu = int(os.environ['OMPI_COMM_WORLD_LOCAL_RANK'])
+ args.dist_url = "tcp://%s:%s" % (os.environ['MASTER_ADDR'], os.environ['MASTER_PORT'])
+ os.environ['LOCAL_RANK'] = str(args.gpu)
+ os.environ['RANK'] = str(args.rank)
+ os.environ['WORLD_SIZE'] = str(args.world_size)
+ # ["RANK", "WORLD_SIZE", "MASTER_ADDR", "MASTER_PORT", "LOCAL_RANK"]
+ elif 'RANK' in os.environ and 'WORLD_SIZE' in os.environ:
+ args.rank = int(os.environ["RANK"])
+ args.world_size = int(os.environ['WORLD_SIZE'])
+ args.gpu = int(os.environ['LOCAL_RANK'])
+ elif 'SLURM_PROCID' in os.environ:
+ args.rank = int(os.environ['SLURM_PROCID'])
+ args.gpu = args.rank % torch.cuda.device_count()
+ else:
+ print('Not using distributed mode')
+ args.distributed = False
+ return
+
+ args.distributed = True
+
+ torch.cuda.set_device(args.gpu)
+ args.dist_backend = 'nccl'
+ print('| distributed init (rank {}): {}, gpu {}'.format(
+ args.rank, args.dist_url, args.gpu), flush=True)
+ torch.distributed.init_process_group(backend=args.dist_backend, init_method=args.dist_url,
+ world_size=args.world_size, rank=args.rank)
+ torch.distributed.barrier()
+ setup_for_distributed(args.rank == 0)
+
+# # From MMCV
+def collect_results_cpu(result_part, size, tmpdir=None):
+ """Collect results under cpu mode.
+
+ On cpu mode, this function will save the results on different gpus to
+ ``tmpdir`` and collect them by the rank 0 worker.
+
+ Args:
+ result_part (list): Result list containing result parts
+ to be collected.
+ size (int): Size of the results, commonly equal to length of
+ the results.
+ tmpdir (str | None): temporal directory for collected results to
+ store. If set to None, it will create a random temporal directory
+ for it.
+
+ Returns:
+ list: The collected results.
+ """
+ rank = get_rank()
+ world_size = get_world_size()
+ # create a tmp dir if it is not specified
+ if tmpdir is None:
+ MAX_LEN = 512
+ # 32 is whitespace
+ dir_tensor = torch.full((MAX_LEN, ),
+ 32,
+ dtype=torch.uint8,
+ device='cuda')
+ if rank == 0:
+ os.makedirs('/tmp/dist_test', exist_ok=True)
+ tmpdir = tempfile.mkdtemp(dir='/tmp/dist_test')
+ tmpdir = torch.tensor(
+ bytearray(tmpdir.encode()), dtype=torch.uint8, device='cuda')
+ dir_tensor[:len(tmpdir)] = tmpdir
+ dist.broadcast(dir_tensor, 0)
+ tmpdir = dir_tensor.cpu().numpy().tobytes().decode().rstrip()
+ else:
+ os.makedirs(tmpdir, exist_ok=True)
+ # dump the part result to the dir
+ tmp_file = os.path.join(tmpdir, f'part_{rank}.pkl')
+ pickle.dump(result_part, open(str(tmp_file), "wb"))
+ dist.barrier()
+ # collect all parts
+ if rank != 0:
+ return None
+ else:
+ # load results of all parts from tmp dir
+ part_list = []
+ for i in range(world_size):
+ part_file = os.path.join(tmpdir, f'part_{i}.pkl')
+ part_result = pickle.load(open(str(part_file), "rb"))
+ # When data is severely insufficient, an empty part_result
+ # on a certain gpu could makes the overall outputs empty.
+ if part_result:
+ part_list.append(part_result)
+ # sort the results
+ ordered_results = []
+ for res in zip(*part_list):
+ ordered_results.extend(list(res))
+ # the dataloader may pad some samples
+ ordered_results = ordered_results[:size]
+ # remove tmp dir
+ shutil.rmtree(tmpdir)
+ return ordered_results
diff --git a/utils/layers/__init__.py b/utils/layers/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..18e0118d027b392635342750d4bc3f0994e76120
--- /dev/null
+++ b/utils/layers/__init__.py
@@ -0,0 +1,3 @@
+from .drop import *
+from .helpers import *
+from .weight_init import *
diff --git a/utils/layers/drop.py b/utils/layers/drop.py
new file mode 100644
index 0000000000000000000000000000000000000000..7057305a5844374b8d9c841e754a63f863d54a5b
--- /dev/null
+++ b/utils/layers/drop.py
@@ -0,0 +1,176 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+""" DropBlock, DropPath
+
+PyTorch implementations of DropBlock and DropPath (Stochastic Depth) regularization layers.
+
+Papers:
+DropBlock: A regularization method for convolutional networks (https://arxiv.org/abs/1810.12890)
+
+Deep Networks with Stochastic Depth (https://arxiv.org/abs/1603.09382)
+
+Code:
+DropBlock impl inspired by two Tensorflow impl that I liked:
+ - https://github.com/tensorflow/tpu/blob/master/models/official/resnet/resnet_model.py#L74
+ - https://github.com/clovaai/assembled-cnn/blob/master/nets/blocks.py
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import torch
+import torch.nn as nn
+import torch.nn.functional as F
+
+
+def drop_block_2d(
+ x, drop_prob: float = 0.1, block_size: int = 7, gamma_scale: float = 1.0,
+ with_noise: bool = False, inplace: bool = False, batchwise: bool = False):
+ """ DropBlock. See https://arxiv.org/pdf/1810.12890.pdf
+
+ DropBlock with an experimental gaussian noise option. This layer has been tested on a few training
+ runs with success, but needs further validation and possibly optimization for lower runtime impact.
+ """
+ B, C, H, W = x.shape
+ total_size = W * H
+ clipped_block_size = min(block_size, min(W, H))
+ # seed_drop_rate, the gamma parameter
+ gamma = gamma_scale * drop_prob * total_size / clipped_block_size ** 2 / (
+ (W - block_size + 1) * (H - block_size + 1))
+
+ # Forces the block to be inside the feature map.
+ w_i, h_i = torch.meshgrid(torch.arange(W).to(x.device), torch.arange(H).to(x.device))
+ valid_block = ((w_i >= clipped_block_size // 2) & (w_i < W - (clipped_block_size - 1) // 2)) & \
+ ((h_i >= clipped_block_size // 2) & (h_i < H - (clipped_block_size - 1) // 2))
+ valid_block = torch.reshape(valid_block, (1, 1, H, W)).to(dtype=x.dtype)
+
+ if batchwise:
+ # one mask for whole batch, quite a bit faster
+ uniform_noise = torch.rand((1, C, H, W), dtype=x.dtype, device=x.device)
+ else:
+ uniform_noise = torch.rand_like(x)
+ block_mask = ((2 - gamma - valid_block + uniform_noise) >= 1).to(dtype=x.dtype)
+ block_mask = -F.max_pool2d(
+ -block_mask,
+ kernel_size=clipped_block_size, # block_size,
+ stride=1,
+ padding=clipped_block_size // 2)
+
+ if with_noise:
+ normal_noise = torch.randn((1, C, H, W), dtype=x.dtype, device=x.device) if batchwise else torch.randn_like(x)
+ if inplace:
+ x.mul_(block_mask).add_(normal_noise * (1 - block_mask))
+ else:
+ x = x * block_mask + normal_noise * (1 - block_mask)
+ else:
+ normalize_scale = (block_mask.numel() / block_mask.to(dtype=torch.float32).sum().add(1e-7)).to(x.dtype)
+ if inplace:
+ x.mul_(block_mask * normalize_scale)
+ else:
+ x = x * block_mask * normalize_scale
+ return x
+
+
+def drop_block_fast_2d(
+ x: torch.Tensor, drop_prob: float = 0.1, block_size: int = 7,
+ gamma_scale: float = 1.0, with_noise: bool = False, inplace: bool = False, batchwise: bool = False):
+ """ DropBlock. See https://arxiv.org/pdf/1810.12890.pdf
+
+ DropBlock with an experimental gaussian noise option. Simplied from above without concern for valid
+ block mask at edges.
+ """
+ B, C, H, W = x.shape
+ total_size = W * H
+ clipped_block_size = min(block_size, min(W, H))
+ gamma = gamma_scale * drop_prob * total_size / clipped_block_size ** 2 / (
+ (W - block_size + 1) * (H - block_size + 1))
+
+ if batchwise:
+ # one mask for whole batch, quite a bit faster
+ block_mask = torch.rand((1, C, H, W), dtype=x.dtype, device=x.device) < gamma
+ else:
+ # mask per batch element
+ block_mask = torch.rand_like(x) < gamma
+ block_mask = F.max_pool2d(
+ block_mask.to(x.dtype), kernel_size=clipped_block_size, stride=1, padding=clipped_block_size // 2)
+
+ if with_noise:
+ normal_noise = torch.randn((1, C, H, W), dtype=x.dtype, device=x.device) if batchwise else torch.randn_like(x)
+ if inplace:
+ x.mul_(1. - block_mask).add_(normal_noise * block_mask)
+ else:
+ x = x * (1. - block_mask) + normal_noise * block_mask
+ else:
+ block_mask = 1 - block_mask
+ normalize_scale = (block_mask.numel() / block_mask.to(dtype=torch.float32).sum().add(1e-7)).to(dtype=x.dtype)
+ if inplace:
+ x.mul_(block_mask * normalize_scale)
+ else:
+ x = x * block_mask * normalize_scale
+ return x
+
+
+class DropBlock2d(nn.Module):
+ """ DropBlock. See https://arxiv.org/pdf/1810.12890.pdf
+ """
+
+ def __init__(self,
+ drop_prob=0.1,
+ block_size=7,
+ gamma_scale=1.0,
+ with_noise=False,
+ inplace=False,
+ batchwise=False,
+ fast=True):
+ super(DropBlock2d, self).__init__()
+ self.drop_prob = drop_prob
+ self.gamma_scale = gamma_scale
+ self.block_size = block_size
+ self.with_noise = with_noise
+ self.inplace = inplace
+ self.batchwise = batchwise
+ self.fast = fast # FIXME finish comparisons of fast vs not
+
+ def forward(self, x):
+ if not self.training or not self.drop_prob:
+ return x
+ if self.fast:
+ return drop_block_fast_2d(
+ x, self.drop_prob, self.block_size, self.gamma_scale, self.with_noise, self.inplace, self.batchwise)
+ else:
+ return drop_block_2d(
+ x, self.drop_prob, self.block_size, self.gamma_scale, self.with_noise, self.inplace, self.batchwise)
+
+
+def drop_path(x, drop_prob: float = 0., training: bool = False):
+ """Drop paths (Stochastic Depth) per sample (when applied in main path of residual blocks).
+
+ This is the same as the DropConnect impl I created for EfficientNet, etc networks, however,
+ the original name is misleading as 'Drop Connect' is a different form of dropout in a separate paper...
+ See discussion: https://github.com/tensorflow/tpu/issues/494#issuecomment-532968956 ... I've opted for
+ changing the layer and argument names to 'drop path' rather than mix DropConnect as a layer name and use
+ 'survival rate' as the argument.
+
+ """
+ if drop_prob == 0. or not training:
+ return x
+ keep_prob = 1 - drop_prob
+ shape = (x.shape[0],) + (1,) * (x.ndim - 1) # work with diff dim tensors, not just 2D ConvNets
+ random_tensor = keep_prob + torch.rand(shape, dtype=x.dtype, device=x.device)
+ random_tensor.floor_() # binarize
+ output = x.div(keep_prob) * random_tensor
+ return output
+
+
+class DropPath(nn.Module):
+ """Drop paths (Stochastic Depth) per sample (when applied in main path of residual blocks).
+ """
+
+ def __init__(self, drop_prob=None):
+ super(DropPath, self).__init__()
+ self.drop_prob = drop_prob
+
+ def forward(self, x):
+ return drop_path(x, self.drop_prob, self.training)
diff --git a/utils/layers/helpers.py b/utils/layers/helpers.py
new file mode 100644
index 0000000000000000000000000000000000000000..e28234052d6b3c36845bd51e33de9b5855776877
--- /dev/null
+++ b/utils/layers/helpers.py
@@ -0,0 +1,38 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+""" Layer/Module Helpers
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import collections.abc
+from itertools import repeat
+
+
+# From PyTorch internals
+def _ntuple(n):
+ def parse(x):
+ if isinstance(x, collections.abc.Iterable):
+ return x
+ return tuple(repeat(x, n))
+
+ return parse
+
+
+to_1tuple = _ntuple(1)
+to_2tuple = _ntuple(2)
+to_3tuple = _ntuple(3)
+to_4tuple = _ntuple(4)
+to_ntuple = _ntuple
+
+
+def make_divisible(v, divisor=8, min_value=None, round_limit=.9):
+ min_value = min_value or divisor
+ new_v = max(min_value, int(v + divisor / 2) // divisor * divisor)
+ # Make sure that round down does not go down by more than 10%.
+ if new_v < round_limit * v:
+ new_v += divisor
+ return new_v
diff --git a/utils/layers/weight_init.py b/utils/layers/weight_init.py
new file mode 100644
index 0000000000000000000000000000000000000000..7733157f70b72cd7a8f46aec8eb87db45cd77b63
--- /dev/null
+++ b/utils/layers/weight_init.py
@@ -0,0 +1,96 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+
+import math
+import warnings
+
+import torch
+from torch.nn.init import _calculate_fan_in_and_fan_out
+
+
+def _no_grad_trunc_normal_(tensor, mean, std, a, b):
+ # Cut & paste from PyTorch official master until it's in a few official releases - RW
+ # Method based on https://people.sc.fsu.edu/~jburkardt/presentations/truncated_normal.pdf
+ def norm_cdf(x):
+ # Computes standard normal cumulative distribution function
+ return (1. + math.erf(x / math.sqrt(2.))) / 2.
+
+ if (mean < a - 2 * std) or (mean > b + 2 * std):
+ warnings.warn("mean is more than 2 std from [a, b] in nn.init.trunc_normal_. "
+ "The distribution of values may be incorrect.",
+ stacklevel=2)
+
+ with torch.no_grad():
+ # Values are generated by using a truncated uniform distribution and
+ # then using the inverse CDF for the normal distribution.
+ # Get upper and lower cdf values
+ l = norm_cdf((a - mean) / std)
+ u = norm_cdf((b - mean) / std)
+
+ # Uniformly fill tensor with values from [l, u], then translate to
+ # [2l-1, 2u-1].
+ tensor.uniform_(2 * l - 1, 2 * u - 1)
+
+ # Use inverse cdf transform for normal distribution to get truncated
+ # standard normal
+ tensor.erfinv_()
+
+ # Transform to proper mean, std
+ tensor.mul_(std * math.sqrt(2.))
+ tensor.add_(mean)
+
+ # Clamp to ensure it's in the proper range
+ tensor.clamp_(min=a, max=b)
+ return tensor
+
+
+def trunc_normal_(tensor, mean=0., std=1., a=-2., b=2.):
+ # type: (Tensor, float, float, float, float) -> Tensor
+ r"""Fills the input Tensor with values drawn from a truncated
+ normal distribution. The values are effectively drawn from the
+ normal distribution :math:`\mathcal{N}(\text{mean}, \text{std}^2)`
+ with values outside :math:`[a, b]` redrawn until they are within
+ the bounds. The method used for generating the random values works
+ best when :math:`a \leq \text{mean} \leq b`.
+ Args:
+ tensor: an n-dimensional `torch.Tensor`
+ mean: the mean of the normal distribution
+ std: the standard deviation of the normal distribution
+ a: the minimum cutoff value
+ b: the maximum cutoff value
+ Examples:
+ >>> w = torch.empty(3, 5)
+ >>> nn.init.trunc_normal_(w)
+ """
+ return _no_grad_trunc_normal_(tensor, mean, std, a, b)
+
+
+def variance_scaling_(tensor, scale=1.0, mode='fan_in', distribution='normal'):
+ fan_in, fan_out = _calculate_fan_in_and_fan_out(tensor)
+ if mode == 'fan_in':
+ denom = fan_in
+ elif mode == 'fan_out':
+ denom = fan_out
+ elif mode == 'fan_avg':
+ denom = (fan_in + fan_out) / 2
+
+ variance = scale / denom
+
+ if distribution == "truncated_normal":
+ # constant is stddev of standard normal truncated to (-2, 2)
+ trunc_normal_(tensor, std=math.sqrt(variance) / .87962566103423978)
+ elif distribution == "normal":
+ tensor.normal_(std=math.sqrt(variance))
+ elif distribution == "uniform":
+ bound = math.sqrt(3 * variance)
+ tensor.uniform_(-bound, bound)
+ else:
+ raise ValueError(f"invalid distribution {distribution}")
+
+
+def lecun_normal_(tensor):
+ variance_scaling_(tensor, mode='fan_in', distribution='truncated_normal')
diff --git a/utils/log_images.py b/utils/log_images.py
new file mode 100644
index 0000000000000000000000000000000000000000..826f29cfb5d29d22044d07c14068f1678a5ae003
--- /dev/null
+++ b/utils/log_images.py
@@ -0,0 +1,138 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+
+from typing import Dict, List
+
+import numpy as np
+import torch
+import torch.nn.functional as F
+import torchvision.transforms as transforms
+import wandb
+
+import utils
+from utils.datasets_semseg import (ade_classes, hypersim_classes,
+ nyu_v2_40_classes)
+
+
+def inv_norm(tensor: torch.Tensor) -> torch.Tensor:
+ """Inverse of the normalization that was done during pre-processing
+ """
+ inv_normalize = transforms.Normalize(
+ mean=[-0.485 / 0.229, -0.456 / 0.224, -0.406 / 0.225],
+ std=[1 / 0.229, 1 / 0.224, 1 / 0.225])
+
+ return inv_normalize(tensor)
+
+
+@torch.no_grad()
+def log_semseg_wandb(
+ images: torch.Tensor,
+ preds: List[np.ndarray],
+ gts: List[np.ndarray],
+ depth_gts: List[np.ndarray],
+ dataset_name: str = 'ade20k',
+ image_count=8,
+ prefix=""
+ ):
+
+ if dataset_name == 'ade20k':
+ classes = ade_classes()
+ elif dataset_name == 'hypersim':
+ classes = hypersim_classes()
+ elif dataset_name == 'nyu':
+ classes = nyu_v2_40_classes()
+ else:
+ raise ValueError(f'Dataset {dataset_name} not supported for logging to wandb.')
+
+ class_labels = {i: cls for i, cls in enumerate(classes)}
+ class_labels[len(classes)] = "void"
+ class_labels[utils.SEG_IGNORE_INDEX] = "ignore"
+
+ image_count = min(len(images), image_count)
+
+ images = images[:image_count]
+ preds = preds[:image_count]
+ gts = gts[:image_count]
+ depth_gts = depth_gts[:image_count] if len(depth_gts) > 0 else None
+
+ semseg_images = {}
+
+ for i, (image, pred, gt) in enumerate(zip(images, preds, gts)):
+ image = inv_norm(image)
+ pred[gt == utils.SEG_IGNORE_INDEX] = utils.SEG_IGNORE_INDEX
+
+ semseg_image = wandb.Image(image, masks={
+ "predictions": {
+ "mask_data": pred,
+ "class_labels": class_labels,
+ },
+ "ground_truth": {
+ "mask_data": gt,
+ "class_labels": class_labels,
+ }
+ })
+
+ semseg_images[f"{prefix}_{i}"] = semseg_image
+
+ if depth_gts is not None:
+ semseg_images[f"{prefix}_{i}_depth"] = wandb.Image(depth_gts[i])
+
+ wandb.log(semseg_images, commit=False)
+
+
+@torch.no_grad()
+def log_taskonomy_wandb(
+ preds: Dict[str, torch.Tensor],
+ gts: Dict[str, torch.Tensor],
+ image_count=8,
+ prefix=""
+ ):
+ pred_tasks = list(preds.keys())
+ gt_tasks = list(gts.keys())
+ if 'mask_valid' in gt_tasks:
+ gt_tasks.remove('mask_valid')
+
+ image_count = min(len(preds[pred_tasks[0]]), image_count)
+
+ all_images = {}
+
+ for i in range(image_count):
+
+ # Log GTs
+ for task in gt_tasks:
+ gt_img = gts[task][i]
+ if task == 'rgb':
+ gt_img = inv_norm(gt_img)
+ if gt_img.shape[0] == 1:
+ gt_img = gt_img[0]
+ elif gt_img.shape[0] == 2:
+ gt_img = F.pad(gt_img, (0,0,0,0,0,1), mode='constant', value=0.0)
+
+ gt_img = wandb.Image(gt_img, caption=f'GT #{i}')
+ key = f'{prefix}_gt_{task}'
+ if key not in all_images:
+ all_images[key] = [gt_img]
+ else:
+ all_images[key].append(gt_img)
+
+ # Log preds
+ for task in pred_tasks:
+ pred_img = preds[task][i]
+ if task == 'rgb':
+ pred_img = inv_norm(pred_img)
+ if pred_img.shape[0] == 1:
+ pred_img = pred_img[0]
+ elif pred_img.shape[0] == 2:
+ pred_img = F.pad(pred_img, (0,0,0,0,0,1), mode='constant', value=0.0)
+
+ pred_img = wandb.Image(pred_img, caption=f'Pred #{i}')
+ key = f'{prefix}_pred_{task}'
+ if key not in all_images:
+ all_images[key] = [pred_img]
+ else:
+ all_images[key].append(pred_img)
+
+ wandb.log(all_images, commit=False)
diff --git a/utils/logger.py b/utils/logger.py
new file mode 100644
index 0000000000000000000000000000000000000000..2d3dffff3df6ceed8f945e371ff7e2e4e9b4af1e
--- /dev/null
+++ b/utils/logger.py
@@ -0,0 +1,198 @@
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO and DeiT code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# --------------------------------------------------------
+
+import datetime
+import time
+from collections import defaultdict, deque
+
+import torch
+import torch.distributed as dist
+
+try:
+ import wandb
+except:
+ pass
+
+from .dist import is_dist_avail_and_initialized
+
+
+class SmoothedValue(object):
+ """Track a series of values and provide access to smoothed values over a
+ window or the global series average.
+ """
+
+ def __init__(self, window_size=20, fmt=None):
+ if fmt is None:
+ fmt = "{median:.4f} ({global_avg:.4f})"
+ self.deque = deque(maxlen=window_size)
+ self.total = 0.0
+ self.count = 0
+ self.fmt = fmt
+
+ def update(self, value, n=1):
+ self.deque.append(value)
+ self.count += n
+ self.total += value * n
+
+ def synchronize_between_processes(self):
+ """
+ Warning: does not synchronize the deque!
+ """
+ if not is_dist_avail_and_initialized():
+ return
+ t = torch.tensor([self.count, self.total], dtype=torch.float64, device='cuda')
+ dist.barrier()
+ dist.all_reduce(t)
+ t = t.tolist()
+ self.count = int(t[0])
+ self.total = t[1]
+
+ @property
+ def median(self):
+ d = torch.tensor(list(self.deque))
+ return d.median().item()
+
+ @property
+ def avg(self):
+ d = torch.tensor(list(self.deque), dtype=torch.float32)
+ return d.mean().item()
+
+ @property
+ def global_avg(self):
+ return self.total / self.count
+
+ @property
+ def max(self):
+ return max(self.deque)
+
+ @property
+ def value(self):
+ return self.deque[-1]
+
+ def __str__(self):
+ return self.fmt.format(
+ median=self.median,
+ avg=self.avg,
+ global_avg=self.global_avg,
+ max=self.max,
+ value=self.value)
+
+
+class MetricLogger(object):
+ def __init__(self, delimiter="\t"):
+ self.meters = defaultdict(SmoothedValue)
+ self.delimiter = delimiter
+
+ def update(self, **kwargs):
+ for k, v in kwargs.items():
+ if v is None:
+ continue
+ if isinstance(v, torch.Tensor):
+ v = v.item()
+ assert isinstance(v, (float, int))
+ self.meters[k].update(v)
+
+ def __getattr__(self, attr):
+ if attr in self.meters:
+ return self.meters[attr]
+ if attr in self.__dict__:
+ return self.__dict__[attr]
+ raise AttributeError("'{}' object has no attribute '{}'".format(
+ type(self).__name__, attr))
+
+ def __str__(self):
+ loss_str = []
+ for name, meter in self.meters.items():
+ loss_str.append(
+ "{}: {}".format(name, str(meter))
+ )
+ return self.delimiter.join(loss_str)
+
+ def synchronize_between_processes(self):
+ for meter in self.meters.values():
+ meter.synchronize_between_processes()
+
+ def add_meter(self, name, meter):
+ self.meters[name] = meter
+
+ def log_every(self, iterable, print_freq, header=None):
+ i = 0
+ if not header:
+ header = ''
+ start_time = time.time()
+ end = time.time()
+ iter_time = SmoothedValue(fmt='{avg:.4f}')
+ data_time = SmoothedValue(fmt='{avg:.4f}')
+ space_fmt = ':' + str(len(str(len(iterable)))) + 'd'
+ log_msg = [
+ header,
+ '[{0' + space_fmt + '}/{1}]',
+ 'eta: {eta}',
+ '{meters}',
+ 'time: {time}',
+ 'data: {data}'
+ ]
+ if torch.cuda.is_available():
+ log_msg.append('max mem: {memory:.0f}')
+ log_msg = self.delimiter.join(log_msg)
+ MB = 1024.0 * 1024.0
+ for obj in iterable:
+ data_time.update(time.time() - end)
+ yield obj
+ iter_time.update(time.time() - end)
+ if i % print_freq == 0 or i == len(iterable) - 1:
+ eta_seconds = iter_time.global_avg * (len(iterable) - i)
+ eta_string = str(datetime.timedelta(seconds=int(eta_seconds)))
+ if torch.cuda.is_available():
+ print(log_msg.format(
+ i, len(iterable), eta=eta_string,
+ meters=str(self),
+ time=str(iter_time), data=str(data_time),
+ memory=torch.cuda.max_memory_allocated() / MB))
+ else:
+ print(log_msg.format(
+ i, len(iterable), eta=eta_string,
+ meters=str(self),
+ time=str(iter_time), data=str(data_time)))
+ i += 1
+ end = time.time()
+ total_time = time.time() - start_time
+ total_time_str = str(datetime.timedelta(seconds=int(total_time)))
+ print('{} Total time: {} ({:.4f} s / it)'.format(
+ header, total_time_str, total_time / len(iterable)))
+
+
+class WandbLogger(object):
+ def __init__(self, args):
+ wandb.init(
+ config=args,
+ entity=args.wandb_entity,
+ project=args.wandb_project,
+ group=getattr(args, 'wandb_group', None),
+ name=getattr(args, 'wandb_run_name', None)
+ )
+
+ def set_step(self, step=None):
+ if step is not None:
+ self.step = step
+ else:
+ self.step += 1
+
+ def update(self, metrics):
+ log_dict = dict()
+ for k, v in metrics.items():
+ if v is None:
+ continue
+ if isinstance(v, torch.Tensor):
+ v = v.item()
+ log_dict[k] = v
+
+ wandb.log(log_dict, step=self.step)
+
+ def flush(self):
+ pass
diff --git a/utils/masking_generator.py b/utils/masking_generator.py
new file mode 100644
index 0000000000000000000000000000000000000000..5603eb30b40e6fea64f23d1f406f47041cc000fc
--- /dev/null
+++ b/utils/masking_generator.py
@@ -0,0 +1,33 @@
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO and DeiT code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# --------------------------------------------------------
+import numpy as np
+
+
+class RandomMaskingGenerator:
+ def __init__(self, input_size, mask_ratio):
+ if not isinstance(input_size, tuple):
+ input_size = (input_size,) * 2
+
+ self.height, self.width = input_size
+
+ self.num_patches = self.height * self.width
+ self.num_mask = int(mask_ratio * self.num_patches)
+
+ def __repr__(self):
+ repr_str = "Maks: total patches {}, mask patches {}".format(
+ self.num_patches, self.num_mask
+ )
+ return repr_str
+
+ def __call__(self):
+ mask = np.hstack([
+ np.zeros(self.num_patches - self.num_mask),
+ np.ones(self.num_mask),
+ ])
+ np.random.shuffle(mask)
+ return mask # [196]
diff --git a/utils/metrics.py b/utils/metrics.py
new file mode 100644
index 0000000000000000000000000000000000000000..e31c750eebaba053ef45ff8ef17827a1a0843bdf
--- /dev/null
+++ b/utils/metrics.py
@@ -0,0 +1,45 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+""" Eval metrics and related
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+
+
+class AverageMeter:
+ """Computes and stores the average and current value"""
+
+ def __init__(self):
+ self.reset()
+
+ def reset(self):
+ self.val = 0
+ self.avg = 0
+ self.sum = 0
+ self.count = 0
+
+ def update(self, val, n=1):
+ self.val = val
+ self.sum += val * n
+ self.count += n
+ self.avg = self.sum / self.count
+
+
+def accuracy(output, target, topk=(1,)):
+ """Computes the accuracy over the k top predictions for the specified values of k"""
+ maxk = min(max(topk), output.size()[1])
+ batch_size = target.size(0)
+ _, pred = output.topk(maxk, 1, True, True)
+ pred = pred.t()
+ correct = pred.eq(target.reshape(1, -1).expand_as(pred))
+ return [correct[:min(k, maxk)].reshape(-1).float().sum(0) * 100. / batch_size for k in topk]
+
+
+def cls_map(output, target):
+ # batch_size = target.size(0)
+ # idx_axes = torch.arange(batch_size)
+ scores, preds = output.softmax(dim=-1).topk(1, 1, True, True)
+ return scores, preds
diff --git a/utils/mixup.py b/utils/mixup.py
new file mode 100644
index 0000000000000000000000000000000000000000..ef3a00accd871d2e327c457fea1cd15e8d70ddf2
--- /dev/null
+++ b/utils/mixup.py
@@ -0,0 +1,322 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+""" Mixup and Cutmix
+
+Papers:
+mixup: Beyond Empirical Risk Minimization (https://arxiv.org/abs/1710.09412)
+
+CutMix: Regularization Strategy to Train Strong Classifiers with Localizable Features (https://arxiv.org/abs/1905.04899)
+
+Code Reference:
+CutMix: https://github.com/clovaai/CutMix-PyTorch
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import numpy as np
+import torch
+
+
+def one_hot(x, num_classes, on_value=1., off_value=0., device='cuda'):
+ x = x.long().view(-1, 1)
+ return torch.full((x.size()[0], num_classes), off_value, device=device).scatter_(1, x, on_value)
+
+
+def mixup_target(target, num_classes, lam=1., smoothing=0.0, device='cuda'):
+ off_value = smoothing / num_classes
+ on_value = 1. - smoothing + off_value
+ y1 = one_hot(target, num_classes, on_value=on_value, off_value=off_value, device=device)
+ y2 = one_hot(target.flip(0), num_classes, on_value=on_value, off_value=off_value, device=device)
+ return y1 * lam + y2 * (1. - lam)
+
+
+def rand_bbox(img_shape, lam, margin=0., count=None):
+ """ Standard CutMix bounding-box
+ Generates a random square bbox based on lambda value. This impl includes
+ support for enforcing a border margin as percent of bbox dimensions.
+
+ Args:
+ img_shape (tuple): Image shape as tuple
+ lam (float): Cutmix lambda value
+ margin (float): Percentage of bbox dimension to enforce as margin (reduce amount of box outside image)
+ count (int): Number of bbox to generate
+ """
+ ratio = np.sqrt(1 - lam)
+ img_h, img_w = img_shape[-2:]
+ cut_h, cut_w = int(img_h * ratio), int(img_w * ratio)
+ margin_y, margin_x = int(margin * cut_h), int(margin * cut_w)
+ cy = np.random.randint(0 + margin_y, img_h - margin_y, size=count)
+ cx = np.random.randint(0 + margin_x, img_w - margin_x, size=count)
+ yl = np.clip(cy - cut_h // 2, 0, img_h)
+ yh = np.clip(cy + cut_h // 2, 0, img_h)
+ xl = np.clip(cx - cut_w // 2, 0, img_w)
+ xh = np.clip(cx + cut_w // 2, 0, img_w)
+ return yl, yh, xl, xh
+
+
+def rand_bbox_minmax(img_shape, minmax, count=None):
+ """ Min-Max CutMix bounding-box
+ Inspired by Darknet cutmix impl, generates a random rectangular bbox
+ based on min/max percent values applied to each dimension of the input image.
+
+ Typical defaults for minmax are usually in the .2-.3 for min and .8-.9 range for max.
+
+ Args:
+ img_shape (tuple): Image shape as tuple
+ minmax (tuple or list): Min and max bbox ratios (as percent of image size)
+ count (int): Number of bbox to generate
+ """
+ assert len(minmax) == 2
+ img_h, img_w = img_shape[-2:]
+ cut_h = np.random.randint(int(img_h * minmax[0]), int(img_h * minmax[1]), size=count)
+ cut_w = np.random.randint(int(img_w * minmax[0]), int(img_w * minmax[1]), size=count)
+ yl = np.random.randint(0, img_h - cut_h, size=count)
+ xl = np.random.randint(0, img_w - cut_w, size=count)
+ yu = yl + cut_h
+ xu = xl + cut_w
+ return yl, yu, xl, xu
+
+
+def cutmix_bbox_and_lam(img_shape, lam, ratio_minmax=None, correct_lam=True, count=None):
+ """ Generate bbox and apply lambda correction.
+ """
+ if ratio_minmax is not None:
+ yl, yu, xl, xu = rand_bbox_minmax(img_shape, ratio_minmax, count=count)
+ else:
+ yl, yu, xl, xu = rand_bbox(img_shape, lam, count=count)
+ if correct_lam or ratio_minmax is not None:
+ bbox_area = (yu - yl) * (xu - xl)
+ lam = 1. - bbox_area / float(img_shape[-2] * img_shape[-1])
+ return (yl, yu, xl, xu), lam
+
+
+class Mixup:
+ """ Mixup/Cutmix that applies different params to each element or whole batch
+
+ Args:
+ mixup_alpha (float): mixup alpha value, mixup is active if > 0.
+ cutmix_alpha (float): cutmix alpha value, cutmix is active if > 0.
+ cutmix_minmax (List[float]): cutmix min/max image ratio, cutmix is active and uses this vs alpha if not None.
+ prob (float): probability of applying mixup or cutmix per batch or element
+ switch_prob (float): probability of switching to cutmix instead of mixup when both are active
+ mode (str): how to apply mixup/cutmix params (per 'batch', 'pair' (pair of elements), 'elem' (element)
+ correct_lam (bool): apply lambda correction when cutmix bbox clipped by image borders
+ label_smoothing (float): apply label smoothing to the mixed target tensor
+ num_classes (int): number of classes for target
+ """
+
+ def __init__(self, mixup_alpha=1., cutmix_alpha=0., cutmix_minmax=None, prob=1.0, switch_prob=0.5,
+ mode='batch', correct_lam=True, label_smoothing=0.1, num_classes=1000):
+ self.mixup_alpha = mixup_alpha
+ self.cutmix_alpha = cutmix_alpha
+ self.cutmix_minmax = cutmix_minmax
+ if self.cutmix_minmax is not None:
+ assert len(self.cutmix_minmax) == 2
+ # force cutmix alpha == 1.0 when minmax active to keep logic simple & safe
+ self.cutmix_alpha = 1.0
+ self.mix_prob = prob
+ self.switch_prob = switch_prob
+ self.label_smoothing = label_smoothing
+ self.num_classes = num_classes
+ self.mode = mode
+ self.correct_lam = correct_lam # correct lambda based on clipped area for cutmix
+ self.mixup_enabled = True # set to false to disable mixing (intended tp be set by train loop)
+
+ def _params_per_elem(self, batch_size):
+ lam = np.ones(batch_size, dtype=np.float32)
+ use_cutmix = np.zeros(batch_size, dtype=np.bool)
+ if self.mixup_enabled:
+ if self.mixup_alpha > 0. and self.cutmix_alpha > 0.:
+ use_cutmix = np.random.rand(batch_size) < self.switch_prob
+ lam_mix = np.where(
+ use_cutmix,
+ np.random.beta(self.cutmix_alpha, self.cutmix_alpha, size=batch_size),
+ np.random.beta(self.mixup_alpha, self.mixup_alpha, size=batch_size))
+ elif self.mixup_alpha > 0.:
+ lam_mix = np.random.beta(self.mixup_alpha, self.mixup_alpha, size=batch_size)
+ elif self.cutmix_alpha > 0.:
+ use_cutmix = np.ones(batch_size, dtype=np.bool)
+ lam_mix = np.random.beta(self.cutmix_alpha, self.cutmix_alpha, size=batch_size)
+ else:
+ assert False, "One of mixup_alpha > 0., cutmix_alpha > 0., cutmix_minmax not None should be true."
+ lam = np.where(np.random.rand(batch_size) < self.mix_prob, lam_mix.astype(np.float32), lam)
+ return lam, use_cutmix
+
+ def _params_per_batch(self):
+ lam = 1.
+ use_cutmix = False
+ if self.mixup_enabled and np.random.rand() < self.mix_prob:
+ if self.mixup_alpha > 0. and self.cutmix_alpha > 0.:
+ use_cutmix = np.random.rand() < self.switch_prob
+ lam_mix = np.random.beta(self.cutmix_alpha, self.cutmix_alpha) if use_cutmix else \
+ np.random.beta(self.mixup_alpha, self.mixup_alpha)
+ elif self.mixup_alpha > 0.:
+ lam_mix = np.random.beta(self.mixup_alpha, self.mixup_alpha)
+ elif self.cutmix_alpha > 0.:
+ use_cutmix = True
+ lam_mix = np.random.beta(self.cutmix_alpha, self.cutmix_alpha)
+ else:
+ assert False, "One of mixup_alpha > 0., cutmix_alpha > 0., cutmix_minmax not None should be true."
+ lam = float(lam_mix)
+ return lam, use_cutmix
+
+ def _mix_elem(self, x):
+ batch_size = len(x)
+ lam_batch, use_cutmix = self._params_per_elem(batch_size)
+ x_orig = x.clone() # need to keep an unmodified original for mixing source
+ for i in range(batch_size):
+ j = batch_size - i - 1
+ lam = lam_batch[i]
+ if lam != 1.:
+ if use_cutmix[i]:
+ (yl, yh, xl, xh), lam = cutmix_bbox_and_lam(
+ x[i].shape, lam, ratio_minmax=self.cutmix_minmax, correct_lam=self.correct_lam)
+ x[i][:, yl:yh, xl:xh] = x_orig[j][:, yl:yh, xl:xh]
+ lam_batch[i] = lam
+ else:
+ x[i] = x[i] * lam + x_orig[j] * (1 - lam)
+ return torch.tensor(lam_batch, device=x.device, dtype=x.dtype).unsqueeze(1)
+
+ def _mix_pair(self, x):
+ batch_size = len(x)
+ lam_batch, use_cutmix = self._params_per_elem(batch_size // 2)
+ x_orig = x.clone() # need to keep an unmodified original for mixing source
+ for i in range(batch_size // 2):
+ j = batch_size - i - 1
+ lam = lam_batch[i]
+ if lam != 1.:
+ if use_cutmix[i]:
+ (yl, yh, xl, xh), lam = cutmix_bbox_and_lam(
+ x[i].shape, lam, ratio_minmax=self.cutmix_minmax, correct_lam=self.correct_lam)
+ x[i][:, yl:yh, xl:xh] = x_orig[j][:, yl:yh, xl:xh]
+ x[j][:, yl:yh, xl:xh] = x_orig[i][:, yl:yh, xl:xh]
+ lam_batch[i] = lam
+ else:
+ x[i] = x[i] * lam + x_orig[j] * (1 - lam)
+ x[j] = x[j] * lam + x_orig[i] * (1 - lam)
+ lam_batch = np.concatenate((lam_batch, lam_batch[::-1]))
+ return torch.tensor(lam_batch, device=x.device, dtype=x.dtype).unsqueeze(1)
+
+ def _mix_batch(self, x):
+ lam, use_cutmix = self._params_per_batch()
+ if lam == 1.:
+ return 1.
+ if use_cutmix:
+ (yl, yh, xl, xh), lam = cutmix_bbox_and_lam(
+ x.shape, lam, ratio_minmax=self.cutmix_minmax, correct_lam=self.correct_lam)
+ x[:, :, yl:yh, xl:xh] = x.flip(0)[:, :, yl:yh, xl:xh]
+ else:
+ x_flipped = x.flip(0).mul_(1. - lam)
+ x.mul_(lam).add_(x_flipped)
+ return lam
+
+ def __call__(self, x, target):
+ assert len(x) % 2 == 0, 'Batch size should be even when using this'
+ if self.mode == 'elem':
+ lam = self._mix_elem(x)
+ elif self.mode == 'pair':
+ lam = self._mix_pair(x)
+ else:
+ lam = self._mix_batch(x)
+ target = mixup_target(target, self.num_classes, lam, self.label_smoothing, x.device)
+ return x, target
+
+
+class FastCollateMixup(Mixup):
+ """ Fast Collate w/ Mixup/Cutmix that applies different params to each element or whole batch
+
+ A Mixup impl that's performed while collating the batches.
+ """
+
+ def _mix_elem_collate(self, output, batch, half=False):
+ batch_size = len(batch)
+ num_elem = batch_size // 2 if half else batch_size
+ assert len(output) == num_elem
+ lam_batch, use_cutmix = self._params_per_elem(num_elem)
+ for i in range(num_elem):
+ j = batch_size - i - 1
+ lam = lam_batch[i]
+ mixed = batch[i][0]
+ if lam != 1.:
+ if use_cutmix[i]:
+ if not half:
+ mixed = mixed.copy()
+ (yl, yh, xl, xh), lam = cutmix_bbox_and_lam(
+ output.shape, lam, ratio_minmax=self.cutmix_minmax, correct_lam=self.correct_lam)
+ mixed[:, yl:yh, xl:xh] = batch[j][0][:, yl:yh, xl:xh]
+ lam_batch[i] = lam
+ else:
+ mixed = mixed.astype(np.float32) * lam + batch[j][0].astype(np.float32) * (1 - lam)
+ np.rint(mixed, out=mixed)
+ output[i] += torch.from_numpy(mixed.astype(np.uint8))
+ if half:
+ lam_batch = np.concatenate((lam_batch, np.ones(num_elem)))
+ return torch.tensor(lam_batch).unsqueeze(1)
+
+ def _mix_pair_collate(self, output, batch):
+ batch_size = len(batch)
+ lam_batch, use_cutmix = self._params_per_elem(batch_size // 2)
+ for i in range(batch_size // 2):
+ j = batch_size - i - 1
+ lam = lam_batch[i]
+ mixed_i = batch[i][0]
+ mixed_j = batch[j][0]
+ assert 0 <= lam <= 1.0
+ if lam < 1.:
+ if use_cutmix[i]:
+ (yl, yh, xl, xh), lam = cutmix_bbox_and_lam(
+ output.shape, lam, ratio_minmax=self.cutmix_minmax, correct_lam=self.correct_lam)
+ patch_i = mixed_i[:, yl:yh, xl:xh].copy()
+ mixed_i[:, yl:yh, xl:xh] = mixed_j[:, yl:yh, xl:xh]
+ mixed_j[:, yl:yh, xl:xh] = patch_i
+ lam_batch[i] = lam
+ else:
+ mixed_temp = mixed_i.astype(np.float32) * lam + mixed_j.astype(np.float32) * (1 - lam)
+ mixed_j = mixed_j.astype(np.float32) * lam + mixed_i.astype(np.float32) * (1 - lam)
+ mixed_i = mixed_temp
+ np.rint(mixed_j, out=mixed_j)
+ np.rint(mixed_i, out=mixed_i)
+ output[i] += torch.from_numpy(mixed_i.astype(np.uint8))
+ output[j] += torch.from_numpy(mixed_j.astype(np.uint8))
+ lam_batch = np.concatenate((lam_batch, lam_batch[::-1]))
+ return torch.tensor(lam_batch).unsqueeze(1)
+
+ def _mix_batch_collate(self, output, batch):
+ batch_size = len(batch)
+ lam, use_cutmix = self._params_per_batch()
+ if use_cutmix:
+ (yl, yh, xl, xh), lam = cutmix_bbox_and_lam(
+ output.shape, lam, ratio_minmax=self.cutmix_minmax, correct_lam=self.correct_lam)
+ for i in range(batch_size):
+ j = batch_size - i - 1
+ mixed = batch[i][0]
+ if lam != 1.:
+ if use_cutmix:
+ mixed = mixed.copy() # don't want to modify the original while iterating
+ mixed[:, yl:yh, xl:xh] = batch[j][0][:, yl:yh, xl:xh]
+ else:
+ mixed = mixed.astype(np.float32) * lam + batch[j][0].astype(np.float32) * (1 - lam)
+ np.rint(mixed, out=mixed)
+ output[i] += torch.from_numpy(mixed.astype(np.uint8))
+ return lam
+
+ def __call__(self, batch, _=None):
+ batch_size = len(batch)
+ assert batch_size % 2 == 0, 'Batch size should be even when using this'
+ half = 'half' in self.mode
+ if half:
+ batch_size //= 2
+ output = torch.zeros((batch_size, *batch[0][0].shape), dtype=torch.uint8)
+ if self.mode == 'elem' or self.mode == 'half':
+ lam = self._mix_elem_collate(output, batch, half=half)
+ elif self.mode == 'pair':
+ lam = self._mix_pair_collate(output, batch)
+ else:
+ lam = self._mix_batch_collate(output, batch)
+ target = torch.tensor([b[1] for b in batch], dtype=torch.int64)
+ target = mixup_target(target, self.num_classes, lam, self.label_smoothing, device='cpu')
+ target = target[:batch_size]
+ return output, target
diff --git a/utils/model.py b/utils/model.py
new file mode 100644
index 0000000000000000000000000000000000000000..31cd33606e92d944ae69966b8f9e255b65aa815a
--- /dev/null
+++ b/utils/model.py
@@ -0,0 +1,279 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+""" Model / state_dict utils
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import fnmatch
+
+import torch
+from torchvision.ops.misc import FrozenBatchNorm2d
+
+from .model_ema import ModelEma
+
+
+def unwrap_model(model):
+ if isinstance(model, ModelEma):
+ return unwrap_model(model.ema)
+ else:
+ return model.module if hasattr(model, 'module') else model
+
+
+def get_state_dict(model, unwrap_fn=unwrap_model):
+ return unwrap_fn(model).state_dict()
+
+
+def avg_sq_ch_mean(model, input, output):
+ """ calculate average channel square mean of output activations
+ """
+ return torch.mean(output.mean(axis=[0, 2, 3]) ** 2).item()
+
+
+def avg_ch_var(model, input, output):
+ """ calculate average channel variance of output activations
+ """
+ return torch.mean(output.var(axis=[0, 2, 3])).item()
+
+
+def avg_ch_var_residual(model, input, output):
+ """ calculate average channel variance of output activations
+ """
+ return torch.mean(output.var(axis=[0, 2, 3])).item()
+
+
+class ActivationStatsHook:
+ """Iterates through each of `model`'s modules and matches modules using unix pattern
+ matching based on `hook_fn_locs` and registers `hook_fn` to the module if there is
+ a match.
+
+ Arguments:
+ model (nn.Module): model from which we will extract the activation stats
+ hook_fn_locs (List[str]): List of `hook_fn` locations based on Unix type string
+ matching with the name of model's modules.
+ hook_fns (List[Callable]): List of hook functions to be registered at every
+ module in `layer_names`.
+
+ Inspiration from https://docs.fast.ai/callback.hook.html.
+
+ Refer to https://gist.github.com/amaarora/6e56942fcb46e67ba203f3009b30d950 for an example
+ on how to plot Signal Propogation Plots using `ActivationStatsHook`.
+ """
+
+ def __init__(self, model, hook_fn_locs, hook_fns):
+ self.model = model
+ self.hook_fn_locs = hook_fn_locs
+ self.hook_fns = hook_fns
+ if len(hook_fn_locs) != len(hook_fns):
+ raise ValueError("Please provide `hook_fns` for each `hook_fn_locs`, \
+ their lengths are different.")
+ self.stats = dict((hook_fn.__name__, []) for hook_fn in hook_fns)
+ for hook_fn_loc, hook_fn in zip(hook_fn_locs, hook_fns):
+ self.register_hook(hook_fn_loc, hook_fn)
+
+ def _create_hook(self, hook_fn):
+ def append_activation_stats(module, input, output):
+ out = hook_fn(module, input, output)
+ self.stats[hook_fn.__name__].append(out)
+
+ return append_activation_stats
+
+ def register_hook(self, hook_fn_loc, hook_fn):
+ for name, module in self.model.named_modules():
+ if not fnmatch.fnmatch(name, hook_fn_loc):
+ continue
+ module.register_forward_hook(self._create_hook(hook_fn))
+
+
+def extract_spp_stats(
+ model,
+ hook_fn_locs,
+ hook_fns,
+ input_shape=[8, 3, 224, 224]):
+ """Extract average square channel mean and variance of activations during
+ forward pass to plot Signal Propogation Plots (SPP).
+
+ Paper: https://arxiv.org/abs/2101.08692
+
+ Example Usage: https://gist.github.com/amaarora/6e56942fcb46e67ba203f3009b30d950
+ """
+ x = torch.normal(0., 1., input_shape)
+ hook = ActivationStatsHook(model, hook_fn_locs=hook_fn_locs, hook_fns=hook_fns)
+ _ = model(x)
+ return hook.stats
+
+
+def freeze_batch_norm_2d(module):
+ """
+ Converts all `BatchNorm2d` and `SyncBatchNorm` layers of provided module into `FrozenBatchNorm2d`. If `module` is
+ itself an instance of either `BatchNorm2d` or `SyncBatchNorm`, it is converted into `FrozenBatchNorm2d` and
+ returned. Otherwise, the module is walked recursively and submodules are converted in place.
+
+ Args:
+ module (torch.nn.Module): Any PyTorch module.
+
+ Returns:
+ torch.nn.Module: Resulting module
+
+ Inspired by https://github.com/pytorch/pytorch/blob/a5895f85be0f10212791145bfedc0261d364f103/torch/nn/modules/batchnorm.py#L762
+ """
+ res = module
+ if isinstance(module, (torch.nn.modules.batchnorm.BatchNorm2d, torch.nn.modules.batchnorm.SyncBatchNorm)):
+ res = FrozenBatchNorm2d(module.num_features)
+ res.num_features = module.num_features
+ res.affine = module.affine
+ if module.affine:
+ res.weight.data = module.weight.data.clone().detach()
+ res.bias.data = module.bias.data.clone().detach()
+ res.running_mean.data = module.running_mean.data
+ res.running_var.data = module.running_var.data
+ res.eps = module.eps
+ else:
+ for name, child in module.named_children():
+ new_child = freeze_batch_norm_2d(child)
+ if new_child is not child:
+ res.add_module(name, new_child)
+ return res
+
+
+def unfreeze_batch_norm_2d(module):
+ """
+ Converts all `FrozenBatchNorm2d` layers of provided module into `BatchNorm2d`. If `module` is itself and instance
+ of `FrozenBatchNorm2d`, it is converted into `BatchNorm2d` and returned. Otherwise, the module is walked
+ recursively and submodules are converted in place.
+
+ Args:
+ module (torch.nn.Module): Any PyTorch module.
+
+ Returns:
+ torch.nn.Module: Resulting module
+
+ Inspired by https://github.com/pytorch/pytorch/blob/a5895f85be0f10212791145bfedc0261d364f103/torch/nn/modules/batchnorm.py#L762
+ """
+ res = module
+ if isinstance(module, FrozenBatchNorm2d):
+ res = torch.nn.BatchNorm2d(module.num_features)
+ if module.affine:
+ res.weight.data = module.weight.data.clone().detach()
+ res.bias.data = module.bias.data.clone().detach()
+ res.running_mean.data = module.running_mean.data
+ res.running_var.data = module.running_var.data
+ res.eps = module.eps
+ else:
+ for name, child in module.named_children():
+ new_child = unfreeze_batch_norm_2d(child)
+ if new_child is not child:
+ res.add_module(name, new_child)
+ return res
+
+
+def _freeze_unfreeze(root_module, submodules=[], include_bn_running_stats=True, mode='freeze'):
+ """
+ Freeze or unfreeze parameters of the specified modules and those of all their hierarchical descendants. This is
+ done in place.
+ Args:
+ root_module (nn.Module, optional): Root module relative to which the `submodules` are referenced.
+ submodules (list[str]): List of modules for which the parameters will be (un)frozen. They are to be provided as
+ named modules relative to the root module (accessible via `root_module.named_modules()`). An empty list
+ means that the whole root module will be (un)frozen. Defaults to []
+ include_bn_running_stats (bool): Whether to also (un)freeze the running statistics of batch norm 2d layers.
+ Defaults to `True`.
+ mode (bool): Whether to freeze ("freeze") or unfreeze ("unfreeze"). Defaults to `"freeze"`.
+ """
+ assert mode in ["freeze", "unfreeze"], '`mode` must be one of "freeze" or "unfreeze"'
+
+ if isinstance(root_module, (torch.nn.modules.batchnorm.BatchNorm2d, torch.nn.modules.batchnorm.SyncBatchNorm)):
+ # Raise assertion here because we can't convert it in place
+ raise AssertionError(
+ "You have provided a batch norm layer as the `root module`. Please use "
+ "`timm.utils.model.freeze_batch_norm_2d` or `timm.utils.model.unfreeze_batch_norm_2d` instead.")
+
+ if isinstance(submodules, str):
+ submodules = [submodules]
+
+ named_modules = submodules
+ submodules = [root_module.get_submodule(m) for m in submodules]
+
+ if not len(submodules):
+ named_modules, submodules = list(zip(*root_module.named_children()))
+
+ for n, m in zip(named_modules, submodules):
+ # (Un)freeze parameters
+ for p in m.parameters():
+ p.requires_grad = False if mode == 'freeze' else True
+ if include_bn_running_stats:
+ # Helper to add submodule specified as a named_module
+ def _add_submodule(module, name, submodule):
+ split = name.rsplit('.', 1)
+ if len(split) > 1:
+ module.get_submodule(split[0]).add_module(split[1], submodule)
+ else:
+ module.add_module(name, submodule)
+
+ # Freeze batch norm
+ if mode == 'freeze':
+ res = freeze_batch_norm_2d(m)
+ # It's possible that `m` is a type of BatchNorm in itself, in which case `unfreeze_batch_norm_2d` won't
+ # convert it in place, but will return the converted result. In this case `res` holds the converted
+ # result and we may try to re-assign the named module
+ if isinstance(m, (torch.nn.modules.batchnorm.BatchNorm2d, torch.nn.modules.batchnorm.SyncBatchNorm)):
+ _add_submodule(root_module, n, res)
+ # Unfreeze batch norm
+ else:
+ res = unfreeze_batch_norm_2d(m)
+ # Ditto. See note above in mode == 'freeze' branch
+ if isinstance(m, FrozenBatchNorm2d):
+ _add_submodule(root_module, n, res)
+
+
+def freeze(root_module, submodules=[], include_bn_running_stats=True):
+ """
+ Freeze parameters of the specified modules and those of all their hierarchical descendants. This is done in place.
+ Args:
+ root_module (nn.Module): Root module relative to which `submodules` are referenced.
+ submodules (list[str]): List of modules for which the parameters will be frozen. They are to be provided as
+ named modules relative to the root module (accessible via `root_module.named_modules()`). An empty list
+ means that the whole root module will be frozen. Defaults to `[]`.
+ include_bn_running_stats (bool): Whether to also freeze the running statistics of `BatchNorm2d` and
+ `SyncBatchNorm` layers. These will be converted to `FrozenBatchNorm2d` in place. Hint: During fine tuning,
+ it's good practice to freeze batch norm stats. And note that these are different to the affine parameters
+ which are just normal PyTorch parameters. Defaults to `True`.
+
+ Hint: If you want to freeze batch norm ONLY, use `timm.utils.model.freeze_batch_norm_2d`.
+
+ Examples::
+
+ >>> model = timm.create_model('resnet18')
+ >>> # Freeze up to and including layer2
+ >>> submodules = [n for n, _ in model.named_children()]
+ >>> print(submodules)
+ ['conv1', 'bn1', 'act1', 'maxpool', 'layer1', 'layer2', 'layer3', 'layer4', 'global_pool', 'fc']
+ >>> freeze(model, submodules[:submodules.index('layer2') + 1])
+ >>> # Check for yourself that it works as expected
+ >>> print(model.layer2[0].conv1.weight.requires_grad)
+ False
+ >>> print(model.layer3[0].conv1.weight.requires_grad)
+ True
+ >>> # Unfreeze
+ >>> unfreeze(model)
+ """
+ _freeze_unfreeze(root_module, submodules, include_bn_running_stats=include_bn_running_stats, mode="freeze")
+
+
+def unfreeze(root_module, submodules=[], include_bn_running_stats=True):
+ """
+ Unfreeze parameters of the specified modules and those of all their hierarchical descendants. This is done in place.
+ Args:
+ root_module (nn.Module): Root module relative to which `submodules` are referenced.
+ submodules (list[str]): List of submodules for which the parameters will be (un)frozen. They are to be provided
+ as named modules relative to the root module (accessible via `root_module.named_modules()`). An empty
+ list means that the whole root module will be unfrozen. Defaults to `[]`.
+ include_bn_running_stats (bool): Whether to also unfreeze the running statistics of `FrozenBatchNorm2d` layers.
+ These will be converted to `BatchNorm2d` in place. Defaults to `True`.
+
+ See example in docstring for `freeze`.
+ """
+ _freeze_unfreeze(root_module, submodules, include_bn_running_stats=include_bn_running_stats, mode="unfreeze")
diff --git a/utils/model_builder.py b/utils/model_builder.py
new file mode 100644
index 0000000000000000000000000000000000000000..1152fea39ad52c5d5dda0bd5e5d926b4940fd682
--- /dev/null
+++ b/utils/model_builder.py
@@ -0,0 +1,76 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+from .registry import is_model_in_modules, model_entrypoint
+
+
+def split_model_name(model_name):
+ model_split = model_name.split(':', 1)
+ if len(model_split) == 1:
+ return '', model_split[0]
+ else:
+ source_name, model_name = model_split
+ assert source_name in ('timm', 'hf_hub')
+ return source_name, model_name
+
+
+def safe_model_name(model_name, remove_source=True):
+ def make_safe(name):
+ return ''.join(c if c.isalnum() else '_' for c in name).rstrip('_')
+
+ if remove_source:
+ model_name = split_model_name(model_name)[-1]
+ return make_safe(model_name)
+
+
+def create_model(
+ model_name,
+ pretrained=False,
+ checkpoint_path='',
+ scriptable=None,
+ exportable=None,
+ no_jit=None,
+ **kwargs):
+ """Create a model
+
+ Args:
+ model_name (str): name of model to instantiate
+ pretrained (bool): load pretrained ImageNet-1k weights if true
+ checkpoint_path (str): path of checkpoint to load after model is initialized
+ scriptable (bool): set layer config so that model is jit scriptable (not working for all models yet)
+ exportable (bool): set layer config so that model is traceable / ONNX exportable (not fully impl/obeyed yet)
+ no_jit (bool): set layer config so that model doesn't utilize jit scripted layers (so far activations only)
+
+ Keyword Args:
+ drop_rate (float): dropout rate for training (default: 0.0)
+ global_pool (str): global pool type (default: 'avg')
+ **: other kwargs are model specific
+ """
+ source_name, model_name = split_model_name(model_name)
+
+ # Only EfficientNet and MobileNetV3 models have support for batchnorm params or drop_connect_rate passed as args
+ is_efficientnet = is_model_in_modules(model_name, ['efficientnet', 'mobilenetv3'])
+ if not is_efficientnet:
+ kwargs.pop('bn_tf', None)
+ kwargs.pop('bn_momentum', None)
+ kwargs.pop('bn_eps', None)
+
+ # handle backwards compat with drop_connect -> drop_path change
+ drop_connect_rate = kwargs.pop('drop_connect_rate', None)
+ if drop_connect_rate is not None and kwargs.get('drop_path_rate', None) is None:
+ print("WARNING: 'drop_connect' as an argument is deprecated, please use 'drop_path'."
+ " Setting drop_path to %f." % drop_connect_rate)
+ kwargs['drop_path_rate'] = drop_connect_rate
+
+ # Parameters that aren't supported by all models or are intended to only override model defaults if set
+ # should default to None in command line args/cfg. Remove them if they are present and not set so that
+ # non-supporting models don't break and default args remain in effect.
+ kwargs = {k: v for k, v in kwargs.items()}
+
+ create_fn = model_entrypoint(model_name)
+ model = create_fn(**kwargs)
+
+ return model
diff --git a/utils/model_ema.py b/utils/model_ema.py
new file mode 100644
index 0000000000000000000000000000000000000000..56825bd15d4a5ee418f93ca130f05c887976d9dc
--- /dev/null
+++ b/utils/model_ema.py
@@ -0,0 +1,131 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+""" Exponential Moving Average (EMA) of model updates
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+from collections import OrderedDict
+from copy import deepcopy
+
+import torch
+import torch.nn as nn
+
+
+class ModelEma:
+ """ Model Exponential Moving Average (DEPRECATED)
+
+ Keep a moving average of everything in the model state_dict (parameters and buffers).
+ This version is deprecated, it does not work with scripted models. Will be removed eventually.
+
+ This is intended to allow functionality like
+ https://www.tensorflow.org/api_docs/python/tf/train/ExponentialMovingAverage
+
+ A smoothed version of the weights is necessary for some training schemes to perform well.
+ E.g. Google's hyper-params for training MNASNet, MobileNet-V3, EfficientNet, etc that use
+ RMSprop with a short 2.4-3 epoch decay period and slow LR decay rate of .96-.99 requires EMA
+ smoothing of weights to match results. Pay attention to the decay constant you are using
+ relative to your update count per epoch.
+
+ To keep EMA from using GPU resources, set device='cpu'. This will save a bit of memory but
+ disable validation of the EMA weights. Validation will have to be done manually in a separate
+ process, or after the training stops converging.
+
+ This class is sensitive where it is initialized in the sequence of model init,
+ GPU assignment and distributed training wrappers.
+ """
+
+ def __init__(self, model, decay=0.9999, device='', resume=''):
+ # make a copy of the model for accumulating moving average of weights
+ self.ema = deepcopy(model)
+ self.ema.eval()
+ self.decay = decay
+ self.device = device # perform ema on different device from model if set
+ if device:
+ self.ema.to(device=device)
+ self.ema_has_module = hasattr(self.ema, 'module')
+ if resume:
+ self._load_checkpoint(resume)
+ for p in self.ema.parameters():
+ p.requires_grad_(False)
+
+ def _load_checkpoint(self, checkpoint_path):
+ checkpoint = torch.load(checkpoint_path, map_location='cpu')
+ assert isinstance(checkpoint, dict)
+ if 'state_dict_ema' in checkpoint:
+ new_state_dict = OrderedDict()
+ for k, v in checkpoint['state_dict_ema'].items():
+ # ema model may have been wrapped by DataParallel, and need module prefix
+ if self.ema_has_module:
+ name = 'module.' + k if not k.startswith('module') else k
+ else:
+ name = k
+ new_state_dict[name] = v
+ self.ema.load_state_dict(new_state_dict)
+ print("Loaded state_dict_ema")
+ else:
+ print("Failed to find state_dict_ema, starting from loaded model weights")
+
+ def update(self, model):
+ # correct a mismatch in state dict keys
+ needs_module = hasattr(model, 'module') and not self.ema_has_module
+ with torch.no_grad():
+ msd = model.state_dict()
+ for k, ema_v in self.ema.state_dict().items():
+ if needs_module:
+ k = 'module.' + k
+ model_v = msd[k].detach()
+ if self.device:
+ model_v = model_v.to(device=self.device)
+ ema_v.copy_(ema_v * self.decay + (1. - self.decay) * model_v)
+
+
+class ModelEmaV2(nn.Module):
+ """ Model Exponential Moving Average V2
+
+ Keep a moving average of everything in the model state_dict (parameters and buffers).
+ V2 of this module is simpler, it does not match params/buffers based on name but simply
+ iterates in order. It works with torchscript (JIT of full model).
+
+ This is intended to allow functionality like
+ https://www.tensorflow.org/api_docs/python/tf/train/ExponentialMovingAverage
+
+ A smoothed version of the weights is necessary for some training schemes to perform well.
+ E.g. Google's hyper-params for training MNASNet, MobileNet-V3, EfficientNet, etc that use
+ RMSprop with a short 2.4-3 epoch decay period and slow LR decay rate of .96-.99 requires EMA
+ smoothing of weights to match results. Pay attention to the decay constant you are using
+ relative to your update count per epoch.
+
+ To keep EMA from using GPU resources, set device='cpu'. This will save a bit of memory but
+ disable validation of the EMA weights. Validation will have to be done manually in a separate
+ process, or after the training stops converging.
+
+ This class is sensitive where it is initialized in the sequence of model init,
+ GPU assignment and distributed training wrappers.
+ """
+
+ def __init__(self, model, decay=0.9999, device=None):
+ super(ModelEmaV2, self).__init__()
+ # make a copy of the model for accumulating moving average of weights
+ self.module = deepcopy(model)
+ self.module.eval()
+ self.decay = decay
+ self.device = device # perform ema on different device from model if set
+ if self.device is not None:
+ self.module.to(device=device)
+
+ def _update(self, model, update_fn):
+ with torch.no_grad():
+ for ema_v, model_v in zip(self.module.state_dict().values(), model.state_dict().values()):
+ if self.device is not None:
+ model_v = model_v.to(device=self.device)
+ ema_v.copy_(update_fn(ema_v, model_v))
+
+ def update(self, model):
+ self._update(model, update_fn=lambda e, m: self.decay * e + (1. - self.decay) * m)
+
+ def set(self, model):
+ self._update(model, update_fn=lambda e, m: m)
diff --git a/utils/native_scaler.py b/utils/native_scaler.py
new file mode 100644
index 0000000000000000000000000000000000000000..2a6fb51ee21c2e871967cfbe80f7fb080c07dfed
--- /dev/null
+++ b/utils/native_scaler.py
@@ -0,0 +1,82 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+import math
+
+import numpy as np
+import torch
+from torch._six import inf
+
+
+class NativeScalerWithGradNormCount:
+ state_dict_key = "amp_scaler"
+
+ def __init__(self, enabled=True):
+ self._scaler = torch.cuda.amp.GradScaler(enabled=enabled)
+
+ def __call__(self, loss, optimizer, clip_grad=None, skip_grad=None, parameters=None, create_graph=False, update_grad=True):
+ self._scaler.scale(loss).backward(create_graph=create_graph)
+ if update_grad:
+ if clip_grad is not None:
+ assert parameters is not None
+ self._scaler.unscale_(optimizer) # unscale the gradients of optimizer's assigned params in-place
+ norm = torch.nn.utils.clip_grad_norm_(parameters, clip_grad)
+ elif skip_grad is not None:
+ self._scaler.unscale_(optimizer)
+ norm = get_grad_norm_(parameters)
+ if norm >= skip_grad:
+ self._scaler.update()
+ return norm
+ else:
+ self._scaler.unscale_(optimizer)
+ norm = get_grad_norm_(parameters)
+ self._scaler.step(optimizer)
+ self._scaler.update()
+ else:
+ norm = None
+ return norm
+
+ def state_dict(self):
+ return self._scaler.state_dict()
+
+ def load_state_dict(self, state_dict):
+ self._scaler.load_state_dict(state_dict)
+
+
+def get_grad_norm_(parameters, norm_type: float = 2.0) -> torch.Tensor:
+ if isinstance(parameters, torch.Tensor):
+ parameters = [parameters]
+ parameters = [p for p in parameters if p.grad is not None]
+ norm_type = float(norm_type)
+ if len(parameters) == 0:
+ return torch.tensor(0.)
+ device = parameters[0].grad.device
+ if norm_type == inf:
+ total_norm = max(p.grad.detach().abs().max().to(device) for p in parameters)
+ else:
+ total_norm = torch.norm(torch.stack([torch.norm(p.grad.detach(), norm_type).to(device) for p in parameters]),
+ norm_type)
+ return total_norm
+
+
+def cosine_scheduler(base_value, final_value, epochs, niter_per_ep, warmup_epochs=0,
+ start_warmup_value=0, warmup_steps=-1):
+ warmup_schedule = np.array([])
+ warmup_iters = warmup_epochs * niter_per_ep
+ if warmup_steps > 0:
+ warmup_iters = warmup_steps
+ print("Set warmup steps = %d" % warmup_iters)
+ if warmup_epochs > 0:
+ warmup_schedule = np.linspace(start_warmup_value, base_value, warmup_iters)
+
+ iters = np.arange(epochs * niter_per_ep - warmup_iters)
+ schedule = np.array(
+ [final_value + 0.5 * (base_value - final_value) * (1 + math.cos(math.pi * i / (len(iters)))) for i in iters])
+
+ schedule = np.concatenate((warmup_schedule, schedule))
+
+ assert len(schedule) == epochs * niter_per_ep
+ return schedule
diff --git a/utils/optim_factory.py b/utils/optim_factory.py
new file mode 100644
index 0000000000000000000000000000000000000000..ec460ab17ef544581eed8aae4ce4af96135e427e
--- /dev/null
+++ b/utils/optim_factory.py
@@ -0,0 +1,179 @@
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO DeiT and MAE-priv code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+import json
+
+import torch
+from torch import optim as optim
+
+try:
+ from apex.optimizers import FusedAdam, FusedLAMB, FusedNovoGrad, FusedSGD
+
+ has_apex = True
+except ImportError:
+ has_apex = False
+
+
+def get_num_layer_for_vit(var_name, num_max_layer):
+ if var_name in ("cls_token", "mask_token", "pos_embed", "global_tokens"):
+ return 0
+ elif var_name.startswith("patch_embed"):
+ return 0
+ elif var_name.startswith("input_adapters"):
+ return 0
+ elif var_name.startswith("rel_pos_bias"):
+ return num_max_layer - 1
+ elif var_name.startswith("blocks") or var_name.startswith("encoder"):
+ layer_id = int(var_name.split('.')[1])
+ return layer_id + 1
+ else:
+ return num_max_layer - 1
+
+
+class LayerDecayValueAssigner(object):
+ def __init__(self, values):
+ self.values = values
+
+ def get_scale(self, layer_id):
+ return self.values[layer_id]
+
+ def get_layer_id(self, var_name):
+ return get_num_layer_for_vit(var_name, len(self.values))
+
+
+def get_parameter_groups(
+ model, weight_decay=1e-5, skip_list=(), get_num_layer=None, get_layer_scale=None,
+ decoder_decay=None, decoder_list=(), no_lr_scale_list=[]):
+ parameter_group_names = {}
+ parameter_group_vars = {}
+
+ for name, param in model.named_parameters():
+ if not param.requires_grad:
+ continue # frozen weights
+
+ # Assign weight decay values
+ if len(param.shape) == 1 or name.endswith(".bias") or name in skip_list:
+ group_name = "no_decay"
+ this_weight_decay = 0.
+ elif decoder_decay is not None and (name.startswith("decoder.") or name in decoder_list):
+ group_name = "decoder_decay"
+ this_weight_decay = decoder_decay
+ else:
+ group_name = "decay"
+ this_weight_decay = weight_decay
+
+ # Assign layer ID for LR scaling
+ skip_scale = False
+ if get_num_layer is not None:
+ layer_id = get_num_layer(name)
+ group_name = "layer_%d_%s" % (layer_id, group_name)
+ if name in no_lr_scale_list:
+ skip_scale = True
+ group_name = f'{group_name}_no_lr_scale'
+ else:
+ layer_id = None
+
+ if group_name not in parameter_group_names:
+ if get_layer_scale is not None and not skip_scale:
+ scale = get_layer_scale(layer_id)
+ else:
+ scale = 1.
+
+ parameter_group_names[group_name] = {
+ "weight_decay": this_weight_decay,
+ "params": [],
+ "lr_scale": scale
+ }
+ parameter_group_vars[group_name] = {
+ "weight_decay": this_weight_decay,
+ "params": [],
+ "lr_scale": scale
+ }
+
+ parameter_group_vars[group_name]["params"].append(param)
+ parameter_group_names[group_name]["params"].append(name)
+ print("Param groups = %s" % json.dumps(parameter_group_names, indent=2))
+ return list(parameter_group_vars.values())
+
+
+def create_optimizer(args, model, get_num_layer=None, get_layer_scale=None, filter_bias_and_bn=True, skip_list=None):
+ '''
+ Model can either be a single nn.Module, or a dictionary with {'model': model, 'balancer': balancer}.
+ '''
+ opt_lower = args.opt.lower()
+ weight_decay = args.weight_decay
+ try:
+ decoder_decay = args.decoder_decay
+ except:
+ decoder_decay = None
+ try:
+ no_lr_scale_list = args.no_lr_scale_list.split('-')
+ except:
+ no_lr_scale_list = []
+
+ def get_parameters(m):
+ if weight_decay and filter_bias_and_bn:
+ skip = {}
+ if skip_list is not None:
+ skip = skip_list
+ elif hasattr(m, 'no_weight_decay'):
+ skip = m.no_weight_decay()
+ decoder={}
+ if hasattr(m, 'decoder_weight_decay'):
+ decoder = m.decoder_weight_decay()
+ parameters = get_parameter_groups(m, weight_decay, skip, get_num_layer, get_layer_scale, decoder_decay, decoder, no_lr_scale_list)
+ wd = 0.
+ else:
+ parameters = m.parameters()
+ wd = weight_decay
+ return parameters, wd
+
+ if isinstance(model, torch.nn.Module):
+ parameters, weight_decay = get_parameters(model)
+ elif isinstance(model, dict):
+ parameters = [
+ {
+ "params": [p for n, p in model['model'].named_parameters()
+ if p.requires_grad],
+ "lr_scale": 1.,
+ },
+ {
+ "params": [p for n, p in model['balancer'].named_parameters()
+ if p.requires_grad],
+ "lr_scale": args.balancer_lr_scale,
+ },
+ ]
+
+ if 'fused' in opt_lower:
+ assert has_apex and torch.cuda.is_available(), 'APEX and CUDA required for fused optimizers'
+
+ opt_args = dict(lr=args.lr, weight_decay=weight_decay)
+ if hasattr(args, 'opt_eps') and args.opt_eps is not None:
+ opt_args['eps'] = args.opt_eps
+ if hasattr(args, 'opt_betas') and args.opt_betas is not None:
+ opt_args['betas'] = args.opt_betas
+
+ print("optimizer settings:", opt_args)
+
+ opt_split = opt_lower.split('_')
+ opt_lower = opt_split[-1]
+ if opt_lower == 'sgd' or opt_lower == 'nesterov':
+ opt_args.pop('eps', None)
+ optimizer = optim.SGD(parameters, momentum=args.momentum, nesterov=True, **opt_args)
+ elif opt_lower == 'momentum':
+ opt_args.pop('eps', None)
+ optimizer = optim.SGD(parameters, momentum=args.momentum, nesterov=False, **opt_args)
+ elif opt_lower == 'adam':
+ optimizer = optim.Adam(parameters, **opt_args)
+ elif opt_lower == 'adamw':
+ optimizer = optim.AdamW(parameters, **opt_args)
+ else:
+ assert False and "Invalid optimizer"
+ raise ValueError
+
+ return optimizer
diff --git a/utils/pos_embed.py b/utils/pos_embed.py
new file mode 100644
index 0000000000000000000000000000000000000000..836bd43d0bfe699b0b37bfec81509e06a2a28f27
--- /dev/null
+++ b/utils/pos_embed.py
@@ -0,0 +1,58 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+# --------------------------------------------------------
+# Based on BEiT, timm, DINO DeiT and MAE-priv code bases
+# https://github.com/microsoft/unilm/tree/master/beit
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/facebookresearch/deit
+# https://github.com/facebookresearch/dino
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+import re
+
+import torch
+
+
+def interpolate_pos_embed_vit(model, checkpoint_model):
+ if 'pos_embed' in checkpoint_model:
+ pos_embed_checkpoint = checkpoint_model['pos_embed']
+ embedding_size = pos_embed_checkpoint.shape[-1]
+ num_patches = model.patch_embed.num_patches
+ num_extra_tokens = model.pos_embed.shape[-2] - num_patches
+ # height (== width) for the checkpoint position embedding
+ orig_size = int((pos_embed_checkpoint.shape[-2] - num_extra_tokens) ** 0.5)
+ # height (== width) for the new position embedding
+ new_size = int(num_patches ** 0.5)
+ # class_token and dist_token are kept unchanged
+ if orig_size != new_size:
+ print("Position interpolate from %dx%d to %dx%d" % (orig_size, orig_size, new_size, new_size))
+ extra_tokens = pos_embed_checkpoint[:, :num_extra_tokens]
+ # only the position tokens are interpolated
+ pos_tokens = pos_embed_checkpoint[:, num_extra_tokens:]
+ pos_tokens = pos_tokens.reshape(-1, orig_size, orig_size, embedding_size).permute(0, 3, 1, 2)
+ pos_tokens = torch.nn.functional.interpolate(
+ pos_tokens, size=(new_size, new_size), mode='bicubic', align_corners=False)
+ pos_tokens = pos_tokens.permute(0, 2, 3, 1).flatten(1, 2)
+ new_pos_embed = torch.cat((extra_tokens, pos_tokens), dim=1)
+ checkpoint_model['pos_embed'] = new_pos_embed
+
+
+def interpolate_pos_embed_multimae(model, checkpoint_model):
+ pattern = "input_adapters\.(.*)\.pos_emb"
+ matched_keys = [k for k in checkpoint_model if bool(re.match(pattern, k))]
+
+ for key in matched_keys:
+ domain = re.match(pattern, key).group(1) # group(0) is entire matched regex
+ if getattr(model.input_adapters, domain, None) is not None:
+ pos_embed_checkpoint = checkpoint_model[key]
+ _, _, orig_H, orig_W = pos_embed_checkpoint.shape
+ _, _, new_H, new_W = getattr(model.input_adapters, domain).pos_emb.shape
+ if (orig_H != new_H) or (orig_W != new_W):
+ print(f"Key {key}: Position interpolate from {orig_H}x{orig_W} to {new_H}x{new_W}")
+ pos_embed_checkpoint = torch.nn.functional.interpolate(
+ pos_embed_checkpoint, size=(new_H, new_W), mode='bicubic', align_corners=False)
+ checkpoint_model[key] = pos_embed_checkpoint
diff --git a/utils/random_erasing.py b/utils/random_erasing.py
new file mode 100644
index 0000000000000000000000000000000000000000..5b76b60e45b146b3aa0783f9a85b746bef1e311c
--- /dev/null
+++ b/utils/random_erasing.py
@@ -0,0 +1,103 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+""" Random Erasing (Cutout)
+
+Originally inspired by impl at https://github.com/zhunzhong07/Random-Erasing, Apache 2.0
+Copyright Zhun Zhong & Liang Zheng
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import math
+import random
+
+import torch
+
+
+def _get_pixels(per_pixel, rand_color, patch_size, dtype=torch.float32, device='cuda'):
+ # NOTE I've seen CUDA illegal memory access errors being caused by the normal_()
+ # paths, flip the order so normal is run on CPU if this becomes a problem
+ # Issue has been fixed in master https://github.com/pytorch/pytorch/issues/19508
+ if per_pixel:
+ return torch.empty(patch_size, dtype=dtype, device=device).normal_()
+ elif rand_color:
+ return torch.empty((patch_size[0], 1, 1), dtype=dtype, device=device).normal_()
+ else:
+ return torch.zeros((patch_size[0], 1, 1), dtype=dtype, device=device)
+
+
+class RandomErasing:
+ """ Randomly selects a rectangle region in an image and erases its pixels.
+ 'Random Erasing Data Augmentation' by Zhong et al.
+ See https://arxiv.org/pdf/1708.04896.pdf
+
+ This variant of RandomErasing is intended to be applied to either a batch
+ or single image tensor after it has been normalized by dataset mean and std.
+ Args:
+ probability: Probability that the Random Erasing operation will be performed.
+ min_area: Minimum percentage of erased area wrt input image area.
+ max_area: Maximum percentage of erased area wrt input image area.
+ min_aspect: Minimum aspect ratio of erased area.
+ mode: pixel color mode, one of 'const', 'rand', or 'pixel'
+ 'const' - erase block is constant color of 0 for all channels
+ 'rand' - erase block is same per-channel random (normal) color
+ 'pixel' - erase block is per-pixel random (normal) color
+ max_count: maximum number of erasing blocks per image, area per box is scaled by count.
+ per-image count is randomly chosen between 1 and this value.
+ """
+
+ def __init__(
+ self,
+ probability=0.5, min_area=0.02, max_area=1 / 3, min_aspect=0.3, max_aspect=None,
+ mode='const', min_count=1, max_count=None, num_splits=0, device='cuda'):
+ self.probability = probability
+ self.min_area = min_area
+ self.max_area = max_area
+ max_aspect = max_aspect or 1 / min_aspect
+ self.log_aspect_ratio = (math.log(min_aspect), math.log(max_aspect))
+ self.min_count = min_count
+ self.max_count = max_count or min_count
+ self.num_splits = num_splits
+ mode = mode.lower()
+ self.rand_color = False
+ self.per_pixel = False
+ if mode == 'rand':
+ self.rand_color = True # per block random normal
+ elif mode == 'pixel':
+ self.per_pixel = True # per pixel random normal
+ else:
+ assert not mode or mode == 'const'
+ self.device = device
+
+ def _erase(self, img, chan, img_h, img_w, dtype):
+ if random.random() > self.probability:
+ return
+ area = img_h * img_w
+ count = self.min_count if self.min_count == self.max_count else \
+ random.randint(self.min_count, self.max_count)
+ for _ in range(count):
+ for attempt in range(10):
+ target_area = random.uniform(self.min_area, self.max_area) * area / count
+ aspect_ratio = math.exp(random.uniform(*self.log_aspect_ratio))
+ h = int(round(math.sqrt(target_area * aspect_ratio)))
+ w = int(round(math.sqrt(target_area / aspect_ratio)))
+ if w < img_w and h < img_h:
+ top = random.randint(0, img_h - h)
+ left = random.randint(0, img_w - w)
+ img[:, top:top + h, left:left + w] = _get_pixels(
+ self.per_pixel, self.rand_color, (chan, h, w),
+ dtype=dtype, device=self.device)
+ break
+
+ def __call__(self, input):
+ if len(input.size()) == 3:
+ self._erase(input, *input.size(), input.dtype)
+ else:
+ batch_size, chan, img_h, img_w = input.size()
+ # skip first slice of batch if num_splits is set (for clean portion of samples)
+ batch_start = batch_size // self.num_splits if self.num_splits > 1 else 0
+ for i in range(batch_start, batch_size):
+ self._erase(input[i], chan, img_h, img_w, input.dtype)
+ return input
diff --git a/utils/registry.py b/utils/registry.py
new file mode 100644
index 0000000000000000000000000000000000000000..c46cf61c598be620d973391a92072eb781aac99e
--- /dev/null
+++ b/utils/registry.py
@@ -0,0 +1,154 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+""" Model Registry
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+
+import fnmatch
+import re
+import sys
+from collections import defaultdict
+from copy import deepcopy
+
+__all__ = ['list_models', 'is_model', 'model_entrypoint', 'list_modules', 'is_model_in_modules',
+ 'is_model_default_key', 'has_model_default_key', 'get_model_default_value', 'is_model_pretrained']
+
+_module_to_models = defaultdict(set) # dict of sets to check membership of model in module
+_model_to_module = {} # mapping of model names to module names
+_model_entrypoints = {} # mapping of model names to entrypoint fns
+_model_has_pretrained = set() # set of model names that have pretrained weight url present
+_model_default_cfgs = dict() # central repo for model default_cfgs
+
+
+def register_model(fn):
+ # lookup containing module
+ mod = sys.modules[fn.__module__]
+ module_name_split = fn.__module__.split('.')
+ module_name = module_name_split[-1] if len(module_name_split) else ''
+
+ # add model to __all__ in module
+ model_name = fn.__name__
+ if hasattr(mod, '__all__'):
+ mod.__all__.append(model_name)
+ else:
+ mod.__all__ = [model_name]
+
+ # add entries to registry dict/sets
+ _model_entrypoints[model_name] = fn
+ _model_to_module[model_name] = module_name
+ _module_to_models[module_name].add(model_name)
+ has_pretrained = False # check if model has a pretrained url to allow filtering on this
+ if hasattr(mod, 'default_cfgs') and model_name in mod.default_cfgs:
+ # this will catch all models that have entrypoint matching cfg key, but miss any aliasing
+ # entrypoints or non-matching combos
+ has_pretrained = 'url' in mod.default_cfgs[model_name] and 'http' in mod.default_cfgs[model_name]['url']
+ _model_default_cfgs[model_name] = deepcopy(mod.default_cfgs[model_name])
+ if has_pretrained:
+ _model_has_pretrained.add(model_name)
+ return fn
+
+
+def _natural_key(string_):
+ return [int(s) if s.isdigit() else s for s in re.split(r'(\d+)', string_.lower())]
+
+
+def list_models(filter='', module='', pretrained=False, exclude_filters='', name_matches_cfg=False):
+ """ Return list of available model names, sorted alphabetically
+
+ Args:
+ filter (str) - Wildcard filter string that works with fnmatch
+ module (str) - Limit model selection to a specific sub-module (ie 'gen_efficientnet')
+ pretrained (bool) - Include only models with pretrained weights if True
+ exclude_filters (str or list[str]) - Wildcard filters to exclude models after including them with filter
+ name_matches_cfg (bool) - Include only models w/ model_name matching default_cfg name (excludes some aliases)
+
+ Example:
+ model_list('gluon_resnet*') -- returns all models starting with 'gluon_resnet'
+ model_list('*resnext*, 'resnet') -- returns all models with 'resnext' in 'resnet' module
+ """
+ if module:
+ all_models = list(_module_to_models[module])
+ else:
+ all_models = _model_entrypoints.keys()
+ if filter:
+ models = []
+ include_filters = filter if isinstance(filter, (tuple, list)) else [filter]
+ for f in include_filters:
+ include_models = fnmatch.filter(all_models, f) # include these models
+ if len(include_models):
+ models = set(models).union(include_models)
+ else:
+ models = all_models
+ if exclude_filters:
+ if not isinstance(exclude_filters, (tuple, list)):
+ exclude_filters = [exclude_filters]
+ for xf in exclude_filters:
+ exclude_models = fnmatch.filter(models, xf) # exclude these models
+ if len(exclude_models):
+ models = set(models).difference(exclude_models)
+ if pretrained:
+ models = _model_has_pretrained.intersection(models)
+ if name_matches_cfg:
+ models = set(_model_default_cfgs).intersection(models)
+ return list(sorted(models, key=_natural_key))
+
+
+def is_model(model_name):
+ """ Check if a model name exists
+ """
+ return model_name in _model_entrypoints
+
+
+def model_entrypoint(model_name):
+ """Fetch a model entrypoint for specified model name
+ """
+ return _model_entrypoints[model_name]
+
+
+def list_modules():
+ """ Return list of module names that contain models / model entrypoints
+ """
+ modules = _module_to_models.keys()
+ return list(sorted(modules))
+
+
+def is_model_in_modules(model_name, module_names):
+ """Check if a model exists within a subset of modules
+ Args:
+ model_name (str) - name of model to check
+ module_names (tuple, list, set) - names of modules to search in
+ """
+ assert isinstance(module_names, (tuple, list, set))
+ return any(model_name in _module_to_models[n] for n in module_names)
+
+
+def has_model_default_key(model_name, cfg_key):
+ """ Query model default_cfgs for existence of a specific key.
+ """
+ if model_name in _model_default_cfgs and cfg_key in _model_default_cfgs[model_name]:
+ return True
+ return False
+
+
+def is_model_default_key(model_name, cfg_key):
+ """ Return truthy value for specified model default_cfg key, False if does not exist.
+ """
+ if model_name in _model_default_cfgs and _model_default_cfgs[model_name].get(cfg_key, False):
+ return True
+ return False
+
+
+def get_model_default_value(model_name, cfg_key):
+ """ Get a specific model default_cfg value by key. None if it doesn't exist.
+ """
+ if model_name in _model_default_cfgs:
+ return _model_default_cfgs[model_name].get(cfg_key, None)
+ else:
+ return None
+
+
+def is_model_pretrained(model_name):
+ return model_name in _model_has_pretrained
diff --git a/utils/semseg_metrics.py b/utils/semseg_metrics.py
new file mode 100644
index 0000000000000000000000000000000000000000..882b4ee06200f57e87d3adf5c28080963b5adfd6
--- /dev/null
+++ b/utils/semseg_metrics.py
@@ -0,0 +1,231 @@
+# --------------------------------------------------------
+# Code from the MMSegmentation code base
+# https://github.com/open-mmlab/mmsegmentation
+# --------------------------------------------------------
+
+import numpy as np
+
+
+def intersect_and_union(pred_label,
+ label,
+ num_classes,
+ ignore_index,
+ label_map=dict(),
+ reduce_zero_label=False):
+ """Calculate intersection and Union.
+
+ Args:
+ pred_label (ndarray): Prediction segmentation map.
+ label (ndarray): Ground truth segmentation map.
+ num_classes (int): Number of categories.
+ ignore_index (int): Index that will be ignored in evaluation.
+ label_map (dict): Mapping old labels to new labels. The parameter will
+ work only when label is str. Default: dict().
+ reduce_zero_label (bool): Wether ignore zero label. The parameter will
+ work only when label is str. Default: False.
+
+ Returns:
+ ndarray: The intersection of prediction and ground truth histogram
+ on all classes.
+ ndarray: The union of prediction and ground truth histogram on all
+ classes.
+ ndarray: The prediction histogram on all classes.
+ ndarray: The ground truth histogram on all classes.
+ """
+
+ if isinstance(pred_label, str):
+ pred_label = np.load(pred_label)
+
+ # modify if custom classes
+ if label_map is not None:
+ for old_id, new_id in label_map.items():
+ label[label == old_id] = new_id
+ if reduce_zero_label:
+ # avoid using underflow conversion
+ label[label == 0] = 255
+ label = label - 1
+ label[label == 254] = 255
+
+ mask = (label != ignore_index)
+ pred_label = pred_label[mask]
+ label = label[mask]
+
+ intersect = pred_label[pred_label == label]
+ area_intersect, _ = np.histogram(
+ intersect, bins=np.arange(num_classes + 1))
+ area_pred_label, _ = np.histogram(
+ pred_label, bins=np.arange(num_classes + 1))
+ area_label, _ = np.histogram(label, bins=np.arange(num_classes + 1))
+ area_union = area_pred_label + area_label - area_intersect
+
+ return area_intersect, area_union, area_pred_label, area_label
+
+
+def total_intersect_and_union(results,
+ gt_seg_maps,
+ num_classes,
+ ignore_index,
+ label_map=dict(),
+ reduce_zero_label=False):
+ """Calculate Total Intersection and Union.
+
+ Args:
+ results (list[ndarray]): List of prediction segmentation maps.
+ gt_seg_maps (list[ndarray]): list of ground truth segmentation maps.
+ num_classes (int): Number of categories.
+ ignore_index (int): Index that will be ignored in evaluation.
+ label_map (dict): Mapping old labels to new labels. Default: dict().
+ reduce_zero_label (bool): Wether ignore zero label. Default: False.
+
+ Returns:
+ ndarray: The intersection of prediction and ground truth histogram
+ on all classes.
+ ndarray: The union of prediction and ground truth histogram on all
+ classes.
+ ndarray: The prediction histogram on all classes.
+ ndarray: The ground truth histogram on all classes.
+ """
+
+ num_imgs = len(results)
+ assert len(gt_seg_maps) == num_imgs
+ total_area_intersect = np.zeros((num_classes, ), dtype=np.float)
+ total_area_union = np.zeros((num_classes, ), dtype=np.float)
+ total_area_pred_label = np.zeros((num_classes, ), dtype=np.float)
+ total_area_label = np.zeros((num_classes, ), dtype=np.float)
+ for i in range(num_imgs):
+ area_intersect, area_union, area_pred_label, area_label = \
+ intersect_and_union(results[i], gt_seg_maps[i], num_classes,
+ ignore_index, label_map, reduce_zero_label)
+ total_area_intersect += area_intersect
+ total_area_union += area_union
+ total_area_pred_label += area_pred_label
+ total_area_label += area_label
+ return total_area_intersect, total_area_union, \
+ total_area_pred_label, total_area_label
+
+
+def mean_iou(results,
+ gt_seg_maps,
+ num_classes,
+ ignore_index,
+ nan_to_num=None,
+ label_map=dict(),
+ reduce_zero_label=False):
+ """Calculate Mean Intersection and Union (mIoU)
+
+ Args:
+ results (list[ndarray]): List of prediction segmentation maps.
+ gt_seg_maps (list[ndarray]): list of ground truth segmentation maps.
+ num_classes (int): Number of categories.
+ ignore_index (int): Index that will be ignored in evaluation.
+ nan_to_num (int, optional): If specified, NaN values will be replaced
+ by the numbers defined by the user. Default: None.
+ label_map (dict): Mapping old labels to new labels. Default: dict().
+ reduce_zero_label (bool): Wether ignore zero label. Default: False.
+
+ Returns:
+ float: Overall accuracy on all images.
+ ndarray: Per category accuracy, shape (num_classes, ).
+ ndarray: Per category IoU, shape (num_classes, ).
+ """
+
+ all_acc, acc, iou = eval_metrics(
+ results=results,
+ gt_seg_maps=gt_seg_maps,
+ num_classes=num_classes,
+ ignore_index=ignore_index,
+ metrics=['mIoU'],
+ nan_to_num=nan_to_num,
+ label_map=label_map,
+ reduce_zero_label=reduce_zero_label)
+ return all_acc, acc, iou
+
+
+def mean_dice(results,
+ gt_seg_maps,
+ num_classes,
+ ignore_index,
+ nan_to_num=None,
+ label_map=dict(),
+ reduce_zero_label=False):
+ """Calculate Mean Dice (mDice)
+
+ Args:
+ results (list[ndarray]): List of prediction segmentation maps.
+ gt_seg_maps (list[ndarray]): list of ground truth segmentation maps.
+ num_classes (int): Number of categories.
+ ignore_index (int): Index that will be ignored in evaluation.
+ nan_to_num (int, optional): If specified, NaN values will be replaced
+ by the numbers defined by the user. Default: None.
+ label_map (dict): Mapping old labels to new labels. Default: dict().
+ reduce_zero_label (bool): Wether ignore zero label. Default: False.
+
+ Returns:
+ float: Overall accuracy on all images.
+ ndarray: Per category accuracy, shape (num_classes, ).
+ ndarray: Per category dice, shape (num_classes, ).
+ """
+
+ all_acc, acc, dice = eval_metrics(
+ results=results,
+ gt_seg_maps=gt_seg_maps,
+ num_classes=num_classes,
+ ignore_index=ignore_index,
+ metrics=['mDice'],
+ nan_to_num=nan_to_num,
+ label_map=label_map,
+ reduce_zero_label=reduce_zero_label)
+ return all_acc, acc, dice
+
+
+def eval_metrics(results,
+ gt_seg_maps,
+ num_classes,
+ ignore_index,
+ metrics=['mIoU'],
+ nan_to_num=None,
+ label_map=dict(),
+ reduce_zero_label=False):
+ """Calculate evaluation metrics
+ Args:
+ results (list[ndarray]): List of prediction segmentation maps.
+ gt_seg_maps (list[ndarray]): list of ground truth segmentation maps.
+ num_classes (int): Number of categories.
+ ignore_index (int): Index that will be ignored in evaluation.
+ metrics (list[str] | str): Metrics to be evaluated, 'mIoU' and 'mDice'.
+ nan_to_num (int, optional): If specified, NaN values will be replaced
+ by the numbers defined by the user. Default: None.
+ label_map (dict): Mapping old labels to new labels. Default: dict().
+ reduce_zero_label (bool): Wether ignore zero label. Default: False.
+ Returns:
+ float: Overall accuracy on all images.
+ ndarray: Per category accuracy, shape (num_classes, ).
+ ndarray: Per category evalution metrics, shape (num_classes, ).
+ """
+
+ if isinstance(metrics, str):
+ metrics = [metrics]
+ allowed_metrics = ['mIoU', 'mDice']
+ if not set(metrics).issubset(set(allowed_metrics)):
+ raise KeyError('metrics {} is not supported'.format(metrics))
+ total_area_intersect, total_area_union, total_area_pred_label, \
+ total_area_label = total_intersect_and_union(results, gt_seg_maps,
+ num_classes, ignore_index,
+ label_map,
+ reduce_zero_label)
+ all_acc = total_area_intersect.sum() / total_area_label.sum()
+ acc = total_area_intersect / total_area_label
+ ret_metrics = [all_acc, acc]
+ for metric in metrics:
+ if metric == 'mIoU':
+ iou = total_area_intersect / total_area_union
+ ret_metrics.append(iou)
+ elif metric == 'mDice':
+ dice = 2 * total_area_intersect / (
+ total_area_pred_label + total_area_label)
+ ret_metrics.append(dice)
+ if nan_to_num is not None:
+ ret_metrics = [
+ np.nan_to_num(metric, nan=nan_to_num) for metric in ret_metrics
+ ]
+ return ret_metrics
diff --git a/utils/task_balancing.py b/utils/task_balancing.py
new file mode 100644
index 0000000000000000000000000000000000000000..2ebdbbc820fd62af464f214e496471fbadc09a06
--- /dev/null
+++ b/utils/task_balancing.py
@@ -0,0 +1,44 @@
+# Copyright (c) EPFL VILAB.
+# All rights reserved.
+
+# This source code is licensed under the license found in the
+# LICENSE file in the root directory of this source tree.
+
+import torch
+import torch.nn as nn
+
+
+class NoWeightingStrategy(nn.Module):
+ """No weighting strategy
+ """
+
+ def __init__(self, **kwargs):
+ super(NoWeightingStrategy, self).__init__()
+
+ def forward(self, task_losses):
+ return task_losses
+
+class UncertaintyWeightingStrategy(nn.Module):
+ """Uncertainty weighting strategy
+ """
+
+ def __init__(self, tasks):
+ super(UncertaintyWeightingStrategy, self).__init__()
+
+ self.tasks = tasks
+ self.log_vars = nn.Parameter(torch.zeros(len(tasks)))
+
+ def forward(self, task_losses):
+ losses_tensor = torch.stack(list(task_losses.values()))
+ non_zero_losses_mask = (losses_tensor != 0.0)
+
+ # calculate weighted losses
+ losses_tensor = torch.exp(-self.log_vars) * losses_tensor + self.log_vars
+
+ # if some loss was 0 (i.e. task was dropped), weighted loss should also be 0 and not just log_var as no information was gained
+ losses_tensor *= non_zero_losses_mask
+
+ # return dictionary of weighted task losses
+ weighted_task_losses = task_losses.copy()
+ weighted_task_losses.update(zip(weighted_task_losses, losses_tensor))
+ return weighted_task_losses
diff --git a/utils/taskonomy/__init__.py b/utils/taskonomy/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..625719fab6ac4260fc85d153d7c1c49a6f3016ba
--- /dev/null
+++ b/utils/taskonomy/__init__.py
@@ -0,0 +1 @@
+from .taskonomy_dataset import TaskonomyDataset
\ No newline at end of file
diff --git a/utils/taskonomy/splits/tiny_test.csv b/utils/taskonomy/splits/tiny_test.csv
new file mode 100644
index 0000000000000000000000000000000000000000..6fc26d1b764440d0330ff35c43c5490d533c1fb1
--- /dev/null
+++ b/utils/taskonomy/splits/tiny_test.csv
@@ -0,0 +1,54515 @@
+building,point,view
+ihlen,0,0
+ihlen,0,1
+ihlen,0,2
+ihlen,1,0
+ihlen,1,1
+ihlen,1,2
+ihlen,1,3
+ihlen,1,4
+ihlen,2,0
+ihlen,2,1
+ihlen,2,2
+ihlen,3,0
+ihlen,3,1
+ihlen,3,2
+ihlen,4,0
+ihlen,4,1
+ihlen,4,2
+ihlen,4,3
+ihlen,5,0
+ihlen,5,1
+ihlen,5,2
+ihlen,6,0
+ihlen,6,1
+ihlen,6,2
+ihlen,6,3
+ihlen,7,0
+ihlen,7,1
+ihlen,7,2
+ihlen,7,3
+ihlen,7,4
+ihlen,7,5
+ihlen,8,0
+ihlen,8,1
+ihlen,8,2
+ihlen,8,3
+ihlen,8,4
+ihlen,8,5
+ihlen,9,0
+ihlen,9,1
+ihlen,9,2
+ihlen,9,3
+ihlen,9,4
+ihlen,9,5
+ihlen,10,0
+ihlen,10,1
+ihlen,10,2
+ihlen,11,0
+ihlen,11,1
+ihlen,11,2
+ihlen,12,0
+ihlen,12,1
+ihlen,12,2
+ihlen,12,3
+ihlen,12,4
+ihlen,12,5
+ihlen,12,6
+ihlen,12,7
+ihlen,12,8
+ihlen,12,9
+ihlen,13,0
+ihlen,13,1
+ihlen,13,2
+ihlen,13,3
+ihlen,14,3
+ihlen,14,5
+ihlen,15,0
+ihlen,15,1
+ihlen,15,2
+ihlen,16,0
+ihlen,16,2
+ihlen,16,3
+ihlen,16,4
+ihlen,16,5
+ihlen,16,7
+ihlen,16,8
+ihlen,16,9
+ihlen,16,11
+ihlen,16,12
+ihlen,17,0
+ihlen,17,1
+ihlen,17,2
+ihlen,17,3
+ihlen,17,4
+ihlen,17,5
+ihlen,18,0
+ihlen,18,1
+ihlen,18,2
+ihlen,18,3
+ihlen,18,4
+ihlen,18,5
+ihlen,18,6
+ihlen,19,0
+ihlen,19,1
+ihlen,19,2
+ihlen,20,0
+ihlen,20,1
+ihlen,20,2
+ihlen,21,0
+ihlen,21,1
+ihlen,21,2
+ihlen,21,3
+ihlen,22,0
+ihlen,22,1
+ihlen,22,2
+ihlen,22,3
+ihlen,22,4
+ihlen,22,5
+ihlen,22,6
+ihlen,22,7
+ihlen,22,8
+ihlen,23,0
+ihlen,23,1
+ihlen,23,2
+ihlen,23,3
+ihlen,24,0
+ihlen,24,1
+ihlen,24,2
+ihlen,24,3
+ihlen,24,4
+ihlen,24,5
+ihlen,24,6
+ihlen,24,7
+ihlen,24,8
+ihlen,24,9
+ihlen,24,10
+ihlen,25,0
+ihlen,25,1
+ihlen,25,2
+ihlen,25,3
+ihlen,25,4
+ihlen,26,0
+ihlen,26,1
+ihlen,26,2
+ihlen,26,3
+ihlen,26,4
+ihlen,27,0
+ihlen,27,1
+ihlen,27,2
+ihlen,27,3
+ihlen,27,4
+ihlen,27,5
+ihlen,27,6
+ihlen,27,7
+ihlen,27,8
+ihlen,27,9
+ihlen,27,10
+ihlen,27,11
+ihlen,27,12
+ihlen,27,13
+ihlen,27,14
+ihlen,27,15
+ihlen,27,16
+ihlen,28,0
+ihlen,28,1
+ihlen,28,2
+ihlen,28,3
+ihlen,28,4
+ihlen,28,5
+ihlen,29,0
+ihlen,29,1
+ihlen,29,2
+ihlen,30,0
+ihlen,30,1
+ihlen,30,2
+ihlen,30,3
+ihlen,30,4
+ihlen,31,0
+ihlen,31,1
+ihlen,31,2
+ihlen,32,0
+ihlen,32,1
+ihlen,32,2
+ihlen,32,3
+ihlen,32,4
+ihlen,32,5
+ihlen,32,6
+ihlen,32,7
+ihlen,32,8
+ihlen,33,0
+ihlen,33,1
+ihlen,33,2
+ihlen,34,0
+ihlen,34,1
+ihlen,34,2
+ihlen,34,3
+ihlen,34,4
+ihlen,35,0
+ihlen,35,1
+ihlen,35,2
+ihlen,35,3
+ihlen,35,4
+ihlen,35,5
+ihlen,35,6
+ihlen,35,7
+ihlen,35,8
+ihlen,36,0
+ihlen,36,2
+ihlen,36,3
+ihlen,36,7
+ihlen,37,0
+ihlen,37,1
+ihlen,37,2
+ihlen,37,3
+ihlen,37,4
+ihlen,38,0
+ihlen,38,1
+ihlen,38,2
+ihlen,39,0
+ihlen,39,1
+ihlen,39,2
+ihlen,40,0
+ihlen,40,1
+ihlen,40,2
+ihlen,40,3
+ihlen,41,0
+ihlen,41,1
+ihlen,41,2
+ihlen,41,3
+ihlen,41,4
+ihlen,41,5
+ihlen,41,6
+ihlen,41,7
+ihlen,42,0
+ihlen,42,1
+ihlen,42,2
+ihlen,43,0
+ihlen,43,1
+ihlen,43,2
+ihlen,43,3
+ihlen,43,4
+ihlen,43,5
+ihlen,43,6
+ihlen,43,7
+ihlen,44,0
+ihlen,44,1
+ihlen,44,2
+ihlen,44,3
+ihlen,44,4
+ihlen,44,5
+ihlen,44,6
+ihlen,44,7
+ihlen,44,8
+ihlen,44,9
+ihlen,45,0
+ihlen,45,1
+ihlen,45,2
+ihlen,45,3
+ihlen,45,4
+ihlen,46,0
+ihlen,46,1
+ihlen,46,2
+ihlen,47,0
+ihlen,47,1
+ihlen,47,2
+ihlen,47,3
+ihlen,47,4
+ihlen,48,0
+ihlen,48,1
+ihlen,48,2
+ihlen,49,0
+ihlen,49,1
+ihlen,49,2
+ihlen,49,3
+ihlen,49,4
+ihlen,49,5
+ihlen,50,0
+ihlen,50,1
+ihlen,50,2
+ihlen,50,3
+ihlen,51,0
+ihlen,51,1
+ihlen,51,2
+ihlen,51,3
+ihlen,52,0
+ihlen,52,1
+ihlen,52,2
+ihlen,52,3
+ihlen,52,4
+ihlen,52,5
+ihlen,52,6
+ihlen,52,7
+ihlen,52,8
+ihlen,52,9
+ihlen,53,0
+ihlen,53,1
+ihlen,53,2
+ihlen,54,0
+ihlen,54,1
+ihlen,54,2
+ihlen,54,3
+ihlen,54,4
+ihlen,54,5
+ihlen,54,6
+ihlen,55,0
+ihlen,55,1
+ihlen,55,2
+ihlen,55,3
+ihlen,55,4
+ihlen,56,0
+ihlen,56,1
+ihlen,56,2
+ihlen,56,3
+ihlen,56,4
+ihlen,56,5
+ihlen,57,0
+ihlen,57,1
+ihlen,57,2
+ihlen,57,3
+ihlen,57,4
+ihlen,57,5
+ihlen,57,6
+ihlen,58,0
+ihlen,58,1
+ihlen,58,2
+ihlen,58,3
+ihlen,59,0
+ihlen,59,1
+ihlen,59,2
+ihlen,59,3
+ihlen,59,4
+ihlen,59,5
+ihlen,60,0
+ihlen,60,1
+ihlen,60,2
+ihlen,60,3
+ihlen,61,0
+ihlen,61,1
+ihlen,61,2
+ihlen,62,0
+ihlen,62,1
+ihlen,62,2
+ihlen,62,3
+ihlen,62,4
+ihlen,62,5
+ihlen,62,6
+ihlen,62,7
+ihlen,62,8
+ihlen,62,9
+ihlen,62,10
+ihlen,62,11
+ihlen,62,12
+ihlen,62,13
+ihlen,63,0
+ihlen,63,1
+ihlen,63,2
+ihlen,63,3
+ihlen,63,4
+ihlen,64,0
+ihlen,64,1
+ihlen,64,2
+ihlen,64,3
+ihlen,64,4
+ihlen,65,0
+ihlen,65,1
+ihlen,65,2
+ihlen,65,3
+ihlen,66,0
+ihlen,66,1
+ihlen,66,2
+ihlen,67,0
+ihlen,67,1
+ihlen,67,2
+ihlen,68,0
+ihlen,68,1
+ihlen,68,2
+ihlen,68,3
+ihlen,68,4
+ihlen,68,5
+ihlen,68,6
+ihlen,69,0
+ihlen,69,1
+ihlen,69,2
+ihlen,69,3
+ihlen,69,4
+ihlen,69,5
+ihlen,69,6
+ihlen,69,7
+ihlen,69,8
+ihlen,69,9
+ihlen,69,10
+ihlen,69,11
+ihlen,70,0
+ihlen,70,1
+ihlen,70,2
+ihlen,70,3
+ihlen,70,4
+ihlen,70,5
+ihlen,71,0
+ihlen,71,1
+ihlen,71,2
+ihlen,71,3
+ihlen,71,4
+ihlen,71,5
+ihlen,71,6
+ihlen,71,7
+ihlen,71,8
+ihlen,71,9
+ihlen,71,10
+ihlen,72,0
+ihlen,72,1
+ihlen,72,2
+ihlen,72,3
+ihlen,72,4
+ihlen,72,5
+ihlen,72,6
+ihlen,72,7
+ihlen,72,8
+ihlen,73,0
+ihlen,73,1
+ihlen,73,2
+ihlen,74,0
+ihlen,74,1
+ihlen,74,2
+ihlen,74,3
+ihlen,74,4
+ihlen,75,0
+ihlen,75,1
+ihlen,75,2
+ihlen,75,3
+ihlen,75,4
+ihlen,76,0
+ihlen,76,1
+ihlen,76,2
+ihlen,76,3
+ihlen,76,4
+ihlen,76,5
+ihlen,76,6
+ihlen,76,7
+ihlen,76,8
+ihlen,76,9
+ihlen,76,10
+ihlen,77,3
+ihlen,77,4
+ihlen,77,5
+ihlen,77,6
+ihlen,77,7
+ihlen,77,8
+ihlen,77,9
+ihlen,77,10
+ihlen,77,12
+ihlen,77,13
+ihlen,78,0
+ihlen,78,1
+ihlen,78,2
+ihlen,78,3
+ihlen,78,4
+ihlen,78,5
+ihlen,78,6
+ihlen,79,0
+ihlen,79,1
+ihlen,79,2
+ihlen,79,3
+ihlen,80,0
+ihlen,80,1
+ihlen,80,2
+ihlen,80,3
+ihlen,80,4
+ihlen,80,5
+ihlen,80,6
+ihlen,81,0
+ihlen,81,1
+ihlen,81,2
+ihlen,81,3
+ihlen,81,4
+ihlen,81,5
+ihlen,81,6
+ihlen,82,0
+ihlen,82,1
+ihlen,82,2
+ihlen,82,3
+ihlen,83,0
+ihlen,83,1
+ihlen,83,2
+ihlen,83,3
+ihlen,83,4
+ihlen,83,5
+ihlen,84,0
+ihlen,84,1
+ihlen,84,2
+ihlen,84,3
+ihlen,84,4
+ihlen,84,5
+ihlen,84,6
+ihlen,84,7
+ihlen,84,8
+ihlen,84,9
+ihlen,85,0
+ihlen,85,1
+ihlen,85,2
+ihlen,85,3
+ihlen,86,0
+ihlen,86,1
+ihlen,86,2
+ihlen,86,3
+ihlen,86,4
+ihlen,86,5
+ihlen,86,6
+ihlen,87,0
+ihlen,87,1
+ihlen,87,2
+ihlen,87,3
+ihlen,88,0
+ihlen,88,1
+ihlen,88,2
+ihlen,88,3
+ihlen,89,0
+ihlen,89,1
+ihlen,89,2
+ihlen,89,3
+ihlen,90,0
+ihlen,90,1
+ihlen,90,2
+ihlen,90,3
+ihlen,91,0
+ihlen,91,1
+ihlen,91,2
+ihlen,92,0
+ihlen,92,1
+ihlen,92,2
+ihlen,92,3
+ihlen,93,0
+ihlen,93,1
+ihlen,93,2
+ihlen,93,3
+ihlen,94,0
+ihlen,94,1
+ihlen,94,2
+ihlen,94,3
+ihlen,94,4
+ihlen,94,5
+ihlen,94,6
+ihlen,94,7
+ihlen,94,8
+ihlen,95,0
+ihlen,95,1
+ihlen,95,2
+ihlen,95,3
+ihlen,96,0
+ihlen,96,1
+ihlen,96,2
+ihlen,97,0
+ihlen,97,1
+ihlen,97,2
+ihlen,97,3
+ihlen,97,4
+ihlen,97,5
+ihlen,98,0
+ihlen,98,1
+ihlen,98,2
+ihlen,98,3
+ihlen,99,0
+ihlen,99,1
+ihlen,99,3
+ihlen,99,4
+ihlen,99,6
+ihlen,99,7
+ihlen,99,8
+ihlen,99,9
+ihlen,99,10
+ihlen,99,11
+ihlen,99,12
+ihlen,99,13
+ihlen,99,16
+ihlen,100,0
+ihlen,100,1
+ihlen,100,2
+ihlen,100,3
+ihlen,100,4
+ihlen,100,5
+ihlen,100,6
+ihlen,100,7
+ihlen,100,8
+ihlen,100,9
+ihlen,100,10
+ihlen,100,11
+ihlen,100,12
+ihlen,101,0
+ihlen,101,1
+ihlen,101,2
+ihlen,101,3
+ihlen,102,0
+ihlen,102,1
+ihlen,102,2
+ihlen,103,1
+ihlen,103,3
+ihlen,103,4
+ihlen,103,5
+ihlen,103,7
+ihlen,104,0
+ihlen,104,1
+ihlen,104,2
+ihlen,104,3
+ihlen,104,4
+ihlen,104,5
+ihlen,104,6
+ihlen,105,0
+ihlen,105,1
+ihlen,105,2
+ihlen,106,0
+ihlen,106,1
+ihlen,106,2
+ihlen,106,3
+ihlen,106,4
+ihlen,106,5
+ihlen,106,6
+ihlen,106,7
+ihlen,106,8
+ihlen,106,9
+ihlen,107,0
+ihlen,107,1
+ihlen,107,2
+ihlen,107,3
+ihlen,108,0
+ihlen,108,1
+ihlen,108,2
+ihlen,108,3
+ihlen,108,4
+ihlen,108,5
+ihlen,109,0
+ihlen,109,1
+ihlen,109,2
+ihlen,109,3
+ihlen,109,4
+ihlen,109,5
+ihlen,109,6
+ihlen,109,7
+ihlen,109,8
+ihlen,109,9
+ihlen,110,0
+ihlen,110,1
+ihlen,110,2
+ihlen,110,3
+ihlen,110,4
+ihlen,110,5
+ihlen,111,0
+ihlen,111,1
+ihlen,111,2
+ihlen,111,3
+ihlen,111,4
+ihlen,112,0
+ihlen,112,1
+ihlen,112,2
+ihlen,112,3
+ihlen,112,4
+ihlen,112,5
+ihlen,113,0
+ihlen,113,1
+ihlen,113,2
+ihlen,114,0
+ihlen,114,1
+ihlen,114,2
+ihlen,115,0
+ihlen,115,1
+ihlen,115,2
+ihlen,115,3
+ihlen,115,4
+ihlen,115,5
+ihlen,115,6
+ihlen,115,7
+ihlen,115,8
+ihlen,116,0
+ihlen,116,3
+ihlen,116,4
+ihlen,116,5
+ihlen,116,6
+ihlen,116,8
+ihlen,116,10
+ihlen,116,11
+ihlen,116,12
+ihlen,116,13
+ihlen,116,14
+ihlen,117,0
+ihlen,117,1
+ihlen,117,2
+ihlen,117,3
+ihlen,117,4
+ihlen,117,5
+ihlen,117,6
+ihlen,117,7
+ihlen,117,8
+ihlen,117,9
+ihlen,117,10
+ihlen,117,11
+ihlen,117,12
+ihlen,117,13
+ihlen,117,14
+ihlen,118,0
+ihlen,118,1
+ihlen,118,2
+ihlen,118,3
+ihlen,118,4
+ihlen,118,5
+ihlen,118,6
+ihlen,118,7
+ihlen,119,0
+ihlen,119,1
+ihlen,119,2
+ihlen,119,3
+ihlen,119,4
+ihlen,119,5
+ihlen,120,0
+ihlen,120,1
+ihlen,120,2
+ihlen,120,3
+ihlen,120,4
+ihlen,120,5
+ihlen,120,6
+ihlen,120,7
+ihlen,121,0
+ihlen,121,1
+ihlen,121,2
+ihlen,122,4
+ihlen,123,0
+ihlen,123,1
+ihlen,123,2
+ihlen,124,0
+ihlen,124,1
+ihlen,124,2
+ihlen,124,3
+ihlen,124,4
+ihlen,125,0
+ihlen,125,1
+ihlen,125,2
+ihlen,125,3
+ihlen,125,4
+ihlen,125,5
+ihlen,125,6
+ihlen,125,7
+ihlen,125,8
+ihlen,126,2
+ihlen,126,4
+ihlen,126,5
+ihlen,126,7
+ihlen,126,8
+ihlen,126,9
+ihlen,126,10
+ihlen,127,0
+ihlen,127,1
+ihlen,127,2
+ihlen,128,0
+ihlen,128,1
+ihlen,128,2
+ihlen,129,0
+ihlen,129,1
+ihlen,129,2
+ihlen,129,3
+ihlen,130,0
+ihlen,130,1
+ihlen,130,2
+ihlen,131,0
+ihlen,131,1
+ihlen,131,2
+ihlen,131,3
+ihlen,131,4
+ihlen,131,5
+ihlen,131,6
+ihlen,131,7
+ihlen,131,8
+ihlen,131,9
+ihlen,131,10
+ihlen,132,0
+ihlen,132,1
+ihlen,132,2
+ihlen,132,3
+ihlen,132,4
+ihlen,132,5
+ihlen,132,6
+ihlen,133,0
+ihlen,133,1
+ihlen,133,2
+ihlen,133,3
+ihlen,134,0
+ihlen,134,1
+ihlen,134,2
+ihlen,134,3
+ihlen,134,4
+ihlen,134,5
+ihlen,135,0
+ihlen,135,1
+ihlen,135,2
+ihlen,135,3
+ihlen,135,4
+ihlen,135,5
+ihlen,135,6
+ihlen,135,7
+ihlen,135,8
+ihlen,136,0
+ihlen,136,1
+ihlen,136,2
+ihlen,137,0
+ihlen,137,1
+ihlen,137,2
+ihlen,137,3
+ihlen,137,4
+ihlen,137,5
+ihlen,137,6
+ihlen,137,7
+ihlen,137,8
+ihlen,137,9
+ihlen,138,0
+ihlen,138,1
+ihlen,138,2
+ihlen,138,3
+ihlen,138,4
+ihlen,139,0
+ihlen,139,1
+ihlen,139,2
+ihlen,140,1
+ihlen,140,3
+ihlen,140,4
+ihlen,140,5
+ihlen,140,6
+ihlen,140,7
+ihlen,140,9
+ihlen,140,10
+ihlen,140,12
+ihlen,141,0
+ihlen,141,1
+ihlen,141,2
+ihlen,141,3
+ihlen,141,4
+ihlen,141,5
+ihlen,141,6
+ihlen,141,7
+ihlen,142,0
+ihlen,142,1
+ihlen,142,2
+ihlen,143,0
+ihlen,143,1
+ihlen,143,2
+ihlen,143,3
+ihlen,143,4
+ihlen,144,0
+ihlen,144,1
+ihlen,144,2
+ihlen,144,3
+ihlen,144,4
+ihlen,144,5
+ihlen,144,6
+ihlen,144,7
+ihlen,145,0
+ihlen,145,1
+ihlen,145,2
+ihlen,145,3
+ihlen,145,4
+ihlen,145,5
+ihlen,146,0
+ihlen,146,1
+ihlen,146,2
+ihlen,146,3
+ihlen,146,4
+ihlen,146,5
+ihlen,146,6
+ihlen,146,7
+ihlen,147,0
+ihlen,147,1
+ihlen,147,2
+ihlen,147,3
+ihlen,147,4
+ihlen,147,5
+ihlen,147,6
+ihlen,148,0
+ihlen,148,3
+ihlen,148,4
+ihlen,149,0
+ihlen,149,1
+ihlen,149,2
+ihlen,149,3
+ihlen,150,0
+ihlen,150,1
+ihlen,150,2
+ihlen,151,0
+ihlen,151,1
+ihlen,151,2
+ihlen,152,0
+ihlen,152,1
+ihlen,152,2
+ihlen,152,3
+ihlen,153,0
+ihlen,153,1
+ihlen,153,2
+ihlen,153,3
+ihlen,153,4
+ihlen,154,0
+ihlen,154,1
+ihlen,154,2
+ihlen,154,3
+ihlen,155,0
+ihlen,155,1
+ihlen,155,2
+ihlen,155,3
+ihlen,156,0
+ihlen,156,1
+ihlen,156,2
+ihlen,157,0
+ihlen,157,1
+ihlen,157,2
+ihlen,157,3
+ihlen,157,4
+ihlen,158,0
+ihlen,158,1
+ihlen,158,2
+ihlen,158,3
+ihlen,158,4
+ihlen,158,5
+ihlen,158,6
+ihlen,159,0
+ihlen,159,1
+ihlen,159,2
+ihlen,159,3
+ihlen,159,4
+ihlen,159,5
+ihlen,159,6
+ihlen,159,7
+ihlen,159,8
+ihlen,160,0
+ihlen,160,2
+ihlen,160,3
+ihlen,160,5
+ihlen,160,6
+ihlen,160,7
+ihlen,160,9
+ihlen,160,10
+ihlen,160,12
+ihlen,161,0
+ihlen,161,1
+ihlen,161,2
+ihlen,161,3
+ihlen,162,0
+ihlen,162,1
+ihlen,162,2
+ihlen,162,3
+ihlen,163,0
+ihlen,163,1
+ihlen,163,2
+ihlen,163,3
+ihlen,163,4
+ihlen,163,5
+ihlen,164,0
+ihlen,164,1
+ihlen,164,2
+ihlen,165,0
+ihlen,165,1
+ihlen,165,2
+ihlen,165,3
+ihlen,165,4
+ihlen,165,5
+ihlen,165,6
+ihlen,165,7
+ihlen,165,8
+ihlen,166,0
+ihlen,166,1
+ihlen,166,2
+ihlen,166,3
+ihlen,166,4
+ihlen,166,5
+ihlen,167,0
+ihlen,167,1
+ihlen,167,2
+ihlen,167,3
+ihlen,167,4
+ihlen,167,5
+ihlen,168,1
+ihlen,168,2
+ihlen,168,6
+ihlen,169,0
+ihlen,169,1
+ihlen,169,2
+ihlen,169,3
+ihlen,169,4
+ihlen,169,5
+ihlen,169,6
+ihlen,169,7
+ihlen,169,8
+ihlen,169,9
+ihlen,169,10
+ihlen,170,0
+ihlen,170,1
+ihlen,170,3
+ihlen,170,4
+ihlen,170,5
+ihlen,170,6
+ihlen,170,10
+ihlen,171,1
+ihlen,171,2
+ihlen,171,5
+ihlen,171,6
+ihlen,171,7
+ihlen,172,0
+ihlen,172,1
+ihlen,172,2
+ihlen,172,3
+ihlen,172,4
+ihlen,172,5
+ihlen,173,0
+ihlen,173,1
+ihlen,173,2
+ihlen,173,3
+ihlen,173,4
+ihlen,173,5
+ihlen,173,6
+ihlen,173,7
+ihlen,173,8
+ihlen,173,9
+ihlen,173,10
+ihlen,173,11
+ihlen,174,0
+ihlen,174,1
+ihlen,174,2
+ihlen,174,3
+ihlen,174,4
+ihlen,174,5
+ihlen,174,6
+ihlen,174,7
+ihlen,175,0
+ihlen,175,1
+ihlen,175,2
+ihlen,176,0
+ihlen,176,1
+ihlen,176,2
+ihlen,176,3
+ihlen,176,4
+ihlen,176,5
+ihlen,176,6
+ihlen,176,7
+ihlen,176,8
+ihlen,176,9
+ihlen,177,0
+ihlen,177,1
+ihlen,177,2
+ihlen,177,3
+ihlen,178,0
+ihlen,178,1
+ihlen,178,2
+ihlen,179,0
+ihlen,179,1
+ihlen,179,2
+ihlen,180,0
+ihlen,180,1
+ihlen,180,2
+ihlen,180,3
+ihlen,181,0
+ihlen,182,0
+ihlen,182,1
+ihlen,182,2
+ihlen,183,0
+ihlen,183,1
+ihlen,183,2
+ihlen,183,3
+ihlen,183,4
+ihlen,183,5
+ihlen,183,6
+ihlen,183,7
+ihlen,183,8
+ihlen,183,9
+ihlen,184,0
+ihlen,184,1
+ihlen,184,2
+ihlen,184,3
+ihlen,184,4
+ihlen,184,5
+ihlen,184,6
+ihlen,184,7
+ihlen,184,8
+ihlen,184,9
+ihlen,185,0
+ihlen,185,1
+ihlen,185,2
+ihlen,185,3
+ihlen,185,4
+ihlen,185,5
+ihlen,185,6
+ihlen,185,7
+ihlen,186,0
+ihlen,186,1
+ihlen,186,2
+ihlen,186,3
+ihlen,186,4
+ihlen,187,0
+ihlen,187,1
+ihlen,187,2
+ihlen,187,3
+ihlen,187,4
+ihlen,187,5
+ihlen,187,6
+ihlen,187,7
+ihlen,187,8
+ihlen,187,9
+ihlen,187,10
+ihlen,187,11
+ihlen,188,0
+ihlen,188,1
+ihlen,188,2
+ihlen,188,3
+ihlen,188,4
+ihlen,188,5
+ihlen,188,6
+ihlen,188,7
+ihlen,188,8
+ihlen,188,9
+ihlen,188,10
+ihlen,188,11
+ihlen,189,0
+ihlen,189,1
+ihlen,189,2
+ihlen,189,3
+ihlen,189,4
+ihlen,189,5
+ihlen,190,0
+ihlen,190,1
+ihlen,190,2
+ihlen,190,3
+ihlen,190,4
+ihlen,191,0
+ihlen,191,1
+ihlen,191,2
+ihlen,191,3
+ihlen,191,4
+ihlen,192,0
+ihlen,192,1
+ihlen,192,2
+ihlen,192,3
+ihlen,192,4
+ihlen,192,5
+ihlen,192,6
+ihlen,192,7
+ihlen,193,0
+ihlen,193,1
+ihlen,193,2
+ihlen,193,3
+ihlen,193,4
+ihlen,194,0
+ihlen,194,1
+ihlen,194,2
+ihlen,194,3
+ihlen,195,0
+ihlen,195,1
+ihlen,195,2
+ihlen,195,3
+ihlen,195,4
+ihlen,195,5
+ihlen,196,0
+ihlen,196,1
+ihlen,196,2
+ihlen,197,0
+ihlen,197,1
+ihlen,197,2
+ihlen,197,3
+ihlen,197,4
+ihlen,197,5
+ihlen,197,6
+ihlen,198,0
+ihlen,198,1
+ihlen,198,2
+ihlen,199,0
+ihlen,199,1
+ihlen,199,2
+ihlen,199,3
+ihlen,200,0
+ihlen,200,1
+ihlen,200,2
+ihlen,201,1
+ihlen,201,3
+ihlen,201,4
+ihlen,201,7
+ihlen,201,8
+ihlen,202,0
+ihlen,202,1
+ihlen,202,2
+ihlen,202,3
+ihlen,203,0
+ihlen,203,1
+ihlen,203,2
+ihlen,203,3
+ihlen,203,4
+ihlen,203,5
+ihlen,203,6
+ihlen,204,0
+ihlen,204,1
+ihlen,204,2
+ihlen,205,0
+ihlen,205,1
+ihlen,205,2
+ihlen,206,0
+ihlen,206,1
+ihlen,206,2
+ihlen,206,3
+ihlen,206,4
+ihlen,206,5
+ihlen,206,6
+ihlen,206,7
+ihlen,206,8
+ihlen,206,9
+ihlen,206,10
+ihlen,206,11
+ihlen,207,0
+ihlen,207,1
+ihlen,207,2
+ihlen,207,3
+ihlen,207,4
+ihlen,207,5
+ihlen,207,6
+ihlen,208,0
+ihlen,208,1
+ihlen,208,2
+ihlen,208,3
+ihlen,208,4
+ihlen,208,5
+ihlen,208,6
+ihlen,208,7
+ihlen,209,0
+ihlen,209,1
+ihlen,209,2
+ihlen,210,0
+ihlen,210,1
+ihlen,210,2
+ihlen,210,3
+ihlen,211,0
+ihlen,211,1
+ihlen,211,2
+ihlen,211,3
+ihlen,212,0
+ihlen,212,1
+ihlen,212,2
+ihlen,212,3
+ihlen,214,0
+ihlen,214,1
+ihlen,214,2
+ihlen,215,0
+ihlen,215,1
+ihlen,215,2
+ihlen,215,3
+ihlen,215,4
+ihlen,215,5
+ihlen,216,0
+ihlen,216,1
+ihlen,216,2
+ihlen,217,0
+ihlen,217,1
+ihlen,217,2
+ihlen,217,3
+ihlen,217,4
+ihlen,217,5
+ihlen,218,0
+ihlen,218,1
+ihlen,218,2
+ihlen,218,3
+ihlen,218,4
+ihlen,218,5
+ihlen,218,6
+ihlen,218,7
+ihlen,218,8
+ihlen,219,0
+ihlen,219,1
+ihlen,219,2
+ihlen,219,3
+ihlen,220,0
+ihlen,220,1
+ihlen,220,2
+ihlen,220,3
+ihlen,220,4
+ihlen,220,5
+ihlen,221,0
+ihlen,221,1
+ihlen,221,2
+ihlen,221,3
+ihlen,222,0
+ihlen,222,1
+ihlen,222,2
+ihlen,222,3
+ihlen,222,4
+ihlen,222,5
+ihlen,222,6
+ihlen,223,0
+ihlen,223,1
+ihlen,223,2
+ihlen,223,3
+ihlen,223,4
+ihlen,223,5
+ihlen,223,6
+ihlen,223,7
+ihlen,223,8
+ihlen,223,9
+ihlen,223,10
+ihlen,223,11
+ihlen,224,0
+ihlen,224,1
+ihlen,224,2
+ihlen,224,3
+ihlen,225,0
+ihlen,225,1
+ihlen,225,2
+ihlen,225,3
+ihlen,225,4
+ihlen,226,0
+ihlen,226,1
+ihlen,226,2
+ihlen,226,3
+ihlen,227,0
+ihlen,227,1
+ihlen,227,2
+ihlen,227,3
+ihlen,227,4
+ihlen,227,5
+ihlen,227,6
+ihlen,227,7
+ihlen,227,8
+ihlen,228,0
+ihlen,228,2
+ihlen,228,3
+ihlen,228,4
+ihlen,228,5
+ihlen,228,7
+ihlen,228,8
+ihlen,228,10
+ihlen,228,11
+ihlen,228,13
+ihlen,228,14
+ihlen,229,0
+ihlen,229,1
+ihlen,229,2
+ihlen,230,0
+ihlen,230,1
+ihlen,230,2
+ihlen,230,3
+ihlen,230,4
+ihlen,231,0
+ihlen,231,1
+ihlen,231,2
+ihlen,231,3
+ihlen,232,0
+ihlen,232,1
+ihlen,232,2
+ihlen,233,0
+ihlen,233,1
+ihlen,233,4
+ihlen,234,0
+ihlen,234,1
+ihlen,234,2
+ihlen,234,3
+ihlen,234,4
+ihlen,235,0
+ihlen,235,1
+ihlen,235,2
+ihlen,235,3
+ihlen,235,4
+ihlen,235,5
+ihlen,235,6
+ihlen,235,7
+ihlen,235,8
+ihlen,236,0
+ihlen,236,1
+ihlen,236,2
+ihlen,236,3
+ihlen,236,4
+ihlen,236,5
+ihlen,237,0
+ihlen,237,1
+ihlen,237,2
+ihlen,237,3
+ihlen,237,4
+ihlen,237,5
+ihlen,238,0
+ihlen,238,1
+ihlen,238,2
+ihlen,238,3
+ihlen,238,4
+ihlen,238,5
+ihlen,239,0
+ihlen,239,1
+ihlen,239,2
+ihlen,239,3
+ihlen,239,4
+ihlen,239,5
+ihlen,239,6
+ihlen,240,0
+ihlen,240,1
+ihlen,240,2
+ihlen,241,0
+ihlen,241,1
+ihlen,241,2
+ihlen,242,0
+ihlen,242,1
+ihlen,242,3
+ihlen,242,4
+ihlen,242,7
+ihlen,242,8
+ihlen,242,9
+ihlen,243,0
+ihlen,243,1
+ihlen,243,2
+ihlen,243,3
+ihlen,243,4
+ihlen,243,5
+ihlen,243,6
+ihlen,244,0
+ihlen,244,1
+ihlen,244,2
+ihlen,244,3
+ihlen,244,4
+ihlen,244,5
+ihlen,244,6
+ihlen,245,0
+ihlen,245,1
+ihlen,245,2
+ihlen,245,3
+ihlen,246,0
+ihlen,246,1
+ihlen,246,2
+ihlen,246,3
+ihlen,247,1
+ihlen,247,4
+ihlen,247,6
+ihlen,247,7
+ihlen,247,8
+ihlen,248,0
+ihlen,248,1
+ihlen,248,2
+ihlen,248,3
+ihlen,249,0
+ihlen,249,1
+ihlen,249,2
+ihlen,250,0
+ihlen,250,1
+ihlen,250,2
+ihlen,251,0
+ihlen,251,1
+ihlen,251,2
+ihlen,251,3
+ihlen,252,0
+ihlen,252,1
+ihlen,252,2
+ihlen,253,0
+ihlen,253,1
+ihlen,253,2
+ihlen,253,3
+ihlen,254,0
+ihlen,254,1
+ihlen,254,2
+ihlen,254,3
+ihlen,254,4
+ihlen,254,7
+ihlen,254,9
+ihlen,254,11
+ihlen,254,12
+ihlen,254,13
+ihlen,254,14
+ihlen,255,0
+ihlen,255,1
+ihlen,255,2
+ihlen,255,3
+ihlen,255,4
+ihlen,256,0
+ihlen,256,1
+ihlen,256,2
+ihlen,256,3
+ihlen,256,4
+ihlen,256,5
+ihlen,257,0
+ihlen,257,1
+ihlen,257,2
+ihlen,257,3
+ihlen,258,0
+ihlen,258,1
+ihlen,258,2
+ihlen,258,3
+ihlen,258,4
+ihlen,258,5
+ihlen,258,6
+ihlen,259,0
+ihlen,259,1
+ihlen,259,2
+ihlen,260,0
+ihlen,260,1
+ihlen,260,2
+ihlen,260,3
+ihlen,260,4
+ihlen,261,0
+ihlen,261,1
+ihlen,261,2
+ihlen,262,0
+ihlen,262,1
+ihlen,262,2
+ihlen,262,3
+ihlen,263,0
+ihlen,263,1
+ihlen,263,2
+ihlen,264,0
+ihlen,264,1
+ihlen,264,2
+ihlen,264,3
+ihlen,264,4
+ihlen,264,5
+ihlen,264,6
+ihlen,264,7
+ihlen,264,8
+ihlen,264,9
+ihlen,265,0
+ihlen,265,1
+ihlen,265,2
+ihlen,265,3
+ihlen,265,4
+ihlen,265,5
+ihlen,265,6
+ihlen,265,7
+ihlen,265,8
+ihlen,265,9
+ihlen,265,10
+ihlen,266,0
+ihlen,266,1
+ihlen,266,2
+ihlen,266,3
+ihlen,267,0
+ihlen,267,1
+ihlen,267,2
+ihlen,267,3
+ihlen,268,1
+ihlen,268,2
+ihlen,268,4
+ihlen,268,6
+ihlen,268,7
+ihlen,268,8
+ihlen,268,9
+ihlen,268,10
+ihlen,269,0
+ihlen,269,1
+ihlen,269,2
+ihlen,269,3
+ihlen,269,4
+ihlen,269,5
+ihlen,269,6
+ihlen,270,0
+ihlen,270,1
+ihlen,270,2
+ihlen,270,3
+ihlen,270,4
+ihlen,270,5
+ihlen,271,0
+ihlen,271,1
+ihlen,271,2
+ihlen,271,3
+ihlen,272,0
+ihlen,272,1
+ihlen,272,2
+ihlen,272,3
+ihlen,272,4
+ihlen,272,5
+ihlen,272,6
+ihlen,272,7
+ihlen,272,8
+ihlen,273,0
+ihlen,273,1
+ihlen,273,2
+ihlen,274,0
+ihlen,274,2
+ihlen,274,5
+ihlen,274,6
+ihlen,274,7
+ihlen,275,0
+ihlen,275,1
+ihlen,275,2
+ihlen,275,3
+ihlen,276,0
+ihlen,276,1
+ihlen,276,2
+ihlen,276,3
+ihlen,277,0
+ihlen,277,1
+ihlen,277,2
+ihlen,277,3
+ihlen,278,0
+ihlen,278,1
+ihlen,278,2
+ihlen,278,3
+ihlen,278,4
+ihlen,278,5
+ihlen,279,0
+ihlen,279,1
+ihlen,279,2
+ihlen,279,3
+ihlen,279,4
+ihlen,279,5
+ihlen,280,0
+ihlen,280,1
+ihlen,280,2
+ihlen,280,3
+ihlen,280,4
+ihlen,281,0
+ihlen,281,1
+ihlen,281,2
+ihlen,281,3
+ihlen,282,0
+ihlen,282,1
+ihlen,282,2
+ihlen,282,3
+ihlen,282,4
+ihlen,282,5
+ihlen,282,6
+ihlen,283,0
+ihlen,283,1
+ihlen,283,2
+ihlen,283,3
+ihlen,283,4
+ihlen,284,0
+ihlen,284,1
+ihlen,284,2
+ihlen,284,3
+ihlen,285,0
+ihlen,285,1
+ihlen,285,2
+ihlen,286,0
+ihlen,286,1
+ihlen,286,2
+ihlen,286,3
+ihlen,286,4
+ihlen,286,5
+ihlen,286,6
+ihlen,287,0
+ihlen,287,1
+ihlen,287,2
+ihlen,288,1
+ihlen,288,2
+ihlen,288,3
+ihlen,288,4
+ihlen,288,6
+ihlen,288,7
+ihlen,288,8
+ihlen,288,9
+ihlen,288,11
+ihlen,288,12
+ihlen,288,14
+ihlen,288,15
+ihlen,289,0
+ihlen,289,1
+ihlen,289,2
+ihlen,289,3
+ihlen,289,4
+ihlen,289,5
+ihlen,290,0
+ihlen,290,1
+ihlen,290,2
+ihlen,290,3
+ihlen,290,4
+ihlen,290,5
+ihlen,290,6
+ihlen,291,0
+ihlen,291,1
+ihlen,291,2
+ihlen,291,3
+ihlen,291,4
+ihlen,291,5
+ihlen,292,0
+ihlen,292,1
+ihlen,292,2
+ihlen,292,3
+ihlen,292,4
+ihlen,293,0
+ihlen,293,1
+ihlen,293,2
+ihlen,293,3
+ihlen,294,0
+ihlen,294,3
+ihlen,294,5
+ihlen,294,6
+ihlen,294,8
+ihlen,295,0
+ihlen,295,1
+ihlen,295,2
+ihlen,296,0
+ihlen,296,1
+ihlen,296,2
+ihlen,296,3
+ihlen,296,4
+ihlen,296,5
+ihlen,297,0
+ihlen,297,1
+ihlen,297,2
+ihlen,297,3
+ihlen,297,4
+ihlen,297,5
+ihlen,297,6
+ihlen,298,0
+ihlen,298,1
+ihlen,298,2
+ihlen,298,3
+ihlen,298,4
+ihlen,298,5
+ihlen,298,6
+ihlen,298,7
+ihlen,298,8
+ihlen,299,0
+ihlen,299,1
+ihlen,299,2
+ihlen,300,0
+ihlen,300,1
+ihlen,300,2
+ihlen,301,0
+ihlen,301,1
+ihlen,301,2
+ihlen,301,3
+ihlen,302,0
+ihlen,302,1
+ihlen,302,2
+ihlen,302,3
+ihlen,302,4
+ihlen,303,0
+ihlen,303,1
+ihlen,303,2
+ihlen,303,3
+ihlen,303,4
+ihlen,303,5
+ihlen,303,6
+ihlen,303,8
+ihlen,303,10
+ihlen,303,11
+ihlen,304,0
+ihlen,304,1
+ihlen,304,2
+ihlen,305,0
+ihlen,305,1
+ihlen,305,2
+ihlen,305,3
+ihlen,305,4
+ihlen,305,5
+ihlen,305,6
+ihlen,305,7
+ihlen,305,8
+ihlen,306,0
+ihlen,306,1
+ihlen,306,2
+ihlen,306,3
+ihlen,306,4
+ihlen,306,5
+ihlen,306,6
+ihlen,306,7
+ihlen,307,0
+ihlen,307,1
+ihlen,307,2
+ihlen,307,3
+ihlen,308,0
+ihlen,308,1
+ihlen,308,2
+ihlen,308,3
+ihlen,308,4
+ihlen,309,0
+ihlen,309,1
+ihlen,309,2
+ihlen,309,3
+ihlen,309,4
+ihlen,309,5
+ihlen,309,6
+ihlen,309,7
+ihlen,309,8
+ihlen,310,0
+ihlen,310,1
+ihlen,310,2
+ihlen,310,3
+ihlen,310,4
+ihlen,311,0
+ihlen,311,1
+ihlen,311,2
+ihlen,311,3
+ihlen,312,0
+ihlen,312,1
+ihlen,312,2
+ihlen,313,0
+ihlen,313,1
+ihlen,313,2
+ihlen,313,3
+ihlen,313,4
+ihlen,313,5
+ihlen,313,6
+ihlen,314,0
+ihlen,314,1
+ihlen,314,2
+ihlen,314,3
+ihlen,314,4
+ihlen,314,5
+ihlen,314,6
+ihlen,314,7
+ihlen,314,8
+ihlen,314,9
+ihlen,315,0
+ihlen,315,1
+ihlen,315,2
+ihlen,315,3
+ihlen,316,0
+ihlen,316,2
+ihlen,316,3
+ihlen,316,5
+ihlen,316,6
+ihlen,316,8
+ihlen,316,10
+ihlen,316,11
+ihlen,317,0
+ihlen,317,1
+ihlen,317,2
+ihlen,317,3
+ihlen,318,0
+ihlen,318,1
+ihlen,318,2
+ihlen,318,3
+ihlen,318,4
+ihlen,318,5
+ihlen,319,0
+ihlen,319,1
+ihlen,319,2
+ihlen,320,0
+ihlen,320,1
+ihlen,320,2
+ihlen,321,0
+ihlen,321,1
+ihlen,321,2
+ihlen,321,3
+ihlen,321,4
+ihlen,322,0
+ihlen,322,1
+ihlen,322,2
+ihlen,323,0
+ihlen,323,1
+ihlen,323,2
+ihlen,324,0
+ihlen,324,1
+ihlen,324,2
+ihlen,324,3
+ihlen,324,4
+ihlen,324,5
+ihlen,324,6
+ihlen,324,7
+ihlen,324,8
+ihlen,325,0
+ihlen,325,1
+ihlen,325,2
+ihlen,325,3
+ihlen,325,4
+ihlen,326,0
+ihlen,326,1
+ihlen,326,2
+ihlen,326,3
+ihlen,326,4
+ihlen,327,0
+ihlen,327,1
+ihlen,327,2
+ihlen,327,3
+ihlen,328,0
+ihlen,328,1
+ihlen,328,2
+ihlen,329,0
+ihlen,329,1
+ihlen,329,2
+ihlen,330,0
+ihlen,330,1
+ihlen,330,2
+ihlen,330,3
+ihlen,330,4
+ihlen,330,5
+ihlen,330,6
+ihlen,330,7
+ihlen,330,8
+ihlen,330,9
+ihlen,330,10
+ihlen,330,11
+ihlen,330,12
+ihlen,331,0
+ihlen,331,1
+ihlen,331,2
+ihlen,331,3
+ihlen,331,4
+ihlen,332,2
+ihlen,332,3
+ihlen,332,4
+ihlen,332,6
+ihlen,332,7
+ihlen,332,8
+ihlen,332,9
+ihlen,332,10
+ihlen,333,0
+ihlen,333,1
+ihlen,333,2
+ihlen,333,3
+ihlen,333,4
+ihlen,333,5
+ihlen,333,6
+ihlen,333,7
+ihlen,333,8
+ihlen,333,9
+ihlen,334,0
+ihlen,334,1
+ihlen,334,2
+ihlen,334,3
+ihlen,334,4
+ihlen,334,5
+ihlen,334,6
+ihlen,335,0
+ihlen,335,1
+ihlen,335,2
+ihlen,336,0
+ihlen,336,1
+ihlen,336,2
+ihlen,337,0
+ihlen,337,1
+ihlen,337,2
+ihlen,337,3
+ihlen,337,4
+ihlen,337,5
+ihlen,338,0
+ihlen,338,1
+ihlen,338,2
+ihlen,338,3
+ihlen,338,4
+ihlen,338,5
+ihlen,338,8
+ihlen,338,9
+ihlen,338,11
+ihlen,338,13
+ihlen,339,0
+ihlen,339,1
+ihlen,339,2
+ihlen,339,4
+ihlen,339,5
+ihlen,339,7
+ihlen,339,8
+ihlen,339,9
+ihlen,339,10
+ihlen,339,13
+ihlen,339,14
+ihlen,340,0
+ihlen,340,1
+ihlen,340,2
+ihlen,341,0
+ihlen,341,1
+ihlen,341,2
+ihlen,341,3
+ihlen,341,4
+ihlen,341,5
+ihlen,341,6
+ihlen,341,7
+ihlen,342,0
+ihlen,342,1
+ihlen,342,2
+ihlen,342,3
+ihlen,342,4
+ihlen,342,5
+ihlen,343,0
+ihlen,343,1
+ihlen,343,2
+ihlen,344,0
+ihlen,344,1
+ihlen,344,2
+ihlen,344,3
+ihlen,345,0
+ihlen,345,1
+ihlen,345,2
+ihlen,345,3
+ihlen,345,4
+ihlen,345,5
+ihlen,345,6
+ihlen,345,7
+ihlen,346,0
+ihlen,346,1
+ihlen,346,2
+ihlen,347,0
+ihlen,347,1
+ihlen,347,2
+ihlen,347,3
+ihlen,347,4
+ihlen,347,5
+ihlen,347,9
+ihlen,348,0
+ihlen,348,1
+ihlen,348,2
+ihlen,348,4
+ihlen,348,8
+ihlen,348,9
+ihlen,348,10
+ihlen,348,11
+ihlen,349,0
+ihlen,349,1
+ihlen,349,2
+ihlen,349,3
+ihlen,349,4
+ihlen,349,5
+ihlen,349,6
+ihlen,349,7
+ihlen,349,8
+ihlen,350,0
+ihlen,350,1
+ihlen,350,2
+ihlen,350,3
+ihlen,350,4
+ihlen,350,5
+ihlen,351,0
+ihlen,351,1
+ihlen,351,2
+ihlen,351,3
+ihlen,352,0
+ihlen,352,1
+ihlen,352,2
+ihlen,352,3
+ihlen,352,4
+ihlen,352,5
+ihlen,352,6
+ihlen,352,7
+ihlen,353,0
+ihlen,353,1
+ihlen,353,2
+ihlen,353,3
+ihlen,353,4
+ihlen,353,5
+ihlen,353,6
+ihlen,353,7
+ihlen,353,8
+ihlen,354,0
+ihlen,354,1
+ihlen,354,2
+ihlen,355,0
+ihlen,355,1
+ihlen,355,2
+ihlen,355,3
+ihlen,355,4
+ihlen,355,5
+ihlen,355,6
+ihlen,356,0
+ihlen,356,2
+ihlen,356,3
+ihlen,356,5
+ihlen,356,7
+ihlen,356,9
+ihlen,356,10
+ihlen,356,11
+ihlen,357,0
+ihlen,357,1
+ihlen,357,2
+ihlen,357,3
+ihlen,357,4
+ihlen,358,0
+ihlen,358,1
+ihlen,358,2
+ihlen,358,3
+ihlen,358,4
+ihlen,358,5
+ihlen,359,0
+ihlen,359,1
+ihlen,359,2
+ihlen,360,0
+ihlen,360,1
+ihlen,360,2
+ihlen,360,3
+ihlen,360,4
+ihlen,360,5
+ihlen,361,0
+ihlen,361,1
+ihlen,361,2
+ihlen,361,3
+ihlen,361,4
+ihlen,361,5
+ihlen,362,0
+ihlen,362,1
+ihlen,362,2
+ihlen,362,3
+ihlen,362,4
+ihlen,362,5
+ihlen,362,6
+ihlen,362,7
+ihlen,363,0
+ihlen,363,1
+ihlen,363,2
+ihlen,364,0
+ihlen,364,1
+ihlen,364,2
+ihlen,364,3
+ihlen,364,4
+ihlen,364,5
+ihlen,365,0
+ihlen,365,1
+ihlen,365,2
+ihlen,365,3
+ihlen,365,4
+ihlen,365,5
+ihlen,365,6
+ihlen,365,7
+ihlen,365,8
+ihlen,365,9
+ihlen,365,10
+ihlen,365,11
+ihlen,365,12
+ihlen,365,13
+ihlen,365,14
+ihlen,365,15
+ihlen,365,16
+ihlen,366,0
+ihlen,366,1
+ihlen,366,2
+ihlen,366,3
+ihlen,367,0
+ihlen,367,1
+ihlen,367,2
+ihlen,367,3
+ihlen,368,0
+ihlen,368,1
+ihlen,368,2
+ihlen,369,0
+ihlen,369,1
+ihlen,369,2
+ihlen,369,3
+ihlen,369,4
+ihlen,370,0
+ihlen,370,1
+ihlen,370,2
+ihlen,370,3
+ihlen,370,4
+ihlen,370,5
+ihlen,371,0
+ihlen,371,1
+ihlen,371,2
+ihlen,371,3
+ihlen,371,4
+ihlen,371,5
+ihlen,371,6
+ihlen,371,9
+ihlen,371,12
+ihlen,371,13
+ihlen,372,0
+ihlen,372,1
+ihlen,372,2
+ihlen,373,0
+ihlen,373,1
+ihlen,373,2
+ihlen,374,0
+ihlen,374,1
+ihlen,374,2
+ihlen,375,0
+ihlen,375,1
+ihlen,375,2
+ihlen,375,3
+ihlen,375,4
+ihlen,375,5
+ihlen,375,6
+ihlen,376,0
+ihlen,376,1
+ihlen,376,2
+ihlen,376,3
+ihlen,377,0
+ihlen,377,1
+ihlen,377,2
+ihlen,377,3
+ihlen,378,0
+ihlen,378,1
+ihlen,378,2
+ihlen,379,0
+ihlen,379,1
+ihlen,379,2
+ihlen,379,3
+ihlen,379,4
+ihlen,380,0
+ihlen,380,1
+ihlen,380,2
+ihlen,380,3
+ihlen,380,4
+ihlen,380,5
+ihlen,380,6
+ihlen,381,0
+ihlen,381,1
+ihlen,381,2
+ihlen,381,3
+ihlen,382,0
+ihlen,382,1
+ihlen,382,2
+ihlen,382,3
+ihlen,382,4
+ihlen,383,0
+ihlen,383,1
+ihlen,383,2
+ihlen,383,3
+ihlen,383,4
+ihlen,383,5
+ihlen,383,6
+ihlen,383,7
+ihlen,384,0
+ihlen,384,1
+ihlen,384,2
+ihlen,384,3
+ihlen,385,0
+ihlen,385,1
+ihlen,385,2
+ihlen,385,3
+ihlen,385,4
+ihlen,385,5
+ihlen,385,6
+ihlen,386,0
+ihlen,386,1
+ihlen,386,2
+ihlen,386,3
+ihlen,387,0
+ihlen,387,1
+ihlen,387,2
+ihlen,387,3
+ihlen,387,4
+ihlen,388,0
+ihlen,388,1
+ihlen,388,2
+ihlen,388,3
+ihlen,388,4
+ihlen,388,5
+ihlen,388,6
+ihlen,389,0
+ihlen,389,1
+ihlen,389,2
+ihlen,389,3
+ihlen,390,0
+ihlen,390,1
+ihlen,390,2
+ihlen,391,0
+ihlen,391,1
+ihlen,391,2
+ihlen,392,0
+ihlen,392,1
+ihlen,392,2
+ihlen,392,3
+ihlen,393,1
+ihlen,393,2
+ihlen,393,3
+ihlen,393,5
+ihlen,393,6
+ihlen,393,8
+ihlen,393,10
+ihlen,394,0
+ihlen,394,1
+ihlen,394,2
+ihlen,395,0
+ihlen,395,1
+ihlen,395,2
+ihlen,396,0
+ihlen,396,1
+ihlen,396,2
+ihlen,396,3
+ihlen,396,4
+ihlen,396,5
+ihlen,396,6
+ihlen,397,0
+ihlen,397,1
+ihlen,397,2
+ihlen,397,3
+ihlen,397,4
+ihlen,397,5
+ihlen,397,6
+ihlen,397,7
+ihlen,397,8
+ihlen,398,0
+ihlen,398,1
+ihlen,398,2
+ihlen,399,0
+ihlen,399,1
+ihlen,399,2
+ihlen,399,3
+ihlen,399,4
+ihlen,400,0
+ihlen,400,1
+ihlen,400,2
+ihlen,400,3
+ihlen,400,4
+ihlen,400,5
+ihlen,401,0
+ihlen,401,1
+ihlen,401,2
+ihlen,401,3
+ihlen,401,4
+ihlen,402,0
+ihlen,402,1
+ihlen,402,2
+ihlen,402,3
+ihlen,402,4
+ihlen,403,0
+ihlen,403,1
+ihlen,403,2
+ihlen,404,0
+ihlen,404,1
+ihlen,404,2
+ihlen,404,3
+ihlen,405,0
+ihlen,405,1
+ihlen,405,2
+ihlen,405,3
+ihlen,405,4
+ihlen,406,0
+ihlen,406,1
+ihlen,406,2
+ihlen,406,3
+ihlen,407,0
+ihlen,407,1
+ihlen,407,2
+ihlen,407,3
+ihlen,407,4
+ihlen,407,5
+ihlen,408,0
+ihlen,408,1
+ihlen,408,2
+ihlen,408,3
+ihlen,408,4
+ihlen,409,0
+ihlen,409,1
+ihlen,409,2
+ihlen,409,3
+ihlen,409,4
+ihlen,409,5
+ihlen,409,6
+ihlen,410,0
+ihlen,410,1
+ihlen,410,2
+ihlen,411,0
+ihlen,411,1
+ihlen,411,2
+ihlen,412,0
+ihlen,412,1
+ihlen,412,2
+ihlen,413,0
+ihlen,413,1
+ihlen,413,2
+ihlen,413,3
+ihlen,413,4
+ihlen,413,5
+ihlen,414,0
+ihlen,414,1
+ihlen,414,2
+ihlen,414,3
+ihlen,414,4
+ihlen,415,0
+ihlen,415,1
+ihlen,415,2
+ihlen,415,3
+ihlen,415,4
+ihlen,415,5
+ihlen,415,6
+ihlen,415,7
+ihlen,415,8
+ihlen,415,9
+ihlen,416,0
+ihlen,416,1
+ihlen,416,2
+ihlen,416,3
+ihlen,416,4
+ihlen,416,5
+ihlen,416,6
+ihlen,416,7
+ihlen,417,0
+ihlen,417,1
+ihlen,417,2
+ihlen,418,0
+ihlen,418,1
+ihlen,418,2
+ihlen,418,3
+ihlen,419,0
+ihlen,419,1
+ihlen,419,2
+ihlen,419,3
+ihlen,419,4
+ihlen,420,0
+ihlen,420,1
+ihlen,420,2
+ihlen,420,3
+ihlen,420,4
+ihlen,421,0
+ihlen,421,1
+ihlen,421,2
+ihlen,421,3
+ihlen,421,4
+ihlen,421,5
+ihlen,422,0
+ihlen,422,1
+ihlen,422,2
+ihlen,422,3
+ihlen,422,4
+ihlen,422,5
+ihlen,422,6
+ihlen,422,7
+ihlen,422,8
+ihlen,423,0
+ihlen,423,1
+ihlen,423,2
+ihlen,423,3
+ihlen,424,0
+ihlen,424,1
+ihlen,424,2
+ihlen,425,0
+ihlen,425,1
+ihlen,425,2
+ihlen,425,3
+ihlen,426,0
+ihlen,426,1
+ihlen,426,2
+ihlen,426,3
+ihlen,426,4
+ihlen,426,5
+ihlen,426,6
+ihlen,426,7
+ihlen,427,0
+ihlen,427,1
+ihlen,427,2
+ihlen,428,0
+ihlen,428,1
+ihlen,428,2
+ihlen,428,3
+ihlen,428,4
+ihlen,428,5
+ihlen,429,0
+ihlen,429,1
+ihlen,429,2
+ihlen,430,0
+ihlen,430,1
+ihlen,430,2
+ihlen,430,3
+ihlen,430,4
+ihlen,430,5
+ihlen,431,0
+ihlen,431,1
+ihlen,431,2
+ihlen,432,0
+ihlen,432,1
+ihlen,432,2
+ihlen,432,3
+ihlen,432,4
+ihlen,432,5
+ihlen,432,6
+ihlen,432,7
+ihlen,432,8
+ihlen,432,9
+ihlen,432,10
+ihlen,433,0
+ihlen,433,1
+ihlen,433,2
+ihlen,434,0
+ihlen,434,1
+ihlen,434,2
+ihlen,434,3
+ihlen,435,0
+ihlen,435,1
+ihlen,435,2
+ihlen,435,3
+ihlen,436,0
+ihlen,436,1
+ihlen,436,2
+ihlen,436,3
+ihlen,436,4
+ihlen,436,5
+ihlen,437,0
+ihlen,437,1
+ihlen,437,2
+ihlen,437,3
+ihlen,438,0
+ihlen,438,1
+ihlen,438,2
+ihlen,439,0
+ihlen,439,1
+ihlen,439,2
+ihlen,439,3
+ihlen,439,4
+ihlen,440,0
+ihlen,440,1
+ihlen,440,2
+ihlen,440,3
+ihlen,441,0
+ihlen,441,3
+ihlen,441,5
+ihlen,442,0
+ihlen,442,1
+ihlen,442,2
+ihlen,442,3
+ihlen,442,4
+ihlen,442,5
+ihlen,443,0
+ihlen,443,1
+ihlen,443,2
+ihlen,444,0
+ihlen,444,1
+ihlen,444,2
+ihlen,444,3
+ihlen,444,4
+ihlen,444,5
+ihlen,444,6
+ihlen,445,0
+ihlen,445,1
+ihlen,445,2
+ihlen,445,3
+ihlen,445,4
+ihlen,445,5
+ihlen,445,6
+ihlen,445,7
+ihlen,446,1
+ihlen,446,2
+ihlen,446,3
+ihlen,446,4
+ihlen,446,6
+ihlen,446,7
+ihlen,446,8
+ihlen,446,9
+ihlen,446,11
+ihlen,446,13
+ihlen,447,0
+ihlen,447,1
+ihlen,447,2
+ihlen,448,0
+ihlen,448,1
+ihlen,448,2
+ihlen,449,0
+ihlen,449,1
+ihlen,449,2
+ihlen,449,3
+ihlen,449,4
+ihlen,449,5
+ihlen,449,6
+ihlen,450,0
+ihlen,450,1
+ihlen,450,2
+ihlen,450,3
+ihlen,451,0
+ihlen,451,1
+ihlen,451,2
+ihlen,452,0
+ihlen,452,1
+ihlen,452,2
+ihlen,453,0
+ihlen,453,1
+ihlen,453,2
+ihlen,454,0
+ihlen,454,1
+ihlen,454,2
+ihlen,454,4
+ihlen,454,5
+ihlen,454,7
+ihlen,454,8
+ihlen,454,10
+ihlen,454,11
+ihlen,455,0
+ihlen,455,1
+ihlen,455,2
+ihlen,456,0
+ihlen,456,1
+ihlen,456,2
+ihlen,456,3
+ihlen,456,4
+ihlen,456,5
+ihlen,457,0
+ihlen,457,1
+ihlen,457,3
+ihlen,457,4
+ihlen,457,6
+ihlen,457,7
+ihlen,457,9
+ihlen,457,11
+ihlen,457,12
+ihlen,458,0
+ihlen,458,1
+ihlen,458,2
+ihlen,459,0
+ihlen,459,1
+ihlen,459,2
+ihlen,459,3
+ihlen,459,4
+ihlen,459,5
+ihlen,460,0
+ihlen,460,1
+ihlen,460,2
+ihlen,460,3
+ihlen,460,4
+ihlen,460,5
+ihlen,460,6
+ihlen,460,7
+ihlen,461,0
+ihlen,461,1
+ihlen,461,2
+ihlen,461,3
+ihlen,461,4
+ihlen,462,0
+ihlen,462,1
+ihlen,462,2
+ihlen,462,3
+ihlen,462,4
+ihlen,462,5
+ihlen,463,0
+ihlen,463,1
+ihlen,463,2
+ihlen,463,3
+ihlen,463,4
+ihlen,463,5
+ihlen,463,6
+ihlen,463,7
+ihlen,463,8
+ihlen,463,9
+ihlen,464,0
+ihlen,464,1
+ihlen,464,2
+ihlen,465,0
+ihlen,465,1
+ihlen,465,2
+ihlen,465,3
+ihlen,465,4
+ihlen,465,5
+ihlen,465,6
+ihlen,465,7
+ihlen,465,8
+ihlen,465,9
+ihlen,466,0
+ihlen,466,1
+ihlen,466,2
+ihlen,466,3
+ihlen,466,4
+ihlen,466,5
+ihlen,467,0
+ihlen,467,1
+ihlen,467,2
+ihlen,467,3
+ihlen,468,0
+ihlen,468,1
+ihlen,468,2
+ihlen,468,3
+ihlen,469,0
+ihlen,469,1
+ihlen,469,2
+ihlen,470,0
+ihlen,470,1
+ihlen,470,2
+ihlen,471,0
+ihlen,471,1
+ihlen,471,2
+ihlen,472,0
+ihlen,472,1
+ihlen,472,2
+ihlen,472,3
+ihlen,473,0
+ihlen,473,1
+ihlen,473,2
+ihlen,474,0
+ihlen,474,1
+ihlen,474,2
+ihlen,474,3
+ihlen,475,0
+ihlen,475,1
+ihlen,475,2
+ihlen,475,3
+ihlen,475,4
+ihlen,475,5
+ihlen,475,6
+ihlen,475,7
+ihlen,475,8
+ihlen,475,9
+ihlen,475,10
+ihlen,475,11
+ihlen,475,12
+ihlen,475,13
+ihlen,475,14
+ihlen,476,0
+ihlen,476,1
+ihlen,476,4
+ihlen,476,5
+ihlen,476,7
+ihlen,477,0
+ihlen,477,1
+ihlen,477,2
+ihlen,477,3
+ihlen,477,4
+ihlen,477,5
+ihlen,478,0
+ihlen,478,1
+ihlen,478,2
+ihlen,479,0
+ihlen,479,1
+ihlen,479,2
+ihlen,480,0
+ihlen,480,1
+ihlen,480,2
+ihlen,480,3
+ihlen,480,4
+ihlen,480,5
+ihlen,481,0
+ihlen,481,1
+ihlen,481,2
+ihlen,481,3
+ihlen,481,4
+ihlen,482,0
+ihlen,482,1
+ihlen,482,2
+ihlen,482,3
+ihlen,483,0
+ihlen,483,1
+ihlen,483,2
+ihlen,483,3
+ihlen,483,4
+ihlen,483,5
+ihlen,483,6
+ihlen,484,0
+ihlen,484,1
+ihlen,484,2
+ihlen,485,0
+ihlen,485,1
+ihlen,485,2
+ihlen,486,1
+ihlen,486,2
+ihlen,486,3
+ihlen,486,4
+ihlen,486,5
+ihlen,486,8
+ihlen,486,9
+ihlen,486,10
+ihlen,486,11
+ihlen,486,13
+ihlen,487,0
+ihlen,487,1
+ihlen,487,2
+ihlen,487,3
+ihlen,487,4
+ihlen,487,5
+ihlen,487,6
+ihlen,487,7
+ihlen,487,8
+ihlen,487,9
+ihlen,487,10
+ihlen,488,0
+ihlen,488,1
+ihlen,488,2
+ihlen,488,3
+ihlen,488,4
+ihlen,488,5
+ihlen,488,6
+ihlen,488,7
+ihlen,488,8
+ihlen,489,0
+ihlen,489,1
+ihlen,489,2
+ihlen,490,0
+ihlen,490,1
+ihlen,490,2
+ihlen,490,3
+ihlen,490,4
+ihlen,490,5
+ihlen,490,6
+ihlen,491,0
+ihlen,491,1
+ihlen,491,2
+ihlen,491,3
+ihlen,491,4
+ihlen,491,5
+ihlen,491,6
+ihlen,491,7
+ihlen,491,8
+ihlen,492,0
+ihlen,492,1
+ihlen,492,2
+ihlen,492,3
+ihlen,492,4
+ihlen,493,0
+ihlen,493,1
+ihlen,493,2
+ihlen,493,3
+ihlen,493,4
+ihlen,493,5
+ihlen,493,6
+ihlen,494,0
+ihlen,494,1
+ihlen,494,2
+ihlen,494,3
+ihlen,494,4
+ihlen,494,5
+ihlen,495,0
+ihlen,495,1
+ihlen,495,2
+ihlen,495,3
+ihlen,495,4
+ihlen,495,5
+ihlen,495,6
+ihlen,495,7
+ihlen,496,0
+ihlen,496,1
+ihlen,496,2
+ihlen,496,3
+ihlen,497,0
+ihlen,497,1
+ihlen,497,2
+ihlen,499,0
+ihlen,499,1
+ihlen,499,2
+ihlen,499,3
+ihlen,499,4
+ihlen,499,5
+ihlen,499,6
+ihlen,499,7
+ihlen,500,0
+ihlen,500,1
+ihlen,500,2
+ihlen,500,3
+ihlen,500,4
+ihlen,500,5
+ihlen,500,6
+ihlen,501,0
+ihlen,501,1
+ihlen,501,2
+ihlen,501,3
+ihlen,501,4
+ihlen,502,0
+ihlen,502,1
+ihlen,502,2
+ihlen,502,3
+ihlen,502,4
+ihlen,502,5
+ihlen,502,6
+ihlen,502,7
+ihlen,502,8
+ihlen,502,9
+ihlen,503,0
+ihlen,503,1
+ihlen,503,2
+ihlen,504,0
+ihlen,504,1
+ihlen,504,2
+ihlen,504,3
+ihlen,504,4
+ihlen,505,0
+ihlen,505,1
+ihlen,505,2
+ihlen,506,0
+ihlen,506,1
+ihlen,506,2
+ihlen,506,3
+ihlen,506,4
+ihlen,506,5
+ihlen,506,6
+ihlen,506,7
+ihlen,506,8
+ihlen,506,9
+ihlen,507,2
+ihlen,507,3
+ihlen,507,4
+ihlen,507,6
+ihlen,507,7
+ihlen,507,8
+ihlen,507,9
+ihlen,507,10
+ihlen,507,11
+ihlen,507,12
+ihlen,508,0
+ihlen,508,1
+ihlen,508,2
+ihlen,509,1
+ihlen,509,2
+ihlen,509,3
+ihlen,509,4
+ihlen,509,6
+ihlen,509,7
+ihlen,509,9
+ihlen,509,10
+ihlen,509,12
+ihlen,510,0
+ihlen,510,1
+ihlen,510,2
+ihlen,510,3
+ihlen,511,0
+ihlen,511,1
+ihlen,511,2
+ihlen,511,3
+ihlen,511,4
+ihlen,511,5
+ihlen,511,6
+ihlen,511,7
+ihlen,512,0
+ihlen,512,1
+ihlen,512,2
+ihlen,513,0
+ihlen,513,1
+ihlen,513,2
+ihlen,513,3
+ihlen,513,4
+ihlen,513,5
+ihlen,513,6
+ihlen,513,7
+ihlen,513,8
+ihlen,513,9
+ihlen,513,10
+ihlen,514,0
+ihlen,514,1
+ihlen,514,2
+ihlen,514,3
+ihlen,514,4
+ihlen,514,5
+ihlen,514,6
+ihlen,514,7
+ihlen,514,8
+ihlen,515,0
+ihlen,515,1
+ihlen,515,2
+ihlen,516,0
+ihlen,516,1
+ihlen,516,2
+ihlen,517,0
+ihlen,517,1
+ihlen,517,2
+ihlen,517,3
+ihlen,518,0
+ihlen,518,1
+ihlen,518,2
+ihlen,518,3
+ihlen,518,4
+ihlen,518,5
+ihlen,518,7
+ihlen,518,9
+ihlen,518,10
+ihlen,518,11
+ihlen,519,0
+ihlen,519,1
+ihlen,519,2
+ihlen,519,3
+ihlen,519,4
+ihlen,519,5
+ihlen,519,6
+ihlen,520,0
+ihlen,520,1
+ihlen,520,2
+ihlen,520,3
+ihlen,521,0
+ihlen,521,1
+ihlen,521,2
+ihlen,522,0
+ihlen,522,1
+ihlen,522,2
+ihlen,522,3
+ihlen,523,0
+ihlen,523,1
+ihlen,523,2
+ihlen,523,3
+ihlen,523,4
+ihlen,523,5
+ihlen,523,6
+ihlen,523,7
+ihlen,524,0
+ihlen,524,1
+ihlen,524,2
+ihlen,525,0
+ihlen,525,1
+ihlen,525,2
+ihlen,525,3
+ihlen,525,4
+ihlen,525,5
+ihlen,525,6
+ihlen,525,7
+ihlen,525,8
+ihlen,526,0
+ihlen,526,1
+ihlen,526,2
+ihlen,527,0
+ihlen,527,1
+ihlen,527,2
+ihlen,527,3
+ihlen,527,4
+ihlen,527,5
+ihlen,528,0
+ihlen,528,1
+ihlen,528,2
+ihlen,528,3
+ihlen,529,0
+ihlen,529,1
+ihlen,529,2
+ihlen,529,3
+ihlen,529,4
+ihlen,530,0
+ihlen,530,1
+ihlen,530,2
+ihlen,531,0
+ihlen,531,1
+ihlen,531,2
+ihlen,532,0
+ihlen,532,1
+ihlen,532,2
+ihlen,532,3
+ihlen,532,4
+ihlen,532,5
+ihlen,532,6
+ihlen,533,3
+ihlen,533,5
+ihlen,533,6
+ihlen,533,7
+ihlen,533,8
+ihlen,534,0
+ihlen,534,1
+ihlen,534,2
+ihlen,535,0
+ihlen,535,1
+ihlen,535,2
+ihlen,535,3
+ihlen,535,4
+ihlen,536,0
+ihlen,536,1
+ihlen,536,2
+ihlen,536,3
+ihlen,536,4
+ihlen,536,5
+ihlen,536,6
+ihlen,536,7
+ihlen,536,8
+ihlen,537,0
+ihlen,537,1
+ihlen,537,2
+ihlen,538,0
+ihlen,538,1
+ihlen,538,2
+ihlen,538,3
+ihlen,539,0
+ihlen,539,1
+ihlen,539,2
+ihlen,539,3
+ihlen,539,4
+ihlen,539,5
+ihlen,539,6
+ihlen,539,7
+ihlen,540,0
+ihlen,540,1
+ihlen,540,2
+ihlen,540,3
+ihlen,540,4
+ihlen,540,5
+ihlen,541,0
+ihlen,541,1
+ihlen,541,2
+ihlen,541,3
+ihlen,542,0
+ihlen,542,1
+ihlen,542,2
+ihlen,542,3
+ihlen,543,0
+ihlen,543,1
+ihlen,543,2
+ihlen,543,3
+ihlen,543,4
+ihlen,543,5
+ihlen,543,6
+ihlen,544,0
+ihlen,544,1
+ihlen,544,2
+ihlen,544,3
+ihlen,545,0
+ihlen,545,1
+ihlen,545,2
+ihlen,545,3
+ihlen,546,0
+ihlen,546,1
+ihlen,546,2
+ihlen,546,3
+ihlen,546,4
+ihlen,546,5
+ihlen,546,6
+ihlen,547,0
+ihlen,547,1
+ihlen,547,2
+ihlen,547,3
+ihlen,547,4
+ihlen,547,5
+ihlen,547,6
+ihlen,547,7
+ihlen,547,8
+ihlen,547,9
+ihlen,548,0
+ihlen,548,1
+ihlen,548,2
+ihlen,548,3
+ihlen,548,4
+ihlen,548,5
+ihlen,548,6
+ihlen,548,7
+ihlen,549,0
+ihlen,549,1
+ihlen,549,2
+ihlen,549,3
+ihlen,549,4
+ihlen,549,5
+ihlen,549,6
+ihlen,549,7
+ihlen,549,8
+ihlen,549,9
+ihlen,549,10
+ihlen,550,0
+ihlen,550,1
+ihlen,550,2
+ihlen,551,0
+ihlen,551,1
+ihlen,551,2
+ihlen,552,0
+ihlen,552,1
+ihlen,552,2
+ihlen,553,0
+ihlen,553,1
+ihlen,553,2
+ihlen,554,0
+ihlen,554,1
+ihlen,554,2
+ihlen,554,3
+ihlen,554,4
+ihlen,554,5
+ihlen,554,6
+ihlen,555,0
+ihlen,555,1
+ihlen,555,2
+ihlen,555,3
+ihlen,556,0
+ihlen,556,1
+ihlen,556,2
+ihlen,556,3
+ihlen,556,4
+ihlen,557,0
+ihlen,557,1
+ihlen,557,2
+ihlen,557,3
+ihlen,557,4
+ihlen,558,0
+ihlen,558,1
+ihlen,558,2
+ihlen,559,0
+ihlen,559,1
+ihlen,559,2
+ihlen,560,0
+ihlen,560,1
+ihlen,560,2
+ihlen,561,0
+ihlen,561,1
+ihlen,561,2
+ihlen,561,3
+ihlen,562,0
+ihlen,562,1
+ihlen,562,2
+ihlen,562,3
+ihlen,562,4
+ihlen,562,5
+ihlen,562,6
+ihlen,562,7
+ihlen,562,8
+ihlen,562,9
+ihlen,562,10
+ihlen,563,0
+ihlen,563,1
+ihlen,563,2
+ihlen,563,3
+ihlen,563,4
+ihlen,563,5
+ihlen,563,6
+ihlen,563,7
+ihlen,564,0
+ihlen,564,1
+ihlen,564,2
+ihlen,564,3
+ihlen,564,4
+ihlen,564,5
+ihlen,565,0
+ihlen,565,1
+ihlen,565,2
+ihlen,565,3
+ihlen,565,4
+ihlen,566,0
+ihlen,566,1
+ihlen,566,2
+ihlen,567,0
+ihlen,567,1
+ihlen,567,2
+ihlen,567,3
+ihlen,568,0
+ihlen,568,1
+ihlen,568,2
+ihlen,568,3
+ihlen,568,4
+ihlen,568,5
+ihlen,568,6
+ihlen,569,0
+ihlen,569,1
+ihlen,569,3
+ihlen,569,4
+ihlen,569,5
+ihlen,569,7
+ihlen,569,9
+ihlen,569,10
+ihlen,570,0
+ihlen,570,1
+ihlen,570,2
+ihlen,570,3
+ihlen,570,4
+ihlen,570,5
+ihlen,570,6
+ihlen,570,7
+ihlen,570,8
+ihlen,570,9
+ihlen,571,0
+ihlen,571,1
+ihlen,571,2
+ihlen,571,3
+ihlen,572,0
+ihlen,572,1
+ihlen,572,2
+ihlen,572,3
+ihlen,572,4
+ihlen,572,5
+ihlen,572,6
+ihlen,573,0
+ihlen,573,1
+ihlen,573,2
+ihlen,574,0
+ihlen,574,1
+ihlen,574,2
+ihlen,574,3
+ihlen,575,0
+ihlen,575,1
+ihlen,575,2
+ihlen,575,3
+ihlen,575,4
+ihlen,575,5
+ihlen,575,6
+ihlen,576,0
+ihlen,576,1
+ihlen,576,2
+ihlen,576,3
+ihlen,577,0
+ihlen,577,1
+ihlen,577,2
+ihlen,577,3
+ihlen,577,4
+ihlen,578,0
+ihlen,578,1
+ihlen,578,2
+ihlen,578,3
+ihlen,578,4
+ihlen,578,5
+ihlen,578,6
+ihlen,579,0
+ihlen,579,1
+ihlen,579,2
+ihlen,580,0
+ihlen,580,1
+ihlen,580,2
+ihlen,581,0
+ihlen,581,1
+ihlen,581,2
+ihlen,581,3
+ihlen,581,4
+ihlen,581,5
+ihlen,581,6
+ihlen,582,0
+ihlen,582,1
+ihlen,582,2
+ihlen,582,3
+ihlen,582,4
+ihlen,582,5
+ihlen,583,0
+ihlen,583,1
+ihlen,583,2
+ihlen,583,3
+ihlen,583,4
+ihlen,583,5
+ihlen,584,0
+ihlen,584,1
+ihlen,584,2
+ihlen,584,3
+ihlen,584,4
+ihlen,584,5
+ihlen,584,6
+ihlen,584,7
+ihlen,584,8
+ihlen,584,9
+ihlen,585,0
+ihlen,585,1
+ihlen,585,2
+ihlen,586,0
+ihlen,586,1
+ihlen,586,2
+ihlen,586,3
+ihlen,586,4
+ihlen,586,5
+ihlen,586,6
+ihlen,587,0
+ihlen,587,1
+ihlen,587,2
+ihlen,588,0
+ihlen,588,1
+ihlen,588,2
+ihlen,588,3
+ihlen,589,0
+ihlen,589,1
+ihlen,589,2
+ihlen,589,3
+ihlen,589,4
+ihlen,589,5
+ihlen,590,0
+ihlen,590,1
+ihlen,590,2
+ihlen,590,3
+ihlen,590,4
+ihlen,591,0
+ihlen,591,1
+ihlen,591,2
+ihlen,592,0
+ihlen,592,4
+ihlen,592,5
+ihlen,592,6
+ihlen,592,7
+ihlen,592,9
+ihlen,593,0
+ihlen,593,1
+ihlen,593,2
+ihlen,594,0
+ihlen,594,1
+ihlen,594,2
+ihlen,594,3
+ihlen,594,4
+ihlen,595,0
+ihlen,595,1
+ihlen,595,2
+ihlen,596,0
+ihlen,596,1
+ihlen,596,2
+ihlen,596,3
+ihlen,597,1
+ihlen,597,2
+ihlen,597,3
+ihlen,597,5
+ihlen,597,6
+ihlen,597,7
+ihlen,597,8
+ihlen,597,10
+ihlen,597,11
+ihlen,597,12
+ihlen,598,0
+ihlen,598,1
+ihlen,598,2
+ihlen,598,3
+ihlen,599,0
+ihlen,599,1
+ihlen,599,2
+ihlen,599,3
+ihlen,600,0
+ihlen,600,1
+ihlen,600,2
+ihlen,600,3
+ihlen,601,0
+ihlen,601,1
+ihlen,601,2
+ihlen,601,3
+ihlen,602,0
+ihlen,602,1
+ihlen,602,2
+ihlen,602,3
+ihlen,602,4
+ihlen,602,5
+ihlen,603,0
+ihlen,603,1
+ihlen,603,2
+ihlen,603,3
+ihlen,604,0
+ihlen,604,1
+ihlen,604,2
+ihlen,605,0
+ihlen,605,1
+ihlen,605,2
+ihlen,605,3
+ihlen,605,4
+ihlen,605,5
+ihlen,605,6
+ihlen,606,0
+ihlen,606,1
+ihlen,606,2
+ihlen,607,0
+ihlen,607,1
+ihlen,607,2
+ihlen,607,3
+ihlen,607,4
+ihlen,607,5
+ihlen,607,6
+ihlen,608,0
+ihlen,608,1
+ihlen,608,2
+ihlen,608,3
+ihlen,608,4
+ihlen,609,0
+ihlen,609,1
+ihlen,609,2
+ihlen,609,3
+ihlen,609,4
+ihlen,610,0
+ihlen,610,1
+ihlen,610,2
+ihlen,610,3
+ihlen,610,4
+ihlen,610,5
+ihlen,610,6
+ihlen,610,7
+ihlen,610,8
+ihlen,610,9
+ihlen,611,0
+ihlen,611,1
+ihlen,611,2
+ihlen,611,3
+ihlen,611,4
+ihlen,611,5
+ihlen,611,6
+ihlen,611,7
+ihlen,612,0
+ihlen,612,1
+ihlen,612,2
+ihlen,612,3
+ihlen,612,4
+ihlen,612,5
+ihlen,612,6
+ihlen,613,0
+ihlen,613,1
+ihlen,613,2
+ihlen,613,3
+ihlen,613,4
+ihlen,613,5
+ihlen,613,6
+ihlen,614,0
+ihlen,614,1
+ihlen,614,4
+ihlen,614,5
+ihlen,614,6
+ihlen,614,8
+ihlen,615,0
+ihlen,615,1
+ihlen,615,2
+ihlen,615,3
+ihlen,616,0
+ihlen,616,1
+ihlen,616,2
+ihlen,616,3
+ihlen,616,4
+ihlen,617,0
+ihlen,617,1
+ihlen,617,2
+ihlen,618,0
+ihlen,618,1
+ihlen,618,2
+ihlen,618,3
+ihlen,619,0
+ihlen,619,2
+ihlen,619,3
+ihlen,619,4
+ihlen,619,6
+ihlen,619,8
+ihlen,619,10
+ihlen,619,11
+ihlen,620,0
+ihlen,620,1
+ihlen,620,2
+ihlen,620,3
+ihlen,620,4
+ihlen,621,0
+ihlen,621,1
+ihlen,621,2
+ihlen,622,0
+ihlen,622,1
+ihlen,622,2
+ihlen,622,3
+ihlen,622,4
+ihlen,622,5
+ihlen,623,0
+ihlen,623,1
+ihlen,623,2
+ihlen,623,3
+ihlen,623,4
+ihlen,623,5
+ihlen,623,6
+ihlen,624,0
+ihlen,624,1
+ihlen,624,2
+ihlen,624,3
+ihlen,624,4
+ihlen,624,5
+ihlen,624,6
+ihlen,624,7
+ihlen,624,8
+ihlen,624,9
+ihlen,624,10
+ihlen,625,0
+ihlen,625,1
+ihlen,625,2
+ihlen,626,0
+ihlen,626,1
+ihlen,626,2
+ihlen,627,0
+ihlen,627,1
+ihlen,627,2
+ihlen,627,3
+ihlen,627,4
+ihlen,627,5
+ihlen,627,6
+ihlen,628,0
+ihlen,628,1
+ihlen,628,2
+ihlen,628,3
+ihlen,628,4
+ihlen,628,5
+ihlen,628,6
+ihlen,628,7
+ihlen,628,8
+ihlen,629,0
+ihlen,629,1
+ihlen,629,2
+ihlen,629,3
+ihlen,629,4
+ihlen,629,5
+ihlen,629,6
+ihlen,630,0
+ihlen,630,1
+ihlen,630,2
+ihlen,630,3
+ihlen,630,4
+ihlen,630,5
+ihlen,630,6
+ihlen,630,7
+ihlen,630,8
+ihlen,630,9
+ihlen,630,10
+ihlen,630,11
+ihlen,630,12
+ihlen,630,13
+ihlen,630,14
+ihlen,630,15
+ihlen,631,0
+ihlen,631,1
+ihlen,631,2
+ihlen,632,0
+ihlen,632,1
+ihlen,632,2
+ihlen,632,3
+ihlen,632,4
+ihlen,632,5
+ihlen,632,6
+ihlen,632,7
+ihlen,632,8
+ihlen,633,0
+ihlen,633,1
+ihlen,633,2
+ihlen,633,3
+ihlen,634,0
+ihlen,634,1
+ihlen,634,2
+ihlen,634,3
+ihlen,635,0
+ihlen,635,1
+ihlen,635,2
+ihlen,635,3
+ihlen,635,4
+ihlen,635,5
+ihlen,635,6
+ihlen,635,7
+ihlen,635,8
+ihlen,635,9
+ihlen,636,0
+ihlen,636,1
+ihlen,636,2
+ihlen,636,3
+ihlen,636,4
+ihlen,636,5
+ihlen,636,6
+ihlen,636,7
+ihlen,636,8
+ihlen,636,9
+ihlen,636,10
+ihlen,637,0
+ihlen,637,1
+ihlen,637,2
+ihlen,637,3
+ihlen,637,4
+ihlen,637,5
+ihlen,638,0
+ihlen,638,1
+ihlen,638,2
+ihlen,638,3
+ihlen,638,4
+ihlen,638,5
+ihlen,638,6
+ihlen,638,7
+ihlen,638,8
+ihlen,638,9
+ihlen,638,10
+ihlen,639,0
+ihlen,639,1
+ihlen,639,2
+ihlen,639,3
+ihlen,639,4
+ihlen,639,5
+ihlen,639,6
+ihlen,639,7
+ihlen,639,8
+ihlen,640,0
+ihlen,640,1
+ihlen,640,2
+ihlen,641,0
+ihlen,641,1
+ihlen,641,2
+ihlen,641,3
+ihlen,641,4
+ihlen,641,5
+ihlen,642,0
+ihlen,642,1
+ihlen,642,2
+ihlen,643,0
+ihlen,643,1
+ihlen,643,2
+ihlen,643,3
+ihlen,643,4
+ihlen,643,5
+ihlen,644,0
+ihlen,644,1
+ihlen,644,2
+ihlen,644,3
+ihlen,645,0
+ihlen,645,1
+ihlen,645,2
+ihlen,646,0
+ihlen,646,1
+ihlen,646,2
+ihlen,646,3
+ihlen,646,4
+ihlen,647,0
+ihlen,647,1
+ihlen,647,2
+ihlen,647,3
+ihlen,647,4
+ihlen,647,5
+ihlen,648,0
+ihlen,648,1
+ihlen,648,2
+ihlen,648,3
+ihlen,648,4
+ihlen,648,5
+ihlen,648,6
+ihlen,648,7
+ihlen,649,0
+ihlen,649,1
+ihlen,649,2
+ihlen,650,0
+ihlen,650,1
+ihlen,650,2
+ihlen,650,3
+ihlen,651,0
+ihlen,651,1
+ihlen,651,2
+ihlen,651,3
+ihlen,651,4
+ihlen,651,5
+ihlen,651,6
+ihlen,652,0
+ihlen,652,1
+ihlen,652,2
+ihlen,653,0
+ihlen,653,1
+ihlen,653,2
+ihlen,653,3
+ihlen,653,4
+ihlen,653,8
+ihlen,654,0
+ihlen,654,1
+ihlen,654,2
+ihlen,655,0
+ihlen,655,1
+ihlen,655,2
+ihlen,655,3
+ihlen,655,4
+ihlen,655,5
+ihlen,655,6
+ihlen,655,7
+ihlen,655,8
+ihlen,656,0
+ihlen,656,1
+ihlen,656,2
+ihlen,656,3
+ihlen,656,4
+ihlen,656,5
+ihlen,656,6
+ihlen,656,7
+ihlen,656,8
+ihlen,657,0
+ihlen,657,1
+ihlen,657,2
+ihlen,657,3
+ihlen,657,4
+ihlen,657,5
+ihlen,658,0
+ihlen,658,1
+ihlen,658,2
+ihlen,659,0
+ihlen,659,1
+ihlen,659,2
+ihlen,659,3
+ihlen,660,0
+ihlen,660,1
+ihlen,660,2
+ihlen,661,0
+ihlen,661,1
+ihlen,661,2
+ihlen,661,3
+ihlen,661,4
+ihlen,662,0
+ihlen,662,1
+ihlen,662,2
+ihlen,662,3
+ihlen,662,4
+ihlen,662,5
+ihlen,663,0
+ihlen,663,1
+ihlen,663,2
+ihlen,664,0
+ihlen,664,1
+ihlen,664,2
+ihlen,665,0
+ihlen,665,1
+ihlen,665,2
+ihlen,665,3
+ihlen,666,0
+ihlen,666,1
+ihlen,666,2
+ihlen,666,3
+ihlen,666,4
+ihlen,666,5
+ihlen,666,6
+ihlen,666,7
+ihlen,666,8
+ihlen,666,9
+ihlen,666,10
+ihlen,666,11
+ihlen,667,0
+ihlen,667,1
+ihlen,667,2
+ihlen,667,3
+ihlen,667,4
+ihlen,667,5
+ihlen,667,6
+ihlen,667,7
+ihlen,667,8
+ihlen,667,9
+ihlen,668,0
+ihlen,668,1
+ihlen,668,2
+ihlen,669,0
+ihlen,669,2
+ihlen,669,3
+ihlen,669,4
+ihlen,669,6
+ihlen,670,0
+ihlen,670,1
+ihlen,670,2
+ihlen,670,3
+ihlen,670,4
+ihlen,671,0
+ihlen,671,1
+ihlen,671,2
+ihlen,672,0
+ihlen,672,2
+ihlen,672,3
+ihlen,672,5
+ihlen,672,7
+ihlen,672,8
+ihlen,672,10
+ihlen,672,11
+ihlen,673,0
+ihlen,673,1
+ihlen,673,2
+ihlen,674,0
+ihlen,674,1
+ihlen,674,2
+ihlen,674,3
+ihlen,674,4
+ihlen,674,5
+ihlen,674,6
+ihlen,674,7
+ihlen,674,8
+ihlen,674,9
+ihlen,674,10
+ihlen,675,0
+ihlen,675,1
+ihlen,675,2
+ihlen,675,3
+ihlen,675,4
+ihlen,675,5
+ihlen,676,0
+ihlen,676,1
+ihlen,676,2
+ihlen,676,3
+ihlen,677,2
+ihlen,677,3
+ihlen,677,6
+ihlen,678,0
+ihlen,678,1
+ihlen,678,2
+ihlen,678,3
+ihlen,679,0
+ihlen,679,1
+ihlen,679,2
+ihlen,679,3
+ihlen,679,5
+ihlen,679,6
+ihlen,679,9
+ihlen,679,10
+ihlen,679,12
+ihlen,680,0
+ihlen,680,1
+ihlen,680,2
+ihlen,680,3
+ihlen,681,0
+ihlen,681,1
+ihlen,681,2
+ihlen,681,3
+ihlen,681,4
+ihlen,681,5
+ihlen,681,6
+ihlen,681,7
+ihlen,681,8
+ihlen,682,0
+ihlen,682,1
+ihlen,682,2
+ihlen,682,3
+ihlen,682,4
+ihlen,682,5
+ihlen,682,6
+ihlen,682,7
+ihlen,683,0
+ihlen,683,1
+ihlen,683,2
+ihlen,683,3
+ihlen,683,4
+ihlen,683,5
+ihlen,683,6
+ihlen,684,0
+ihlen,684,1
+ihlen,684,2
+ihlen,685,0
+ihlen,685,1
+ihlen,685,2
+ihlen,685,3
+ihlen,685,4
+ihlen,685,5
+ihlen,685,6
+ihlen,685,7
+ihlen,685,8
+ihlen,685,9
+ihlen,686,0
+ihlen,686,1
+ihlen,686,2
+ihlen,686,3
+ihlen,686,4
+ihlen,686,5
+ihlen,686,6
+ihlen,686,7
+ihlen,686,8
+ihlen,686,9
+ihlen,686,10
+ihlen,687,0
+ihlen,687,1
+ihlen,687,2
+ihlen,687,3
+ihlen,687,4
+ihlen,688,0
+ihlen,688,1
+ihlen,688,2
+ihlen,688,3
+ihlen,688,4
+ihlen,688,5
+ihlen,688,6
+ihlen,689,0
+ihlen,689,1
+ihlen,689,2
+ihlen,689,3
+ihlen,689,4
+ihlen,690,0
+ihlen,690,1
+ihlen,690,2
+ihlen,690,3
+ihlen,690,4
+ihlen,690,5
+ihlen,690,6
+ihlen,691,0
+ihlen,691,1
+ihlen,691,2
+ihlen,691,3
+ihlen,691,4
+ihlen,691,5
+ihlen,691,6
+ihlen,692,0
+ihlen,692,1
+ihlen,692,2
+ihlen,693,0
+ihlen,693,1
+ihlen,693,2
+ihlen,693,3
+ihlen,693,4
+ihlen,693,5
+ihlen,694,0
+ihlen,694,1
+ihlen,694,2
+ihlen,694,3
+ihlen,694,4
+ihlen,694,5
+ihlen,694,6
+ihlen,694,7
+ihlen,694,8
+ihlen,694,9
+ihlen,695,0
+ihlen,695,1
+ihlen,695,2
+ihlen,695,3
+ihlen,695,4
+ihlen,695,5
+ihlen,695,6
+ihlen,696,0
+ihlen,696,1
+ihlen,696,2
+ihlen,696,3
+ihlen,696,4
+ihlen,696,5
+ihlen,696,6
+ihlen,696,7
+ihlen,696,8
+ihlen,697,0
+ihlen,697,1
+ihlen,697,2
+ihlen,697,3
+ihlen,698,0
+ihlen,698,1
+ihlen,698,2
+ihlen,698,3
+ihlen,698,4
+ihlen,698,5
+ihlen,699,0
+ihlen,699,1
+ihlen,699,2
+ihlen,700,0
+ihlen,700,1
+ihlen,700,2
+ihlen,700,3
+ihlen,700,4
+ihlen,700,5
+ihlen,700,6
+ihlen,700,7
+ihlen,701,0
+ihlen,701,1
+ihlen,701,2
+ihlen,701,3
+ihlen,701,4
+ihlen,701,5
+ihlen,701,6
+ihlen,701,7
+ihlen,701,8
+ihlen,701,9
+ihlen,701,10
+ihlen,701,11
+ihlen,701,12
+ihlen,702,0
+ihlen,702,1
+ihlen,702,2
+ihlen,702,3
+ihlen,702,4
+ihlen,702,5
+ihlen,702,6
+ihlen,703,0
+ihlen,703,1
+ihlen,703,2
+ihlen,703,3
+ihlen,704,0
+ihlen,704,1
+ihlen,704,2
+ihlen,704,3
+ihlen,704,4
+ihlen,704,5
+ihlen,705,0
+ihlen,705,1
+ihlen,705,2
+ihlen,705,3
+ihlen,705,4
+ihlen,706,4
+ihlen,707,0
+ihlen,707,1
+ihlen,707,2
+ihlen,707,3
+ihlen,707,4
+ihlen,707,5
+ihlen,708,0
+ihlen,708,1
+ihlen,708,2
+ihlen,708,3
+ihlen,709,0
+ihlen,709,1
+ihlen,709,2
+ihlen,709,3
+ihlen,710,0
+ihlen,710,1
+ihlen,710,2
+ihlen,711,0
+ihlen,711,1
+ihlen,711,2
+ihlen,712,0
+ihlen,712,1
+ihlen,712,2
+ihlen,712,3
+ihlen,713,0
+ihlen,713,1
+ihlen,713,2
+ihlen,714,0
+ihlen,714,1
+ihlen,714,2
+ihlen,714,3
+ihlen,714,4
+ihlen,714,5
+ihlen,714,6
+ihlen,714,7
+ihlen,714,8
+ihlen,715,0
+ihlen,715,1
+ihlen,715,2
+ihlen,715,3
+ihlen,716,0
+ihlen,716,1
+ihlen,716,2
+ihlen,716,3
+ihlen,716,4
+ihlen,716,5
+ihlen,717,0
+ihlen,717,1
+ihlen,717,2
+ihlen,718,0
+ihlen,718,1
+ihlen,718,2
+ihlen,719,0
+ihlen,719,1
+ihlen,719,2
+ihlen,719,3
+ihlen,720,0
+ihlen,720,1
+ihlen,720,2
+ihlen,721,0
+ihlen,721,1
+ihlen,721,2
+ihlen,721,3
+ihlen,721,4
+ihlen,722,0
+ihlen,722,1
+ihlen,722,2
+ihlen,722,3
+ihlen,722,4
+ihlen,722,5
+ihlen,722,6
+ihlen,722,7
+ihlen,722,8
+ihlen,722,9
+ihlen,723,0
+ihlen,723,1
+ihlen,723,2
+ihlen,723,3
+ihlen,723,4
+ihlen,723,5
+ihlen,723,6
+ihlen,723,7
+ihlen,724,0
+ihlen,724,1
+ihlen,724,2
+ihlen,724,3
+ihlen,724,4
+ihlen,725,0
+ihlen,725,1
+ihlen,725,2
+ihlen,725,3
+ihlen,725,4
+ihlen,726,0
+ihlen,726,1
+ihlen,726,2
+ihlen,726,3
+ihlen,726,4
+ihlen,726,5
+ihlen,727,0
+ihlen,727,1
+ihlen,727,2
+ihlen,727,3
+ihlen,727,4
+ihlen,727,5
+ihlen,727,6
+ihlen,727,7
+ihlen,727,8
+ihlen,728,0
+ihlen,728,1
+ihlen,728,2
+ihlen,728,3
+ihlen,728,4
+ihlen,728,5
+ihlen,729,0
+ihlen,729,1
+ihlen,729,2
+ihlen,729,3
+ihlen,729,4
+ihlen,729,5
+ihlen,729,6
+ihlen,729,7
+ihlen,729,8
+ihlen,730,0
+ihlen,730,1
+ihlen,730,2
+ihlen,730,3
+ihlen,731,0
+ihlen,731,1
+ihlen,731,2
+ihlen,731,3
+ihlen,731,4
+ihlen,731,5
+ihlen,731,6
+ihlen,731,7
+ihlen,731,8
+ihlen,731,9
+ihlen,731,10
+ihlen,732,0
+ihlen,732,1
+ihlen,732,2
+ihlen,733,0
+ihlen,733,1
+ihlen,733,2
+ihlen,734,0
+ihlen,734,1
+ihlen,734,2
+ihlen,735,0
+ihlen,735,1
+ihlen,735,2
+ihlen,736,0
+ihlen,736,1
+ihlen,736,2
+ihlen,736,3
+ihlen,736,4
+ihlen,736,5
+ihlen,737,0
+ihlen,737,1
+ihlen,737,2
+ihlen,737,3
+ihlen,737,4
+ihlen,737,5
+ihlen,737,6
+ihlen,738,0
+ihlen,738,1
+ihlen,738,2
+ihlen,738,3
+ihlen,739,0
+ihlen,739,1
+ihlen,739,2
+ihlen,739,3
+ihlen,739,4
+ihlen,739,5
+ihlen,739,6
+ihlen,739,7
+ihlen,740,0
+ihlen,740,1
+ihlen,740,2
+ihlen,740,3
+ihlen,741,0
+ihlen,741,1
+ihlen,741,2
+ihlen,741,3
+ihlen,741,4
+ihlen,742,0
+ihlen,742,1
+ihlen,742,2
+ihlen,743,0
+ihlen,743,1
+ihlen,743,2
+ihlen,743,3
+ihlen,743,4
+ihlen,743,5
+ihlen,744,0
+ihlen,744,1
+ihlen,744,2
+ihlen,745,0
+ihlen,745,1
+ihlen,745,2
+ihlen,746,0
+ihlen,746,1
+ihlen,746,2
+ihlen,746,3
+ihlen,746,4
+ihlen,746,5
+ihlen,747,0
+ihlen,747,1
+ihlen,747,2
+ihlen,747,3
+ihlen,748,0
+ihlen,748,1
+ihlen,748,2
+ihlen,748,3
+ihlen,748,4
+ihlen,748,5
+ihlen,748,6
+ihlen,748,7
+ihlen,748,8
+ihlen,748,9
+ihlen,748,10
+ihlen,749,0
+ihlen,749,1
+ihlen,749,2
+ihlen,749,3
+ihlen,750,0
+ihlen,750,1
+ihlen,750,2
+ihlen,750,3
+ihlen,750,4
+ihlen,750,5
+ihlen,750,6
+ihlen,752,0
+ihlen,752,1
+ihlen,752,4
+ihlen,752,5
+ihlen,752,6
+ihlen,752,7
+ihlen,752,8
+ihlen,752,9
+ihlen,752,10
+ihlen,752,12
+ihlen,752,14
+ihlen,753,0
+ihlen,753,1
+ihlen,753,2
+ihlen,753,3
+ihlen,753,4
+ihlen,753,5
+ihlen,754,0
+ihlen,754,1
+ihlen,754,2
+ihlen,755,0
+ihlen,755,1
+ihlen,755,2
+ihlen,755,3
+ihlen,755,4
+ihlen,755,5
+ihlen,755,6
+ihlen,755,7
+ihlen,755,8
+ihlen,755,9
+ihlen,755,10
+ihlen,755,11
+ihlen,755,12
+ihlen,755,13
+ihlen,755,14
+ihlen,755,15
+ihlen,756,0
+ihlen,756,1
+ihlen,756,2
+ihlen,757,0
+ihlen,757,1
+ihlen,757,2
+ihlen,757,3
+ihlen,758,0
+ihlen,758,1
+ihlen,758,2
+ihlen,759,0
+ihlen,759,1
+ihlen,759,2
+ihlen,759,3
+ihlen,759,4
+ihlen,759,5
+ihlen,760,0
+ihlen,760,1
+ihlen,760,2
+ihlen,760,3
+ihlen,760,4
+ihlen,760,5
+ihlen,760,6
+ihlen,761,0
+ihlen,761,1
+ihlen,761,2
+ihlen,762,0
+ihlen,762,1
+ihlen,762,2
+ihlen,762,3
+ihlen,762,4
+ihlen,762,5
+ihlen,762,6
+ihlen,762,7
+ihlen,763,0
+ihlen,763,1
+ihlen,763,2
+ihlen,763,3
+ihlen,764,0
+ihlen,764,1
+ihlen,764,2
+ihlen,764,3
+ihlen,764,4
+ihlen,764,5
+ihlen,765,0
+ihlen,765,1
+ihlen,765,2
+ihlen,765,3
+ihlen,765,4
+ihlen,765,5
+ihlen,765,6
+ihlen,765,7
+ihlen,765,8
+ihlen,765,9
+ihlen,765,10
+ihlen,766,0
+ihlen,766,1
+ihlen,766,2
+ihlen,766,3
+ihlen,767,0
+ihlen,767,1
+ihlen,767,5
+ihlen,767,6
+ihlen,767,7
+ihlen,767,9
+ihlen,767,10
+ihlen,767,11
+ihlen,767,12
+ihlen,767,13
+ihlen,767,14
+ihlen,768,0
+ihlen,768,1
+ihlen,768,2
+ihlen,768,3
+ihlen,768,4
+ihlen,768,5
+ihlen,768,6
+ihlen,768,7
+ihlen,768,8
+ihlen,768,9
+ihlen,769,0
+ihlen,769,1
+ihlen,769,2
+ihlen,769,3
+ihlen,769,4
+ihlen,769,5
+ihlen,769,6
+ihlen,769,7
+ihlen,769,8
+ihlen,769,9
+ihlen,770,0
+ihlen,770,1
+ihlen,770,2
+ihlen,770,3
+ihlen,771,0
+ihlen,771,1
+ihlen,771,2
+ihlen,771,3
+ihlen,771,4
+ihlen,771,5
+ihlen,771,6
+ihlen,772,0
+ihlen,772,1
+ihlen,772,2
+ihlen,773,0
+ihlen,773,1
+ihlen,773,2
+ihlen,773,3
+ihlen,773,4
+ihlen,773,5
+ihlen,773,6
+ihlen,773,7
+ihlen,773,8
+ihlen,773,9
+ihlen,774,0
+ihlen,774,1
+ihlen,774,2
+ihlen,775,0
+ihlen,775,1
+ihlen,775,2
+ihlen,775,3
+ihlen,775,4
+ihlen,775,5
+ihlen,776,1
+ihlen,776,3
+ihlen,776,5
+ihlen,776,6
+ihlen,776,8
+ihlen,777,0
+ihlen,777,1
+ihlen,777,2
+ihlen,777,3
+ihlen,777,4
+ihlen,777,5
+ihlen,777,6
+ihlen,777,7
+ihlen,778,0
+ihlen,778,1
+ihlen,778,2
+ihlen,778,3
+ihlen,779,0
+ihlen,779,1
+ihlen,779,2
+ihlen,779,3
+ihlen,780,0
+ihlen,780,1
+ihlen,780,2
+ihlen,780,3
+ihlen,780,4
+ihlen,780,5
+ihlen,780,6
+ihlen,780,7
+ihlen,780,8
+ihlen,780,9
+ihlen,781,0
+ihlen,781,1
+ihlen,781,2
+ihlen,782,0
+ihlen,782,2
+ihlen,782,3
+ihlen,782,4
+ihlen,782,5
+ihlen,782,7
+ihlen,782,8
+ihlen,782,10
+ihlen,782,11
+ihlen,782,12
+ihlen,782,14
+ihlen,783,0
+ihlen,783,1
+ihlen,783,2
+ihlen,783,3
+ihlen,783,4
+ihlen,783,5
+ihlen,784,0
+ihlen,784,1
+ihlen,784,2
+ihlen,785,0
+ihlen,785,1
+ihlen,785,2
+ihlen,785,3
+ihlen,786,0
+ihlen,786,1
+ihlen,786,2
+ihlen,786,3
+ihlen,786,4
+ihlen,787,0
+ihlen,787,1
+ihlen,787,2
+ihlen,787,3
+ihlen,788,0
+ihlen,788,1
+ihlen,788,2
+ihlen,788,3
+ihlen,788,4
+ihlen,789,0
+ihlen,789,2
+ihlen,789,3
+ihlen,789,6
+ihlen,789,7
+ihlen,789,8
+ihlen,789,9
+ihlen,789,10
+ihlen,789,11
+ihlen,789,12
+ihlen,790,0
+ihlen,790,1
+ihlen,790,2
+ihlen,791,0
+ihlen,791,1
+ihlen,791,2
+ihlen,792,0
+ihlen,792,1
+ihlen,792,2
+ihlen,792,3
+ihlen,792,4
+ihlen,792,5
+ihlen,793,0
+ihlen,793,1
+ihlen,793,2
+ihlen,793,3
+ihlen,793,4
+ihlen,793,5
+ihlen,794,0
+ihlen,794,1
+ihlen,794,2
+ihlen,794,3
+ihlen,794,4
+ihlen,794,5
+ihlen,794,6
+ihlen,794,7
+ihlen,794,8
+ihlen,794,9
+ihlen,794,10
+ihlen,794,11
+ihlen,795,0
+ihlen,795,1
+ihlen,795,2
+ihlen,795,3
+ihlen,795,4
+ihlen,795,5
+ihlen,795,6
+ihlen,796,0
+ihlen,796,1
+ihlen,796,2
+ihlen,797,0
+ihlen,797,1
+ihlen,797,2
+ihlen,797,3
+ihlen,797,4
+ihlen,797,5
+ihlen,797,6
+ihlen,798,0
+ihlen,798,1
+ihlen,798,2
+ihlen,798,3
+ihlen,798,4
+ihlen,798,5
+ihlen,798,6
+ihlen,798,7
+ihlen,798,8
+ihlen,799,0
+ihlen,799,1
+ihlen,799,2
+ihlen,799,3
+ihlen,799,4
+ihlen,799,5
+ihlen,799,6
+ihlen,800,0
+ihlen,800,1
+ihlen,800,2
+ihlen,800,3
+ihlen,800,4
+ihlen,801,0
+ihlen,801,1
+ihlen,801,2
+ihlen,801,3
+ihlen,801,4
+ihlen,801,5
+ihlen,801,6
+ihlen,801,7
+ihlen,801,8
+ihlen,801,9
+ihlen,802,0
+ihlen,802,1
+ihlen,802,2
+ihlen,802,3
+ihlen,802,4
+ihlen,802,5
+ihlen,802,6
+ihlen,802,7
+ihlen,802,8
+ihlen,802,9
+ihlen,802,10
+ihlen,803,0
+ihlen,803,1
+ihlen,803,2
+ihlen,803,3
+ihlen,804,0
+ihlen,804,1
+ihlen,804,2
+ihlen,804,3
+ihlen,804,4
+ihlen,805,0
+ihlen,805,1
+ihlen,805,2
+ihlen,805,3
+ihlen,806,0
+ihlen,806,1
+ihlen,806,2
+ihlen,806,3
+ihlen,806,4
+ihlen,807,0
+ihlen,807,1
+ihlen,807,2
+ihlen,808,0
+ihlen,808,1
+ihlen,808,2
+ihlen,808,3
+ihlen,808,4
+ihlen,808,5
+ihlen,808,6
+ihlen,808,7
+ihlen,809,0
+ihlen,809,2
+ihlen,809,3
+ihlen,809,5
+ihlen,809,6
+ihlen,809,8
+ihlen,809,9
+ihlen,809,10
+ihlen,809,11
+ihlen,809,12
+ihlen,810,0
+ihlen,810,1
+ihlen,810,2
+ihlen,810,3
+ihlen,810,6
+ihlen,810,7
+ihlen,810,9
+ihlen,810,11
+ihlen,811,0
+ihlen,811,1
+ihlen,811,2
+ihlen,812,0
+ihlen,812,2
+ihlen,812,3
+ihlen,812,5
+ihlen,812,6
+ihlen,812,7
+ihlen,812,8
+ihlen,812,11
+ihlen,813,0
+ihlen,813,1
+ihlen,813,2
+ihlen,813,3
+ihlen,813,4
+ihlen,814,0
+ihlen,814,1
+ihlen,814,2
+ihlen,814,3
+ihlen,815,0
+ihlen,815,1
+ihlen,815,2
+ihlen,815,3
+ihlen,815,4
+ihlen,816,0
+ihlen,816,1
+ihlen,816,2
+ihlen,816,3
+ihlen,816,4
+ihlen,817,0
+ihlen,817,1
+ihlen,817,2
+ihlen,817,3
+ihlen,817,4
+ihlen,817,5
+ihlen,817,6
+ihlen,817,7
+ihlen,817,8
+ihlen,817,9
+ihlen,817,10
+ihlen,817,11
+ihlen,817,12
+ihlen,817,13
+ihlen,818,0
+ihlen,818,1
+ihlen,818,2
+ihlen,819,0
+ihlen,819,1
+ihlen,819,2
+ihlen,819,3
+ihlen,819,4
+ihlen,821,0
+ihlen,821,1
+ihlen,821,2
+ihlen,821,4
+ihlen,821,5
+ihlen,821,6
+ihlen,821,9
+ihlen,821,10
+ihlen,821,11
+ihlen,822,1
+ihlen,822,2
+ihlen,822,3
+ihlen,822,4
+ihlen,822,6
+ihlen,822,9
+ihlen,822,10
+ihlen,822,11
+ihlen,822,12
+ihlen,823,0
+ihlen,823,1
+ihlen,823,2
+ihlen,824,0
+ihlen,824,1
+ihlen,824,2
+ihlen,824,3
+ihlen,824,4
+ihlen,825,0
+ihlen,825,1
+ihlen,825,2
+ihlen,825,3
+ihlen,825,4
+ihlen,825,5
+ihlen,825,6
+ihlen,825,7
+ihlen,825,8
+ihlen,825,9
+ihlen,825,10
+ihlen,826,0
+ihlen,826,1
+ihlen,826,2
+ihlen,826,3
+ihlen,826,4
+ihlen,826,5
+ihlen,827,0
+ihlen,827,1
+ihlen,827,2
+ihlen,827,3
+ihlen,827,4
+ihlen,827,5
+ihlen,827,6
+ihlen,828,0
+ihlen,828,1
+ihlen,828,2
+ihlen,828,3
+ihlen,828,4
+ihlen,828,5
+ihlen,828,6
+ihlen,829,0
+ihlen,829,1
+ihlen,829,2
+ihlen,829,3
+ihlen,830,0
+ihlen,830,1
+ihlen,830,2
+ihlen,830,3
+ihlen,830,4
+ihlen,830,5
+ihlen,830,6
+ihlen,831,4
+ihlen,831,5
+ihlen,831,6
+ihlen,831,7
+ihlen,831,8
+ihlen,831,9
+ihlen,832,0
+ihlen,832,1
+ihlen,832,2
+ihlen,832,3
+ihlen,832,4
+ihlen,833,0
+ihlen,833,1
+ihlen,833,2
+ihlen,834,0
+ihlen,834,1
+ihlen,834,2
+ihlen,834,3
+ihlen,834,4
+ihlen,834,5
+ihlen,835,0
+ihlen,835,1
+ihlen,835,2
+ihlen,835,3
+ihlen,835,4
+ihlen,836,0
+ihlen,836,1
+ihlen,836,2
+ihlen,836,3
+ihlen,836,4
+ihlen,836,5
+ihlen,836,6
+ihlen,836,7
+ihlen,836,8
+ihlen,837,0
+ihlen,837,1
+ihlen,837,2
+ihlen,837,3
+ihlen,837,4
+ihlen,837,5
+ihlen,837,6
+ihlen,837,7
+ihlen,838,0
+ihlen,838,1
+ihlen,838,2
+ihlen,839,0
+ihlen,839,1
+ihlen,839,2
+ihlen,840,0
+ihlen,840,1
+ihlen,840,2
+ihlen,840,3
+ihlen,840,4
+ihlen,840,5
+ihlen,841,0
+ihlen,841,1
+ihlen,841,2
+ihlen,841,3
+ihlen,842,0
+ihlen,842,1
+ihlen,842,2
+ihlen,842,3
+ihlen,842,5
+ihlen,842,6
+ihlen,842,8
+ihlen,842,10
+ihlen,842,11
+ihlen,842,13
+ihlen,842,14
+ihlen,843,0
+ihlen,843,1
+ihlen,843,2
+ihlen,843,3
+ihlen,844,0
+ihlen,844,1
+ihlen,844,2
+ihlen,844,3
+ihlen,844,4
+ihlen,844,5
+ihlen,844,6
+ihlen,845,0
+ihlen,845,1
+ihlen,845,2
+ihlen,845,3
+ihlen,845,4
+ihlen,846,0
+ihlen,846,1
+ihlen,846,2
+ihlen,847,0
+ihlen,847,2
+ihlen,847,3
+ihlen,847,4
+ihlen,847,5
+ihlen,847,6
+ihlen,847,7
+ihlen,847,9
+ihlen,847,11
+ihlen,847,13
+ihlen,847,14
+ihlen,848,0
+ihlen,848,1
+ihlen,848,2
+ihlen,848,3
+ihlen,849,0
+ihlen,849,1
+ihlen,849,2
+ihlen,850,0
+ihlen,850,1
+ihlen,850,2
+ihlen,850,3
+ihlen,850,4
+ihlen,850,5
+ihlen,850,6
+ihlen,851,0
+ihlen,851,2
+ihlen,851,3
+ihlen,851,6
+ihlen,851,7
+ihlen,851,8
+ihlen,851,9
+ihlen,851,11
+ihlen,851,12
+ihlen,851,13
+ihlen,852,0
+ihlen,852,1
+ihlen,852,2
+ihlen,852,3
+ihlen,852,4
+ihlen,852,5
+ihlen,853,0
+ihlen,853,1
+ihlen,853,2
+ihlen,853,3
+ihlen,853,4
+ihlen,853,5
+ihlen,854,0
+ihlen,854,1
+ihlen,854,2
+ihlen,854,3
+ihlen,854,4
+ihlen,854,5
+ihlen,854,6
+ihlen,854,7
+ihlen,855,0
+ihlen,855,1
+ihlen,855,2
+ihlen,855,3
+ihlen,855,4
+ihlen,855,5
+ihlen,856,0
+ihlen,856,1
+ihlen,857,0
+ihlen,857,1
+ihlen,857,2
+ihlen,857,3
+ihlen,858,0
+ihlen,858,1
+ihlen,858,2
+ihlen,858,3
+ihlen,858,4
+ihlen,858,5
+ihlen,858,6
+ihlen,859,0
+ihlen,859,2
+ihlen,859,5
+ihlen,859,6
+ihlen,859,7
+ihlen,859,8
+ihlen,859,9
+ihlen,859,10
+ihlen,859,11
+ihlen,859,13
+ihlen,859,14
+ihlen,860,0
+ihlen,860,1
+ihlen,860,2
+ihlen,860,3
+ihlen,861,0
+ihlen,861,1
+ihlen,861,2
+ihlen,861,3
+ihlen,861,4
+ihlen,861,5
+ihlen,861,6
+ihlen,861,7
+ihlen,862,0
+ihlen,862,1
+ihlen,862,2
+ihlen,863,0
+ihlen,863,1
+ihlen,863,2
+ihlen,863,3
+ihlen,863,4
+ihlen,863,5
+ihlen,864,0
+ihlen,864,1
+ihlen,864,2
+ihlen,864,3
+ihlen,864,4
+ihlen,865,0
+ihlen,865,1
+ihlen,865,2
+ihlen,865,3
+ihlen,866,0
+ihlen,866,1
+ihlen,866,2
+ihlen,866,3
+ihlen,867,0
+ihlen,867,1
+ihlen,867,2
+ihlen,867,3
+ihlen,867,4
+ihlen,867,5
+ihlen,867,6
+ihlen,867,7
+ihlen,867,8
+ihlen,868,0
+ihlen,868,1
+ihlen,868,2
+ihlen,868,3
+ihlen,868,4
+ihlen,868,5
+ihlen,868,6
+ihlen,868,7
+ihlen,868,8
+ihlen,868,9
+ihlen,868,10
+ihlen,869,0
+ihlen,869,1
+ihlen,869,2
+ihlen,870,0
+ihlen,870,1
+ihlen,870,2
+ihlen,871,0
+ihlen,871,1
+ihlen,871,2
+ihlen,871,3
+ihlen,871,4
+ihlen,872,0
+ihlen,872,1
+ihlen,872,2
+ihlen,872,3
+ihlen,872,4
+ihlen,872,5
+ihlen,873,0
+ihlen,873,1
+ihlen,873,2
+ihlen,874,0
+ihlen,874,1
+ihlen,874,4
+ihlen,874,5
+ihlen,874,7
+ihlen,874,8
+ihlen,875,0
+ihlen,875,1
+ihlen,875,2
+ihlen,875,3
+ihlen,876,0
+ihlen,876,1
+ihlen,876,2
+ihlen,876,3
+ihlen,876,4
+ihlen,877,0
+ihlen,877,1
+ihlen,877,2
+ihlen,877,3
+ihlen,877,4
+ihlen,877,5
+ihlen,877,6
+ihlen,877,7
+ihlen,877,8
+ihlen,878,0
+ihlen,878,1
+ihlen,878,2
+ihlen,878,3
+ihlen,878,4
+ihlen,878,5
+ihlen,878,6
+ihlen,879,0
+ihlen,879,1
+ihlen,879,2
+ihlen,879,3
+ihlen,879,4
+ihlen,880,0
+ihlen,880,1
+ihlen,880,2
+ihlen,881,0
+ihlen,881,1
+ihlen,881,2
+ihlen,882,0
+ihlen,882,1
+ihlen,882,2
+ihlen,882,3
+ihlen,882,4
+ihlen,882,5
+ihlen,883,0
+ihlen,883,1
+ihlen,883,2
+ihlen,883,3
+ihlen,883,4
+ihlen,884,0
+ihlen,884,1
+ihlen,884,2
+ihlen,884,3
+ihlen,884,4
+ihlen,884,5
+ihlen,884,6
+ihlen,884,7
+ihlen,885,1
+ihlen,885,4
+ihlen,885,5
+ihlen,885,6
+ihlen,886,0
+ihlen,886,1
+ihlen,886,2
+ihlen,886,3
+ihlen,887,0
+ihlen,887,1
+ihlen,887,2
+ihlen,887,3
+ihlen,888,0
+ihlen,888,1
+ihlen,888,2
+ihlen,888,3
+ihlen,888,4
+ihlen,889,0
+ihlen,889,1
+ihlen,889,2
+ihlen,889,3
+ihlen,890,4
+ihlen,891,0
+ihlen,891,1
+ihlen,891,2
+ihlen,891,3
+ihlen,891,4
+ihlen,891,5
+ihlen,891,6
+ihlen,891,7
+ihlen,891,8
+ihlen,891,9
+ihlen,891,10
+ihlen,891,11
+ihlen,891,12
+ihlen,892,0
+ihlen,892,1
+ihlen,892,2
+ihlen,892,3
+ihlen,892,4
+ihlen,892,5
+ihlen,892,6
+ihlen,893,0
+ihlen,893,1
+ihlen,893,2
+ihlen,893,3
+ihlen,894,0
+ihlen,894,1
+ihlen,894,2
+ihlen,895,0
+ihlen,895,1
+ihlen,895,2
+ihlen,895,3
+ihlen,895,4
+ihlen,896,0
+ihlen,896,1
+ihlen,896,2
+ihlen,896,3
+ihlen,896,4
+ihlen,897,0
+ihlen,897,1
+ihlen,897,2
+ihlen,897,3
+ihlen,897,4
+ihlen,898,0
+ihlen,898,1
+ihlen,898,2
+ihlen,899,0
+ihlen,899,1
+ihlen,899,2
+ihlen,899,3
+ihlen,899,4
+ihlen,900,0
+ihlen,900,1
+ihlen,900,2
+ihlen,900,3
+ihlen,900,4
+ihlen,901,0
+ihlen,901,1
+ihlen,901,2
+ihlen,901,3
+ihlen,902,0
+ihlen,902,1
+ihlen,902,2
+ihlen,902,3
+ihlen,902,4
+ihlen,902,5
+ihlen,902,6
+ihlen,902,7
+ihlen,902,8
+ihlen,903,0
+ihlen,903,1
+ihlen,903,2
+ihlen,903,3
+ihlen,903,4
+ihlen,903,5
+ihlen,904,0
+ihlen,904,1
+ihlen,904,2
+ihlen,905,1
+ihlen,905,2
+ihlen,905,3
+ihlen,905,4
+ihlen,905,5
+ihlen,905,6
+ihlen,905,8
+ihlen,905,10
+ihlen,905,12
+ihlen,906,0
+ihlen,906,1
+ihlen,906,2
+ihlen,906,3
+ihlen,907,0
+ihlen,907,1
+ihlen,907,2
+ihlen,907,3
+ihlen,907,4
+ihlen,907,5
+ihlen,907,6
+ihlen,907,7
+ihlen,907,8
+ihlen,907,9
+ihlen,907,10
+ihlen,907,11
+ihlen,908,0
+ihlen,908,1
+ihlen,908,2
+ihlen,908,3
+ihlen,908,4
+ihlen,908,5
+ihlen,908,6
+ihlen,908,7
+ihlen,909,0
+ihlen,909,1
+ihlen,909,2
+ihlen,910,0
+ihlen,910,1
+ihlen,910,3
+ihlen,910,4
+ihlen,910,5
+ihlen,910,6
+ihlen,910,7
+ihlen,910,10
+ihlen,910,11
+ihlen,910,12
+ihlen,910,14
+ihlen,910,15
+ihlen,911,0
+ihlen,911,1
+ihlen,911,2
+ihlen,912,0
+ihlen,912,1
+ihlen,912,2
+ihlen,912,3
+ihlen,912,4
+ihlen,912,5
+ihlen,913,0
+ihlen,913,1
+ihlen,913,2
+ihlen,914,0
+ihlen,914,1
+ihlen,914,2
+ihlen,914,3
+ihlen,914,4
+ihlen,914,5
+ihlen,914,6
+ihlen,914,7
+ihlen,914,8
+ihlen,914,9
+ihlen,914,10
+ihlen,914,11
+ihlen,914,12
+ihlen,915,0
+ihlen,915,1
+ihlen,915,2
+ihlen,915,3
+ihlen,916,0
+ihlen,916,1
+ihlen,916,2
+ihlen,916,3
+ihlen,916,4
+ihlen,916,5
+ihlen,916,6
+ihlen,916,7
+ihlen,916,8
+ihlen,916,9
+ihlen,917,0
+ihlen,917,1
+ihlen,917,2
+ihlen,917,3
+ihlen,918,0
+ihlen,918,1
+ihlen,918,2
+ihlen,918,3
+ihlen,918,4
+ihlen,918,5
+ihlen,918,6
+ihlen,918,7
+ihlen,919,0
+ihlen,919,1
+ihlen,919,2
+ihlen,920,0
+ihlen,920,1
+ihlen,920,2
+ihlen,921,0
+ihlen,921,1
+ihlen,921,2
+ihlen,921,3
+ihlen,922,0
+ihlen,922,1
+ihlen,922,2
+ihlen,922,3
+ihlen,922,4
+ihlen,922,5
+ihlen,922,6
+ihlen,922,7
+ihlen,923,0
+ihlen,923,1
+ihlen,923,2
+ihlen,923,3
+ihlen,923,4
+ihlen,923,5
+ihlen,923,6
+ihlen,924,0
+ihlen,924,1
+ihlen,924,2
+ihlen,924,3
+ihlen,924,4
+ihlen,925,0
+ihlen,925,1
+ihlen,925,2
+ihlen,925,3
+ihlen,925,4
+ihlen,926,0
+ihlen,926,1
+ihlen,926,2
+ihlen,927,0
+ihlen,927,1
+ihlen,927,2
+ihlen,927,3
+ihlen,928,0
+ihlen,928,1
+ihlen,928,2
+ihlen,928,3
+ihlen,929,0
+ihlen,929,1
+ihlen,929,2
+ihlen,929,3
+ihlen,929,4
+ihlen,929,5
+ihlen,929,6
+ihlen,929,7
+ihlen,930,0
+ihlen,930,1
+ihlen,930,2
+ihlen,930,3
+ihlen,930,4
+ihlen,930,5
+ihlen,930,6
+ihlen,930,7
+ihlen,930,8
+ihlen,930,9
+ihlen,930,10
+ihlen,930,11
+ihlen,930,12
+ihlen,931,0
+ihlen,931,1
+ihlen,931,2
+ihlen,931,3
+ihlen,931,4
+ihlen,931,5
+ihlen,931,6
+ihlen,931,7
+ihlen,931,8
+ihlen,931,9
+ihlen,931,10
+ihlen,932,0
+ihlen,932,1
+ihlen,932,2
+ihlen,932,3
+ihlen,932,4
+ihlen,933,0
+ihlen,933,1
+ihlen,933,2
+ihlen,933,3
+ihlen,933,4
+ihlen,933,5
+ihlen,933,6
+ihlen,933,7
+ihlen,934,0
+ihlen,934,1
+ihlen,934,2
+ihlen,934,3
+ihlen,934,4
+ihlen,934,5
+ihlen,935,0
+ihlen,935,1
+ihlen,935,2
+ihlen,935,3
+ihlen,935,4
+ihlen,935,5
+ihlen,936,0
+ihlen,936,1
+ihlen,936,2
+ihlen,936,3
+ihlen,936,4
+ihlen,936,5
+ihlen,937,0
+ihlen,937,1
+ihlen,937,2
+ihlen,937,3
+ihlen,937,4
+ihlen,937,5
+ihlen,937,6
+ihlen,937,7
+ihlen,937,8
+ihlen,938,0
+ihlen,938,1
+ihlen,938,2
+ihlen,938,3
+ihlen,938,4
+ihlen,939,0
+ihlen,939,1
+ihlen,939,2
+ihlen,940,0
+ihlen,940,1
+ihlen,940,2
+ihlen,941,0
+ihlen,941,1
+ihlen,941,2
+ihlen,942,0
+ihlen,942,1
+ihlen,942,2
+ihlen,942,3
+ihlen,943,1
+ihlen,943,2
+ihlen,943,3
+ihlen,943,5
+ihlen,943,6
+ihlen,943,8
+ihlen,944,0
+ihlen,944,1
+ihlen,944,2
+ihlen,945,0
+ihlen,945,1
+ihlen,945,2
+ihlen,945,3
+ihlen,945,4
+ihlen,945,5
+ihlen,945,6
+ihlen,945,7
+ihlen,946,1
+ihlen,946,2
+ihlen,947,0
+ihlen,947,1
+ihlen,947,2
+ihlen,948,0
+ihlen,948,1
+ihlen,948,2
+ihlen,948,3
+ihlen,948,4
+ihlen,949,0
+ihlen,949,1
+ihlen,949,2
+ihlen,950,0
+ihlen,950,2
+ihlen,950,3
+ihlen,950,5
+ihlen,950,6
+ihlen,950,9
+ihlen,951,0
+ihlen,951,1
+ihlen,951,2
+ihlen,951,3
+ihlen,951,4
+ihlen,952,0
+ihlen,952,1
+ihlen,952,2
+ihlen,952,3
+ihlen,952,4
+ihlen,952,5
+ihlen,952,6
+ihlen,952,7
+ihlen,952,8
+ihlen,953,0
+ihlen,953,4
+ihlen,953,5
+ihlen,953,6
+ihlen,953,7
+ihlen,953,8
+ihlen,953,10
+ihlen,953,11
+ihlen,954,0
+ihlen,954,1
+ihlen,954,2
+ihlen,955,0
+ihlen,955,1
+ihlen,955,2
+ihlen,955,3
+ihlen,955,4
+ihlen,955,5
+ihlen,955,6
+ihlen,955,7
+ihlen,955,8
+ihlen,956,0
+ihlen,956,1
+ihlen,956,2
+ihlen,956,3
+ihlen,956,4
+ihlen,956,5
+ihlen,957,0
+ihlen,957,2
+ihlen,957,4
+ihlen,957,5
+ihlen,957,7
+ihlen,957,8
+ihlen,957,9
+ihlen,957,11
+ihlen,957,12
+ihlen,958,0
+ihlen,958,1
+ihlen,958,2
+ihlen,958,3
+ihlen,958,4
+ihlen,958,5
+ihlen,958,6
+ihlen,958,7
+ihlen,959,0
+ihlen,959,1
+ihlen,959,2
+ihlen,959,3
+ihlen,960,0
+ihlen,960,2
+ihlen,960,4
+ihlen,960,5
+ihlen,960,6
+ihlen,960,7
+ihlen,960,9
+ihlen,960,10
+ihlen,960,11
+ihlen,960,12
+ihlen,960,14
+ihlen,961,0
+ihlen,961,1
+ihlen,961,2
+ihlen,961,3
+ihlen,961,4
+ihlen,962,0
+ihlen,962,1
+ihlen,962,2
+ihlen,962,3
+ihlen,962,4
+ihlen,962,5
+ihlen,962,6
+ihlen,962,7
+ihlen,962,8
+ihlen,962,9
+ihlen,963,0
+ihlen,963,1
+ihlen,963,2
+ihlen,963,3
+ihlen,963,4
+ihlen,963,5
+ihlen,963,6
+ihlen,963,7
+ihlen,963,8
+ihlen,964,0
+ihlen,964,1
+ihlen,964,2
+ihlen,965,0
+ihlen,965,1
+ihlen,965,2
+ihlen,966,0
+ihlen,966,1
+ihlen,966,2
+ihlen,966,3
+ihlen,966,4
+ihlen,966,5
+ihlen,967,0
+ihlen,967,1
+ihlen,967,2
+ihlen,967,3
+ihlen,967,4
+ihlen,967,5
+ihlen,968,0
+ihlen,968,1
+ihlen,968,2
+ihlen,968,3
+ihlen,969,0
+ihlen,969,1
+ihlen,969,2
+ihlen,970,0
+ihlen,970,1
+ihlen,970,2
+ihlen,970,3
+ihlen,970,4
+ihlen,971,0
+ihlen,971,1
+ihlen,971,2
+ihlen,971,3
+ihlen,971,4
+ihlen,971,5
+ihlen,972,0
+ihlen,972,1
+ihlen,972,2
+ihlen,973,0
+ihlen,973,1
+ihlen,973,2
+ihlen,973,3
+ihlen,974,0
+ihlen,974,1
+ihlen,974,2
+ihlen,975,0
+ihlen,975,1
+ihlen,975,2
+ihlen,975,3
+ihlen,976,0
+ihlen,976,1
+ihlen,976,2
+ihlen,976,3
+ihlen,976,4
+ihlen,976,5
+ihlen,976,6
+ihlen,976,7
+ihlen,976,8
+ihlen,977,0
+ihlen,977,1
+ihlen,977,2
+ihlen,977,3
+ihlen,977,4
+ihlen,978,0
+ihlen,978,1
+ihlen,978,2
+ihlen,978,3
+ihlen,978,4
+ihlen,978,5
+ihlen,978,6
+ihlen,978,7
+ihlen,979,0
+ihlen,979,1
+ihlen,979,2
+ihlen,980,0
+ihlen,980,1
+ihlen,980,2
+ihlen,980,3
+ihlen,981,0
+ihlen,981,1
+ihlen,981,2
+ihlen,981,3
+ihlen,981,4
+ihlen,981,5
+ihlen,981,6
+ihlen,982,0
+ihlen,982,1
+ihlen,982,6
+ihlen,982,7
+ihlen,982,8
+ihlen,982,9
+ihlen,983,0
+ihlen,983,1
+ihlen,983,2
+ihlen,983,3
+ihlen,983,4
+ihlen,983,5
+ihlen,984,0
+ihlen,984,1
+ihlen,984,2
+ihlen,984,3
+ihlen,984,4
+ihlen,984,7
+ihlen,984,8
+ihlen,984,9
+ihlen,984,10
+ihlen,984,11
+ihlen,984,13
+ihlen,985,0
+ihlen,985,1
+ihlen,985,2
+ihlen,985,3
+ihlen,985,4
+ihlen,985,5
+ihlen,985,6
+ihlen,985,7
+ihlen,985,8
+ihlen,985,9
+ihlen,986,0
+ihlen,986,1
+ihlen,986,2
+ihlen,986,3
+ihlen,987,0
+ihlen,987,1
+ihlen,987,2
+ihlen,987,3
+ihlen,988,0
+ihlen,988,1
+ihlen,988,2
+ihlen,988,3
+ihlen,989,0
+ihlen,989,1
+ihlen,989,2
+ihlen,989,3
+ihlen,989,4
+ihlen,989,5
+ihlen,989,6
+ihlen,989,7
+ihlen,989,8
+ihlen,989,9
+ihlen,989,10
+ihlen,990,0
+ihlen,990,1
+ihlen,990,2
+ihlen,991,0
+ihlen,991,1
+ihlen,991,2
+ihlen,991,3
+ihlen,991,4
+ihlen,992,0
+ihlen,992,1
+ihlen,992,2
+ihlen,992,3
+ihlen,993,0
+ihlen,993,1
+ihlen,993,2
+ihlen,994,0
+ihlen,994,1
+ihlen,994,2
+ihlen,995,0
+ihlen,995,1
+ihlen,995,2
+ihlen,995,3
+ihlen,995,4
+ihlen,995,5
+ihlen,996,0
+ihlen,996,1
+ihlen,996,2
+ihlen,996,3
+ihlen,996,4
+ihlen,997,0
+ihlen,997,1
+ihlen,997,2
+ihlen,997,3
+ihlen,997,4
+ihlen,997,5
+ihlen,998,0
+ihlen,998,1
+ihlen,998,2
+ihlen,999,1
+ihlen,999,2
+ihlen,999,4
+ihlen,999,7
+ihlen,999,8
+ihlen,1000,0
+ihlen,1000,1
+ihlen,1000,2
+ihlen,1000,3
+ihlen,1000,4
+ihlen,1000,5
+ihlen,1000,7
+ihlen,1000,10
+ihlen,1000,11
+ihlen,1000,12
+ihlen,1000,14
+ihlen,1001,0
+ihlen,1001,1
+ihlen,1001,2
+ihlen,1001,3
+ihlen,1001,4
+ihlen,1001,5
+ihlen,1001,6
+ihlen,1001,7
+ihlen,1001,8
+ihlen,1001,9
+ihlen,1002,0
+ihlen,1002,1
+ihlen,1002,2
+ihlen,1003,0
+ihlen,1003,1
+ihlen,1003,2
+ihlen,1003,3
+ihlen,1003,4
+ihlen,1003,5
+ihlen,1004,0
+ihlen,1004,1
+ihlen,1004,2
+ihlen,1004,3
+ihlen,1004,4
+ihlen,1004,5
+ihlen,1004,6
+ihlen,1004,7
+ihlen,1004,8
+ihlen,1004,9
+ihlen,1004,10
+ihlen,1004,11
+ihlen,1005,0
+ihlen,1005,1
+ihlen,1005,2
+ihlen,1005,3
+ihlen,1006,0
+ihlen,1006,1
+ihlen,1006,2
+ihlen,1006,3
+ihlen,1007,0
+ihlen,1007,1
+ihlen,1007,2
+ihlen,1007,3
+ihlen,1007,4
+ihlen,1007,5
+ihlen,1007,6
+ihlen,1007,7
+ihlen,1007,8
+ihlen,1008,0
+ihlen,1008,1
+ihlen,1008,2
+ihlen,1008,3
+ihlen,1008,4
+ihlen,1008,5
+ihlen,1008,6
+ihlen,1008,7
+ihlen,1008,8
+ihlen,1008,9
+ihlen,1009,0
+ihlen,1009,1
+ihlen,1009,2
+ihlen,1009,3
+ihlen,1009,4
+ihlen,1010,1
+ihlen,1010,2
+ihlen,1010,4
+ihlen,1010,5
+ihlen,1010,8
+ihlen,1011,0
+ihlen,1011,1
+ihlen,1011,2
+ihlen,1011,3
+ihlen,1011,4
+ihlen,1011,5
+ihlen,1011,6
+ihlen,1011,7
+ihlen,1012,0
+ihlen,1012,1
+ihlen,1012,2
+ihlen,1012,3
+ihlen,1012,4
+ihlen,1013,0
+ihlen,1013,1
+ihlen,1013,2
+ihlen,1013,3
+ihlen,1013,4
+ihlen,1013,5
+ihlen,1014,0
+ihlen,1014,1
+ihlen,1014,2
+ihlen,1014,3
+ihlen,1014,4
+ihlen,1015,0
+ihlen,1015,1
+ihlen,1015,2
+ihlen,1015,3
+ihlen,1015,4
+ihlen,1015,5
+ihlen,1015,6
+ihlen,1015,7
+ihlen,1015,8
+ihlen,1016,0
+ihlen,1016,1
+ihlen,1016,2
+ihlen,1016,3
+ihlen,1016,4
+ihlen,1016,5
+ihlen,1016,6
+ihlen,1016,7
+ihlen,1017,0
+ihlen,1017,1
+ihlen,1017,2
+ihlen,1018,0
+ihlen,1018,1
+ihlen,1018,2
+ihlen,1018,3
+ihlen,1018,4
+ihlen,1019,0
+ihlen,1019,1
+ihlen,1019,2
+ihlen,1020,0
+ihlen,1020,1
+ihlen,1020,2
+ihlen,1021,0
+ihlen,1021,1
+ihlen,1021,3
+ihlen,1021,4
+ihlen,1021,5
+ihlen,1021,9
+ihlen,1021,10
+ihlen,1022,1
+ihlen,1022,3
+ihlen,1022,4
+ihlen,1022,7
+ihlen,1023,0
+ihlen,1023,1
+ihlen,1023,2
+ihlen,1024,0
+ihlen,1024,1
+ihlen,1024,2
+ihlen,1024,3
+ihlen,1024,4
+ihlen,1024,5
+ihlen,1024,6
+ihlen,1024,7
+ihlen,1024,8
+ihlen,1025,0
+ihlen,1025,1
+ihlen,1025,2
+ihlen,1025,3
+ihlen,1025,4
+ihlen,1025,5
+ihlen,1025,6
+ihlen,1026,0
+ihlen,1026,1
+ihlen,1026,2
+ihlen,1027,0
+ihlen,1027,1
+ihlen,1027,2
+ihlen,1027,3
+ihlen,1027,4
+ihlen,1027,5
+ihlen,1027,6
+ihlen,1027,7
+ihlen,1027,8
+ihlen,1028,0
+ihlen,1028,1
+ihlen,1028,2
+ihlen,1028,3
+ihlen,1028,4
+ihlen,1028,5
+ihlen,1028,6
+ihlen,1028,7
+ihlen,1029,0
+ihlen,1029,1
+ihlen,1029,2
+ihlen,1029,3
+ihlen,1029,4
+ihlen,1030,0
+ihlen,1030,1
+ihlen,1030,2
+ihlen,1030,3
+ihlen,1030,4
+ihlen,1030,5
+ihlen,1030,6
+ihlen,1030,7
+ihlen,1030,8
+ihlen,1030,9
+ihlen,1031,0
+ihlen,1031,1
+ihlen,1031,2
+ihlen,1031,3
+ihlen,1031,4
+ihlen,1031,5
+ihlen,1031,6
+ihlen,1031,7
+ihlen,1032,1
+ihlen,1032,2
+ihlen,1032,3
+ihlen,1032,5
+ihlen,1032,8
+ihlen,1033,0
+ihlen,1033,1
+ihlen,1033,2
+ihlen,1033,3
+ihlen,1033,4
+ihlen,1034,0
+ihlen,1034,1
+ihlen,1034,2
+ihlen,1034,3
+ihlen,1034,4
+ihlen,1034,5
+ihlen,1034,6
+ihlen,1035,0
+ihlen,1035,1
+ihlen,1035,2
+ihlen,1036,0
+ihlen,1036,5
+ihlen,1036,6
+ihlen,1036,7
+ihlen,1037,0
+ihlen,1037,1
+ihlen,1037,2
+ihlen,1037,3
+ihlen,1037,4
+ihlen,1037,5
+ihlen,1037,6
+ihlen,1038,0
+ihlen,1038,1
+ihlen,1038,2
+ihlen,1038,3
+ihlen,1038,4
+ihlen,1038,5
+ihlen,1038,6
+ihlen,1039,0
+ihlen,1039,1
+ihlen,1039,2
+ihlen,1039,3
+ihlen,1040,0
+ihlen,1040,1
+ihlen,1040,2
+ihlen,1040,3
+ihlen,1041,0
+ihlen,1041,1
+ihlen,1041,2
+ihlen,1041,3
+ihlen,1041,4
+ihlen,1041,5
+ihlen,1041,6
+ihlen,1041,7
+ihlen,1041,8
+ihlen,1042,0
+ihlen,1042,1
+ihlen,1042,2
+ihlen,1043,0
+ihlen,1043,1
+ihlen,1043,2
+ihlen,1043,3
+ihlen,1044,0
+ihlen,1044,1
+ihlen,1044,2
+ihlen,1045,0
+ihlen,1045,1
+ihlen,1045,2
+ihlen,1045,3
+ihlen,1046,0
+ihlen,1046,1
+ihlen,1046,2
+ihlen,1046,3
+ihlen,1046,4
+ihlen,1046,5
+ihlen,1046,6
+ihlen,1046,7
+ihlen,1046,8
+ihlen,1046,9
+ihlen,1046,10
+ihlen,1046,11
+ihlen,1046,12
+ihlen,1047,0
+ihlen,1047,1
+ihlen,1047,2
+ihlen,1049,0
+ihlen,1049,1
+ihlen,1049,2
+ihlen,1050,0
+ihlen,1050,1
+ihlen,1050,2
+ihlen,1050,3
+ihlen,1051,0
+ihlen,1051,1
+ihlen,1051,2
+ihlen,1051,3
+ihlen,1051,4
+ihlen,1051,5
+ihlen,1052,0
+ihlen,1052,1
+ihlen,1052,2
+ihlen,1053,0
+ihlen,1053,1
+ihlen,1053,2
+ihlen,1054,0
+ihlen,1054,1
+ihlen,1054,2
+ihlen,1055,0
+ihlen,1055,1
+ihlen,1055,2
+ihlen,1056,0
+ihlen,1056,1
+ihlen,1056,2
+ihlen,1056,3
+ihlen,1056,4
+ihlen,1056,5
+ihlen,1056,6
+ihlen,1057,0
+ihlen,1057,1
+ihlen,1057,2
+ihlen,1058,0
+ihlen,1058,1
+ihlen,1058,2
+ihlen,1058,3
+ihlen,1058,4
+ihlen,1058,5
+ihlen,1059,0
+ihlen,1059,1
+ihlen,1059,2
+ihlen,1059,3
+ihlen,1059,4
+ihlen,1059,5
+ihlen,1060,0
+ihlen,1060,1
+ihlen,1060,2
+ihlen,1060,3
+ihlen,1060,4
+ihlen,1060,5
+ihlen,1060,6
+ihlen,1060,7
+ihlen,1060,8
+ihlen,1060,9
+ihlen,1061,0
+ihlen,1061,1
+ihlen,1061,2
+ihlen,1062,2
+ihlen,1062,3
+ihlen,1062,4
+ihlen,1062,5
+ihlen,1062,6
+ihlen,1062,7
+ihlen,1062,9
+ihlen,1063,0
+ihlen,1063,1
+ihlen,1063,2
+ihlen,1063,3
+ihlen,1063,4
+ihlen,1063,5
+ihlen,1063,6
+ihlen,1063,7
+ihlen,1063,8
+ihlen,1064,0
+ihlen,1064,1
+ihlen,1064,2
+ihlen,1064,3
+ihlen,1065,0
+ihlen,1065,1
+ihlen,1065,2
+ihlen,1065,3
+ihlen,1065,4
+ihlen,1065,5
+ihlen,1065,6
+ihlen,1066,0
+ihlen,1066,1
+ihlen,1066,2
+ihlen,1066,3
+ihlen,1066,4
+ihlen,1066,5
+ihlen,1066,6
+ihlen,1066,7
+ihlen,1066,8
+ihlen,1066,9
+ihlen,1066,10
+ihlen,1067,1
+ihlen,1067,3
+ihlen,1067,4
+ihlen,1067,5
+ihlen,1067,6
+ihlen,1068,3
+ihlen,1069,0
+ihlen,1069,1
+ihlen,1069,2
+ihlen,1070,0
+ihlen,1070,1
+ihlen,1070,2
+ihlen,1070,3
+ihlen,1071,0
+ihlen,1071,1
+ihlen,1071,2
+ihlen,1071,3
+ihlen,1071,4
+ihlen,1071,5
+ihlen,1071,6
+ihlen,1071,7
+ihlen,1071,8
+ihlen,1071,9
+ihlen,1071,10
+ihlen,1072,0
+ihlen,1072,1
+ihlen,1072,2
+ihlen,1072,3
+ihlen,1073,0
+ihlen,1073,1
+ihlen,1073,2
+ihlen,1073,3
+ihlen,1073,4
+ihlen,1074,0
+ihlen,1074,1
+ihlen,1074,2
+ihlen,1075,0
+ihlen,1075,1
+ihlen,1075,2
+ihlen,1075,3
+ihlen,1075,4
+ihlen,1075,5
+ihlen,1075,6
+ihlen,1075,7
+ihlen,1075,8
+ihlen,1075,9
+ihlen,1076,0
+ihlen,1076,2
+ihlen,1076,3
+ihlen,1076,6
+ihlen,1076,8
+ihlen,1076,9
+ihlen,1076,10
+ihlen,1076,11
+ihlen,1076,12
+ihlen,1076,13
+ihlen,1077,0
+ihlen,1077,1
+ihlen,1077,2
+ihlen,1078,0
+ihlen,1078,1
+ihlen,1078,2
+ihlen,1078,3
+ihlen,1078,4
+ihlen,1078,5
+ihlen,1079,0
+ihlen,1079,1
+ihlen,1079,2
+ihlen,1079,3
+ihlen,1079,4
+ihlen,1079,5
+ihlen,1080,0
+ihlen,1080,1
+ihlen,1080,2
+ihlen,1080,3
+ihlen,1080,4
+ihlen,1081,0
+ihlen,1081,1
+ihlen,1081,2
+ihlen,1082,0
+ihlen,1082,1
+ihlen,1082,2
+ihlen,1082,3
+ihlen,1082,4
+ihlen,1083,0
+ihlen,1083,1
+ihlen,1083,2
+ihlen,1083,3
+ihlen,1084,0
+ihlen,1084,1
+ihlen,1084,2
+ihlen,1084,3
+ihlen,1085,0
+ihlen,1085,1
+ihlen,1085,2
+ihlen,1085,3
+ihlen,1085,4
+ihlen,1085,5
+ihlen,1085,6
+ihlen,1085,7
+ihlen,1085,8
+ihlen,1085,9
+ihlen,1085,10
+ihlen,1085,11
+ihlen,1085,12
+ihlen,1085,13
+ihlen,1086,0
+ihlen,1086,1
+ihlen,1086,2
+ihlen,1086,3
+ihlen,1086,4
+ihlen,1086,5
+ihlen,1086,6
+ihlen,1086,7
+ihlen,1086,8
+ihlen,1087,0
+ihlen,1087,1
+ihlen,1087,2
+ihlen,1087,3
+ihlen,1088,1
+ihlen,1088,2
+ihlen,1088,4
+ihlen,1088,5
+ihlen,1088,7
+ihlen,1088,8
+ihlen,1089,0
+ihlen,1089,1
+ihlen,1089,2
+ihlen,1090,0
+ihlen,1090,1
+ihlen,1090,2
+ihlen,1090,3
+ihlen,1091,0
+ihlen,1091,1
+ihlen,1091,2
+ihlen,1091,3
+ihlen,1092,0
+ihlen,1092,1
+ihlen,1092,2
+ihlen,1093,0
+ihlen,1093,1
+ihlen,1093,2
+ihlen,1093,3
+ihlen,1094,0
+ihlen,1094,1
+ihlen,1094,2
+ihlen,1095,0
+ihlen,1095,1
+ihlen,1095,2
+ihlen,1095,3
+ihlen,1096,0
+ihlen,1096,1
+ihlen,1096,2
+ihlen,1096,3
+ihlen,1097,0
+ihlen,1097,1
+ihlen,1097,2
+ihlen,1097,3
+ihlen,1097,4
+ihlen,1097,5
+ihlen,1098,0
+ihlen,1098,1
+ihlen,1098,2
+ihlen,1098,3
+ihlen,1098,4
+ihlen,1099,0
+ihlen,1099,1
+ihlen,1099,2
+ihlen,1099,3
+ihlen,1099,4
+ihlen,1099,5
+ihlen,1099,6
+ihlen,1099,7
+ihlen,1099,8
+ihlen,1099,9
+ihlen,1099,10
+ihlen,1099,11
+ihlen,1099,12
+ihlen,1099,13
+ihlen,1099,14
+ihlen,1100,0
+ihlen,1100,1
+ihlen,1100,2
+ihlen,1100,3
+ihlen,1100,4
+ihlen,1100,5
+ihlen,1101,0
+ihlen,1101,1
+ihlen,1101,2
+ihlen,1102,0
+ihlen,1102,1
+ihlen,1102,2
+ihlen,1102,3
+ihlen,1103,0
+ihlen,1103,1
+ihlen,1103,2
+ihlen,1103,3
+ihlen,1103,4
+ihlen,1103,5
+ihlen,1103,6
+ihlen,1103,7
+ihlen,1103,8
+ihlen,1103,9
+ihlen,1103,10
+ihlen,1104,0
+ihlen,1104,1
+ihlen,1104,2
+ihlen,1105,0
+ihlen,1105,1
+ihlen,1105,2
+ihlen,1106,0
+ihlen,1106,1
+ihlen,1106,2
+ihlen,1106,3
+ihlen,1106,4
+ihlen,1107,0
+ihlen,1107,1
+ihlen,1107,2
+ihlen,1108,1
+ihlen,1108,2
+ihlen,1108,4
+ihlen,1108,5
+ihlen,1108,6
+ihlen,1108,8
+ihlen,1108,9
+ihlen,1109,0
+ihlen,1109,1
+ihlen,1109,2
+ihlen,1109,3
+ihlen,1109,4
+ihlen,1109,5
+ihlen,1109,6
+ihlen,1109,7
+ihlen,1109,8
+ihlen,1109,9
+ihlen,1110,0
+ihlen,1110,1
+ihlen,1110,2
+ihlen,1110,3
+ihlen,1110,4
+ihlen,1110,5
+ihlen,1110,6
+ihlen,1110,7
+ihlen,1111,0
+ihlen,1111,1
+ihlen,1111,2
+ihlen,1111,3
+ihlen,1112,0
+ihlen,1112,1
+ihlen,1112,2
+ihlen,1112,3
+ihlen,1112,4
+ihlen,1113,0
+ihlen,1113,1
+ihlen,1113,2
+ihlen,1113,3
+ihlen,1113,4
+ihlen,1113,5
+ihlen,1114,0
+ihlen,1114,1
+ihlen,1114,2
+ihlen,1114,3
+ihlen,1114,4
+ihlen,1114,5
+ihlen,1115,0
+ihlen,1115,1
+ihlen,1115,2
+ihlen,1115,3
+ihlen,1115,4
+ihlen,1115,5
+ihlen,1116,0
+ihlen,1116,1
+ihlen,1116,2
+ihlen,1116,3
+ihlen,1117,0
+ihlen,1117,1
+ihlen,1117,2
+ihlen,1117,3
+ihlen,1117,4
+ihlen,1117,5
+ihlen,1117,6
+ihlen,1117,7
+ihlen,1117,8
+ihlen,1117,9
+ihlen,1118,0
+ihlen,1118,1
+ihlen,1118,2
+ihlen,1118,3
+ihlen,1119,0
+ihlen,1119,1
+ihlen,1119,2
+ihlen,1119,3
+ihlen,1119,4
+ihlen,1119,5
+ihlen,1119,6
+ihlen,1120,0
+ihlen,1120,1
+ihlen,1120,2
+ihlen,1120,3
+ihlen,1120,4
+ihlen,1120,5
+ihlen,1120,6
+ihlen,1120,7
+ihlen,1120,8
+ihlen,1121,0
+ihlen,1121,1
+ihlen,1121,2
+ihlen,1121,3
+ihlen,1122,0
+ihlen,1122,1
+ihlen,1122,2
+ihlen,1122,3
+ihlen,1122,4
+ihlen,1122,5
+ihlen,1122,6
+ihlen,1123,0
+ihlen,1123,1
+ihlen,1123,2
+ihlen,1123,3
+ihlen,1124,0
+ihlen,1124,1
+ihlen,1124,2
+ihlen,1125,0
+ihlen,1125,1
+ihlen,1125,2
+ihlen,1125,3
+ihlen,1125,4
+ihlen,1125,5
+ihlen,1125,6
+ihlen,1125,7
+ihlen,1125,8
+ihlen,1126,0
+ihlen,1126,1
+ihlen,1126,2
+ihlen,1126,3
+ihlen,1126,4
+ihlen,1126,5
+ihlen,1126,6
+ihlen,1126,7
+ihlen,1126,8
+ihlen,1127,0
+ihlen,1127,1
+ihlen,1127,2
+ihlen,1128,0
+ihlen,1128,1
+ihlen,1128,2
+ihlen,1128,3
+ihlen,1128,4
+ihlen,1128,5
+ihlen,1128,6
+ihlen,1129,3
+ihlen,1130,0
+ihlen,1130,1
+ihlen,1130,2
+ihlen,1130,3
+ihlen,1130,4
+ihlen,1130,5
+ihlen,1130,6
+ihlen,1131,0
+ihlen,1131,1
+ihlen,1131,2
+ihlen,1131,3
+ihlen,1131,4
+ihlen,1131,5
+ihlen,1131,6
+ihlen,1131,7
+ihlen,1131,8
+ihlen,1132,0
+ihlen,1132,1
+ihlen,1132,2
+ihlen,1132,3
+ihlen,1132,4
+ihlen,1132,5
+ihlen,1132,6
+ihlen,1133,0
+ihlen,1133,1
+ihlen,1133,2
+ihlen,1133,3
+ihlen,1133,4
+ihlen,1133,5
+ihlen,1133,6
+ihlen,1133,7
+ihlen,1133,8
+ihlen,1133,9
+ihlen,1133,10
+ihlen,1133,11
+ihlen,1134,0
+ihlen,1134,1
+ihlen,1134,2
+ihlen,1134,3
+ihlen,1135,0
+ihlen,1135,1
+ihlen,1135,2
+ihlen,1135,3
+ihlen,1136,0
+ihlen,1136,1
+ihlen,1136,2
+ihlen,1137,0
+ihlen,1137,1
+ihlen,1137,2
+ihlen,1138,0
+ihlen,1138,1
+ihlen,1138,2
+ihlen,1138,3
+ihlen,1138,4
+ihlen,1138,5
+ihlen,1139,0
+ihlen,1139,1
+ihlen,1139,2
+ihlen,1139,3
+ihlen,1140,0
+ihlen,1140,1
+ihlen,1140,2
+ihlen,1140,3
+ihlen,1140,4
+ihlen,1140,5
+ihlen,1140,6
+ihlen,1141,0
+ihlen,1141,1
+ihlen,1141,2
+ihlen,1141,3
+ihlen,1142,0
+ihlen,1142,1
+ihlen,1142,2
+ihlen,1142,3
+ihlen,1143,0
+ihlen,1143,1
+ihlen,1143,2
+ihlen,1143,3
+ihlen,1143,4
+ihlen,1143,5
+ihlen,1143,10
+ihlen,1143,11
+ihlen,1143,12
+ihlen,1143,13
+ihlen,1144,0
+ihlen,1144,1
+ihlen,1144,2
+ihlen,1144,3
+ihlen,1145,0
+ihlen,1145,1
+ihlen,1145,2
+ihlen,1145,3
+ihlen,1145,4
+ihlen,1145,5
+ihlen,1145,6
+ihlen,1145,7
+ihlen,1145,8
+ihlen,1146,0
+ihlen,1146,1
+ihlen,1146,2
+ihlen,1146,3
+ihlen,1146,4
+ihlen,1146,5
+ihlen,1146,6
+ihlen,1146,7
+ihlen,1147,0
+ihlen,1147,1
+ihlen,1147,2
+ihlen,1147,3
+ihlen,1147,4
+ihlen,1147,5
+ihlen,1147,6
+ihlen,1147,7
+ihlen,1147,8
+ihlen,1148,0
+ihlen,1148,1
+ihlen,1148,2
+ihlen,1148,3
+ihlen,1148,4
+ihlen,1148,5
+ihlen,1148,6
+ihlen,1148,7
+ihlen,1148,8
+ihlen,1148,9
+ihlen,1149,0
+ihlen,1149,1
+ihlen,1149,2
+ihlen,1149,3
+ihlen,1149,4
+ihlen,1149,5
+ihlen,1149,6
+ihlen,1149,7
+ihlen,1149,8
+ihlen,1150,0
+ihlen,1150,1
+ihlen,1150,2
+ihlen,1151,0
+ihlen,1151,1
+ihlen,1151,2
+ihlen,1151,3
+ihlen,1151,4
+ihlen,1151,5
+ihlen,1151,6
+ihlen,1151,7
+ihlen,1151,8
+ihlen,1151,9
+ihlen,1151,10
+ihlen,1151,11
+ihlen,1151,12
+ihlen,1151,13
+ihlen,1152,0
+ihlen,1152,1
+ihlen,1152,2
+ihlen,1152,3
+ihlen,1152,4
+ihlen,1152,5
+ihlen,1152,6
+ihlen,1152,7
+ihlen,1153,0
+ihlen,1153,1
+ihlen,1153,2
+ihlen,1153,4
+ihlen,1153,5
+ihlen,1153,6
+ihlen,1153,7
+ihlen,1153,11
+ihlen,1154,0
+ihlen,1154,1
+ihlen,1154,2
+ihlen,1154,3
+ihlen,1155,0
+ihlen,1155,1
+ihlen,1155,2
+ihlen,1155,3
+ihlen,1155,4
+ihlen,1156,0
+ihlen,1156,1
+ihlen,1156,2
+ihlen,1156,3
+ihlen,1156,4
+ihlen,1156,5
+ihlen,1156,6
+ihlen,1156,7
+ihlen,1156,8
+ihlen,1157,0
+ihlen,1157,1
+ihlen,1157,2
+ihlen,1158,0
+ihlen,1158,1
+ihlen,1158,2
+ihlen,1158,3
+ihlen,1158,4
+ihlen,1159,0
+ihlen,1159,1
+ihlen,1159,2
+ihlen,1159,3
+ihlen,1160,0
+ihlen,1160,1
+ihlen,1160,2
+ihlen,1160,3
+ihlen,1160,4
+ihlen,1160,5
+ihlen,1160,6
+ihlen,1160,7
+ihlen,1160,8
+ihlen,1161,0
+ihlen,1161,1
+ihlen,1161,2
+ihlen,1161,3
+ihlen,1161,4
+ihlen,1161,5
+ihlen,1161,6
+ihlen,1161,7
+ihlen,1162,0
+ihlen,1162,1
+ihlen,1162,2
+ihlen,1163,0
+ihlen,1163,1
+ihlen,1163,2
+ihlen,1163,3
+ihlen,1164,0
+ihlen,1164,1
+ihlen,1164,2
+ihlen,1164,3
+ihlen,1164,4
+ihlen,1165,0
+ihlen,1165,1
+ihlen,1165,2
+ihlen,1165,3
+ihlen,1165,4
+ihlen,1165,5
+ihlen,1166,0
+ihlen,1166,1
+ihlen,1166,2
+ihlen,1166,3
+ihlen,1166,4
+ihlen,1166,5
+ihlen,1166,6
+ihlen,1166,7
+ihlen,1167,0
+ihlen,1167,1
+ihlen,1167,2
+ihlen,1167,3
+ihlen,1167,4
+ihlen,1167,5
+ihlen,1168,0
+ihlen,1168,1
+ihlen,1168,2
+ihlen,1168,3
+ihlen,1169,0
+ihlen,1169,1
+ihlen,1169,2
+ihlen,1170,0
+ihlen,1170,1
+ihlen,1170,2
+ihlen,1170,3
+ihlen,1170,4
+ihlen,1170,5
+ihlen,1170,6
+ihlen,1170,7
+ihlen,1170,8
+ihlen,1171,0
+ihlen,1171,1
+ihlen,1171,2
+ihlen,1171,3
+ihlen,1171,4
+ihlen,1172,0
+ihlen,1172,1
+ihlen,1172,2
+ihlen,1172,3
+ihlen,1173,0
+ihlen,1173,1
+ihlen,1173,2
+ihlen,1173,3
+ihlen,1174,0
+ihlen,1174,1
+ihlen,1174,2
+ihlen,1174,3
+ihlen,1174,4
+ihlen,1174,5
+ihlen,1174,6
+ihlen,1174,7
+ihlen,1174,8
+ihlen,1175,0
+ihlen,1175,1
+ihlen,1175,2
+ihlen,1175,3
+ihlen,1175,4
+ihlen,1175,5
+ihlen,1176,0
+ihlen,1176,1
+ihlen,1176,2
+ihlen,1177,0
+ihlen,1177,1
+ihlen,1177,2
+ihlen,1177,3
+ihlen,1177,4
+ihlen,1177,5
+ihlen,1178,0
+ihlen,1178,1
+ihlen,1178,2
+ihlen,1178,3
+ihlen,1178,4
+ihlen,1179,0
+ihlen,1179,1
+ihlen,1179,2
+ihlen,1179,3
+ihlen,1179,4
+ihlen,1179,5
+ihlen,1181,0
+ihlen,1181,1
+ihlen,1181,2
+ihlen,1181,3
+ihlen,1182,0
+ihlen,1182,1
+ihlen,1182,2
+ihlen,1183,0
+ihlen,1183,1
+ihlen,1183,2
+ihlen,1183,3
+ihlen,1184,0
+ihlen,1184,1
+ihlen,1184,2
+ihlen,1184,3
+ihlen,1184,4
+ihlen,1184,5
+ihlen,1185,0
+ihlen,1185,1
+ihlen,1185,2
+ihlen,1185,3
+ihlen,1185,4
+ihlen,1185,5
+ihlen,1185,6
+ihlen,1185,7
+ihlen,1185,8
+ihlen,1185,9
+ihlen,1186,0
+ihlen,1186,2
+ihlen,1186,3
+ihlen,1186,4
+ihlen,1186,5
+ihlen,1186,6
+ihlen,1186,7
+ihlen,1186,10
+ihlen,1186,11
+ihlen,1186,13
+ihlen,1187,0
+ihlen,1187,1
+ihlen,1187,2
+ihlen,1188,0
+ihlen,1188,1
+ihlen,1188,2
+ihlen,1189,0
+ihlen,1189,1
+ihlen,1189,2
+ihlen,1189,3
+ihlen,1190,0
+ihlen,1190,1
+ihlen,1190,2
+ihlen,1191,0
+ihlen,1191,1
+ihlen,1191,2
+ihlen,1191,3
+ihlen,1192,0
+ihlen,1192,1
+ihlen,1192,2
+ihlen,1193,0
+ihlen,1193,1
+ihlen,1193,2
+ihlen,1193,3
+ihlen,1193,4
+ihlen,1193,5
+ihlen,1193,6
+ihlen,1193,7
+ihlen,1193,8
+ihlen,1194,0
+ihlen,1194,1
+ihlen,1194,2
+ihlen,1195,0
+ihlen,1195,1
+ihlen,1195,2
+ihlen,1195,3
+ihlen,1196,0
+ihlen,1196,1
+ihlen,1196,2
+ihlen,1196,3
+ihlen,1196,4
+ihlen,1196,5
+ihlen,1197,0
+ihlen,1197,1
+ihlen,1197,2
+ihlen,1197,3
+ihlen,1197,4
+ihlen,1198,0
+ihlen,1198,1
+ihlen,1198,2
+ihlen,1198,3
+ihlen,1198,4
+ihlen,1198,5
+ihlen,1198,6
+ihlen,1199,0
+ihlen,1199,1
+ihlen,1199,2
+ihlen,1199,3
+ihlen,1199,5
+ihlen,1200,0
+ihlen,1200,1
+ihlen,1200,2
+ihlen,1200,3
+ihlen,1200,4
+ihlen,1202,0
+ihlen,1202,1
+ihlen,1202,2
+ihlen,1203,0
+ihlen,1203,1
+ihlen,1203,2
+ihlen,1203,3
+ihlen,1203,4
+ihlen,1203,5
+ihlen,1204,1
+ihlen,1204,2
+ihlen,1204,5
+ihlen,1205,0
+ihlen,1205,1
+ihlen,1205,2
+ihlen,1205,3
+ihlen,1205,4
+ihlen,1205,5
+ihlen,1206,0
+ihlen,1206,1
+ihlen,1206,2
+ihlen,1207,0
+ihlen,1207,1
+ihlen,1207,2
+ihlen,1207,3
+ihlen,1208,0
+ihlen,1208,1
+ihlen,1208,2
+ihlen,1208,3
+ihlen,1208,4
+ihlen,1208,5
+ihlen,1209,0
+ihlen,1209,1
+ihlen,1209,2
+ihlen,1209,3
+ihlen,1209,4
+ihlen,1209,5
+ihlen,1209,6
+ihlen,1209,7
+ihlen,1209,8
+ihlen,1210,0
+ihlen,1210,1
+ihlen,1210,2
+ihlen,1210,3
+ihlen,1210,4
+ihlen,1210,5
+ihlen,1210,6
+ihlen,1210,7
+ihlen,1211,0
+ihlen,1211,1
+ihlen,1211,2
+ihlen,1211,3
+ihlen,1212,0
+ihlen,1212,1
+ihlen,1212,2
+ihlen,1212,3
+ihlen,1212,4
+ihlen,1212,5
+ihlen,1213,0
+ihlen,1213,1
+ihlen,1213,2
+ihlen,1213,3
+ihlen,1214,0
+ihlen,1214,1
+ihlen,1214,2
+ihlen,1214,3
+ihlen,1214,4
+ihlen,1215,0
+ihlen,1215,1
+ihlen,1215,2
+ihlen,1216,0
+ihlen,1216,3
+ihlen,1217,0
+ihlen,1217,1
+ihlen,1217,2
+ihlen,1217,3
+ihlen,1217,4
+ihlen,1217,5
+ihlen,1218,0
+ihlen,1218,1
+ihlen,1218,2
+ihlen,1218,3
+ihlen,1218,4
+ihlen,1218,5
+ihlen,1218,6
+ihlen,1218,7
+ihlen,1219,0
+ihlen,1219,1
+ihlen,1219,2
+ihlen,1220,0
+ihlen,1220,1
+ihlen,1220,2
+ihlen,1221,0
+ihlen,1221,1
+ihlen,1221,2
+ihlen,1222,0
+ihlen,1222,1
+ihlen,1222,2
+ihlen,1222,3
+ihlen,1222,4
+ihlen,1222,5
+ihlen,1222,6
+ihlen,1222,7
+ihlen,1222,8
+ihlen,1222,9
+ihlen,1222,10
+ihlen,1222,11
+ihlen,1223,0
+ihlen,1223,1
+ihlen,1223,2
+ihlen,1223,3
+ihlen,1223,4
+ihlen,1223,5
+ihlen,1224,0
+ihlen,1224,1
+ihlen,1224,2
+ihlen,1224,3
+ihlen,1224,4
+ihlen,1225,0
+ihlen,1225,1
+ihlen,1225,2
+ihlen,1225,3
+ihlen,1225,4
+ihlen,1225,5
+ihlen,1225,6
+ihlen,1226,0
+ihlen,1226,1
+ihlen,1226,2
+ihlen,1226,3
+ihlen,1227,0
+ihlen,1227,1
+ihlen,1227,2
+ihlen,1227,3
+ihlen,1227,4
+ihlen,1227,5
+ihlen,1227,6
+ihlen,1228,0
+ihlen,1228,1
+ihlen,1228,2
+ihlen,1228,3
+ihlen,1228,4
+ihlen,1228,5
+ihlen,1228,6
+ihlen,1228,7
+ihlen,1228,8
+ihlen,1228,9
+ihlen,1229,0
+ihlen,1229,1
+ihlen,1229,2
+ihlen,1229,3
+ihlen,1230,0
+ihlen,1230,1
+ihlen,1230,2
+ihlen,1230,3
+ihlen,1230,4
+ihlen,1231,0
+ihlen,1231,1
+ihlen,1231,2
+ihlen,1231,3
+ihlen,1231,4
+ihlen,1232,0
+ihlen,1232,1
+ihlen,1232,2
+ihlen,1233,0
+ihlen,1233,1
+ihlen,1233,2
+ihlen,1234,0
+ihlen,1234,1
+ihlen,1234,2
+ihlen,1235,0
+ihlen,1235,1
+ihlen,1235,2
+ihlen,1235,3
+ihlen,1235,4
+ihlen,1236,0
+ihlen,1236,1
+ihlen,1236,2
+ihlen,1237,0
+ihlen,1237,1
+ihlen,1237,2
+ihlen,1238,0
+ihlen,1238,1
+ihlen,1238,2
+ihlen,1238,3
+ihlen,1238,4
+ihlen,1238,5
+ihlen,1238,6
+ihlen,1239,0
+ihlen,1239,1
+ihlen,1239,2
+ihlen,1239,3
+ihlen,1239,4
+ihlen,1240,0
+ihlen,1240,1
+ihlen,1240,2
+ihlen,1240,3
+ihlen,1241,0
+ihlen,1241,1
+ihlen,1241,2
+ihlen,1242,0
+ihlen,1242,1
+ihlen,1242,2
+ihlen,1242,3
+ihlen,1242,4
+ihlen,1242,5
+ihlen,1243,0
+ihlen,1243,1
+ihlen,1243,2
+ihlen,1243,3
+ihlen,1243,4
+ihlen,1243,5
+ihlen,1243,6
+ihlen,1243,7
+ihlen,1243,8
+ihlen,1244,0
+ihlen,1244,1
+ihlen,1244,2
+ihlen,1244,3
+ihlen,1244,4
+ihlen,1244,5
+ihlen,1245,0
+ihlen,1245,1
+ihlen,1245,2
+ihlen,1245,3
+ihlen,1245,4
+ihlen,1245,5
+ihlen,1245,6
+ihlen,1245,7
+ihlen,1246,0
+ihlen,1246,1
+ihlen,1246,2
+ihlen,1247,0
+ihlen,1247,1
+ihlen,1247,2
+ihlen,1248,0
+ihlen,1248,1
+ihlen,1248,2
+ihlen,1248,3
+ihlen,1249,0
+ihlen,1249,1
+ihlen,1249,2
+ihlen,1249,3
+ihlen,1249,4
+ihlen,1249,5
+ihlen,1250,0
+ihlen,1250,1
+ihlen,1250,2
+ihlen,1250,3
+ihlen,1250,4
+ihlen,1251,0
+ihlen,1251,1
+ihlen,1251,5
+ihlen,1251,6
+ihlen,1252,0
+ihlen,1252,1
+ihlen,1252,2
+ihlen,1252,3
+ihlen,1253,0
+ihlen,1253,1
+ihlen,1253,2
+ihlen,1253,3
+ihlen,1254,0
+ihlen,1254,1
+ihlen,1254,2
+ihlen,1254,3
+ihlen,1255,0
+ihlen,1255,1
+ihlen,1255,2
+ihlen,1255,3
+ihlen,1256,0
+ihlen,1256,1
+ihlen,1256,2
+ihlen,1256,3
+ihlen,1256,4
+ihlen,1256,5
+ihlen,1257,0
+ihlen,1257,1
+ihlen,1257,2
+ihlen,1257,3
+ihlen,1257,4
+ihlen,1257,5
+ihlen,1257,6
+ihlen,1257,7
+ihlen,1258,0
+ihlen,1258,1
+ihlen,1258,2
+ihlen,1259,0
+ihlen,1259,1
+ihlen,1259,2
+ihlen,1259,3
+ihlen,1259,4
+ihlen,1260,2
+ihlen,1260,3
+ihlen,1260,5
+ihlen,1260,6
+ihlen,1261,0
+ihlen,1261,1
+ihlen,1261,2
+ihlen,1262,0
+ihlen,1262,1
+ihlen,1262,2
+ihlen,1262,3
+ihlen,1262,4
+ihlen,1262,5
+ihlen,1262,6
+ihlen,1263,0
+ihlen,1263,1
+ihlen,1263,2
+ihlen,1263,3
+ihlen,1263,4
+ihlen,1263,5
+ihlen,1264,0
+ihlen,1264,1
+ihlen,1264,2
+ihlen,1264,3
+ihlen,1264,4
+ihlen,1264,5
+ihlen,1264,6
+ihlen,1264,7
+ihlen,1264,8
+ihlen,1264,9
+ihlen,1264,10
+ihlen,1264,11
+ihlen,1264,12
+ihlen,1265,0
+ihlen,1265,5
+ihlen,1266,0
+ihlen,1266,1
+ihlen,1266,2
+ihlen,1267,0
+ihlen,1267,1
+ihlen,1267,2
+ihlen,1267,3
+ihlen,1268,0
+ihlen,1268,1
+ihlen,1268,2
+ihlen,1269,0
+ihlen,1269,1
+ihlen,1269,2
+ihlen,1269,3
+ihlen,1269,4
+ihlen,1269,5
+ihlen,1270,0
+ihlen,1270,1
+ihlen,1270,2
+ihlen,1270,3
+ihlen,1271,0
+ihlen,1271,1
+ihlen,1271,2
+ihlen,1271,3
+ihlen,1271,4
+ihlen,1271,5
+ihlen,1271,6
+ihlen,1271,7
+ihlen,1271,8
+ihlen,1272,0
+ihlen,1272,1
+ihlen,1272,2
+ihlen,1272,3
+ihlen,1273,0
+ihlen,1273,1
+ihlen,1273,2
+ihlen,1273,3
+ihlen,1274,0
+ihlen,1274,1
+ihlen,1274,2
+ihlen,1274,3
+ihlen,1274,4
+ihlen,1274,5
+ihlen,1274,6
+ihlen,1274,7
+ihlen,1274,8
+ihlen,1274,9
+ihlen,1274,10
+ihlen,1275,0
+ihlen,1275,1
+ihlen,1275,2
+ihlen,1276,0
+ihlen,1276,1
+ihlen,1276,2
+ihlen,1276,3
+ihlen,1276,4
+ihlen,1276,5
+ihlen,1277,0
+ihlen,1277,1
+ihlen,1277,2
+ihlen,1277,3
+ihlen,1277,4
+ihlen,1277,5
+ihlen,1278,2
+ihlen,1278,3
+ihlen,1278,4
+ihlen,1278,6
+ihlen,1279,0
+ihlen,1279,1
+ihlen,1279,2
+ihlen,1279,3
+ihlen,1279,4
+ihlen,1279,5
+ihlen,1279,6
+ihlen,1279,7
+ihlen,1279,8
+ihlen,1280,0
+ihlen,1280,1
+ihlen,1280,2
+ihlen,1281,0
+ihlen,1281,1
+ihlen,1281,2
+ihlen,1282,0
+ihlen,1282,1
+ihlen,1282,2
+ihlen,1283,0
+ihlen,1283,1
+ihlen,1283,2
+ihlen,1283,3
+ihlen,1284,0
+ihlen,1284,1
+ihlen,1284,2
+ihlen,1284,3
+ihlen,1284,4
+ihlen,1285,0
+ihlen,1285,1
+ihlen,1285,2
+ihlen,1285,3
+ihlen,1285,4
+ihlen,1285,5
+ihlen,1286,0
+ihlen,1286,1
+ihlen,1286,2
+ihlen,1286,3
+ihlen,1286,4
+ihlen,1286,5
+ihlen,1286,6
+ihlen,1286,7
+ihlen,1286,8
+ihlen,1287,0
+ihlen,1287,1
+ihlen,1287,2
+ihlen,1287,3
+ihlen,1288,0
+ihlen,1288,1
+ihlen,1288,2
+ihlen,1288,3
+ihlen,1289,0
+ihlen,1289,1
+ihlen,1289,2
+ihlen,1290,0
+ihlen,1290,1
+ihlen,1290,2
+ihlen,1291,0
+ihlen,1291,1
+ihlen,1291,2
+ihlen,1291,3
+ihlen,1292,0
+ihlen,1292,1
+ihlen,1292,2
+ihlen,1292,3
+ihlen,1292,4
+ihlen,1292,5
+ihlen,1293,0
+ihlen,1293,2
+ihlen,1293,3
+ihlen,1293,4
+ihlen,1293,5
+ihlen,1293,7
+ihlen,1293,8
+ihlen,1293,10
+ihlen,1293,11
+ihlen,1293,12
+ihlen,1293,14
+ihlen,1294,0
+ihlen,1294,1
+ihlen,1294,2
+ihlen,1295,0
+ihlen,1295,1
+ihlen,1295,2
+ihlen,1295,3
+ihlen,1296,0
+ihlen,1296,1
+ihlen,1296,2
+ihlen,1297,0
+ihlen,1297,1
+ihlen,1297,2
+ihlen,1297,3
+ihlen,1297,4
+ihlen,1297,5
+ihlen,1297,6
+ihlen,1297,7
+ihlen,1298,0
+ihlen,1298,1
+ihlen,1298,2
+ihlen,1298,3
+ihlen,1298,4
+ihlen,1298,5
+ihlen,1298,6
+ihlen,1299,0
+ihlen,1299,1
+ihlen,1299,2
+ihlen,1299,3
+ihlen,1299,4
+ihlen,1300,0
+ihlen,1300,1
+ihlen,1300,2
+ihlen,1300,3
+ihlen,1301,0
+ihlen,1301,1
+ihlen,1301,2
+ihlen,1302,0
+ihlen,1302,1
+ihlen,1302,2
+ihlen,1302,3
+ihlen,1303,0
+ihlen,1303,2
+ihlen,1303,4
+ihlen,1303,5
+ihlen,1303,6
+ihlen,1303,8
+ihlen,1303,10
+ihlen,1303,11
+ihlen,1303,12
+ihlen,1304,0
+ihlen,1304,1
+ihlen,1304,2
+ihlen,1305,0
+ihlen,1305,1
+ihlen,1305,2
+ihlen,1306,0
+ihlen,1306,1
+ihlen,1306,2
+ihlen,1306,3
+ihlen,1307,0
+ihlen,1307,1
+ihlen,1307,2
+ihlen,1307,3
+ihlen,1307,4
+ihlen,1307,5
+ihlen,1307,6
+ihlen,1307,7
+ihlen,1308,0
+ihlen,1308,1
+ihlen,1308,2
+ihlen,1309,0
+ihlen,1309,1
+ihlen,1309,2
+ihlen,1310,0
+ihlen,1310,1
+ihlen,1310,2
+ihlen,1310,3
+ihlen,1310,4
+ihlen,1310,5
+ihlen,1311,0
+ihlen,1311,1
+ihlen,1311,2
+ihlen,1311,3
+ihlen,1311,4
+ihlen,1311,5
+ihlen,1311,6
+ihlen,1311,7
+ihlen,1311,8
+ihlen,1312,0
+ihlen,1312,1
+ihlen,1312,2
+ihlen,1312,3
+ihlen,1313,0
+ihlen,1313,1
+ihlen,1313,2
+ihlen,1313,3
+ihlen,1313,4
+ihlen,1314,0
+ihlen,1314,1
+ihlen,1314,2
+ihlen,1315,0
+ihlen,1315,1
+ihlen,1315,2
+ihlen,1315,3
+ihlen,1315,4
+ihlen,1316,0
+ihlen,1316,1
+ihlen,1316,2
+ihlen,1316,3
+ihlen,1316,4
+ihlen,1316,5
+ihlen,1316,6
+ihlen,1316,7
+ihlen,1317,0
+ihlen,1317,1
+ihlen,1317,2
+ihlen,1318,0
+ihlen,1318,1
+ihlen,1318,2
+ihlen,1318,3
+ihlen,1319,0
+ihlen,1319,1
+ihlen,1319,2
+ihlen,1319,3
+ihlen,1320,0
+ihlen,1320,1
+ihlen,1320,2
+ihlen,1320,3
+ihlen,1320,4
+ihlen,1320,5
+ihlen,1320,6
+ihlen,1320,7
+ihlen,1321,0
+ihlen,1321,1
+ihlen,1321,2
+ihlen,1321,3
+ihlen,1321,4
+ihlen,1322,0
+ihlen,1322,1
+ihlen,1322,2
+ihlen,1322,3
+ihlen,1322,4
+ihlen,1323,0
+ihlen,1323,1
+ihlen,1323,2
+ihlen,1323,3
+ihlen,1323,4
+ihlen,1324,0
+ihlen,1324,1
+ihlen,1324,2
+ihlen,1324,3
+ihlen,1324,4
+ihlen,1324,5
+ihlen,1324,6
+ihlen,1325,0
+ihlen,1325,1
+ihlen,1325,2
+ihlen,1326,0
+ihlen,1326,1
+ihlen,1326,2
+ihlen,1327,0
+ihlen,1327,1
+ihlen,1327,2
+ihlen,1327,3
+ihlen,1327,4
+ihlen,1327,5
+ihlen,1327,6
+ihlen,1327,7
+ihlen,1327,8
+ihlen,1327,9
+ihlen,1327,10
+ihlen,1328,0
+ihlen,1328,1
+ihlen,1328,2
+ihlen,1328,3
+ihlen,1328,4
+ihlen,1329,0
+ihlen,1329,1
+ihlen,1329,2
+ihlen,1329,3
+ihlen,1329,4
+ihlen,1330,0
+ihlen,1330,1
+ihlen,1330,2
+ihlen,1331,0
+ihlen,1331,1
+ihlen,1331,2
+ihlen,1332,0
+ihlen,1332,1
+ihlen,1332,2
+ihlen,1332,3
+ihlen,1332,4
+ihlen,1333,0
+ihlen,1333,1
+ihlen,1333,2
+ihlen,1334,0
+ihlen,1334,1
+ihlen,1334,2
+ihlen,1334,3
+ihlen,1334,4
+ihlen,1334,5
+ihlen,1334,6
+ihlen,1334,7
+ihlen,1335,0
+ihlen,1335,1
+ihlen,1335,2
+ihlen,1335,3
+ihlen,1335,4
+ihlen,1335,5
+ihlen,1335,6
+ihlen,1335,7
+ihlen,1335,8
+ihlen,1335,9
+ihlen,1336,0
+ihlen,1336,1
+ihlen,1336,2
+ihlen,1336,3
+ihlen,1336,4
+ihlen,1337,0
+ihlen,1337,1
+ihlen,1337,2
+ihlen,1337,3
+ihlen,1337,4
+ihlen,1338,0
+ihlen,1338,1
+ihlen,1338,2
+ihlen,1338,3
+ihlen,1339,0
+ihlen,1339,1
+ihlen,1339,2
+ihlen,1340,0
+ihlen,1340,1
+ihlen,1340,2
+ihlen,1340,3
+ihlen,1341,0
+ihlen,1341,1
+ihlen,1341,2
+ihlen,1341,3
+ihlen,1341,4
+ihlen,1342,0
+ihlen,1342,1
+ihlen,1342,2
+ihlen,1343,0
+ihlen,1343,1
+ihlen,1343,2
+ihlen,1343,3
+ihlen,1343,4
+ihlen,1343,5
+ihlen,1344,0
+ihlen,1344,1
+ihlen,1344,2
+ihlen,1344,3
+ihlen,1344,4
+ihlen,1344,5
+ihlen,1344,6
+ihlen,1345,0
+ihlen,1345,1
+ihlen,1345,2
+ihlen,1345,3
+ihlen,1345,4
+ihlen,1346,0
+ihlen,1346,1
+ihlen,1346,2
+ihlen,1346,3
+ihlen,1346,4
+ihlen,1347,0
+ihlen,1347,1
+ihlen,1347,2
+ihlen,1347,3
+ihlen,1347,4
+ihlen,1348,0
+ihlen,1348,1
+ihlen,1348,2
+ihlen,1348,3
+ihlen,1348,4
+ihlen,1348,5
+ihlen,1348,6
+ihlen,1348,7
+ihlen,1348,8
+ihlen,1349,0
+ihlen,1349,1
+ihlen,1349,2
+ihlen,1349,3
+ihlen,1349,4
+ihlen,1349,5
+ihlen,1349,6
+ihlen,1349,7
+ihlen,1350,0
+ihlen,1350,1
+ihlen,1350,2
+ihlen,1350,3
+ihlen,1351,1
+ihlen,1351,2
+ihlen,1351,3
+ihlen,1351,4
+ihlen,1351,8
+ihlen,1352,0
+ihlen,1352,1
+ihlen,1352,2
+ihlen,1352,3
+ihlen,1352,4
+ihlen,1352,5
+ihlen,1352,6
+ihlen,1352,7
+ihlen,1353,0
+ihlen,1353,1
+ihlen,1353,2
+ihlen,1354,0
+ihlen,1354,1
+ihlen,1354,2
+ihlen,1355,0
+ihlen,1355,1
+ihlen,1355,2
+ihlen,1355,3
+ihlen,1356,0
+ihlen,1356,1
+ihlen,1356,2
+ihlen,1356,3
+ihlen,1357,0
+ihlen,1357,1
+ihlen,1357,2
+ihlen,1357,3
+ihlen,1357,4
+ihlen,1357,5
+ihlen,1357,6
+ihlen,1357,7
+ihlen,1357,8
+ihlen,1357,9
+ihlen,1357,10
+ihlen,1358,0
+ihlen,1358,1
+ihlen,1358,2
+ihlen,1358,3
+ihlen,1358,4
+ihlen,1359,0
+ihlen,1359,1
+ihlen,1359,2
+ihlen,1359,3
+ihlen,1360,0
+ihlen,1360,1
+ihlen,1360,2
+ihlen,1360,3
+ihlen,1360,4
+ihlen,1360,5
+ihlen,1360,6
+ihlen,1360,7
+ihlen,1361,0
+ihlen,1361,1
+ihlen,1361,2
+ihlen,1361,3
+ihlen,1362,0
+ihlen,1362,1
+ihlen,1362,2
+ihlen,1362,3
+ihlen,1362,4
+ihlen,1362,5
+ihlen,1362,6
+ihlen,1363,0
+ihlen,1363,1
+ihlen,1363,2
+ihlen,1364,0
+ihlen,1364,1
+ihlen,1364,2
+ihlen,1364,3
+ihlen,1365,1
+ihlen,1365,2
+ihlen,1365,3
+ihlen,1365,5
+ihlen,1365,6
+ihlen,1365,9
+ihlen,1366,0
+ihlen,1366,1
+ihlen,1366,2
+ihlen,1366,3
+ihlen,1366,4
+ihlen,1366,5
+ihlen,1366,6
+ihlen,1366,7
+ihlen,1366,8
+ihlen,1367,0
+ihlen,1367,1
+ihlen,1367,2
+ihlen,1367,3
+ihlen,1367,4
+ihlen,1367,5
+ihlen,1367,6
+ihlen,1367,7
+ihlen,1368,0
+ihlen,1368,1
+ihlen,1368,2
+ihlen,1368,3
+ihlen,1368,4
+ihlen,1369,0
+ihlen,1369,1
+ihlen,1369,2
+ihlen,1369,3
+ihlen,1370,0
+ihlen,1370,1
+ihlen,1370,2
+ihlen,1370,3
+ihlen,1371,0
+ihlen,1371,1
+ihlen,1371,2
+ihlen,1371,3
+ihlen,1372,0
+ihlen,1372,1
+ihlen,1372,2
+ihlen,1372,3
+ihlen,1372,4
+ihlen,1373,0
+ihlen,1373,1
+ihlen,1373,2
+ihlen,1373,3
+ihlen,1373,4
+ihlen,1374,0
+ihlen,1374,1
+ihlen,1374,2
+ihlen,1374,3
+ihlen,1375,0
+ihlen,1375,1
+ihlen,1375,2
+ihlen,1375,3
+ihlen,1375,4
+ihlen,1375,5
+ihlen,1375,6
+ihlen,1375,7
+ihlen,1375,8
+ihlen,1376,0
+ihlen,1376,1
+ihlen,1376,2
+ihlen,1376,3
+ihlen,1376,4
+ihlen,1376,5
+ihlen,1377,0
+ihlen,1377,1
+ihlen,1377,2
+ihlen,1377,3
+ihlen,1377,4
+ihlen,1377,5
+ihlen,1377,6
+ihlen,1377,7
+ihlen,1377,8
+ihlen,1377,9
+ihlen,1377,10
+ihlen,1377,11
+ihlen,1378,0
+ihlen,1378,1
+ihlen,1378,2
+ihlen,1378,3
+ihlen,1379,0
+ihlen,1379,1
+ihlen,1379,2
+ihlen,1379,3
+ihlen,1379,4
+ihlen,1379,5
+ihlen,1379,6
+ihlen,1380,0
+ihlen,1380,1
+ihlen,1380,2
+ihlen,1381,0
+ihlen,1381,1
+ihlen,1381,2
+ihlen,1382,0
+ihlen,1382,1
+ihlen,1382,2
+ihlen,1382,3
+ihlen,1382,4
+ihlen,1383,0
+ihlen,1383,1
+ihlen,1383,2
+ihlen,1383,3
+ihlen,1384,0
+ihlen,1384,1
+ihlen,1384,2
+ihlen,1384,3
+ihlen,1384,4
+ihlen,1384,5
+ihlen,1384,6
+ihlen,1384,7
+ihlen,1385,0
+ihlen,1385,1
+ihlen,1385,2
+ihlen,1385,3
+ihlen,1385,4
+ihlen,1385,5
+ihlen,1385,6
+ihlen,1385,7
+ihlen,1385,8
+ihlen,1385,9
+ihlen,1385,10
+ihlen,1385,11
+ihlen,1386,0
+ihlen,1386,1
+ihlen,1386,2
+ihlen,1387,0
+ihlen,1387,1
+ihlen,1387,2
+ihlen,1387,3
+ihlen,1387,4
+ihlen,1388,0
+ihlen,1388,1
+ihlen,1388,4
+ihlen,1388,6
+ihlen,1388,8
+ihlen,1389,0
+ihlen,1389,1
+ihlen,1389,2
+ihlen,1389,3
+ihlen,1389,4
+ihlen,1389,5
+ihlen,1389,6
+ihlen,1389,7
+ihlen,1390,0
+ihlen,1390,1
+ihlen,1390,2
+ihlen,1390,3
+ihlen,1390,4
+ihlen,1390,5
+ihlen,1390,6
+ihlen,1391,0
+ihlen,1391,1
+ihlen,1391,2
+ihlen,1392,0
+ihlen,1392,1
+ihlen,1392,2
+ihlen,1392,3
+ihlen,1393,0
+ihlen,1393,1
+ihlen,1393,2
+ihlen,1394,0
+ihlen,1394,1
+ihlen,1394,2
+ihlen,1394,3
+ihlen,1394,4
+ihlen,1395,0
+ihlen,1395,1
+ihlen,1395,2
+ihlen,1396,0
+ihlen,1396,1
+ihlen,1396,2
+ihlen,1396,3
+ihlen,1397,0
+ihlen,1397,1
+ihlen,1397,2
+ihlen,1398,0
+ihlen,1398,1
+ihlen,1398,2
+ihlen,1398,3
+ihlen,1399,1
+ihlen,1399,2
+ihlen,1399,4
+ihlen,1399,6
+ihlen,1399,8
+ihlen,1399,9
+ihlen,1400,0
+ihlen,1400,1
+ihlen,1400,2
+ihlen,1400,3
+ihlen,1400,4
+ihlen,1401,0
+ihlen,1401,1
+ihlen,1401,2
+ihlen,1401,3
+ihlen,1401,4
+ihlen,1401,5
+ihlen,1402,0
+ihlen,1402,1
+ihlen,1402,2
+ihlen,1402,3
+ihlen,1402,6
+ihlen,1402,7
+ihlen,1402,8
+ihlen,1402,9
+ihlen,1402,12
+ihlen,1403,0
+ihlen,1403,1
+ihlen,1403,2
+ihlen,1404,0
+ihlen,1404,1
+ihlen,1404,2
+ihlen,1404,3
+ihlen,1404,4
+ihlen,1404,5
+ihlen,1404,6
+ihlen,1405,0
+ihlen,1405,1
+ihlen,1405,2
+ihlen,1405,3
+ihlen,1405,4
+ihlen,1406,0
+ihlen,1406,1
+ihlen,1406,2
+ihlen,1406,3
+ihlen,1406,4
+ihlen,1406,5
+ihlen,1406,6
+ihlen,1406,7
+ihlen,1407,0
+ihlen,1407,1
+ihlen,1407,2
+ihlen,1407,3
+ihlen,1408,0
+ihlen,1408,1
+ihlen,1408,2
+ihlen,1409,0
+ihlen,1409,1
+ihlen,1409,2
+ihlen,1409,3
+ihlen,1409,4
+ihlen,1410,0
+ihlen,1410,1
+ihlen,1410,2
+ihlen,1410,3
+ihlen,1410,4
+ihlen,1410,5
+ihlen,1411,0
+ihlen,1411,1
+ihlen,1411,2
+ihlen,1411,3
+ihlen,1411,4
+ihlen,1411,5
+ihlen,1411,6
+ihlen,1411,7
+ihlen,1411,8
+ihlen,1412,0
+ihlen,1412,1
+ihlen,1412,2
+ihlen,1412,3
+ihlen,1412,4
+ihlen,1413,0
+ihlen,1413,1
+ihlen,1413,2
+ihlen,1413,3
+ihlen,1413,4
+ihlen,1413,5
+ihlen,1413,6
+ihlen,1414,0
+ihlen,1414,1
+ihlen,1414,2
+ihlen,1414,3
+ihlen,1415,0
+ihlen,1415,1
+ihlen,1415,2
+ihlen,1415,3
+ihlen,1415,4
+ihlen,1416,0
+ihlen,1416,1
+ihlen,1416,2
+ihlen,1416,3
+ihlen,1416,4
+ihlen,1417,0
+ihlen,1417,1
+ihlen,1417,2
+ihlen,1417,3
+ihlen,1417,4
+ihlen,1417,5
+ihlen,1418,0
+ihlen,1418,3
+ihlen,1419,0
+ihlen,1419,1
+ihlen,1419,2
+ihlen,1419,3
+ihlen,1420,0
+ihlen,1420,1
+ihlen,1420,2
+ihlen,1420,3
+ihlen,1420,4
+ihlen,1420,5
+ihlen,1421,0
+ihlen,1421,1
+ihlen,1421,2
+ihlen,1422,0
+ihlen,1422,1
+ihlen,1422,2
+ihlen,1422,3
+ihlen,1422,4
+ihlen,1423,1
+ihlen,1423,2
+ihlen,1424,0
+ihlen,1424,1
+ihlen,1424,2
+ihlen,1424,3
+ihlen,1424,4
+ihlen,1425,0
+ihlen,1425,1
+ihlen,1425,2
+ihlen,1426,0
+ihlen,1426,1
+ihlen,1426,2
+ihlen,1426,3
+ihlen,1426,4
+ihlen,1426,5
+ihlen,1427,0
+ihlen,1427,1
+ihlen,1427,2
+ihlen,1427,3
+ihlen,1427,4
+ihlen,1427,5
+ihlen,1428,0
+ihlen,1428,1
+ihlen,1428,2
+ihlen,1429,1
+ihlen,1429,3
+ihlen,1429,4
+ihlen,1429,5
+ihlen,1429,8
+ihlen,1429,9
+ihlen,1430,0
+ihlen,1430,1
+ihlen,1430,2
+ihlen,1430,3
+ihlen,1431,0
+ihlen,1431,1
+ihlen,1431,2
+ihlen,1431,3
+ihlen,1432,0
+ihlen,1432,1
+ihlen,1432,3
+ihlen,1432,4
+ihlen,1432,6
+ihlen,1432,7
+ihlen,1432,10
+ihlen,1433,0
+ihlen,1433,1
+ihlen,1433,2
+ihlen,1433,3
+ihlen,1433,4
+ihlen,1433,5
+ihlen,1434,0
+ihlen,1434,1
+ihlen,1434,2
+ihlen,1434,3
+ihlen,1434,4
+ihlen,1434,5
+ihlen,1435,0
+ihlen,1435,1
+ihlen,1435,2
+ihlen,1435,3
+ihlen,1435,4
+ihlen,1435,5
+ihlen,1435,6
+ihlen,1435,7
+ihlen,1436,0
+ihlen,1436,1
+ihlen,1436,2
+ihlen,1436,3
+ihlen,1436,4
+ihlen,1437,0
+ihlen,1437,1
+ihlen,1437,2
+ihlen,1438,0
+ihlen,1438,1
+ihlen,1438,2
+ihlen,1438,3
+ihlen,1438,4
+ihlen,1439,0
+ihlen,1439,1
+ihlen,1439,2
+ihlen,1439,3
+ihlen,1439,4
+ihlen,1439,5
+ihlen,1439,6
+ihlen,1439,7
+ihlen,1439,8
+ihlen,1440,0
+ihlen,1440,1
+ihlen,1440,2
+ihlen,1440,3
+ihlen,1440,4
+ihlen,1441,0
+ihlen,1441,1
+ihlen,1441,2
+ihlen,1441,3
+ihlen,1442,0
+ihlen,1442,1
+ihlen,1442,2
+ihlen,1443,0
+ihlen,1443,1
+ihlen,1443,2
+ihlen,1443,3
+ihlen,1444,0
+ihlen,1444,1
+ihlen,1444,2
+ihlen,1444,3
+ihlen,1444,4
+ihlen,1444,5
+ihlen,1445,0
+ihlen,1445,1
+ihlen,1445,2
+ihlen,1445,3
+ihlen,1445,4
+ihlen,1445,5
+ihlen,1445,6
+ihlen,1445,7
+ihlen,1445,8
+ihlen,1445,9
+ihlen,1445,10
+ihlen,1445,11
+ihlen,1445,12
+ihlen,1445,13
+ihlen,1445,14
+ihlen,1445,15
+ihlen,1445,16
+ihlen,1446,0
+ihlen,1446,1
+ihlen,1446,2
+ihlen,1446,3
+ihlen,1447,0
+ihlen,1447,1
+ihlen,1447,2
+ihlen,1447,3
+ihlen,1448,0
+ihlen,1448,1
+ihlen,1448,2
+ihlen,1448,3
+ihlen,1448,4
+ihlen,1448,5
+ihlen,1449,0
+ihlen,1449,1
+ihlen,1449,2
+ihlen,1450,0
+ihlen,1450,1
+ihlen,1450,2
+ihlen,1450,3
+ihlen,1450,4
+ihlen,1450,5
+ihlen,1450,6
+ihlen,1451,0
+ihlen,1451,1
+ihlen,1451,2
+ihlen,1451,3
+ihlen,1451,4
+ihlen,1451,5
+ihlen,1452,0
+ihlen,1452,1
+ihlen,1452,2
+ihlen,1453,1
+ihlen,1453,4
+ihlen,1453,6
+ihlen,1453,7
+ihlen,1454,0
+ihlen,1454,1
+ihlen,1454,2
+ihlen,1454,3
+ihlen,1454,4
+ihlen,1454,5
+ihlen,1454,6
+ihlen,1454,7
+ihlen,1454,8
+ihlen,1454,9
+ihlen,1454,10
+ihlen,1455,0
+ihlen,1455,1
+ihlen,1455,3
+ihlen,1455,5
+ihlen,1455,8
+ihlen,1455,9
+ihlen,1456,0
+ihlen,1456,1
+ihlen,1456,2
+ihlen,1456,3
+ihlen,1456,4
+ihlen,1456,5
+ihlen,1456,6
+ihlen,1457,0
+ihlen,1457,1
+ihlen,1457,2
+ihlen,1458,0
+ihlen,1458,1
+ihlen,1458,2
+ihlen,1459,0
+ihlen,1459,1
+ihlen,1459,2
+ihlen,1460,0
+ihlen,1460,1
+ihlen,1460,2
+ihlen,1460,3
+ihlen,1460,4
+ihlen,1460,5
+ihlen,1461,0
+ihlen,1461,1
+ihlen,1461,2
+ihlen,1461,3
+ihlen,1462,0
+ihlen,1462,1
+ihlen,1462,2
+ihlen,1463,0
+ihlen,1463,1
+ihlen,1463,2
+ihlen,1463,3
+ihlen,1463,4
+ihlen,1463,5
+ihlen,1463,6
+ihlen,1463,7
+ihlen,1463,8
+ihlen,1463,9
+ihlen,1464,0
+ihlen,1464,1
+ihlen,1464,2
+ihlen,1464,3
+ihlen,1464,4
+ihlen,1464,5
+ihlen,1464,6
+ihlen,1464,7
+ihlen,1464,8
+ihlen,1464,9
+ihlen,1464,10
+ihlen,1465,0
+ihlen,1465,1
+ihlen,1465,2
+ihlen,1466,2
+ihlen,1467,0
+ihlen,1467,1
+ihlen,1467,2
+ihlen,1467,3
+ihlen,1467,4
+ihlen,1468,0
+ihlen,1468,1
+ihlen,1468,2
+ihlen,1468,3
+ihlen,1469,0
+ihlen,1469,1
+ihlen,1469,2
+ihlen,1469,3
+ihlen,1469,4
+ihlen,1469,5
+ihlen,1469,6
+ihlen,1469,7
+ihlen,1470,0
+ihlen,1470,1
+ihlen,1470,2
+ihlen,1470,3
+ihlen,1470,4
+ihlen,1470,5
+ihlen,1471,0
+ihlen,1471,1
+ihlen,1471,2
+ihlen,1471,3
+ihlen,1471,4
+ihlen,1471,5
+ihlen,1471,6
+ihlen,1471,7
+ihlen,1472,0
+ihlen,1472,1
+ihlen,1472,2
+ihlen,1472,3
+ihlen,1473,0
+ihlen,1473,1
+ihlen,1473,2
+ihlen,1473,3
+ihlen,1473,4
+ihlen,1474,0
+ihlen,1474,1
+ihlen,1474,2
+ihlen,1474,3
+ihlen,1474,4
+ihlen,1474,5
+ihlen,1474,6
+ihlen,1474,7
+ihlen,1474,8
+ihlen,1474,9
+ihlen,1475,0
+ihlen,1475,1
+ihlen,1475,2
+ihlen,1476,3
+ihlen,1476,5
+ihlen,1477,0
+ihlen,1477,1
+ihlen,1477,2
+ihlen,1477,3
+ihlen,1478,0
+ihlen,1478,1
+ihlen,1478,2
+ihlen,1478,3
+ihlen,1478,4
+ihlen,1478,5
+ihlen,1479,0
+ihlen,1479,1
+ihlen,1479,2
+ihlen,1480,0
+ihlen,1480,1
+ihlen,1480,2
+ihlen,1480,3
+ihlen,1481,0
+ihlen,1481,1
+ihlen,1481,2
+ihlen,1481,3
+ihlen,1481,4
+ihlen,1481,5
+ihlen,1481,6
+ihlen,1482,0
+ihlen,1482,1
+ihlen,1482,2
+ihlen,1483,0
+ihlen,1483,1
+ihlen,1483,2
+ihlen,1483,3
+ihlen,1483,4
+ihlen,1483,5
+ihlen,1483,6
+ihlen,1483,7
+ihlen,1483,8
+ihlen,1484,2
+ihlen,1484,4
+ihlen,1485,0
+ihlen,1485,1
+ihlen,1485,2
+ihlen,1485,3
+ihlen,1486,0
+ihlen,1486,1
+ihlen,1486,2
+ihlen,1486,3
+ihlen,1487,0
+ihlen,1487,1
+ihlen,1487,2
+ihlen,1487,3
+ihlen,1487,4
+ihlen,1488,0
+ihlen,1488,1
+ihlen,1488,2
+ihlen,1489,0
+ihlen,1489,1
+ihlen,1489,2
+ihlen,1490,0
+ihlen,1490,1
+ihlen,1490,2
+ihlen,1490,3
+ihlen,1490,4
+ihlen,1491,0
+ihlen,1491,1
+ihlen,1491,2
+ihlen,1492,0
+ihlen,1492,1
+ihlen,1492,2
+ihlen,1492,3
+ihlen,1492,4
+ihlen,1493,0
+ihlen,1493,1
+ihlen,1493,2
+ihlen,1493,3
+ihlen,1493,4
+ihlen,1493,5
+ihlen,1493,6
+ihlen,1494,0
+ihlen,1494,1
+ihlen,1494,2
+ihlen,1494,3
+ihlen,1494,4
+ihlen,1494,5
+ihlen,1494,6
+ihlen,1494,7
+ihlen,1495,0
+ihlen,1495,1
+ihlen,1495,2
+ihlen,1496,0
+ihlen,1496,1
+ihlen,1496,2
+ihlen,1496,4
+ihlen,1496,5
+ihlen,1496,6
+ihlen,1496,9
+ihlen,1496,11
+ihlen,1497,0
+ihlen,1497,1
+ihlen,1497,2
+ihlen,1498,0
+ihlen,1498,1
+ihlen,1498,2
+ihlen,1498,3
+ihlen,1498,4
+ihlen,1498,5
+ihlen,1498,6
+ihlen,1498,7
+ihlen,1499,0
+ihlen,1499,1
+ihlen,1499,2
+ihlen,1499,3
+ihlen,1499,4
+ihlen,1499,5
+ihlen,1499,6
+ihlen,1500,0
+ihlen,1500,1
+ihlen,1500,2
+ihlen,1500,3
+ihlen,1500,4
+ihlen,1501,0
+ihlen,1501,1
+ihlen,1501,2
+ihlen,1501,3
+ihlen,1501,4
+ihlen,1501,5
+ihlen,1501,6
+ihlen,1502,0
+ihlen,1502,1
+ihlen,1502,2
+ihlen,1502,3
+ihlen,1502,4
+ihlen,1502,5
+ihlen,1502,6
+ihlen,1502,7
+ihlen,1503,0
+ihlen,1503,1
+ihlen,1503,2
+ihlen,1503,3
+ihlen,1503,4
+ihlen,1503,5
+ihlen,1503,6
+ihlen,1503,7
+ihlen,1503,8
+ihlen,1503,9
+ihlen,1503,10
+ihlen,1503,11
+ihlen,1503,12
+ihlen,1503,13
+ihlen,1503,14
+ihlen,1504,0
+ihlen,1504,1
+ihlen,1504,2
+ihlen,1504,3
+ihlen,1504,4
+ihlen,1505,0
+ihlen,1505,1
+ihlen,1505,2
+ihlen,1505,3
+ihlen,1506,0
+ihlen,1506,1
+ihlen,1506,2
+ihlen,1507,0
+ihlen,1507,1
+ihlen,1507,2
+ihlen,1507,3
+ihlen,1507,4
+ihlen,1507,5
+ihlen,1507,6
+ihlen,1507,7
+ihlen,1507,8
+ihlen,1507,9
+ihlen,1508,0
+ihlen,1508,1
+ihlen,1508,2
+ihlen,1508,3
+ihlen,1508,4
+ihlen,1508,5
+ihlen,1509,0
+ihlen,1509,1
+ihlen,1509,2
+ihlen,1510,0
+ihlen,1510,1
+ihlen,1510,2
+ihlen,1511,0
+ihlen,1511,1
+ihlen,1511,2
+ihlen,1512,0
+ihlen,1512,1
+ihlen,1512,2
+ihlen,1512,3
+ihlen,1512,4
+ihlen,1512,5
+ihlen,1513,0
+ihlen,1513,1
+ihlen,1513,2
+ihlen,1513,3
+ihlen,1513,4
+ihlen,1513,5
+ihlen,1514,0
+ihlen,1514,1
+ihlen,1514,2
+ihlen,1514,3
+ihlen,1514,4
+ihlen,1514,5
+ihlen,1514,6
+ihlen,1514,7
+ihlen,1515,0
+ihlen,1515,1
+ihlen,1515,2
+ihlen,1515,3
+ihlen,1515,4
+ihlen,1515,5
+ihlen,1515,6
+ihlen,1515,7
+ihlen,1515,8
+ihlen,1516,0
+ihlen,1516,1
+ihlen,1516,2
+ihlen,1516,3
+ihlen,1516,4
+ihlen,1517,0
+ihlen,1517,1
+ihlen,1517,2
+ihlen,1517,3
+ihlen,1517,4
+ihlen,1518,0
+ihlen,1518,1
+ihlen,1518,2
+ihlen,1518,3
+ihlen,1518,4
+ihlen,1518,5
+ihlen,1519,0
+ihlen,1519,1
+ihlen,1519,2
+ihlen,1520,0
+ihlen,1520,1
+ihlen,1520,2
+ihlen,1520,3
+ihlen,1520,4
+ihlen,1521,0
+ihlen,1521,1
+ihlen,1521,2
+ihlen,1521,3
+ihlen,1521,4
+ihlen,1521,5
+ihlen,1522,0
+ihlen,1522,1
+ihlen,1522,2
+ihlen,1522,3
+ihlen,1522,4
+ihlen,1523,0
+ihlen,1523,1
+ihlen,1523,2
+ihlen,1523,4
+ihlen,1523,5
+ihlen,1523,6
+ihlen,1523,8
+ihlen,1523,9
+ihlen,1523,12
+ihlen,1523,13
+ihlen,1524,0
+ihlen,1524,1
+ihlen,1524,2
+ihlen,1524,3
+ihlen,1524,4
+ihlen,1524,5
+ihlen,1524,6
+ihlen,1524,7
+ihlen,1525,0
+ihlen,1525,1
+ihlen,1525,2
+ihlen,1526,0
+ihlen,1526,1
+ihlen,1526,2
+ihlen,1526,3
+ihlen,1526,4
+ihlen,1526,5
+ihlen,1526,6
+ihlen,1526,7
+ihlen,1527,0
+ihlen,1527,1
+ihlen,1527,2
+ihlen,1527,3
+ihlen,1527,4
+ihlen,1527,5
+ihlen,1528,0
+ihlen,1528,1
+ihlen,1528,2
+ihlen,1528,3
+ihlen,1528,4
+ihlen,1528,5
+ihlen,1528,6
+ihlen,1529,0
+ihlen,1529,3
+ihlen,1529,4
+ihlen,1529,7
+ihlen,1529,8
+ihlen,1529,9
+ihlen,1529,10
+ihlen,1529,11
+ihlen,1529,12
+ihlen,1530,0
+ihlen,1530,1
+ihlen,1530,2
+ihlen,1531,0
+ihlen,1531,1
+ihlen,1531,2
+ihlen,1531,3
+ihlen,1531,4
+ihlen,1531,5
+ihlen,1531,6
+ihlen,1531,7
+ihlen,1531,8
+ihlen,1531,9
+ihlen,1532,0
+ihlen,1532,1
+ihlen,1532,2
+ihlen,1532,3
+ihlen,1532,4
+ihlen,1532,5
+ihlen,1533,0
+ihlen,1533,1
+ihlen,1533,2
+ihlen,1533,3
+ihlen,1534,0
+ihlen,1534,1
+ihlen,1534,2
+ihlen,1534,3
+ihlen,1534,4
+ihlen,1534,5
+ihlen,1535,0
+ihlen,1535,1
+ihlen,1535,2
+ihlen,1536,0
+ihlen,1536,1
+ihlen,1536,2
+ihlen,1536,3
+ihlen,1536,4
+ihlen,1536,5
+ihlen,1536,6
+ihlen,1537,0
+ihlen,1537,1
+ihlen,1537,2
+ihlen,1537,3
+ihlen,1538,0
+ihlen,1538,1
+ihlen,1538,2
+ihlen,1538,3
+ihlen,1538,4
+ihlen,1539,0
+ihlen,1539,1
+ihlen,1539,2
+ihlen,1540,0
+ihlen,1540,1
+ihlen,1540,2
+ihlen,1541,0
+ihlen,1541,1
+ihlen,1542,0
+ihlen,1542,1
+ihlen,1542,4
+ihlen,1542,5
+ihlen,1542,6
+ihlen,1542,7
+ihlen,1542,10
+ihlen,1543,0
+ihlen,1543,1
+ihlen,1543,2
+ihlen,1543,3
+ihlen,1543,4
+ihlen,1544,0
+ihlen,1544,1
+ihlen,1544,2
+ihlen,1544,3
+ihlen,1545,0
+ihlen,1545,1
+ihlen,1545,2
+ihlen,1545,3
+ihlen,1545,4
+ihlen,1545,5
+ihlen,1545,6
+ihlen,1545,7
+ihlen,1545,8
+ihlen,1545,9
+ihlen,1546,0
+ihlen,1546,1
+ihlen,1546,2
+ihlen,1547,0
+ihlen,1547,1
+ihlen,1547,2
+ihlen,1547,3
+ihlen,1547,4
+ihlen,1547,5
+ihlen,1548,0
+ihlen,1548,1
+ihlen,1548,2
+ihlen,1549,0
+ihlen,1549,1
+ihlen,1549,2
+ihlen,1550,0
+ihlen,1550,1
+ihlen,1550,2
+ihlen,1550,3
+ihlen,1550,4
+ihlen,1550,5
+ihlen,1551,0
+ihlen,1551,1
+ihlen,1551,2
+ihlen,1551,3
+ihlen,1551,4
+ihlen,1552,0
+ihlen,1552,1
+ihlen,1552,2
+ihlen,1552,3
+ihlen,1552,4
+ihlen,1552,5
+ihlen,1552,6
+ihlen,1552,7
+ihlen,1552,8
+ihlen,1553,0
+ihlen,1553,1
+ihlen,1553,2
+ihlen,1553,3
+ihlen,1554,0
+ihlen,1554,1
+ihlen,1554,2
+ihlen,1555,0
+ihlen,1555,1
+ihlen,1555,2
+ihlen,1555,3
+ihlen,1555,4
+ihlen,1556,0
+ihlen,1556,1
+ihlen,1556,2
+ihlen,1556,3
+ihlen,1556,4
+ihlen,1556,5
+ihlen,1556,6
+ihlen,1556,7
+ihlen,1557,0
+ihlen,1557,1
+ihlen,1557,2
+ihlen,1558,0
+ihlen,1558,1
+ihlen,1558,2
+ihlen,1558,3
+ihlen,1559,0
+ihlen,1559,1
+ihlen,1559,2
+ihlen,1560,0
+ihlen,1560,1
+ihlen,1560,2
+ihlen,1561,0
+ihlen,1561,1
+ihlen,1561,2
+ihlen,1561,3
+ihlen,1561,4
+ihlen,1562,0
+ihlen,1562,1
+ihlen,1562,2
+ihlen,1562,3
+ihlen,1563,0
+ihlen,1563,1
+ihlen,1563,2
+ihlen,1563,3
+ihlen,1564,0
+ihlen,1564,1
+ihlen,1564,2
+ihlen,1564,3
+ihlen,1565,0
+ihlen,1565,1
+ihlen,1565,2
+ihlen,1566,0
+ihlen,1566,1
+ihlen,1566,2
+ihlen,1566,3
+ihlen,1566,4
+ihlen,1567,0
+ihlen,1567,1
+ihlen,1567,2
+ihlen,1567,3
+ihlen,1567,4
+ihlen,1567,5
+ihlen,1568,2
+ihlen,1568,3
+ihlen,1568,4
+ihlen,1568,6
+ihlen,1568,7
+ihlen,1568,8
+ihlen,1568,10
+ihlen,1569,0
+ihlen,1569,1
+ihlen,1569,2
+ihlen,1569,3
+ihlen,1570,0
+ihlen,1570,1
+ihlen,1570,2
+ihlen,1570,3
+ihlen,1570,4
+ihlen,1570,5
+ihlen,1570,6
+ihlen,1571,0
+ihlen,1571,1
+ihlen,1571,2
+ihlen,1571,3
+ihlen,1571,4
+ihlen,1571,5
+ihlen,1572,0
+ihlen,1572,1
+ihlen,1572,2
+ihlen,1572,3
+ihlen,1573,0
+ihlen,1573,1
+ihlen,1573,2
+ihlen,1574,0
+ihlen,1574,1
+ihlen,1574,2
+ihlen,1574,3
+ihlen,1574,4
+ihlen,1574,5
+ihlen,1574,6
+ihlen,1574,7
+ihlen,1574,8
+ihlen,1575,0
+ihlen,1575,1
+ihlen,1575,2
+ihlen,1575,3
+ihlen,1576,0
+ihlen,1576,1
+ihlen,1576,2
+ihlen,1576,3
+ihlen,1576,4
+ihlen,1576,5
+ihlen,1576,6
+ihlen,1577,0
+ihlen,1577,1
+ihlen,1577,2
+ihlen,1577,3
+ihlen,1578,0
+ihlen,1578,1
+ihlen,1578,2
+ihlen,1578,3
+ihlen,1578,4
+ihlen,1578,5
+ihlen,1579,0
+ihlen,1579,1
+ihlen,1579,2
+ihlen,1579,3
+ihlen,1579,4
+ihlen,1579,5
+ihlen,1579,6
+ihlen,1579,7
+ihlen,1579,8
+ihlen,1579,9
+ihlen,1580,0
+ihlen,1580,1
+ihlen,1580,2
+ihlen,1580,3
+ihlen,1580,4
+ihlen,1580,5
+ihlen,1581,0
+ihlen,1581,1
+ihlen,1581,2
+ihlen,1581,3
+ihlen,1582,0
+ihlen,1582,1
+ihlen,1582,2
+ihlen,1583,0
+ihlen,1583,1
+ihlen,1583,2
+ihlen,1583,3
+ihlen,1583,4
+ihlen,1583,5
+ihlen,1583,6
+ihlen,1583,7
+ihlen,1583,8
+ihlen,1583,9
+ihlen,1584,0
+ihlen,1584,1
+ihlen,1584,2
+ihlen,1584,3
+ihlen,1585,0
+ihlen,1585,1
+ihlen,1585,2
+ihlen,1585,3
+ihlen,1585,4
+ihlen,1586,0
+ihlen,1586,1
+ihlen,1586,2
+ihlen,1586,3
+ihlen,1586,4
+ihlen,1587,0
+ihlen,1587,1
+ihlen,1587,2
+ihlen,1587,3
+ihlen,1587,4
+ihlen,1587,5
+ihlen,1588,0
+ihlen,1588,1
+ihlen,1588,2
+ihlen,1589,0
+ihlen,1589,1
+ihlen,1589,2
+ihlen,1589,3
+ihlen,1589,4
+ihlen,1589,5
+ihlen,1590,0
+ihlen,1590,1
+ihlen,1590,2
+ihlen,1590,3
+ihlen,1590,4
+ihlen,1590,5
+ihlen,1590,6
+ihlen,1591,0
+ihlen,1591,1
+ihlen,1591,2
+ihlen,1591,3
+ihlen,1591,4
+ihlen,1591,5
+ihlen,1592,0
+ihlen,1592,1
+ihlen,1592,2
+ihlen,1593,0
+ihlen,1593,3
+ihlen,1593,5
+ihlen,1593,6
+ihlen,1593,7
+ihlen,1593,8
+ihlen,1593,10
+ihlen,1594,0
+ihlen,1594,5
+ihlen,1595,0
+ihlen,1595,2
+ihlen,1595,3
+ihlen,1595,4
+ihlen,1595,7
+ihlen,1595,8
+ihlen,1595,9
+ihlen,1596,0
+ihlen,1596,1
+ihlen,1596,2
+ihlen,1596,3
+ihlen,1596,4
+ihlen,1596,5
+ihlen,1596,6
+ihlen,1596,7
+ihlen,1596,8
+ihlen,1597,0
+ihlen,1597,2
+ihlen,1597,3
+ihlen,1597,4
+ihlen,1597,5
+ihlen,1597,6
+ihlen,1597,7
+ihlen,1597,9
+ihlen,1598,0
+ihlen,1598,1
+ihlen,1598,2
+ihlen,1599,0
+ihlen,1599,1
+ihlen,1599,2
+ihlen,1600,0
+ihlen,1600,1
+ihlen,1600,2
+ihlen,1601,0
+ihlen,1601,1
+ihlen,1601,2
+ihlen,1601,3
+ihlen,1601,4
+ihlen,1602,0
+ihlen,1602,1
+ihlen,1602,2
+ihlen,1602,3
+ihlen,1602,4
+ihlen,1602,5
+ihlen,1602,6
+ihlen,1602,7
+ihlen,1603,0
+ihlen,1603,1
+ihlen,1603,2
+ihlen,1603,3
+ihlen,1603,4
+ihlen,1604,0
+ihlen,1604,1
+ihlen,1604,2
+ihlen,1605,0
+ihlen,1605,1
+ihlen,1605,2
+ihlen,1605,3
+ihlen,1605,4
+ihlen,1605,5
+ihlen,1606,0
+ihlen,1606,1
+ihlen,1606,2
+ihlen,1607,0
+ihlen,1607,1
+ihlen,1607,2
+ihlen,1607,3
+ihlen,1608,0
+ihlen,1608,1
+ihlen,1608,2
+ihlen,1608,3
+ihlen,1608,4
+ihlen,1608,5
+ihlen,1609,0
+ihlen,1609,1
+ihlen,1609,2
+ihlen,1610,0
+ihlen,1610,1
+ihlen,1610,2
+ihlen,1610,3
+ihlen,1611,0
+ihlen,1611,1
+ihlen,1611,2
+ihlen,1611,3
+ihlen,1611,5
+ihlen,1611,7
+ihlen,1611,9
+ihlen,1611,10
+ihlen,1611,11
+ihlen,1611,13
+ihlen,1612,0
+ihlen,1612,1
+ihlen,1612,2
+ihlen,1612,3
+ihlen,1612,4
+ihlen,1612,5
+ihlen,1612,6
+ihlen,1612,7
+ihlen,1612,8
+ihlen,1613,0
+ihlen,1613,1
+ihlen,1613,2
+ihlen,1614,0
+ihlen,1614,1
+ihlen,1614,2
+ihlen,1614,3
+ihlen,1615,0
+ihlen,1615,1
+ihlen,1615,2
+ihlen,1615,3
+ihlen,1615,4
+ihlen,1615,5
+ihlen,1616,0
+ihlen,1616,1
+ihlen,1616,2
+ihlen,1617,0
+ihlen,1617,1
+ihlen,1617,2
+ihlen,1617,3
+ihlen,1617,4
+ihlen,1617,5
+ihlen,1618,0
+ihlen,1618,1
+ihlen,1618,2
+ihlen,1618,3
+ihlen,1619,1
+ihlen,1619,2
+ihlen,1619,3
+ihlen,1619,4
+ihlen,1619,5
+ihlen,1619,7
+ihlen,1619,8
+ihlen,1619,10
+muleshoe,0,0
+muleshoe,0,1
+muleshoe,0,2
+muleshoe,0,3
+muleshoe,0,4
+muleshoe,0,5
+muleshoe,0,6
+muleshoe,0,7
+muleshoe,0,8
+muleshoe,1,0
+muleshoe,1,1
+muleshoe,1,2
+muleshoe,1,3
+muleshoe,1,4
+muleshoe,2,0
+muleshoe,2,1
+muleshoe,2,2
+muleshoe,2,3
+muleshoe,2,4
+muleshoe,2,5
+muleshoe,2,6
+muleshoe,2,7
+muleshoe,2,8
+muleshoe,2,9
+muleshoe,2,10
+muleshoe,2,11
+muleshoe,2,12
+muleshoe,3,0
+muleshoe,3,1
+muleshoe,3,2
+muleshoe,3,3
+muleshoe,3,4
+muleshoe,3,5
+muleshoe,3,6
+muleshoe,3,7
+muleshoe,3,8
+muleshoe,3,9
+muleshoe,3,10
+muleshoe,4,0
+muleshoe,4,1
+muleshoe,4,2
+muleshoe,4,3
+muleshoe,4,4
+muleshoe,5,0
+muleshoe,5,1
+muleshoe,5,2
+muleshoe,5,3
+muleshoe,5,4
+muleshoe,5,5
+muleshoe,5,6
+muleshoe,5,7
+muleshoe,5,8
+muleshoe,5,9
+muleshoe,6,0
+muleshoe,6,1
+muleshoe,6,2
+muleshoe,6,3
+muleshoe,6,4
+muleshoe,6,5
+muleshoe,6,6
+muleshoe,7,0
+muleshoe,7,1
+muleshoe,7,2
+muleshoe,7,3
+muleshoe,7,4
+muleshoe,7,5
+muleshoe,7,6
+muleshoe,7,7
+muleshoe,7,8
+muleshoe,7,9
+muleshoe,7,10
+muleshoe,7,11
+muleshoe,7,12
+muleshoe,8,0
+muleshoe,8,1
+muleshoe,8,2
+muleshoe,8,3
+muleshoe,8,4
+muleshoe,9,0
+muleshoe,9,1
+muleshoe,9,2
+muleshoe,9,3
+muleshoe,10,0
+muleshoe,10,1
+muleshoe,10,2
+muleshoe,10,3
+muleshoe,10,4
+muleshoe,10,5
+muleshoe,10,6
+muleshoe,10,7
+muleshoe,10,8
+muleshoe,10,9
+muleshoe,10,10
+muleshoe,10,11
+muleshoe,10,12
+muleshoe,10,13
+muleshoe,10,14
+muleshoe,11,0
+muleshoe,11,1
+muleshoe,11,2
+muleshoe,11,3
+muleshoe,11,4
+muleshoe,11,5
+muleshoe,11,6
+muleshoe,12,0
+muleshoe,12,1
+muleshoe,12,2
+muleshoe,12,3
+muleshoe,12,4
+muleshoe,12,5
+muleshoe,12,6
+muleshoe,12,7
+muleshoe,12,8
+muleshoe,13,0
+muleshoe,13,1
+muleshoe,13,2
+muleshoe,13,3
+muleshoe,13,4
+muleshoe,13,5
+muleshoe,13,6
+muleshoe,13,7
+muleshoe,14,0
+muleshoe,14,1
+muleshoe,14,2
+muleshoe,14,3
+muleshoe,14,4
+muleshoe,14,5
+muleshoe,14,6
+muleshoe,14,7
+muleshoe,14,8
+muleshoe,14,9
+muleshoe,14,10
+muleshoe,15,0
+muleshoe,15,1
+muleshoe,15,2
+muleshoe,15,3
+muleshoe,15,4
+muleshoe,15,5
+muleshoe,15,6
+muleshoe,16,0
+muleshoe,16,1
+muleshoe,16,2
+muleshoe,16,3
+muleshoe,16,4
+muleshoe,16,5
+muleshoe,16,6
+muleshoe,16,7
+muleshoe,16,8
+muleshoe,16,9
+muleshoe,16,10
+muleshoe,16,11
+muleshoe,16,12
+muleshoe,16,13
+muleshoe,16,14
+muleshoe,17,0
+muleshoe,17,1
+muleshoe,17,2
+muleshoe,17,3
+muleshoe,17,4
+muleshoe,17,5
+muleshoe,17,6
+muleshoe,17,7
+muleshoe,18,0
+muleshoe,18,1
+muleshoe,18,2
+muleshoe,18,3
+muleshoe,18,4
+muleshoe,18,5
+muleshoe,18,6
+muleshoe,19,0
+muleshoe,19,1
+muleshoe,19,2
+muleshoe,19,3
+muleshoe,20,0
+muleshoe,20,1
+muleshoe,20,2
+muleshoe,20,3
+muleshoe,20,4
+muleshoe,20,5
+muleshoe,20,6
+muleshoe,20,7
+muleshoe,21,0
+muleshoe,21,1
+muleshoe,21,2
+muleshoe,21,3
+muleshoe,21,4
+muleshoe,22,0
+muleshoe,22,1
+muleshoe,22,2
+muleshoe,22,3
+muleshoe,22,4
+muleshoe,22,5
+muleshoe,22,6
+muleshoe,22,7
+muleshoe,22,8
+muleshoe,22,9
+muleshoe,22,10
+muleshoe,22,11
+muleshoe,23,0
+muleshoe,23,1
+muleshoe,23,2
+muleshoe,23,3
+muleshoe,23,4
+muleshoe,23,5
+muleshoe,24,0
+muleshoe,24,1
+muleshoe,24,2
+muleshoe,25,0
+muleshoe,25,1
+muleshoe,25,2
+muleshoe,25,3
+muleshoe,25,4
+muleshoe,25,5
+muleshoe,25,6
+muleshoe,25,7
+muleshoe,25,8
+muleshoe,25,9
+muleshoe,25,10
+muleshoe,25,11
+muleshoe,25,12
+muleshoe,25,13
+muleshoe,25,14
+muleshoe,25,15
+muleshoe,26,0
+muleshoe,26,1
+muleshoe,26,2
+muleshoe,26,3
+muleshoe,26,4
+muleshoe,26,5
+muleshoe,26,6
+muleshoe,26,7
+muleshoe,26,8
+muleshoe,26,9
+muleshoe,27,0
+muleshoe,27,1
+muleshoe,27,2
+muleshoe,27,3
+muleshoe,28,0
+muleshoe,28,1
+muleshoe,28,2
+muleshoe,28,3
+muleshoe,28,4
+muleshoe,28,5
+muleshoe,28,6
+muleshoe,28,7
+muleshoe,28,8
+muleshoe,29,0
+muleshoe,29,1
+muleshoe,29,2
+muleshoe,29,3
+muleshoe,29,4
+muleshoe,30,0
+muleshoe,30,1
+muleshoe,30,2
+muleshoe,30,3
+muleshoe,31,0
+muleshoe,31,1
+muleshoe,31,2
+muleshoe,32,0
+muleshoe,32,1
+muleshoe,32,2
+muleshoe,32,3
+muleshoe,32,4
+muleshoe,32,5
+muleshoe,32,6
+muleshoe,32,7
+muleshoe,32,8
+muleshoe,33,0
+muleshoe,33,1
+muleshoe,33,2
+muleshoe,33,3
+muleshoe,33,4
+muleshoe,33,5
+muleshoe,33,6
+muleshoe,33,7
+muleshoe,33,8
+muleshoe,34,0
+muleshoe,34,1
+muleshoe,34,2
+muleshoe,34,3
+muleshoe,34,4
+muleshoe,34,5
+muleshoe,34,6
+muleshoe,34,7
+muleshoe,34,8
+muleshoe,34,9
+muleshoe,34,10
+muleshoe,34,11
+muleshoe,34,12
+muleshoe,35,0
+muleshoe,35,1
+muleshoe,35,2
+muleshoe,35,3
+muleshoe,35,4
+muleshoe,35,5
+muleshoe,35,6
+muleshoe,35,7
+muleshoe,35,8
+muleshoe,35,9
+muleshoe,36,0
+muleshoe,36,1
+muleshoe,36,2
+muleshoe,37,0
+muleshoe,37,1
+muleshoe,37,2
+muleshoe,37,3
+muleshoe,37,4
+muleshoe,38,0
+muleshoe,38,1
+muleshoe,38,2
+muleshoe,38,3
+muleshoe,38,4
+muleshoe,38,5
+muleshoe,38,6
+muleshoe,38,7
+muleshoe,38,8
+muleshoe,38,9
+muleshoe,39,0
+muleshoe,39,1
+muleshoe,39,2
+muleshoe,39,3
+muleshoe,39,4
+muleshoe,40,0
+muleshoe,40,1
+muleshoe,40,2
+muleshoe,40,3
+muleshoe,40,4
+muleshoe,40,5
+muleshoe,40,6
+muleshoe,40,7
+muleshoe,41,0
+muleshoe,41,1
+muleshoe,41,2
+muleshoe,41,3
+muleshoe,41,4
+muleshoe,41,5
+muleshoe,41,6
+muleshoe,41,7
+muleshoe,41,8
+muleshoe,41,9
+muleshoe,42,0
+muleshoe,42,1
+muleshoe,42,2
+muleshoe,43,0
+muleshoe,43,1
+muleshoe,43,2
+muleshoe,44,0
+muleshoe,44,1
+muleshoe,44,2
+muleshoe,44,3
+muleshoe,44,4
+muleshoe,45,0
+muleshoe,45,1
+muleshoe,45,2
+muleshoe,45,3
+muleshoe,45,4
+muleshoe,46,0
+muleshoe,46,1
+muleshoe,46,2
+muleshoe,46,3
+muleshoe,46,4
+muleshoe,46,5
+muleshoe,46,6
+muleshoe,46,7
+muleshoe,46,8
+muleshoe,46,9
+muleshoe,46,10
+muleshoe,46,11
+muleshoe,47,0
+muleshoe,47,1
+muleshoe,47,2
+muleshoe,47,3
+muleshoe,47,4
+muleshoe,47,5
+muleshoe,48,0
+muleshoe,48,1
+muleshoe,48,2
+muleshoe,48,3
+muleshoe,48,4
+muleshoe,48,5
+muleshoe,49,0
+muleshoe,49,1
+muleshoe,49,2
+muleshoe,50,0
+muleshoe,50,1
+muleshoe,50,2
+muleshoe,51,0
+muleshoe,51,1
+muleshoe,51,2
+muleshoe,51,3
+muleshoe,51,4
+muleshoe,51,5
+muleshoe,51,6
+muleshoe,51,7
+muleshoe,51,8
+muleshoe,51,9
+muleshoe,51,10
+muleshoe,51,11
+muleshoe,51,12
+muleshoe,51,13
+muleshoe,51,14
+muleshoe,52,0
+muleshoe,52,1
+muleshoe,52,2
+muleshoe,52,3
+muleshoe,52,4
+muleshoe,52,5
+muleshoe,52,6
+muleshoe,52,7
+muleshoe,52,8
+muleshoe,52,9
+muleshoe,52,10
+muleshoe,53,0
+muleshoe,53,1
+muleshoe,53,2
+muleshoe,53,3
+muleshoe,53,4
+muleshoe,53,5
+muleshoe,53,6
+muleshoe,53,7
+muleshoe,53,8
+muleshoe,53,9
+muleshoe,53,10
+muleshoe,53,11
+muleshoe,54,0
+muleshoe,54,1
+muleshoe,54,2
+muleshoe,54,3
+muleshoe,54,4
+muleshoe,55,0
+muleshoe,55,1
+muleshoe,55,2
+muleshoe,55,3
+muleshoe,55,4
+muleshoe,55,5
+muleshoe,55,6
+muleshoe,55,7
+muleshoe,55,8
+muleshoe,55,9
+muleshoe,55,10
+muleshoe,56,0
+muleshoe,56,1
+muleshoe,56,2
+muleshoe,56,3
+muleshoe,56,4
+muleshoe,57,0
+muleshoe,57,1
+muleshoe,57,2
+muleshoe,57,3
+muleshoe,57,4
+muleshoe,57,5
+muleshoe,57,6
+muleshoe,57,7
+muleshoe,57,8
+muleshoe,57,9
+muleshoe,57,10
+muleshoe,57,11
+muleshoe,57,12
+muleshoe,57,13
+muleshoe,57,14
+muleshoe,58,0
+muleshoe,58,1
+muleshoe,58,2
+muleshoe,58,3
+muleshoe,58,4
+muleshoe,58,5
+muleshoe,58,6
+muleshoe,58,7
+muleshoe,58,8
+muleshoe,58,9
+muleshoe,58,10
+muleshoe,58,11
+muleshoe,59,0
+muleshoe,59,1
+muleshoe,59,2
+muleshoe,59,3
+muleshoe,59,4
+muleshoe,59,5
+muleshoe,59,6
+muleshoe,59,7
+muleshoe,59,8
+muleshoe,59,9
+muleshoe,60,0
+muleshoe,60,1
+muleshoe,60,2
+muleshoe,60,3
+muleshoe,60,4
+muleshoe,60,5
+muleshoe,60,6
+muleshoe,60,7
+muleshoe,60,8
+muleshoe,61,0
+muleshoe,61,1
+muleshoe,61,2
+muleshoe,62,0
+muleshoe,62,1
+muleshoe,62,2
+muleshoe,62,3
+muleshoe,62,4
+muleshoe,62,5
+muleshoe,62,6
+muleshoe,62,7
+muleshoe,62,8
+muleshoe,62,9
+muleshoe,62,10
+muleshoe,62,11
+muleshoe,63,0
+muleshoe,63,1
+muleshoe,63,2
+muleshoe,63,3
+muleshoe,64,0
+muleshoe,64,1
+muleshoe,64,2
+muleshoe,64,3
+muleshoe,64,4
+muleshoe,64,5
+muleshoe,64,6
+muleshoe,65,0
+muleshoe,65,1
+muleshoe,65,2
+muleshoe,65,3
+muleshoe,65,4
+muleshoe,65,5
+muleshoe,66,0
+muleshoe,66,1
+muleshoe,66,2
+muleshoe,66,3
+muleshoe,66,4
+muleshoe,66,5
+muleshoe,66,6
+muleshoe,66,7
+muleshoe,66,8
+muleshoe,66,9
+muleshoe,66,10
+muleshoe,66,11
+muleshoe,67,0
+muleshoe,67,1
+muleshoe,67,2
+muleshoe,67,3
+muleshoe,67,4
+muleshoe,67,5
+muleshoe,67,6
+muleshoe,67,7
+muleshoe,67,8
+muleshoe,67,9
+muleshoe,68,0
+muleshoe,68,1
+muleshoe,68,2
+muleshoe,68,3
+muleshoe,68,4
+muleshoe,68,5
+muleshoe,68,6
+muleshoe,68,7
+muleshoe,68,8
+muleshoe,68,9
+muleshoe,68,10
+muleshoe,69,0
+muleshoe,69,1
+muleshoe,69,2
+muleshoe,69,3
+muleshoe,69,4
+muleshoe,69,5
+muleshoe,69,6
+muleshoe,69,7
+muleshoe,69,8
+muleshoe,69,9
+muleshoe,69,10
+muleshoe,69,11
+muleshoe,69,12
+muleshoe,70,0
+muleshoe,70,1
+muleshoe,70,2
+muleshoe,70,3
+muleshoe,70,4
+muleshoe,70,5
+muleshoe,70,6
+muleshoe,70,7
+muleshoe,71,0
+muleshoe,71,1
+muleshoe,71,2
+muleshoe,71,3
+muleshoe,71,4
+muleshoe,71,5
+muleshoe,71,6
+muleshoe,71,7
+muleshoe,71,8
+muleshoe,71,9
+muleshoe,71,10
+muleshoe,71,11
+muleshoe,71,12
+muleshoe,71,13
+muleshoe,72,0
+muleshoe,72,1
+muleshoe,72,2
+muleshoe,72,3
+muleshoe,72,4
+muleshoe,73,0
+muleshoe,73,1
+muleshoe,73,2
+muleshoe,73,3
+muleshoe,73,4
+muleshoe,73,5
+muleshoe,73,6
+muleshoe,73,7
+muleshoe,73,8
+muleshoe,74,0
+muleshoe,74,1
+muleshoe,74,2
+muleshoe,74,3
+muleshoe,74,4
+muleshoe,74,5
+muleshoe,75,0
+muleshoe,75,1
+muleshoe,75,2
+muleshoe,76,0
+muleshoe,76,1
+muleshoe,76,2
+muleshoe,76,3
+muleshoe,76,4
+muleshoe,76,5
+muleshoe,76,6
+muleshoe,76,7
+muleshoe,76,8
+muleshoe,76,9
+muleshoe,76,10
+muleshoe,77,0
+muleshoe,77,1
+muleshoe,77,2
+muleshoe,78,0
+muleshoe,78,1
+muleshoe,78,2
+muleshoe,78,3
+muleshoe,78,4
+muleshoe,78,5
+muleshoe,78,6
+muleshoe,78,7
+muleshoe,78,8
+muleshoe,78,9
+muleshoe,78,10
+muleshoe,78,11
+muleshoe,78,12
+muleshoe,78,13
+muleshoe,78,14
+muleshoe,78,15
+muleshoe,79,0
+muleshoe,79,1
+muleshoe,79,2
+muleshoe,79,3
+muleshoe,79,4
+muleshoe,79,5
+muleshoe,79,6
+muleshoe,79,7
+muleshoe,79,8
+muleshoe,79,9
+muleshoe,79,10
+muleshoe,79,11
+muleshoe,79,12
+muleshoe,79,13
+muleshoe,79,14
+muleshoe,79,15
+muleshoe,79,16
+muleshoe,79,17
+muleshoe,79,18
+muleshoe,80,0
+muleshoe,80,1
+muleshoe,80,2
+muleshoe,80,3
+muleshoe,80,4
+muleshoe,80,5
+muleshoe,81,0
+muleshoe,81,1
+muleshoe,81,2
+muleshoe,81,3
+muleshoe,81,4
+muleshoe,81,5
+muleshoe,81,6
+muleshoe,81,7
+muleshoe,81,8
+muleshoe,81,9
+muleshoe,81,10
+muleshoe,81,11
+muleshoe,81,12
+muleshoe,81,13
+muleshoe,81,14
+muleshoe,81,15
+muleshoe,82,0
+muleshoe,82,1
+muleshoe,82,2
+muleshoe,83,0
+muleshoe,83,1
+muleshoe,83,2
+muleshoe,83,3
+muleshoe,83,4
+muleshoe,83,5
+muleshoe,83,6
+muleshoe,83,7
+muleshoe,83,8
+muleshoe,84,0
+muleshoe,84,1
+muleshoe,84,2
+muleshoe,84,3
+muleshoe,84,4
+muleshoe,84,5
+muleshoe,84,6
+muleshoe,84,7
+muleshoe,84,8
+muleshoe,84,9
+muleshoe,84,10
+muleshoe,85,0
+muleshoe,85,1
+muleshoe,85,2
+muleshoe,85,3
+muleshoe,85,4
+muleshoe,86,0
+muleshoe,86,1
+muleshoe,86,2
+muleshoe,86,3
+muleshoe,86,4
+muleshoe,86,5
+muleshoe,86,6
+muleshoe,86,7
+muleshoe,87,0
+muleshoe,87,1
+muleshoe,87,2
+muleshoe,87,3
+muleshoe,87,4
+muleshoe,87,5
+muleshoe,88,0
+muleshoe,88,1
+muleshoe,88,2
+muleshoe,88,3
+muleshoe,88,4
+muleshoe,88,5
+muleshoe,88,6
+muleshoe,88,7
+muleshoe,88,8
+muleshoe,88,9
+muleshoe,88,10
+muleshoe,88,11
+muleshoe,88,12
+muleshoe,88,13
+muleshoe,89,0
+muleshoe,89,1
+muleshoe,89,2
+muleshoe,89,3
+muleshoe,89,4
+muleshoe,89,5
+muleshoe,90,0
+muleshoe,90,1
+muleshoe,90,2
+muleshoe,90,3
+muleshoe,90,4
+muleshoe,90,5
+muleshoe,91,0
+muleshoe,91,1
+muleshoe,91,2
+muleshoe,91,3
+muleshoe,91,4
+muleshoe,91,5
+muleshoe,91,6
+muleshoe,91,7
+muleshoe,91,8
+muleshoe,91,9
+muleshoe,91,10
+muleshoe,91,11
+muleshoe,92,0
+muleshoe,92,1
+muleshoe,92,2
+muleshoe,92,3
+muleshoe,92,4
+muleshoe,92,5
+muleshoe,93,0
+muleshoe,93,1
+muleshoe,93,2
+muleshoe,93,3
+muleshoe,93,4
+muleshoe,93,5
+muleshoe,93,6
+muleshoe,93,7
+muleshoe,93,8
+muleshoe,94,0
+muleshoe,94,1
+muleshoe,94,2
+muleshoe,95,0
+muleshoe,95,1
+muleshoe,95,2
+muleshoe,95,3
+muleshoe,95,4
+muleshoe,95,5
+muleshoe,95,6
+muleshoe,95,7
+muleshoe,95,8
+muleshoe,96,0
+muleshoe,96,1
+muleshoe,96,2
+muleshoe,96,3
+muleshoe,96,4
+muleshoe,96,5
+muleshoe,96,6
+muleshoe,96,7
+muleshoe,97,0
+muleshoe,97,1
+muleshoe,97,2
+muleshoe,97,3
+muleshoe,97,4
+muleshoe,97,5
+muleshoe,98,0
+muleshoe,98,1
+muleshoe,98,2
+muleshoe,98,3
+muleshoe,98,4
+muleshoe,98,5
+muleshoe,98,6
+muleshoe,99,0
+muleshoe,99,1
+muleshoe,99,2
+muleshoe,99,3
+muleshoe,99,4
+muleshoe,99,5
+muleshoe,99,6
+muleshoe,99,7
+muleshoe,99,8
+muleshoe,100,0
+muleshoe,100,1
+muleshoe,100,2
+muleshoe,100,3
+muleshoe,101,0
+muleshoe,101,1
+muleshoe,101,2
+muleshoe,101,3
+muleshoe,101,4
+muleshoe,101,5
+muleshoe,102,0
+muleshoe,102,1
+muleshoe,102,2
+muleshoe,103,0
+muleshoe,103,1
+muleshoe,103,2
+muleshoe,104,0
+muleshoe,104,1
+muleshoe,104,2
+muleshoe,104,3
+muleshoe,105,0
+muleshoe,105,1
+muleshoe,105,2
+muleshoe,106,0
+muleshoe,106,1
+muleshoe,106,2
+muleshoe,106,3
+muleshoe,106,4
+muleshoe,106,5
+muleshoe,106,6
+muleshoe,106,7
+muleshoe,106,8
+muleshoe,106,9
+muleshoe,107,0
+muleshoe,107,1
+muleshoe,107,2
+muleshoe,107,3
+muleshoe,107,4
+muleshoe,108,0
+muleshoe,108,1
+muleshoe,108,2
+muleshoe,109,0
+muleshoe,109,1
+muleshoe,109,2
+muleshoe,109,3
+muleshoe,109,4
+muleshoe,109,5
+muleshoe,109,6
+muleshoe,110,0
+muleshoe,110,1
+muleshoe,110,2
+muleshoe,110,3
+muleshoe,110,4
+muleshoe,110,5
+muleshoe,111,0
+muleshoe,111,1
+muleshoe,111,2
+muleshoe,111,3
+muleshoe,111,4
+muleshoe,111,5
+muleshoe,112,0
+muleshoe,112,1
+muleshoe,112,2
+muleshoe,112,3
+muleshoe,112,4
+muleshoe,113,0
+muleshoe,113,1
+muleshoe,113,2
+muleshoe,114,0
+muleshoe,114,1
+muleshoe,114,2
+muleshoe,115,0
+muleshoe,115,1
+muleshoe,115,2
+muleshoe,115,3
+muleshoe,115,4
+muleshoe,115,5
+muleshoe,115,6
+muleshoe,115,7
+muleshoe,115,8
+muleshoe,115,9
+muleshoe,115,10
+muleshoe,116,0
+muleshoe,116,1
+muleshoe,116,2
+muleshoe,116,3
+muleshoe,117,0
+muleshoe,117,1
+muleshoe,117,2
+muleshoe,117,3
+muleshoe,117,4
+muleshoe,118,0
+muleshoe,118,1
+muleshoe,118,2
+muleshoe,118,3
+muleshoe,118,4
+muleshoe,118,5
+muleshoe,119,0
+muleshoe,119,1
+muleshoe,119,2
+muleshoe,119,3
+muleshoe,119,4
+muleshoe,119,5
+muleshoe,119,6
+muleshoe,119,7
+muleshoe,120,0
+muleshoe,120,1
+muleshoe,120,2
+muleshoe,120,3
+muleshoe,121,0
+muleshoe,121,1
+muleshoe,121,2
+muleshoe,121,3
+muleshoe,121,4
+muleshoe,121,5
+muleshoe,121,6
+muleshoe,121,7
+muleshoe,122,0
+muleshoe,122,1
+muleshoe,122,2
+muleshoe,122,3
+muleshoe,123,0
+muleshoe,123,1
+muleshoe,123,2
+muleshoe,123,3
+muleshoe,124,0
+muleshoe,124,1
+muleshoe,124,2
+muleshoe,124,3
+muleshoe,124,4
+muleshoe,124,5
+muleshoe,124,6
+muleshoe,124,7
+muleshoe,124,8
+muleshoe,125,0
+muleshoe,125,1
+muleshoe,125,2
+muleshoe,126,0
+muleshoe,126,1
+muleshoe,126,2
+muleshoe,126,3
+muleshoe,126,4
+muleshoe,126,5
+muleshoe,126,6
+muleshoe,126,7
+muleshoe,126,8
+muleshoe,126,9
+muleshoe,126,10
+muleshoe,126,11
+muleshoe,127,0
+muleshoe,127,1
+muleshoe,127,2
+muleshoe,127,3
+muleshoe,127,4
+muleshoe,127,5
+muleshoe,127,6
+muleshoe,127,7
+muleshoe,127,8
+muleshoe,128,0
+muleshoe,128,1
+muleshoe,128,2
+muleshoe,128,3
+muleshoe,128,4
+muleshoe,128,5
+muleshoe,128,6
+muleshoe,128,7
+muleshoe,129,0
+muleshoe,129,1
+muleshoe,129,2
+muleshoe,129,3
+muleshoe,129,4
+muleshoe,130,0
+muleshoe,130,1
+muleshoe,130,2
+muleshoe,130,3
+muleshoe,131,0
+muleshoe,131,1
+muleshoe,131,2
+muleshoe,131,3
+muleshoe,131,4
+muleshoe,132,0
+muleshoe,132,1
+muleshoe,132,2
+muleshoe,132,3
+muleshoe,132,4
+muleshoe,132,5
+muleshoe,132,6
+muleshoe,132,7
+muleshoe,132,8
+muleshoe,132,9
+muleshoe,132,10
+muleshoe,132,11
+muleshoe,133,0
+muleshoe,133,1
+muleshoe,133,2
+muleshoe,133,3
+muleshoe,133,4
+muleshoe,133,5
+muleshoe,134,0
+muleshoe,134,1
+muleshoe,134,2
+muleshoe,134,3
+muleshoe,134,4
+muleshoe,134,5
+muleshoe,134,6
+muleshoe,134,7
+muleshoe,134,8
+muleshoe,135,0
+muleshoe,135,1
+muleshoe,135,2
+muleshoe,135,3
+muleshoe,135,4
+muleshoe,135,5
+muleshoe,135,6
+muleshoe,136,0
+muleshoe,136,1
+muleshoe,136,2
+muleshoe,136,3
+muleshoe,136,4
+muleshoe,136,5
+muleshoe,136,6
+muleshoe,136,7
+muleshoe,136,8
+muleshoe,136,9
+muleshoe,136,10
+muleshoe,136,11
+muleshoe,136,12
+muleshoe,136,13
+muleshoe,136,14
+muleshoe,136,15
+muleshoe,136,16
+muleshoe,137,0
+muleshoe,137,1
+muleshoe,137,2
+muleshoe,137,3
+muleshoe,137,4
+muleshoe,138,0
+muleshoe,138,1
+muleshoe,138,2
+muleshoe,138,3
+muleshoe,138,4
+muleshoe,138,5
+muleshoe,138,6
+muleshoe,138,7
+muleshoe,139,0
+muleshoe,139,1
+muleshoe,139,2
+muleshoe,139,3
+muleshoe,139,4
+muleshoe,139,5
+muleshoe,139,6
+muleshoe,139,7
+muleshoe,140,0
+muleshoe,140,1
+muleshoe,140,2
+muleshoe,140,3
+muleshoe,141,0
+muleshoe,141,1
+muleshoe,141,2
+muleshoe,142,0
+muleshoe,142,1
+muleshoe,142,2
+muleshoe,143,0
+muleshoe,143,1
+muleshoe,143,2
+muleshoe,143,3
+muleshoe,143,4
+muleshoe,143,5
+muleshoe,143,6
+muleshoe,144,0
+muleshoe,144,1
+muleshoe,144,2
+muleshoe,145,0
+muleshoe,145,1
+muleshoe,145,2
+muleshoe,145,3
+muleshoe,145,4
+muleshoe,145,5
+muleshoe,145,6
+muleshoe,145,7
+muleshoe,145,8
+muleshoe,145,9
+muleshoe,145,10
+muleshoe,146,0
+muleshoe,146,1
+muleshoe,146,2
+muleshoe,146,3
+muleshoe,146,4
+muleshoe,147,0
+muleshoe,147,1
+muleshoe,147,2
+muleshoe,148,0
+muleshoe,148,1
+muleshoe,148,2
+muleshoe,148,3
+muleshoe,148,4
+muleshoe,148,5
+muleshoe,148,6
+muleshoe,148,7
+muleshoe,148,8
+muleshoe,149,0
+muleshoe,149,1
+muleshoe,149,2
+muleshoe,149,3
+muleshoe,149,4
+muleshoe,149,5
+muleshoe,150,0
+muleshoe,150,1
+muleshoe,150,2
+muleshoe,150,3
+muleshoe,150,4
+muleshoe,150,5
+muleshoe,151,0
+muleshoe,151,1
+muleshoe,151,2
+muleshoe,151,3
+muleshoe,151,4
+muleshoe,151,5
+muleshoe,151,6
+muleshoe,151,7
+muleshoe,151,8
+muleshoe,151,9
+muleshoe,151,10
+muleshoe,151,11
+muleshoe,152,0
+muleshoe,152,1
+muleshoe,152,2
+muleshoe,152,3
+muleshoe,152,4
+muleshoe,152,5
+muleshoe,153,0
+muleshoe,153,1
+muleshoe,153,2
+muleshoe,153,3
+muleshoe,153,4
+muleshoe,153,5
+muleshoe,153,6
+muleshoe,153,7
+muleshoe,153,8
+muleshoe,153,9
+muleshoe,153,10
+muleshoe,153,11
+muleshoe,153,12
+muleshoe,154,0
+muleshoe,154,1
+muleshoe,154,2
+muleshoe,154,3
+muleshoe,155,0
+muleshoe,155,1
+muleshoe,155,2
+muleshoe,155,3
+muleshoe,155,4
+muleshoe,155,5
+muleshoe,155,6
+muleshoe,156,0
+muleshoe,156,1
+muleshoe,156,2
+muleshoe,156,3
+muleshoe,156,4
+muleshoe,157,0
+muleshoe,157,1
+muleshoe,157,2
+muleshoe,157,3
+muleshoe,157,4
+muleshoe,157,5
+muleshoe,157,6
+muleshoe,157,7
+muleshoe,158,0
+muleshoe,158,1
+muleshoe,158,2
+muleshoe,158,3
+muleshoe,158,4
+muleshoe,158,5
+muleshoe,158,6
+muleshoe,158,7
+muleshoe,159,0
+muleshoe,159,1
+muleshoe,159,2
+muleshoe,159,3
+muleshoe,159,4
+muleshoe,160,0
+muleshoe,160,1
+muleshoe,160,2
+muleshoe,160,3
+muleshoe,160,4
+muleshoe,161,0
+muleshoe,161,1
+muleshoe,161,2
+muleshoe,161,3
+muleshoe,162,0
+muleshoe,162,1
+muleshoe,162,2
+muleshoe,163,0
+muleshoe,163,1
+muleshoe,163,2
+muleshoe,163,3
+muleshoe,163,4
+muleshoe,163,5
+muleshoe,163,6
+muleshoe,163,7
+muleshoe,163,8
+muleshoe,163,9
+muleshoe,164,0
+muleshoe,164,1
+muleshoe,164,2
+muleshoe,164,3
+muleshoe,164,4
+muleshoe,164,5
+muleshoe,164,6
+muleshoe,164,7
+muleshoe,164,8
+muleshoe,164,9
+muleshoe,164,10
+muleshoe,164,11
+muleshoe,165,0
+muleshoe,165,1
+muleshoe,165,2
+muleshoe,165,3
+muleshoe,166,0
+muleshoe,166,1
+muleshoe,166,2
+muleshoe,166,3
+muleshoe,167,0
+muleshoe,167,1
+muleshoe,167,2
+muleshoe,167,3
+muleshoe,168,0
+muleshoe,168,1
+muleshoe,168,2
+muleshoe,168,3
+muleshoe,168,4
+muleshoe,168,5
+muleshoe,168,6
+muleshoe,168,7
+muleshoe,169,0
+muleshoe,169,1
+muleshoe,169,2
+muleshoe,169,3
+muleshoe,169,4
+muleshoe,169,5
+muleshoe,169,6
+muleshoe,169,7
+muleshoe,169,8
+muleshoe,170,0
+muleshoe,170,1
+muleshoe,170,2
+muleshoe,170,3
+muleshoe,170,4
+muleshoe,170,5
+muleshoe,170,6
+muleshoe,170,7
+muleshoe,170,8
+muleshoe,170,9
+muleshoe,170,10
+muleshoe,170,11
+muleshoe,170,12
+muleshoe,170,13
+muleshoe,170,14
+muleshoe,171,0
+muleshoe,171,1
+muleshoe,171,2
+muleshoe,171,3
+muleshoe,172,0
+muleshoe,172,1
+muleshoe,172,2
+muleshoe,173,0
+muleshoe,173,1
+muleshoe,173,2
+muleshoe,173,3
+muleshoe,174,0
+muleshoe,174,1
+muleshoe,174,2
+muleshoe,174,3
+muleshoe,174,4
+muleshoe,174,5
+muleshoe,174,6
+muleshoe,174,7
+muleshoe,175,0
+muleshoe,175,1
+muleshoe,175,2
+muleshoe,175,3
+muleshoe,175,4
+muleshoe,175,5
+muleshoe,176,0
+muleshoe,176,1
+muleshoe,176,2
+muleshoe,177,0
+muleshoe,177,1
+muleshoe,177,2
+muleshoe,177,3
+muleshoe,177,4
+muleshoe,177,5
+muleshoe,177,6
+muleshoe,177,7
+muleshoe,177,8
+muleshoe,177,9
+muleshoe,177,10
+muleshoe,177,11
+muleshoe,177,12
+muleshoe,178,0
+muleshoe,178,1
+muleshoe,178,2
+muleshoe,178,3
+muleshoe,178,4
+muleshoe,178,5
+muleshoe,178,6
+muleshoe,178,7
+muleshoe,178,8
+muleshoe,178,9
+muleshoe,178,10
+muleshoe,179,0
+muleshoe,179,1
+muleshoe,179,2
+muleshoe,179,3
+muleshoe,179,4
+muleshoe,180,0
+muleshoe,180,1
+muleshoe,180,2
+muleshoe,180,3
+muleshoe,180,4
+muleshoe,180,5
+muleshoe,180,6
+muleshoe,180,7
+muleshoe,180,8
+muleshoe,180,9
+muleshoe,181,0
+muleshoe,181,1
+muleshoe,181,2
+muleshoe,182,0
+muleshoe,182,1
+muleshoe,182,2
+muleshoe,183,0
+muleshoe,183,1
+muleshoe,183,2
+muleshoe,183,3
+muleshoe,183,4
+muleshoe,184,0
+muleshoe,184,1
+muleshoe,184,2
+muleshoe,184,3
+muleshoe,184,4
+muleshoe,184,5
+muleshoe,184,6
+muleshoe,184,7
+muleshoe,185,0
+muleshoe,185,1
+muleshoe,185,2
+muleshoe,185,3
+muleshoe,185,4
+muleshoe,185,5
+muleshoe,186,0
+muleshoe,186,1
+muleshoe,186,2
+muleshoe,186,3
+muleshoe,186,4
+muleshoe,187,0
+muleshoe,187,1
+muleshoe,187,2
+muleshoe,187,3
+muleshoe,187,4
+muleshoe,187,5
+muleshoe,187,6
+muleshoe,187,7
+muleshoe,187,8
+muleshoe,187,9
+muleshoe,187,10
+muleshoe,187,11
+muleshoe,187,12
+muleshoe,188,0
+muleshoe,188,1
+muleshoe,188,2
+muleshoe,189,0
+muleshoe,189,1
+muleshoe,189,2
+muleshoe,189,3
+muleshoe,189,4
+muleshoe,189,5
+muleshoe,189,6
+muleshoe,189,7
+muleshoe,190,0
+muleshoe,190,1
+muleshoe,190,2
+muleshoe,191,0
+muleshoe,191,1
+muleshoe,191,2
+muleshoe,191,3
+muleshoe,191,4
+muleshoe,191,5
+muleshoe,191,6
+muleshoe,191,7
+muleshoe,191,8
+muleshoe,191,9
+muleshoe,191,10
+muleshoe,192,0
+muleshoe,192,1
+muleshoe,192,2
+muleshoe,192,3
+muleshoe,192,4
+muleshoe,193,0
+muleshoe,193,1
+muleshoe,193,2
+muleshoe,193,3
+muleshoe,193,4
+muleshoe,194,0
+muleshoe,194,1
+muleshoe,194,2
+muleshoe,194,3
+muleshoe,195,0
+muleshoe,195,1
+muleshoe,195,2
+muleshoe,195,3
+muleshoe,195,4
+muleshoe,196,0
+muleshoe,196,1
+muleshoe,196,2
+muleshoe,197,0
+muleshoe,197,1
+muleshoe,197,2
+muleshoe,197,3
+muleshoe,197,4
+muleshoe,197,5
+muleshoe,197,6
+muleshoe,197,7
+muleshoe,197,8
+muleshoe,197,9
+muleshoe,197,10
+muleshoe,197,11
+muleshoe,197,12
+muleshoe,199,0
+muleshoe,199,1
+muleshoe,199,2
+muleshoe,199,3
+muleshoe,199,4
+muleshoe,200,0
+muleshoe,200,1
+muleshoe,200,2
+muleshoe,201,0
+muleshoe,201,1
+muleshoe,201,2
+muleshoe,202,0
+muleshoe,202,1
+muleshoe,202,2
+muleshoe,203,0
+muleshoe,203,1
+muleshoe,203,2
+muleshoe,203,3
+muleshoe,203,4
+muleshoe,204,0
+muleshoe,204,1
+muleshoe,204,2
+muleshoe,204,3
+muleshoe,204,4
+muleshoe,204,5
+muleshoe,204,6
+muleshoe,204,7
+muleshoe,204,8
+muleshoe,204,9
+muleshoe,204,10
+muleshoe,204,11
+muleshoe,204,12
+muleshoe,204,13
+muleshoe,205,0
+muleshoe,205,1
+muleshoe,205,2
+muleshoe,205,3
+muleshoe,206,0
+muleshoe,206,1
+muleshoe,206,2
+muleshoe,206,3
+muleshoe,206,4
+muleshoe,206,5
+muleshoe,206,6
+muleshoe,206,7
+muleshoe,206,8
+muleshoe,206,9
+muleshoe,206,10
+muleshoe,207,0
+muleshoe,207,1
+muleshoe,207,2
+muleshoe,208,0
+muleshoe,208,1
+muleshoe,208,2
+muleshoe,208,3
+muleshoe,208,4
+muleshoe,208,5
+muleshoe,208,6
+muleshoe,208,7
+muleshoe,208,8
+muleshoe,208,9
+muleshoe,208,10
+muleshoe,208,11
+muleshoe,208,12
+muleshoe,209,0
+muleshoe,209,1
+muleshoe,209,2
+muleshoe,210,0
+muleshoe,210,1
+muleshoe,210,2
+muleshoe,210,3
+muleshoe,210,4
+muleshoe,210,5
+muleshoe,210,6
+muleshoe,211,0
+muleshoe,211,1
+muleshoe,211,2
+muleshoe,211,3
+muleshoe,211,4
+muleshoe,211,5
+muleshoe,212,0
+muleshoe,212,1
+muleshoe,212,2
+muleshoe,213,0
+muleshoe,213,1
+muleshoe,213,2
+muleshoe,213,3
+muleshoe,214,0
+muleshoe,214,1
+muleshoe,214,2
+muleshoe,214,3
+muleshoe,215,0
+muleshoe,215,1
+muleshoe,215,2
+muleshoe,215,3
+muleshoe,215,4
+muleshoe,215,5
+muleshoe,216,0
+muleshoe,216,1
+muleshoe,216,2
+muleshoe,216,3
+muleshoe,216,4
+muleshoe,216,5
+muleshoe,216,6
+muleshoe,216,7
+muleshoe,217,0
+muleshoe,217,1
+muleshoe,217,2
+muleshoe,218,0
+muleshoe,218,1
+muleshoe,218,2
+muleshoe,218,3
+muleshoe,218,4
+muleshoe,218,5
+muleshoe,218,6
+muleshoe,218,7
+muleshoe,218,8
+muleshoe,218,9
+muleshoe,218,10
+muleshoe,219,0
+muleshoe,219,1
+muleshoe,219,2
+muleshoe,219,3
+muleshoe,219,4
+muleshoe,219,5
+muleshoe,220,0
+muleshoe,220,1
+muleshoe,220,2
+muleshoe,220,3
+muleshoe,220,4
+muleshoe,220,5
+muleshoe,220,6
+muleshoe,220,7
+muleshoe,220,8
+muleshoe,221,0
+muleshoe,221,1
+muleshoe,221,2
+muleshoe,221,3
+muleshoe,221,4
+muleshoe,221,5
+muleshoe,221,6
+muleshoe,221,7
+muleshoe,221,8
+muleshoe,221,9
+muleshoe,221,10
+muleshoe,221,11
+muleshoe,221,12
+muleshoe,221,13
+muleshoe,221,14
+muleshoe,221,15
+muleshoe,222,0
+muleshoe,222,1
+muleshoe,222,2
+muleshoe,222,3
+muleshoe,222,4
+muleshoe,222,5
+muleshoe,222,6
+muleshoe,222,7
+muleshoe,222,8
+muleshoe,222,9
+muleshoe,222,10
+muleshoe,223,0
+muleshoe,223,1
+muleshoe,223,2
+muleshoe,223,3
+muleshoe,223,4
+muleshoe,224,0
+muleshoe,224,1
+muleshoe,224,2
+muleshoe,224,3
+muleshoe,224,4
+muleshoe,224,5
+muleshoe,225,0
+muleshoe,225,1
+muleshoe,225,2
+muleshoe,225,3
+muleshoe,225,4
+muleshoe,225,5
+muleshoe,225,6
+muleshoe,226,0
+muleshoe,226,1
+muleshoe,226,2
+muleshoe,226,3
+muleshoe,227,0
+muleshoe,227,1
+muleshoe,227,2
+muleshoe,227,3
+muleshoe,227,4
+muleshoe,228,0
+muleshoe,228,1
+muleshoe,228,2
+muleshoe,228,3
+muleshoe,228,4
+muleshoe,228,5
+muleshoe,228,6
+muleshoe,228,7
+muleshoe,228,8
+muleshoe,228,9
+muleshoe,228,10
+muleshoe,228,11
+muleshoe,229,0
+muleshoe,229,1
+muleshoe,229,2
+muleshoe,230,0
+muleshoe,230,1
+muleshoe,230,2
+muleshoe,230,3
+muleshoe,231,0
+muleshoe,231,1
+muleshoe,231,2
+muleshoe,231,3
+muleshoe,231,4
+muleshoe,232,0
+muleshoe,232,1
+muleshoe,232,2
+muleshoe,233,0
+muleshoe,233,1
+muleshoe,233,2
+muleshoe,233,3
+muleshoe,233,4
+muleshoe,233,5
+muleshoe,233,6
+muleshoe,233,7
+muleshoe,233,8
+muleshoe,233,9
+muleshoe,233,10
+muleshoe,233,11
+muleshoe,234,0
+muleshoe,234,1
+muleshoe,234,2
+muleshoe,234,3
+muleshoe,234,4
+muleshoe,234,5
+muleshoe,234,6
+muleshoe,234,7
+muleshoe,234,8
+muleshoe,234,9
+muleshoe,234,10
+muleshoe,234,11
+muleshoe,234,12
+muleshoe,235,0
+muleshoe,235,1
+muleshoe,235,2
+muleshoe,235,3
+muleshoe,235,4
+muleshoe,236,0
+muleshoe,236,1
+muleshoe,236,2
+muleshoe,236,3
+muleshoe,236,4
+muleshoe,237,0
+muleshoe,237,1
+muleshoe,237,2
+muleshoe,237,3
+muleshoe,237,4
+muleshoe,237,5
+muleshoe,237,6
+muleshoe,237,7
+muleshoe,237,8
+muleshoe,238,0
+muleshoe,238,1
+muleshoe,238,2
+muleshoe,238,3
+muleshoe,238,4
+muleshoe,238,5
+muleshoe,238,6
+muleshoe,238,7
+muleshoe,238,8
+muleshoe,238,9
+muleshoe,238,10
+muleshoe,238,11
+muleshoe,238,12
+muleshoe,239,0
+muleshoe,239,1
+muleshoe,239,2
+muleshoe,239,3
+muleshoe,239,4
+muleshoe,239,5
+muleshoe,240,0
+muleshoe,240,1
+muleshoe,240,2
+muleshoe,240,3
+muleshoe,240,4
+muleshoe,240,5
+muleshoe,241,0
+muleshoe,241,1
+muleshoe,241,2
+muleshoe,241,3
+muleshoe,241,4
+muleshoe,241,5
+muleshoe,242,0
+muleshoe,242,1
+muleshoe,242,2
+muleshoe,242,3
+muleshoe,242,4
+muleshoe,242,5
+muleshoe,242,6
+muleshoe,243,0
+muleshoe,243,1
+muleshoe,243,2
+muleshoe,243,3
+muleshoe,243,4
+muleshoe,243,5
+muleshoe,243,6
+muleshoe,243,7
+muleshoe,243,8
+muleshoe,243,9
+muleshoe,243,10
+muleshoe,243,11
+muleshoe,243,12
+muleshoe,243,13
+muleshoe,244,0
+muleshoe,244,1
+muleshoe,244,2
+muleshoe,244,3
+muleshoe,244,4
+muleshoe,244,5
+muleshoe,244,6
+muleshoe,244,7
+muleshoe,245,0
+muleshoe,245,1
+muleshoe,245,2
+muleshoe,245,3
+muleshoe,245,4
+muleshoe,245,5
+muleshoe,245,6
+muleshoe,245,7
+muleshoe,245,8
+muleshoe,245,9
+muleshoe,245,10
+muleshoe,245,11
+muleshoe,245,12
+muleshoe,245,13
+muleshoe,245,14
+muleshoe,245,15
+muleshoe,246,0
+muleshoe,246,1
+muleshoe,246,2
+muleshoe,246,3
+muleshoe,246,4
+muleshoe,246,5
+muleshoe,246,6
+muleshoe,246,7
+muleshoe,247,0
+muleshoe,247,1
+muleshoe,247,2
+muleshoe,247,3
+muleshoe,247,4
+muleshoe,247,5
+muleshoe,248,0
+muleshoe,248,1
+muleshoe,248,2
+muleshoe,249,0
+muleshoe,249,1
+muleshoe,249,2
+muleshoe,249,3
+muleshoe,249,4
+muleshoe,249,5
+muleshoe,249,6
+muleshoe,249,7
+muleshoe,250,0
+muleshoe,250,1
+muleshoe,250,2
+muleshoe,251,0
+muleshoe,251,1
+muleshoe,251,2
+muleshoe,251,3
+muleshoe,251,4
+muleshoe,252,0
+muleshoe,252,1
+muleshoe,252,2
+muleshoe,253,0
+muleshoe,253,1
+muleshoe,253,2
+muleshoe,253,3
+muleshoe,253,4
+muleshoe,254,0
+muleshoe,254,1
+muleshoe,254,2
+muleshoe,254,3
+muleshoe,254,4
+muleshoe,255,0
+muleshoe,255,1
+muleshoe,255,2
+muleshoe,255,3
+muleshoe,255,4
+muleshoe,255,5
+muleshoe,255,6
+muleshoe,255,7
+muleshoe,255,8
+muleshoe,255,9
+muleshoe,255,10
+muleshoe,256,0
+muleshoe,256,1
+muleshoe,256,2
+muleshoe,256,3
+muleshoe,257,0
+muleshoe,257,1
+muleshoe,257,2
+muleshoe,257,3
+muleshoe,257,4
+muleshoe,257,5
+muleshoe,257,6
+muleshoe,258,0
+muleshoe,258,1
+muleshoe,258,2
+muleshoe,258,3
+muleshoe,258,4
+muleshoe,258,5
+muleshoe,258,6
+muleshoe,258,7
+muleshoe,258,8
+muleshoe,258,9
+muleshoe,258,10
+muleshoe,259,0
+muleshoe,259,1
+muleshoe,259,2
+muleshoe,259,3
+muleshoe,259,4
+muleshoe,259,5
+muleshoe,259,6
+muleshoe,259,7
+muleshoe,259,8
+muleshoe,259,9
+muleshoe,260,0
+muleshoe,260,1
+muleshoe,260,2
+muleshoe,260,3
+muleshoe,260,4
+muleshoe,261,0
+muleshoe,261,1
+muleshoe,261,2
+muleshoe,261,3
+muleshoe,261,4
+muleshoe,261,5
+muleshoe,261,6
+muleshoe,261,7
+muleshoe,261,8
+muleshoe,261,9
+muleshoe,261,10
+muleshoe,261,11
+muleshoe,261,12
+muleshoe,261,13
+muleshoe,261,14
+muleshoe,262,0
+muleshoe,262,1
+muleshoe,262,2
+muleshoe,263,0
+muleshoe,263,1
+muleshoe,263,2
+muleshoe,263,3
+muleshoe,264,0
+muleshoe,264,1
+muleshoe,264,2
+muleshoe,264,3
+muleshoe,264,4
+muleshoe,264,5
+muleshoe,265,0
+muleshoe,265,1
+muleshoe,265,2
+muleshoe,266,0
+muleshoe,266,1
+muleshoe,266,2
+muleshoe,266,3
+muleshoe,266,4
+muleshoe,266,5
+muleshoe,267,0
+muleshoe,267,1
+muleshoe,267,2
+muleshoe,267,3
+muleshoe,267,4
+muleshoe,267,5
+muleshoe,267,6
+muleshoe,267,7
+muleshoe,267,8
+muleshoe,267,9
+muleshoe,267,10
+muleshoe,268,0
+muleshoe,268,1
+muleshoe,268,2
+muleshoe,268,3
+muleshoe,268,4
+muleshoe,268,5
+muleshoe,268,6
+muleshoe,268,7
+muleshoe,268,8
+muleshoe,268,9
+muleshoe,268,10
+muleshoe,269,0
+muleshoe,269,1
+muleshoe,269,2
+muleshoe,269,3
+muleshoe,269,4
+muleshoe,269,5
+muleshoe,269,6
+muleshoe,269,7
+muleshoe,269,8
+muleshoe,270,0
+muleshoe,270,1
+muleshoe,270,2
+muleshoe,271,0
+muleshoe,271,1
+muleshoe,271,2
+muleshoe,271,3
+muleshoe,271,4
+muleshoe,271,5
+muleshoe,271,6
+muleshoe,271,7
+muleshoe,271,8
+muleshoe,271,9
+muleshoe,271,10
+muleshoe,271,11
+muleshoe,272,0
+muleshoe,272,1
+muleshoe,272,2
+muleshoe,273,0
+muleshoe,273,1
+muleshoe,273,2
+muleshoe,274,0
+muleshoe,274,1
+muleshoe,274,2
+muleshoe,275,0
+muleshoe,275,1
+muleshoe,275,2
+muleshoe,275,3
+muleshoe,275,4
+muleshoe,276,0
+muleshoe,276,1
+muleshoe,276,2
+muleshoe,276,3
+muleshoe,276,4
+muleshoe,277,0
+muleshoe,277,1
+muleshoe,277,2
+muleshoe,277,3
+muleshoe,277,4
+muleshoe,277,5
+muleshoe,278,0
+muleshoe,278,1
+muleshoe,278,2
+muleshoe,279,0
+muleshoe,279,1
+muleshoe,279,2
+muleshoe,279,3
+muleshoe,279,4
+muleshoe,279,5
+muleshoe,279,6
+muleshoe,279,7
+muleshoe,279,8
+muleshoe,279,9
+muleshoe,279,10
+muleshoe,279,11
+muleshoe,279,12
+muleshoe,279,13
+muleshoe,279,14
+muleshoe,280,0
+muleshoe,280,1
+muleshoe,280,2
+muleshoe,280,3
+muleshoe,280,4
+muleshoe,280,5
+muleshoe,281,0
+muleshoe,281,1
+muleshoe,281,2
+muleshoe,281,3
+muleshoe,281,4
+muleshoe,281,5
+muleshoe,281,6
+muleshoe,281,7
+muleshoe,281,8
+muleshoe,282,0
+muleshoe,282,1
+muleshoe,282,2
+muleshoe,282,3
+muleshoe,282,4
+muleshoe,282,5
+muleshoe,282,6
+muleshoe,283,0
+muleshoe,283,1
+muleshoe,283,2
+muleshoe,283,3
+muleshoe,284,0
+muleshoe,284,1
+muleshoe,284,2
+muleshoe,284,3
+muleshoe,284,4
+muleshoe,285,0
+muleshoe,285,1
+muleshoe,285,2
+muleshoe,285,3
+muleshoe,285,4
+muleshoe,285,5
+muleshoe,285,6
+muleshoe,285,7
+muleshoe,285,8
+muleshoe,286,0
+muleshoe,286,1
+muleshoe,286,2
+muleshoe,286,3
+muleshoe,286,4
+muleshoe,286,5
+muleshoe,286,6
+muleshoe,286,7
+muleshoe,287,0
+muleshoe,287,1
+muleshoe,287,2
+muleshoe,287,3
+muleshoe,287,4
+muleshoe,287,5
+muleshoe,287,6
+muleshoe,287,7
+muleshoe,287,8
+muleshoe,287,9
+muleshoe,287,10
+muleshoe,287,11
+muleshoe,287,12
+muleshoe,287,13
+muleshoe,287,14
+muleshoe,287,15
+muleshoe,287,16
+muleshoe,287,17
+muleshoe,287,18
+muleshoe,288,0
+muleshoe,288,1
+muleshoe,288,2
+muleshoe,288,3
+muleshoe,289,0
+muleshoe,289,1
+muleshoe,289,2
+muleshoe,289,3
+muleshoe,290,0
+muleshoe,290,1
+muleshoe,290,2
+muleshoe,290,3
+muleshoe,290,4
+muleshoe,290,5
+muleshoe,291,0
+muleshoe,291,1
+muleshoe,291,2
+muleshoe,291,3
+muleshoe,291,4
+muleshoe,291,5
+muleshoe,291,6
+muleshoe,291,7
+muleshoe,291,8
+muleshoe,291,9
+muleshoe,291,10
+muleshoe,292,0
+muleshoe,292,1
+muleshoe,292,2
+muleshoe,292,3
+muleshoe,292,4
+muleshoe,292,5
+muleshoe,292,6
+muleshoe,292,7
+muleshoe,292,8
+muleshoe,292,9
+muleshoe,292,10
+muleshoe,292,11
+muleshoe,293,0
+muleshoe,293,1
+muleshoe,293,2
+muleshoe,293,3
+muleshoe,294,0
+muleshoe,294,1
+muleshoe,294,2
+muleshoe,294,3
+muleshoe,294,4
+muleshoe,294,5
+muleshoe,294,6
+muleshoe,294,7
+muleshoe,294,8
+muleshoe,294,9
+muleshoe,294,10
+muleshoe,294,11
+muleshoe,294,12
+muleshoe,295,0
+muleshoe,295,1
+muleshoe,295,2
+muleshoe,296,0
+muleshoe,296,1
+muleshoe,296,2
+muleshoe,296,3
+muleshoe,296,4
+muleshoe,296,5
+muleshoe,296,6
+muleshoe,297,0
+muleshoe,297,1
+muleshoe,297,2
+muleshoe,297,3
+muleshoe,297,4
+muleshoe,297,5
+muleshoe,297,6
+muleshoe,297,7
+muleshoe,298,0
+muleshoe,298,1
+muleshoe,298,2
+muleshoe,298,3
+muleshoe,299,0
+muleshoe,299,1
+muleshoe,299,2
+muleshoe,299,3
+muleshoe,299,4
+muleshoe,299,5
+muleshoe,299,6
+muleshoe,299,7
+muleshoe,299,8
+muleshoe,299,9
+muleshoe,300,0
+muleshoe,300,1
+muleshoe,300,2
+muleshoe,301,0
+muleshoe,301,1
+muleshoe,301,2
+muleshoe,302,0
+muleshoe,302,1
+muleshoe,302,2
+muleshoe,302,3
+muleshoe,302,4
+muleshoe,302,5
+muleshoe,303,0
+muleshoe,303,1
+muleshoe,303,2
+muleshoe,303,3
+muleshoe,303,4
+muleshoe,303,5
+muleshoe,303,6
+muleshoe,303,7
+muleshoe,303,8
+muleshoe,303,9
+muleshoe,303,10
+muleshoe,304,0
+muleshoe,304,1
+muleshoe,304,2
+muleshoe,305,0
+muleshoe,305,1
+muleshoe,305,2
+muleshoe,306,0
+muleshoe,306,1
+muleshoe,306,2
+muleshoe,306,3
+muleshoe,306,4
+muleshoe,306,5
+muleshoe,306,6
+muleshoe,307,0
+muleshoe,307,1
+muleshoe,307,2
+muleshoe,308,0
+muleshoe,308,1
+muleshoe,308,2
+muleshoe,308,3
+muleshoe,308,4
+muleshoe,308,5
+muleshoe,308,6
+muleshoe,308,7
+muleshoe,308,8
+muleshoe,308,9
+muleshoe,308,10
+muleshoe,309,0
+muleshoe,309,1
+muleshoe,309,2
+muleshoe,309,3
+muleshoe,309,4
+muleshoe,309,5
+muleshoe,309,6
+muleshoe,309,7
+muleshoe,309,8
+muleshoe,309,9
+muleshoe,309,10
+muleshoe,310,0
+muleshoe,310,1
+muleshoe,310,2
+muleshoe,310,3
+muleshoe,311,0
+muleshoe,311,1
+muleshoe,311,2
+muleshoe,311,3
+muleshoe,311,4
+muleshoe,312,0
+muleshoe,312,1
+muleshoe,312,2
+muleshoe,313,0
+muleshoe,313,1
+muleshoe,313,2
+muleshoe,313,3
+muleshoe,314,0
+muleshoe,314,1
+muleshoe,314,2
+muleshoe,315,0
+muleshoe,315,1
+muleshoe,315,2
+muleshoe,315,3
+muleshoe,315,4
+muleshoe,315,5
+muleshoe,316,0
+muleshoe,316,1
+muleshoe,316,2
+muleshoe,316,3
+muleshoe,316,4
+muleshoe,316,5
+muleshoe,317,0
+muleshoe,317,1
+muleshoe,317,2
+muleshoe,318,0
+muleshoe,318,1
+muleshoe,318,2
+muleshoe,318,3
+muleshoe,318,4
+muleshoe,319,0
+muleshoe,319,1
+muleshoe,319,2
+muleshoe,320,0
+muleshoe,320,1
+muleshoe,320,2
+muleshoe,321,0
+muleshoe,321,1
+muleshoe,321,2
+muleshoe,321,3
+muleshoe,322,0
+muleshoe,322,1
+muleshoe,322,2
+muleshoe,322,3
+muleshoe,322,4
+muleshoe,322,5
+muleshoe,322,6
+muleshoe,322,7
+muleshoe,322,8
+muleshoe,322,9
+muleshoe,322,10
+muleshoe,323,0
+muleshoe,323,1
+muleshoe,323,2
+muleshoe,324,0
+muleshoe,324,1
+muleshoe,324,2
+muleshoe,324,3
+muleshoe,324,4
+muleshoe,325,0
+muleshoe,325,1
+muleshoe,325,2
+muleshoe,325,3
+muleshoe,325,4
+muleshoe,325,5
+muleshoe,325,6
+muleshoe,325,7
+muleshoe,325,8
+muleshoe,325,9
+muleshoe,325,10
+muleshoe,326,0
+muleshoe,326,1
+muleshoe,326,2
+muleshoe,326,3
+muleshoe,326,4
+muleshoe,326,5
+muleshoe,326,6
+muleshoe,326,7
+muleshoe,326,8
+muleshoe,326,9
+muleshoe,326,10
+muleshoe,327,0
+muleshoe,327,1
+muleshoe,327,2
+muleshoe,327,3
+muleshoe,327,4
+muleshoe,327,5
+muleshoe,327,6
+muleshoe,327,7
+muleshoe,327,8
+muleshoe,327,9
+muleshoe,327,10
+muleshoe,328,0
+muleshoe,328,1
+muleshoe,328,2
+muleshoe,328,3
+muleshoe,328,4
+muleshoe,328,5
+muleshoe,328,6
+muleshoe,328,7
+muleshoe,328,8
+muleshoe,328,9
+muleshoe,328,10
+muleshoe,328,11
+muleshoe,328,12
+muleshoe,328,13
+muleshoe,328,14
+muleshoe,328,15
+muleshoe,328,16
+muleshoe,328,17
+muleshoe,328,18
+muleshoe,328,19
+muleshoe,328,20
+muleshoe,328,21
+muleshoe,328,22
+muleshoe,329,0
+muleshoe,329,1
+muleshoe,329,2
+muleshoe,329,3
+muleshoe,329,4
+muleshoe,330,0
+muleshoe,330,1
+muleshoe,330,2
+muleshoe,330,3
+muleshoe,330,4
+muleshoe,330,5
+muleshoe,330,6
+muleshoe,330,7
+muleshoe,330,8
+muleshoe,330,9
+muleshoe,330,10
+muleshoe,330,11
+muleshoe,331,0
+muleshoe,331,1
+muleshoe,331,2
+muleshoe,331,3
+muleshoe,332,0
+muleshoe,332,1
+muleshoe,332,2
+muleshoe,332,3
+muleshoe,333,0
+muleshoe,333,1
+muleshoe,333,2
+muleshoe,334,0
+muleshoe,334,1
+muleshoe,334,2
+muleshoe,334,3
+muleshoe,335,0
+muleshoe,335,1
+muleshoe,335,2
+muleshoe,335,3
+muleshoe,335,4
+muleshoe,336,0
+muleshoe,336,1
+muleshoe,336,2
+muleshoe,336,3
+muleshoe,336,4
+muleshoe,336,5
+muleshoe,336,6
+muleshoe,336,7
+muleshoe,337,0
+muleshoe,337,1
+muleshoe,337,2
+muleshoe,338,0
+muleshoe,338,1
+muleshoe,338,2
+muleshoe,338,3
+muleshoe,338,4
+muleshoe,338,5
+muleshoe,338,6
+muleshoe,339,0
+muleshoe,339,1
+muleshoe,339,2
+muleshoe,339,3
+muleshoe,339,4
+muleshoe,341,0
+muleshoe,341,1
+muleshoe,341,2
+muleshoe,341,3
+muleshoe,342,0
+muleshoe,342,1
+muleshoe,342,2
+muleshoe,343,0
+muleshoe,343,1
+muleshoe,343,2
+muleshoe,343,3
+muleshoe,344,0
+muleshoe,344,1
+muleshoe,344,2
+muleshoe,344,3
+muleshoe,344,4
+muleshoe,344,5
+muleshoe,344,6
+muleshoe,345,0
+muleshoe,345,1
+muleshoe,345,2
+muleshoe,345,3
+muleshoe,346,0
+muleshoe,346,1
+muleshoe,346,2
+muleshoe,346,3
+muleshoe,346,4
+muleshoe,346,5
+muleshoe,346,6
+muleshoe,347,0
+muleshoe,347,1
+muleshoe,347,2
+muleshoe,348,0
+muleshoe,348,1
+muleshoe,348,2
+muleshoe,349,0
+muleshoe,349,1
+muleshoe,349,2
+muleshoe,349,3
+muleshoe,349,4
+muleshoe,350,0
+muleshoe,350,1
+muleshoe,350,2
+muleshoe,350,3
+muleshoe,350,4
+muleshoe,350,5
+muleshoe,350,6
+muleshoe,350,7
+muleshoe,350,8
+muleshoe,350,9
+muleshoe,351,0
+muleshoe,351,1
+muleshoe,351,2
+muleshoe,351,3
+muleshoe,351,4
+muleshoe,351,5
+muleshoe,351,6
+muleshoe,351,7
+muleshoe,352,0
+muleshoe,352,1
+muleshoe,352,2
+muleshoe,352,3
+muleshoe,352,4
+muleshoe,353,0
+muleshoe,353,1
+muleshoe,353,2
+muleshoe,354,0
+muleshoe,354,1
+muleshoe,354,2
+muleshoe,354,3
+muleshoe,355,0
+muleshoe,355,1
+muleshoe,355,2
+muleshoe,355,3
+muleshoe,356,0
+muleshoe,356,1
+muleshoe,356,2
+muleshoe,356,3
+muleshoe,356,4
+muleshoe,356,5
+muleshoe,356,6
+muleshoe,356,7
+muleshoe,356,8
+muleshoe,356,9
+muleshoe,356,10
+muleshoe,356,11
+muleshoe,356,12
+muleshoe,356,13
+muleshoe,356,14
+muleshoe,356,15
+muleshoe,356,16
+muleshoe,356,17
+muleshoe,356,18
+muleshoe,357,0
+muleshoe,357,1
+muleshoe,357,2
+muleshoe,357,3
+muleshoe,358,0
+muleshoe,358,1
+muleshoe,358,2
+muleshoe,358,3
+muleshoe,358,4
+muleshoe,358,5
+muleshoe,358,6
+muleshoe,358,7
+muleshoe,358,8
+muleshoe,358,9
+muleshoe,358,10
+muleshoe,358,11
+muleshoe,358,12
+muleshoe,358,13
+muleshoe,359,0
+muleshoe,359,1
+muleshoe,359,2
+muleshoe,360,0
+muleshoe,360,1
+muleshoe,360,2
+muleshoe,360,3
+muleshoe,360,4
+muleshoe,360,5
+muleshoe,361,0
+muleshoe,361,1
+muleshoe,361,2
+muleshoe,361,3
+muleshoe,361,4
+muleshoe,361,5
+muleshoe,361,6
+muleshoe,361,7
+muleshoe,361,8
+muleshoe,362,0
+muleshoe,362,1
+muleshoe,362,2
+muleshoe,362,3
+muleshoe,362,4
+muleshoe,362,5
+muleshoe,363,0
+muleshoe,363,1
+muleshoe,363,2
+muleshoe,363,3
+muleshoe,363,4
+muleshoe,363,5
+muleshoe,363,6
+muleshoe,363,7
+muleshoe,364,0
+muleshoe,364,1
+muleshoe,364,2
+muleshoe,364,3
+muleshoe,364,4
+muleshoe,365,0
+muleshoe,365,1
+muleshoe,365,2
+muleshoe,365,3
+muleshoe,365,4
+muleshoe,365,5
+muleshoe,365,6
+muleshoe,365,7
+muleshoe,365,8
+muleshoe,365,9
+muleshoe,366,0
+muleshoe,366,1
+muleshoe,366,2
+muleshoe,367,0
+muleshoe,367,1
+muleshoe,367,2
+muleshoe,367,3
+muleshoe,367,4
+muleshoe,368,0
+muleshoe,368,1
+muleshoe,368,2
+muleshoe,368,3
+muleshoe,368,4
+muleshoe,368,5
+muleshoe,368,6
+muleshoe,368,7
+muleshoe,368,8
+muleshoe,368,9
+muleshoe,369,0
+muleshoe,369,1
+muleshoe,369,2
+muleshoe,370,0
+muleshoe,370,1
+muleshoe,370,2
+muleshoe,370,3
+muleshoe,370,4
+muleshoe,370,5
+muleshoe,370,6
+muleshoe,370,7
+muleshoe,371,0
+muleshoe,371,1
+muleshoe,371,2
+muleshoe,371,3
+muleshoe,371,4
+muleshoe,371,5
+muleshoe,372,0
+muleshoe,372,1
+muleshoe,372,2
+muleshoe,372,3
+muleshoe,372,4
+muleshoe,372,5
+muleshoe,372,6
+muleshoe,372,7
+muleshoe,372,8
+muleshoe,372,9
+muleshoe,373,0
+muleshoe,373,1
+muleshoe,373,2
+muleshoe,373,3
+muleshoe,373,4
+muleshoe,373,5
+muleshoe,373,6
+muleshoe,373,7
+muleshoe,373,8
+muleshoe,373,9
+muleshoe,374,0
+muleshoe,374,1
+muleshoe,374,2
+muleshoe,374,3
+muleshoe,374,4
+muleshoe,374,5
+muleshoe,374,6
+muleshoe,374,7
+muleshoe,374,8
+muleshoe,374,9
+muleshoe,374,10
+muleshoe,374,11
+muleshoe,374,12
+muleshoe,375,0
+muleshoe,375,1
+muleshoe,375,2
+muleshoe,375,3
+muleshoe,376,0
+muleshoe,376,1
+muleshoe,376,2
+muleshoe,376,3
+muleshoe,376,4
+muleshoe,376,5
+muleshoe,376,6
+muleshoe,376,7
+muleshoe,376,8
+muleshoe,376,9
+muleshoe,377,0
+muleshoe,377,1
+muleshoe,377,2
+muleshoe,377,3
+muleshoe,377,4
+muleshoe,378,0
+muleshoe,378,1
+muleshoe,378,2
+muleshoe,378,3
+muleshoe,378,4
+muleshoe,378,5
+muleshoe,379,0
+muleshoe,379,1
+muleshoe,379,2
+muleshoe,379,3
+muleshoe,379,4
+muleshoe,379,5
+muleshoe,379,6
+muleshoe,380,0
+muleshoe,380,1
+muleshoe,380,2
+muleshoe,381,0
+muleshoe,381,1
+muleshoe,381,2
+muleshoe,381,3
+muleshoe,381,4
+muleshoe,381,5
+muleshoe,381,6
+muleshoe,381,7
+muleshoe,382,0
+muleshoe,382,1
+muleshoe,382,2
+muleshoe,382,3
+muleshoe,382,4
+muleshoe,383,0
+muleshoe,383,1
+muleshoe,383,2
+muleshoe,384,0
+muleshoe,384,1
+muleshoe,384,2
+muleshoe,384,3
+muleshoe,384,4
+muleshoe,384,5
+muleshoe,384,6
+muleshoe,385,0
+muleshoe,385,1
+muleshoe,385,2
+muleshoe,385,3
+muleshoe,385,4
+muleshoe,385,5
+muleshoe,385,6
+muleshoe,386,0
+muleshoe,386,1
+muleshoe,386,2
+muleshoe,386,3
+muleshoe,386,4
+muleshoe,387,0
+muleshoe,387,1
+muleshoe,387,2
+muleshoe,387,3
+muleshoe,388,0
+muleshoe,388,1
+muleshoe,388,2
+muleshoe,389,0
+muleshoe,389,1
+muleshoe,389,2
+muleshoe,389,3
+muleshoe,389,4
+muleshoe,390,0
+muleshoe,390,1
+muleshoe,390,2
+muleshoe,390,3
+muleshoe,390,4
+muleshoe,390,5
+muleshoe,391,0
+muleshoe,391,1
+muleshoe,391,2
+muleshoe,391,3
+muleshoe,391,4
+muleshoe,391,5
+muleshoe,391,6
+muleshoe,391,7
+muleshoe,391,8
+muleshoe,391,9
+muleshoe,391,10
+muleshoe,392,0
+muleshoe,392,1
+muleshoe,392,2
+muleshoe,392,3
+muleshoe,392,4
+muleshoe,392,5
+muleshoe,393,0
+muleshoe,393,1
+muleshoe,393,2
+muleshoe,393,3
+muleshoe,393,4
+muleshoe,393,5
+muleshoe,393,6
+muleshoe,393,7
+muleshoe,393,8
+muleshoe,394,0
+muleshoe,394,1
+muleshoe,394,2
+muleshoe,394,3
+muleshoe,394,4
+muleshoe,394,5
+muleshoe,394,6
+muleshoe,394,7
+muleshoe,394,8
+muleshoe,394,9
+muleshoe,394,10
+muleshoe,395,0
+muleshoe,395,1
+muleshoe,395,2
+muleshoe,395,3
+muleshoe,396,0
+muleshoe,396,1
+muleshoe,396,2
+muleshoe,397,0
+muleshoe,397,1
+muleshoe,397,2
+muleshoe,398,0
+muleshoe,398,1
+muleshoe,398,2
+muleshoe,399,0
+muleshoe,399,1
+muleshoe,399,2
+muleshoe,399,3
+muleshoe,399,4
+muleshoe,399,5
+muleshoe,399,6
+muleshoe,399,7
+muleshoe,399,8
+muleshoe,399,9
+muleshoe,399,10
+muleshoe,399,11
+muleshoe,400,0
+muleshoe,400,1
+muleshoe,400,2
+muleshoe,401,0
+muleshoe,401,1
+muleshoe,401,2
+muleshoe,401,3
+muleshoe,402,0
+muleshoe,402,1
+muleshoe,402,2
+muleshoe,402,3
+muleshoe,402,4
+muleshoe,403,0
+muleshoe,403,1
+muleshoe,403,2
+muleshoe,404,0
+muleshoe,404,1
+muleshoe,404,2
+muleshoe,404,3
+muleshoe,404,4
+muleshoe,404,5
+muleshoe,405,0
+muleshoe,405,1
+muleshoe,405,2
+muleshoe,405,3
+muleshoe,405,4
+muleshoe,405,5
+muleshoe,405,6
+muleshoe,405,7
+muleshoe,405,8
+muleshoe,405,9
+muleshoe,405,10
+muleshoe,405,11
+muleshoe,406,0
+muleshoe,406,1
+muleshoe,406,2
+muleshoe,406,3
+muleshoe,406,4
+muleshoe,406,5
+muleshoe,406,6
+muleshoe,406,7
+muleshoe,407,0
+muleshoe,407,1
+muleshoe,407,2
+muleshoe,407,3
+muleshoe,407,4
+muleshoe,407,5
+muleshoe,408,0
+muleshoe,408,1
+muleshoe,408,2
+muleshoe,409,0
+muleshoe,409,1
+muleshoe,409,2
+muleshoe,409,3
+muleshoe,409,4
+muleshoe,409,5
+muleshoe,410,0
+muleshoe,410,1
+muleshoe,410,2
+muleshoe,410,3
+muleshoe,410,4
+muleshoe,411,0
+muleshoe,411,1
+muleshoe,411,2
+muleshoe,411,3
+muleshoe,412,0
+muleshoe,412,1
+muleshoe,412,2
+muleshoe,412,3
+muleshoe,412,4
+muleshoe,412,5
+muleshoe,412,6
+muleshoe,412,7
+muleshoe,412,8
+muleshoe,412,9
+muleshoe,412,10
+muleshoe,413,0
+muleshoe,413,1
+muleshoe,413,2
+muleshoe,413,3
+muleshoe,413,4
+muleshoe,413,5
+muleshoe,413,6
+muleshoe,413,7
+muleshoe,413,8
+muleshoe,414,0
+muleshoe,414,1
+muleshoe,414,2
+muleshoe,414,3
+muleshoe,414,4
+muleshoe,414,5
+muleshoe,414,6
+muleshoe,414,7
+muleshoe,414,8
+muleshoe,414,9
+muleshoe,415,0
+muleshoe,415,1
+muleshoe,415,2
+muleshoe,415,3
+muleshoe,415,4
+muleshoe,416,0
+muleshoe,416,1
+muleshoe,416,2
+muleshoe,416,3
+muleshoe,416,4
+muleshoe,417,0
+muleshoe,417,1
+muleshoe,417,2
+muleshoe,417,3
+muleshoe,417,4
+muleshoe,417,5
+muleshoe,417,6
+muleshoe,417,7
+muleshoe,417,8
+muleshoe,417,9
+muleshoe,418,0
+muleshoe,418,1
+muleshoe,418,2
+muleshoe,418,3
+muleshoe,418,4
+muleshoe,418,5
+muleshoe,418,6
+muleshoe,418,7
+muleshoe,418,8
+muleshoe,419,0
+muleshoe,419,1
+muleshoe,419,2
+muleshoe,419,3
+muleshoe,419,4
+muleshoe,419,5
+muleshoe,419,6
+muleshoe,420,0
+muleshoe,420,1
+muleshoe,420,2
+muleshoe,421,0
+muleshoe,421,1
+muleshoe,421,2
+muleshoe,421,3
+muleshoe,421,4
+muleshoe,421,5
+muleshoe,421,6
+muleshoe,421,7
+muleshoe,421,8
+muleshoe,421,9
+muleshoe,422,0
+muleshoe,422,1
+muleshoe,422,2
+muleshoe,422,3
+muleshoe,422,4
+muleshoe,422,5
+muleshoe,422,6
+muleshoe,422,7
+muleshoe,422,8
+muleshoe,422,9
+muleshoe,422,10
+muleshoe,422,11
+muleshoe,423,0
+muleshoe,423,1
+muleshoe,423,2
+muleshoe,423,3
+muleshoe,424,0
+muleshoe,424,1
+muleshoe,424,2
+muleshoe,424,3
+muleshoe,424,4
+muleshoe,424,5
+muleshoe,424,6
+muleshoe,425,0
+muleshoe,425,1
+muleshoe,425,2
+muleshoe,425,3
+muleshoe,425,4
+muleshoe,425,5
+muleshoe,425,6
+muleshoe,426,0
+muleshoe,426,1
+muleshoe,426,2
+muleshoe,426,3
+muleshoe,427,0
+muleshoe,427,1
+muleshoe,427,2
+muleshoe,427,3
+muleshoe,428,0
+muleshoe,428,1
+muleshoe,428,2
+muleshoe,428,3
+muleshoe,428,4
+muleshoe,428,5
+muleshoe,428,6
+muleshoe,428,7
+muleshoe,428,8
+muleshoe,428,9
+muleshoe,428,10
+muleshoe,429,0
+muleshoe,429,1
+muleshoe,429,2
+muleshoe,429,3
+muleshoe,429,4
+muleshoe,429,5
+muleshoe,430,0
+muleshoe,430,1
+muleshoe,430,2
+muleshoe,430,3
+muleshoe,431,0
+muleshoe,431,1
+muleshoe,431,2
+muleshoe,431,3
+muleshoe,432,0
+muleshoe,432,1
+muleshoe,432,2
+muleshoe,433,0
+muleshoe,433,1
+muleshoe,433,2
+muleshoe,433,3
+muleshoe,433,4
+muleshoe,433,5
+muleshoe,433,6
+muleshoe,433,7
+muleshoe,433,8
+muleshoe,433,9
+muleshoe,433,10
+muleshoe,433,11
+muleshoe,433,12
+muleshoe,433,13
+muleshoe,434,0
+muleshoe,434,1
+muleshoe,434,2
+muleshoe,434,3
+muleshoe,434,4
+muleshoe,435,0
+muleshoe,435,1
+muleshoe,435,2
+muleshoe,436,0
+muleshoe,436,1
+muleshoe,436,2
+muleshoe,437,0
+muleshoe,437,1
+muleshoe,437,2
+muleshoe,437,3
+muleshoe,437,4
+muleshoe,437,5
+muleshoe,437,6
+muleshoe,437,7
+muleshoe,437,8
+muleshoe,437,9
+muleshoe,437,10
+muleshoe,437,11
+muleshoe,437,12
+muleshoe,437,13
+muleshoe,437,14
+muleshoe,438,0
+muleshoe,438,1
+muleshoe,438,2
+muleshoe,438,3
+muleshoe,439,0
+muleshoe,439,1
+muleshoe,439,2
+muleshoe,439,3
+muleshoe,440,0
+muleshoe,440,1
+muleshoe,440,2
+muleshoe,440,3
+muleshoe,440,4
+muleshoe,440,5
+muleshoe,440,6
+muleshoe,440,7
+muleshoe,440,8
+muleshoe,441,0
+muleshoe,441,1
+muleshoe,441,2
+muleshoe,441,3
+muleshoe,442,0
+muleshoe,442,1
+muleshoe,442,2
+muleshoe,442,3
+muleshoe,442,4
+muleshoe,442,5
+muleshoe,442,6
+muleshoe,442,7
+muleshoe,442,8
+muleshoe,442,9
+muleshoe,442,10
+muleshoe,442,11
+muleshoe,442,12
+muleshoe,443,0
+muleshoe,443,1
+muleshoe,443,2
+muleshoe,444,0
+muleshoe,444,1
+muleshoe,444,2
+muleshoe,445,0
+muleshoe,445,1
+muleshoe,445,2
+muleshoe,445,3
+muleshoe,446,0
+muleshoe,446,1
+muleshoe,446,2
+muleshoe,446,3
+muleshoe,447,0
+muleshoe,447,1
+muleshoe,447,2
+muleshoe,447,3
+muleshoe,447,4
+muleshoe,447,5
+muleshoe,447,6
+muleshoe,447,7
+muleshoe,447,8
+muleshoe,447,9
+muleshoe,447,10
+muleshoe,447,11
+muleshoe,447,12
+muleshoe,447,13
+muleshoe,449,0
+muleshoe,449,1
+muleshoe,449,2
+muleshoe,450,0
+muleshoe,450,1
+muleshoe,450,2
+muleshoe,450,3
+muleshoe,450,4
+muleshoe,450,5
+muleshoe,450,6
+muleshoe,450,7
+muleshoe,451,0
+muleshoe,451,1
+muleshoe,451,2
+muleshoe,451,3
+muleshoe,451,4
+muleshoe,451,5
+muleshoe,451,6
+muleshoe,451,7
+muleshoe,451,8
+muleshoe,451,9
+muleshoe,451,10
+muleshoe,452,0
+muleshoe,452,1
+muleshoe,452,2
+muleshoe,452,3
+muleshoe,452,4
+muleshoe,452,5
+muleshoe,453,0
+muleshoe,453,1
+muleshoe,453,2
+muleshoe,453,3
+muleshoe,453,4
+muleshoe,453,5
+muleshoe,454,0
+muleshoe,454,1
+muleshoe,454,2
+muleshoe,454,3
+muleshoe,454,4
+muleshoe,454,5
+muleshoe,454,6
+muleshoe,454,7
+muleshoe,454,8
+muleshoe,454,9
+muleshoe,454,10
+muleshoe,454,11
+muleshoe,455,0
+muleshoe,455,1
+muleshoe,455,2
+muleshoe,455,3
+muleshoe,456,0
+muleshoe,456,1
+muleshoe,456,2
+muleshoe,456,3
+muleshoe,456,4
+muleshoe,456,5
+muleshoe,456,6
+muleshoe,457,0
+muleshoe,457,1
+muleshoe,457,2
+muleshoe,457,3
+muleshoe,457,4
+muleshoe,458,0
+muleshoe,458,1
+muleshoe,458,2
+muleshoe,458,3
+muleshoe,458,4
+muleshoe,458,5
+muleshoe,458,6
+muleshoe,458,7
+muleshoe,458,8
+muleshoe,458,9
+muleshoe,458,10
+muleshoe,458,11
+muleshoe,458,12
+muleshoe,459,0
+muleshoe,459,1
+muleshoe,459,2
+muleshoe,459,3
+muleshoe,459,4
+muleshoe,459,5
+muleshoe,459,6
+muleshoe,459,7
+muleshoe,459,8
+muleshoe,459,9
+muleshoe,460,0
+muleshoe,460,1
+muleshoe,460,2
+muleshoe,460,3
+muleshoe,460,4
+muleshoe,461,0
+muleshoe,461,1
+muleshoe,461,2
+muleshoe,461,3
+muleshoe,461,4
+muleshoe,461,5
+muleshoe,462,0
+muleshoe,462,1
+muleshoe,462,2
+muleshoe,463,0
+muleshoe,463,1
+muleshoe,463,2
+muleshoe,463,3
+muleshoe,463,4
+muleshoe,464,0
+muleshoe,464,1
+muleshoe,464,2
+muleshoe,464,3
+muleshoe,465,0
+muleshoe,465,1
+muleshoe,465,2
+muleshoe,465,3
+muleshoe,465,4
+muleshoe,466,0
+muleshoe,466,1
+muleshoe,466,2
+muleshoe,466,3
+muleshoe,466,4
+muleshoe,466,5
+muleshoe,466,6
+muleshoe,466,7
+muleshoe,466,8
+muleshoe,466,9
+muleshoe,466,10
+muleshoe,466,11
+muleshoe,466,12
+muleshoe,466,13
+muleshoe,467,0
+muleshoe,467,1
+muleshoe,467,2
+muleshoe,467,3
+muleshoe,467,4
+muleshoe,467,5
+muleshoe,467,6
+muleshoe,468,0
+muleshoe,468,1
+muleshoe,468,2
+muleshoe,468,3
+muleshoe,469,0
+muleshoe,469,1
+muleshoe,469,2
+muleshoe,469,3
+muleshoe,469,4
+muleshoe,469,5
+muleshoe,469,6
+muleshoe,469,7
+muleshoe,469,8
+muleshoe,470,0
+muleshoe,470,1
+muleshoe,470,2
+muleshoe,470,3
+muleshoe,470,4
+muleshoe,470,5
+muleshoe,470,6
+muleshoe,470,7
+muleshoe,470,8
+muleshoe,471,0
+muleshoe,471,1
+muleshoe,471,2
+muleshoe,471,3
+muleshoe,471,4
+muleshoe,472,0
+muleshoe,472,1
+muleshoe,472,2
+muleshoe,472,3
+muleshoe,472,4
+muleshoe,472,5
+muleshoe,472,6
+muleshoe,472,7
+muleshoe,473,0
+muleshoe,473,1
+muleshoe,473,2
+muleshoe,473,3
+muleshoe,473,4
+muleshoe,473,5
+muleshoe,473,6
+muleshoe,473,7
+muleshoe,473,8
+muleshoe,474,0
+muleshoe,474,1
+muleshoe,474,2
+muleshoe,474,3
+muleshoe,474,4
+muleshoe,474,5
+muleshoe,474,6
+muleshoe,474,7
+muleshoe,474,8
+muleshoe,474,9
+muleshoe,474,10
+muleshoe,474,11
+muleshoe,474,12
+muleshoe,474,13
+muleshoe,474,14
+muleshoe,474,15
+muleshoe,475,0
+muleshoe,475,1
+muleshoe,475,2
+muleshoe,476,0
+muleshoe,476,1
+muleshoe,476,2
+muleshoe,476,3
+muleshoe,476,4
+muleshoe,477,0
+muleshoe,477,1
+muleshoe,477,2
+muleshoe,477,3
+muleshoe,477,4
+muleshoe,477,5
+muleshoe,477,6
+muleshoe,477,7
+muleshoe,477,8
+muleshoe,477,9
+muleshoe,478,0
+muleshoe,478,1
+muleshoe,478,2
+muleshoe,479,0
+muleshoe,479,1
+muleshoe,479,2
+muleshoe,479,3
+muleshoe,479,4
+muleshoe,479,5
+muleshoe,480,0
+muleshoe,480,1
+muleshoe,480,2
+muleshoe,481,0
+muleshoe,481,1
+muleshoe,481,2
+muleshoe,481,3
+muleshoe,481,4
+muleshoe,482,0
+muleshoe,482,1
+muleshoe,482,2
+muleshoe,482,3
+muleshoe,483,0
+muleshoe,483,1
+muleshoe,483,2
+muleshoe,483,3
+muleshoe,483,4
+muleshoe,483,5
+muleshoe,483,6
+muleshoe,484,0
+muleshoe,484,1
+muleshoe,484,2
+muleshoe,484,3
+muleshoe,484,4
+muleshoe,484,5
+muleshoe,484,6
+muleshoe,484,7
+muleshoe,484,8
+muleshoe,485,0
+muleshoe,485,1
+muleshoe,485,2
+muleshoe,485,3
+muleshoe,485,4
+muleshoe,485,5
+muleshoe,485,6
+muleshoe,485,7
+muleshoe,486,0
+muleshoe,486,1
+muleshoe,486,2
+muleshoe,486,3
+muleshoe,486,4
+muleshoe,486,5
+muleshoe,487,0
+muleshoe,487,1
+muleshoe,487,2
+muleshoe,487,3
+muleshoe,488,0
+muleshoe,488,1
+muleshoe,488,2
+muleshoe,488,3
+muleshoe,488,4
+muleshoe,488,5
+muleshoe,489,0
+muleshoe,489,1
+muleshoe,489,2
+muleshoe,489,3
+muleshoe,489,4
+muleshoe,489,5
+muleshoe,489,6
+muleshoe,489,7
+muleshoe,489,8
+muleshoe,489,9
+muleshoe,489,10
+muleshoe,489,11
+muleshoe,489,12
+muleshoe,489,13
+muleshoe,490,0
+muleshoe,490,1
+muleshoe,490,2
+muleshoe,490,3
+muleshoe,491,0
+muleshoe,491,1
+muleshoe,491,2
+muleshoe,491,3
+muleshoe,491,4
+muleshoe,491,5
+muleshoe,492,0
+muleshoe,492,1
+muleshoe,492,2
+muleshoe,492,3
+muleshoe,492,4
+muleshoe,492,5
+muleshoe,492,6
+muleshoe,492,7
+muleshoe,492,8
+muleshoe,492,9
+muleshoe,492,10
+muleshoe,493,0
+muleshoe,493,1
+muleshoe,493,2
+muleshoe,493,3
+muleshoe,493,4
+muleshoe,493,5
+muleshoe,493,6
+muleshoe,493,7
+muleshoe,494,0
+muleshoe,494,1
+muleshoe,494,2
+muleshoe,494,3
+muleshoe,494,4
+muleshoe,494,5
+muleshoe,495,0
+muleshoe,495,1
+muleshoe,495,2
+muleshoe,496,0
+muleshoe,496,1
+muleshoe,496,2
+muleshoe,496,3
+muleshoe,496,4
+muleshoe,497,0
+muleshoe,497,1
+muleshoe,497,2
+muleshoe,497,3
+muleshoe,497,4
+muleshoe,497,5
+muleshoe,497,6
+muleshoe,498,0
+muleshoe,498,1
+muleshoe,498,2
+muleshoe,498,3
+muleshoe,499,0
+muleshoe,499,1
+muleshoe,499,2
+muleshoe,499,3
+muleshoe,499,4
+muleshoe,500,0
+muleshoe,500,1
+muleshoe,500,2
+muleshoe,500,3
+muleshoe,500,4
+muleshoe,500,5
+muleshoe,500,6
+muleshoe,500,7
+muleshoe,500,8
+muleshoe,500,9
+muleshoe,501,0
+muleshoe,501,1
+muleshoe,501,2
+muleshoe,501,3
+muleshoe,501,4
+muleshoe,501,5
+muleshoe,501,6
+muleshoe,502,0
+muleshoe,502,1
+muleshoe,502,2
+muleshoe,502,3
+muleshoe,502,4
+muleshoe,502,5
+muleshoe,502,6
+muleshoe,502,7
+muleshoe,502,8
+muleshoe,503,0
+muleshoe,503,1
+muleshoe,503,2
+muleshoe,503,3
+muleshoe,504,0
+muleshoe,504,1
+muleshoe,504,2
+muleshoe,504,3
+muleshoe,504,4
+muleshoe,504,5
+muleshoe,504,6
+muleshoe,504,7
+muleshoe,504,8
+muleshoe,504,9
+muleshoe,504,10
+muleshoe,505,0
+muleshoe,505,1
+muleshoe,505,2
+muleshoe,505,3
+muleshoe,505,4
+muleshoe,506,0
+muleshoe,506,1
+muleshoe,506,2
+muleshoe,507,0
+muleshoe,507,1
+muleshoe,507,2
+muleshoe,507,3
+muleshoe,508,0
+muleshoe,508,1
+muleshoe,508,2
+muleshoe,508,3
+muleshoe,508,4
+muleshoe,508,5
+muleshoe,509,0
+muleshoe,509,1
+muleshoe,509,2
+muleshoe,509,3
+muleshoe,509,4
+muleshoe,509,5
+muleshoe,509,6
+muleshoe,509,7
+muleshoe,509,8
+muleshoe,509,9
+muleshoe,509,10
+muleshoe,510,0
+muleshoe,510,1
+muleshoe,510,2
+muleshoe,510,3
+muleshoe,511,0
+muleshoe,511,1
+muleshoe,511,2
+muleshoe,511,3
+muleshoe,511,4
+muleshoe,511,5
+muleshoe,512,0
+muleshoe,512,1
+muleshoe,512,2
+muleshoe,513,0
+muleshoe,513,1
+muleshoe,513,2
+muleshoe,513,3
+muleshoe,513,4
+muleshoe,513,5
+muleshoe,513,6
+muleshoe,513,7
+muleshoe,513,8
+muleshoe,513,9
+muleshoe,513,10
+muleshoe,513,11
+muleshoe,513,12
+muleshoe,514,0
+muleshoe,514,1
+muleshoe,514,2
+muleshoe,515,0
+muleshoe,515,1
+muleshoe,515,2
+muleshoe,516,0
+muleshoe,516,1
+muleshoe,516,2
+muleshoe,516,3
+muleshoe,516,4
+muleshoe,516,5
+muleshoe,516,6
+muleshoe,516,7
+muleshoe,517,0
+muleshoe,517,1
+muleshoe,517,2
+muleshoe,518,0
+muleshoe,518,1
+muleshoe,518,2
+muleshoe,518,3
+muleshoe,518,4
+muleshoe,518,5
+muleshoe,518,6
+muleshoe,518,7
+muleshoe,518,8
+muleshoe,518,9
+muleshoe,518,10
+muleshoe,518,11
+muleshoe,518,12
+muleshoe,518,13
+muleshoe,518,14
+muleshoe,518,15
+muleshoe,518,16
+muleshoe,518,17
+muleshoe,518,18
+muleshoe,518,19
+muleshoe,519,0
+muleshoe,519,1
+muleshoe,519,2
+muleshoe,519,3
+muleshoe,519,4
+muleshoe,519,5
+muleshoe,519,6
+muleshoe,519,7
+muleshoe,519,8
+muleshoe,519,9
+muleshoe,519,10
+muleshoe,519,11
+muleshoe,519,12
+muleshoe,519,13
+muleshoe,519,14
+muleshoe,519,15
+muleshoe,520,0
+muleshoe,520,1
+muleshoe,520,2
+muleshoe,521,0
+muleshoe,521,1
+muleshoe,521,2
+muleshoe,521,3
+muleshoe,521,4
+muleshoe,522,0
+muleshoe,522,1
+muleshoe,522,2
+muleshoe,522,3
+muleshoe,523,0
+muleshoe,523,1
+muleshoe,523,2
+muleshoe,524,0
+muleshoe,524,1
+muleshoe,524,2
+muleshoe,524,3
+muleshoe,524,4
+muleshoe,524,5
+muleshoe,524,6
+muleshoe,524,7
+muleshoe,524,8
+muleshoe,524,9
+muleshoe,524,10
+muleshoe,524,11
+muleshoe,525,0
+muleshoe,525,1
+muleshoe,525,2
+muleshoe,525,3
+muleshoe,525,4
+muleshoe,526,0
+muleshoe,526,1
+muleshoe,526,2
+muleshoe,526,3
+muleshoe,527,0
+muleshoe,527,1
+muleshoe,527,2
+muleshoe,527,3
+muleshoe,527,4
+muleshoe,528,0
+muleshoe,528,1
+muleshoe,528,2
+muleshoe,528,3
+muleshoe,528,4
+muleshoe,528,5
+muleshoe,528,6
+muleshoe,529,0
+muleshoe,529,1
+muleshoe,529,2
+muleshoe,530,0
+muleshoe,530,1
+muleshoe,530,2
+muleshoe,530,3
+muleshoe,531,0
+muleshoe,531,1
+muleshoe,531,2
+muleshoe,531,3
+muleshoe,531,4
+muleshoe,531,5
+muleshoe,531,6
+muleshoe,531,7
+muleshoe,531,8
+muleshoe,532,0
+muleshoe,532,1
+muleshoe,532,2
+muleshoe,532,3
+muleshoe,532,4
+muleshoe,532,5
+muleshoe,532,6
+muleshoe,532,7
+muleshoe,532,8
+muleshoe,532,9
+muleshoe,532,10
+muleshoe,532,11
+muleshoe,533,0
+muleshoe,533,1
+muleshoe,533,2
+muleshoe,533,3
+muleshoe,533,4
+muleshoe,533,5
+muleshoe,533,6
+muleshoe,533,7
+muleshoe,533,8
+muleshoe,533,9
+muleshoe,534,0
+muleshoe,534,1
+muleshoe,534,2
+muleshoe,535,0
+muleshoe,535,1
+muleshoe,535,2
+muleshoe,535,3
+muleshoe,535,4
+muleshoe,535,5
+muleshoe,535,6
+muleshoe,535,7
+muleshoe,535,8
+muleshoe,535,9
+muleshoe,535,10
+muleshoe,535,11
+muleshoe,535,12
+muleshoe,536,0
+muleshoe,536,1
+muleshoe,536,2
+muleshoe,536,3
+muleshoe,537,0
+muleshoe,537,1
+muleshoe,537,2
+muleshoe,538,0
+muleshoe,538,1
+muleshoe,538,2
+muleshoe,538,3
+muleshoe,538,4
+muleshoe,538,5
+muleshoe,539,0
+muleshoe,539,1
+muleshoe,539,2
+muleshoe,540,0
+muleshoe,540,1
+muleshoe,540,2
+muleshoe,540,3
+muleshoe,540,4
+muleshoe,540,5
+muleshoe,540,6
+muleshoe,540,7
+muleshoe,541,0
+muleshoe,541,1
+muleshoe,541,2
+muleshoe,542,0
+muleshoe,542,1
+muleshoe,542,2
+muleshoe,542,3
+muleshoe,542,4
+muleshoe,542,5
+muleshoe,542,6
+muleshoe,542,7
+muleshoe,542,8
+muleshoe,542,9
+muleshoe,542,10
+muleshoe,542,11
+muleshoe,542,12
+muleshoe,542,13
+muleshoe,542,14
+muleshoe,542,15
+muleshoe,542,16
+muleshoe,543,0
+muleshoe,543,1
+muleshoe,543,2
+muleshoe,543,3
+muleshoe,543,4
+muleshoe,543,5
+muleshoe,543,6
+muleshoe,543,7
+muleshoe,543,8
+muleshoe,543,9
+muleshoe,544,0
+muleshoe,544,1
+muleshoe,544,2
+muleshoe,544,3
+muleshoe,544,4
+muleshoe,544,5
+muleshoe,544,6
+muleshoe,544,7
+muleshoe,544,8
+muleshoe,544,9
+muleshoe,544,10
+muleshoe,544,11
+muleshoe,544,12
+muleshoe,545,0
+muleshoe,545,1
+muleshoe,545,2
+muleshoe,545,3
+muleshoe,545,4
+muleshoe,545,5
+muleshoe,545,6
+muleshoe,545,7
+muleshoe,545,8
+muleshoe,545,9
+muleshoe,545,10
+muleshoe,545,11
+muleshoe,545,12
+muleshoe,545,13
+muleshoe,545,14
+muleshoe,545,15
+muleshoe,545,16
+muleshoe,546,0
+muleshoe,546,1
+muleshoe,546,2
+muleshoe,546,3
+muleshoe,546,4
+muleshoe,546,5
+muleshoe,547,0
+muleshoe,547,1
+muleshoe,547,2
+muleshoe,547,3
+muleshoe,547,4
+muleshoe,547,5
+muleshoe,547,6
+muleshoe,547,7
+muleshoe,547,8
+muleshoe,548,0
+muleshoe,548,1
+muleshoe,548,2
+muleshoe,548,3
+muleshoe,548,4
+muleshoe,548,5
+muleshoe,548,6
+muleshoe,548,7
+muleshoe,549,0
+muleshoe,549,1
+muleshoe,549,2
+muleshoe,549,3
+muleshoe,550,0
+muleshoe,550,1
+muleshoe,550,2
+muleshoe,550,3
+muleshoe,550,4
+muleshoe,550,5
+muleshoe,551,0
+muleshoe,551,1
+muleshoe,551,2
+muleshoe,551,3
+muleshoe,551,4
+muleshoe,552,0
+muleshoe,552,1
+muleshoe,552,2
+muleshoe,552,3
+muleshoe,552,4
+muleshoe,552,5
+muleshoe,553,0
+muleshoe,553,1
+muleshoe,553,2
+muleshoe,554,0
+muleshoe,554,1
+muleshoe,554,2
+muleshoe,554,3
+muleshoe,554,4
+muleshoe,554,5
+muleshoe,554,6
+muleshoe,554,7
+muleshoe,554,8
+muleshoe,554,9
+muleshoe,555,0
+muleshoe,555,1
+muleshoe,555,2
+muleshoe,555,3
+muleshoe,555,4
+muleshoe,556,0
+muleshoe,556,1
+muleshoe,556,2
+muleshoe,556,3
+muleshoe,556,4
+muleshoe,556,5
+muleshoe,556,6
+muleshoe,556,7
+muleshoe,557,0
+muleshoe,557,1
+muleshoe,557,2
+muleshoe,557,3
+muleshoe,557,4
+muleshoe,557,5
+muleshoe,557,6
+muleshoe,558,0
+muleshoe,558,1
+muleshoe,558,2
+muleshoe,558,3
+muleshoe,558,4
+muleshoe,558,5
+muleshoe,558,6
+muleshoe,558,7
+muleshoe,558,8
+muleshoe,558,9
+muleshoe,558,10
+muleshoe,558,11
+muleshoe,559,0
+muleshoe,559,1
+muleshoe,559,2
+muleshoe,559,3
+muleshoe,559,4
+muleshoe,560,0
+muleshoe,560,1
+muleshoe,560,2
+muleshoe,561,0
+muleshoe,561,1
+muleshoe,561,2
+muleshoe,561,3
+muleshoe,561,4
+muleshoe,562,0
+muleshoe,562,1
+muleshoe,562,2
+muleshoe,562,3
+muleshoe,562,4
+muleshoe,562,5
+muleshoe,562,6
+muleshoe,562,7
+muleshoe,562,8
+muleshoe,563,0
+muleshoe,563,1
+muleshoe,563,2
+muleshoe,563,3
+muleshoe,564,0
+muleshoe,564,1
+muleshoe,564,2
+muleshoe,564,3
+muleshoe,564,4
+muleshoe,564,5
+muleshoe,564,6
+muleshoe,565,0
+muleshoe,565,1
+muleshoe,565,2
+muleshoe,565,3
+muleshoe,565,4
+muleshoe,565,5
+muleshoe,565,6
+muleshoe,565,7
+muleshoe,565,8
+muleshoe,565,9
+muleshoe,565,10
+muleshoe,565,11
+muleshoe,565,12
+muleshoe,565,13
+muleshoe,565,14
+muleshoe,565,15
+muleshoe,565,16
+muleshoe,565,17
+muleshoe,565,18
+muleshoe,565,19
+muleshoe,565,20
+muleshoe,565,21
+muleshoe,566,0
+muleshoe,566,1
+muleshoe,566,2
+muleshoe,567,0
+muleshoe,567,1
+muleshoe,567,2
+muleshoe,567,3
+muleshoe,567,4
+muleshoe,567,5
+muleshoe,567,6
+muleshoe,567,7
+muleshoe,568,0
+muleshoe,568,1
+muleshoe,568,2
+muleshoe,568,3
+muleshoe,568,4
+muleshoe,568,5
+muleshoe,568,6
+muleshoe,568,7
+muleshoe,568,8
+muleshoe,568,9
+muleshoe,569,0
+muleshoe,569,1
+muleshoe,569,2
+muleshoe,569,3
+muleshoe,569,4
+muleshoe,569,5
+muleshoe,569,6
+muleshoe,570,0
+muleshoe,570,1
+muleshoe,570,2
+muleshoe,570,3
+muleshoe,570,4
+muleshoe,570,5
+muleshoe,570,6
+muleshoe,570,7
+muleshoe,570,8
+muleshoe,571,0
+muleshoe,571,1
+muleshoe,571,2
+muleshoe,571,3
+muleshoe,571,4
+muleshoe,571,5
+muleshoe,571,6
+muleshoe,572,0
+muleshoe,572,1
+muleshoe,572,2
+muleshoe,572,3
+muleshoe,572,4
+muleshoe,572,5
+muleshoe,572,6
+muleshoe,572,7
+muleshoe,573,0
+muleshoe,573,1
+muleshoe,573,2
+muleshoe,573,3
+muleshoe,573,4
+muleshoe,573,5
+muleshoe,573,6
+muleshoe,574,0
+muleshoe,574,1
+muleshoe,574,2
+muleshoe,574,3
+muleshoe,574,4
+muleshoe,574,5
+muleshoe,574,6
+muleshoe,574,7
+muleshoe,575,0
+muleshoe,575,1
+muleshoe,575,2
+muleshoe,575,3
+muleshoe,575,4
+muleshoe,575,5
+muleshoe,575,6
+muleshoe,575,7
+muleshoe,575,8
+muleshoe,576,0
+muleshoe,576,1
+muleshoe,576,2
+muleshoe,576,3
+muleshoe,577,0
+muleshoe,577,1
+muleshoe,577,2
+muleshoe,577,3
+muleshoe,577,4
+muleshoe,577,5
+muleshoe,577,6
+muleshoe,577,7
+muleshoe,577,8
+muleshoe,577,9
+muleshoe,577,10
+muleshoe,578,0
+muleshoe,578,1
+muleshoe,578,2
+muleshoe,578,3
+muleshoe,578,4
+muleshoe,579,0
+muleshoe,579,1
+muleshoe,579,2
+muleshoe,580,0
+muleshoe,580,1
+muleshoe,580,2
+muleshoe,580,3
+muleshoe,580,4
+muleshoe,580,5
+muleshoe,580,6
+muleshoe,580,7
+muleshoe,580,8
+muleshoe,580,9
+muleshoe,580,10
+muleshoe,580,11
+muleshoe,580,12
+muleshoe,581,0
+muleshoe,581,1
+muleshoe,581,2
+muleshoe,581,3
+muleshoe,581,4
+muleshoe,581,5
+muleshoe,581,6
+muleshoe,581,7
+muleshoe,581,8
+muleshoe,581,9
+muleshoe,581,10
+muleshoe,581,11
+muleshoe,581,12
+muleshoe,582,0
+muleshoe,582,1
+muleshoe,582,2
+muleshoe,582,3
+muleshoe,583,0
+muleshoe,583,1
+muleshoe,583,2
+muleshoe,583,3
+muleshoe,583,4
+muleshoe,584,0
+muleshoe,584,1
+muleshoe,584,2
+muleshoe,584,3
+muleshoe,584,4
+muleshoe,584,5
+muleshoe,584,6
+muleshoe,584,7
+muleshoe,584,8
+muleshoe,584,9
+muleshoe,584,10
+muleshoe,584,11
+muleshoe,584,12
+muleshoe,584,13
+muleshoe,584,14
+muleshoe,584,15
+muleshoe,584,16
+muleshoe,584,17
+muleshoe,584,18
+muleshoe,585,0
+muleshoe,585,1
+muleshoe,585,2
+muleshoe,586,0
+muleshoe,586,1
+muleshoe,586,2
+muleshoe,586,3
+muleshoe,586,4
+muleshoe,586,5
+muleshoe,586,6
+muleshoe,586,7
+muleshoe,586,8
+muleshoe,586,9
+muleshoe,586,10
+muleshoe,586,11
+muleshoe,586,12
+muleshoe,586,13
+muleshoe,586,14
+muleshoe,587,0
+muleshoe,587,1
+muleshoe,587,2
+muleshoe,587,3
+muleshoe,587,4
+muleshoe,587,5
+muleshoe,587,6
+muleshoe,587,7
+muleshoe,588,0
+muleshoe,588,1
+muleshoe,588,2
+muleshoe,589,0
+muleshoe,589,1
+muleshoe,589,2
+muleshoe,589,3
+muleshoe,589,4
+muleshoe,590,0
+muleshoe,590,1
+muleshoe,590,2
+muleshoe,590,3
+muleshoe,590,4
+muleshoe,590,5
+muleshoe,590,6
+muleshoe,590,7
+muleshoe,590,8
+muleshoe,591,0
+muleshoe,591,1
+muleshoe,591,2
+muleshoe,591,3
+muleshoe,591,4
+muleshoe,591,5
+muleshoe,591,6
+muleshoe,591,7
+muleshoe,591,8
+muleshoe,592,0
+muleshoe,592,1
+muleshoe,592,2
+muleshoe,592,3
+muleshoe,592,4
+muleshoe,592,5
+muleshoe,592,6
+muleshoe,592,7
+muleshoe,592,8
+muleshoe,592,9
+muleshoe,593,0
+muleshoe,593,1
+muleshoe,593,2
+muleshoe,594,0
+muleshoe,594,1
+muleshoe,594,2
+muleshoe,594,3
+muleshoe,595,0
+muleshoe,595,1
+muleshoe,595,2
+muleshoe,595,3
+muleshoe,595,4
+muleshoe,595,5
+muleshoe,595,6
+muleshoe,595,7
+muleshoe,595,8
+muleshoe,595,9
+muleshoe,596,0
+muleshoe,596,1
+muleshoe,596,2
+muleshoe,596,3
+muleshoe,597,0
+muleshoe,597,1
+muleshoe,597,2
+muleshoe,597,3
+muleshoe,597,4
+muleshoe,597,5
+muleshoe,597,6
+muleshoe,598,0
+muleshoe,598,1
+muleshoe,598,2
+muleshoe,598,3
+muleshoe,598,4
+muleshoe,598,5
+muleshoe,598,6
+muleshoe,599,0
+muleshoe,599,1
+muleshoe,599,2
+muleshoe,599,3
+muleshoe,599,4
+muleshoe,599,5
+muleshoe,599,6
+muleshoe,599,7
+muleshoe,599,8
+muleshoe,599,9
+muleshoe,599,10
+muleshoe,599,11
+muleshoe,599,12
+muleshoe,600,0
+muleshoe,600,1
+muleshoe,600,2
+muleshoe,600,3
+muleshoe,601,0
+muleshoe,601,1
+muleshoe,601,2
+muleshoe,601,3
+muleshoe,601,4
+muleshoe,601,5
+muleshoe,601,6
+muleshoe,601,7
+muleshoe,601,8
+muleshoe,601,9
+muleshoe,602,0
+muleshoe,602,1
+muleshoe,602,2
+muleshoe,602,3
+muleshoe,602,4
+muleshoe,602,5
+muleshoe,603,0
+muleshoe,603,1
+muleshoe,603,2
+muleshoe,603,3
+muleshoe,603,4
+muleshoe,603,5
+muleshoe,603,6
+muleshoe,604,0
+muleshoe,604,1
+muleshoe,604,2
+muleshoe,604,3
+muleshoe,604,4
+muleshoe,604,5
+muleshoe,604,6
+muleshoe,605,0
+muleshoe,605,1
+muleshoe,605,2
+muleshoe,605,3
+muleshoe,605,4
+muleshoe,605,5
+muleshoe,605,6
+muleshoe,605,7
+muleshoe,606,0
+muleshoe,606,1
+muleshoe,606,2
+muleshoe,606,3
+muleshoe,606,4
+muleshoe,606,5
+muleshoe,606,6
+muleshoe,606,7
+muleshoe,606,8
+muleshoe,607,0
+muleshoe,607,1
+muleshoe,607,2
+muleshoe,607,3
+muleshoe,607,4
+muleshoe,607,5
+muleshoe,607,6
+muleshoe,607,7
+muleshoe,607,8
+muleshoe,607,9
+muleshoe,607,10
+muleshoe,607,11
+muleshoe,607,12
+muleshoe,607,13
+muleshoe,608,0
+muleshoe,608,1
+muleshoe,608,2
+muleshoe,608,3
+muleshoe,608,4
+muleshoe,608,5
+muleshoe,609,0
+muleshoe,609,1
+muleshoe,609,2
+muleshoe,609,3
+muleshoe,609,4
+muleshoe,609,5
+muleshoe,609,6
+muleshoe,610,0
+muleshoe,610,1
+muleshoe,610,2
+muleshoe,610,3
+muleshoe,610,4
+muleshoe,610,5
+muleshoe,610,6
+muleshoe,610,7
+muleshoe,610,8
+muleshoe,611,0
+muleshoe,611,1
+muleshoe,611,2
+muleshoe,612,0
+muleshoe,612,1
+muleshoe,612,2
+muleshoe,612,3
+muleshoe,612,4
+muleshoe,612,5
+muleshoe,612,6
+muleshoe,613,0
+muleshoe,613,1
+muleshoe,613,2
+muleshoe,613,3
+muleshoe,613,4
+muleshoe,613,5
+muleshoe,614,0
+muleshoe,614,1
+muleshoe,614,2
+muleshoe,614,3
+muleshoe,614,4
+muleshoe,614,5
+muleshoe,615,0
+muleshoe,615,1
+muleshoe,615,2
+muleshoe,615,3
+muleshoe,615,4
+muleshoe,615,5
+muleshoe,616,0
+muleshoe,616,1
+muleshoe,616,2
+muleshoe,616,3
+muleshoe,616,4
+muleshoe,617,0
+muleshoe,617,1
+muleshoe,617,2
+muleshoe,617,3
+muleshoe,617,4
+muleshoe,617,5
+muleshoe,617,6
+muleshoe,617,7
+muleshoe,617,8
+muleshoe,617,9
+muleshoe,617,10
+muleshoe,618,0
+muleshoe,618,1
+muleshoe,618,2
+muleshoe,618,3
+muleshoe,618,4
+muleshoe,618,5
+muleshoe,618,6
+muleshoe,618,7
+muleshoe,619,0
+muleshoe,619,1
+muleshoe,619,2
+muleshoe,619,3
+muleshoe,620,0
+muleshoe,620,1
+muleshoe,620,2
+muleshoe,620,3
+muleshoe,620,4
+muleshoe,620,5
+muleshoe,620,6
+muleshoe,620,7
+muleshoe,620,8
+muleshoe,620,9
+muleshoe,620,10
+muleshoe,620,11
+muleshoe,620,12
+muleshoe,620,13
+muleshoe,620,14
+muleshoe,621,0
+muleshoe,621,1
+muleshoe,621,2
+muleshoe,621,3
+muleshoe,621,4
+muleshoe,622,0
+muleshoe,622,1
+muleshoe,622,2
+muleshoe,622,3
+muleshoe,622,4
+muleshoe,622,5
+muleshoe,623,0
+muleshoe,623,1
+muleshoe,623,2
+muleshoe,624,0
+muleshoe,624,1
+muleshoe,624,2
+muleshoe,624,3
+muleshoe,624,4
+muleshoe,625,0
+muleshoe,625,1
+muleshoe,625,2
+muleshoe,626,0
+muleshoe,626,1
+muleshoe,626,2
+muleshoe,626,3
+muleshoe,626,4
+muleshoe,627,0
+muleshoe,627,1
+muleshoe,627,2
+muleshoe,627,3
+muleshoe,627,4
+muleshoe,627,5
+muleshoe,627,6
+muleshoe,627,7
+muleshoe,627,8
+muleshoe,627,9
+muleshoe,628,0
+muleshoe,628,1
+muleshoe,628,2
+muleshoe,628,3
+muleshoe,629,0
+muleshoe,629,1
+muleshoe,629,2
+muleshoe,630,0
+muleshoe,630,1
+muleshoe,630,2
+muleshoe,631,0
+muleshoe,631,1
+muleshoe,631,2
+muleshoe,631,3
+muleshoe,631,4
+muleshoe,631,5
+muleshoe,632,0
+muleshoe,632,1
+muleshoe,632,2
+muleshoe,632,3
+muleshoe,632,4
+muleshoe,632,5
+muleshoe,632,6
+muleshoe,632,7
+muleshoe,633,0
+muleshoe,633,1
+muleshoe,633,2
+muleshoe,633,3
+muleshoe,633,4
+muleshoe,633,5
+muleshoe,633,6
+muleshoe,634,0
+muleshoe,634,1
+muleshoe,634,2
+muleshoe,634,3
+muleshoe,634,4
+muleshoe,634,5
+muleshoe,634,6
+muleshoe,634,7
+muleshoe,634,8
+muleshoe,635,0
+muleshoe,635,1
+muleshoe,635,2
+muleshoe,635,3
+muleshoe,635,4
+muleshoe,635,5
+muleshoe,635,6
+muleshoe,635,7
+muleshoe,635,8
+muleshoe,635,9
+muleshoe,635,10
+muleshoe,636,0
+muleshoe,636,1
+muleshoe,636,2
+muleshoe,636,3
+muleshoe,637,0
+muleshoe,637,1
+muleshoe,637,2
+muleshoe,637,3
+muleshoe,637,4
+muleshoe,637,5
+muleshoe,637,6
+muleshoe,637,7
+muleshoe,637,8
+muleshoe,637,9
+muleshoe,637,10
+muleshoe,637,11
+muleshoe,637,12
+muleshoe,637,13
+muleshoe,638,0
+muleshoe,638,1
+muleshoe,638,2
+muleshoe,638,3
+muleshoe,639,0
+muleshoe,639,1
+muleshoe,639,2
+muleshoe,639,3
+muleshoe,640,0
+muleshoe,640,1
+muleshoe,640,2
+muleshoe,641,0
+muleshoe,641,1
+muleshoe,641,2
+muleshoe,641,3
+muleshoe,641,4
+muleshoe,642,0
+muleshoe,642,1
+muleshoe,642,2
+muleshoe,642,3
+muleshoe,642,4
+muleshoe,642,5
+muleshoe,642,6
+muleshoe,643,0
+muleshoe,643,1
+muleshoe,643,2
+muleshoe,643,3
+muleshoe,644,0
+muleshoe,644,1
+muleshoe,644,2
+muleshoe,644,3
+muleshoe,644,4
+muleshoe,645,0
+muleshoe,645,1
+muleshoe,645,2
+muleshoe,645,3
+muleshoe,646,0
+muleshoe,646,1
+muleshoe,646,2
+muleshoe,646,3
+muleshoe,647,0
+muleshoe,647,1
+muleshoe,647,2
+muleshoe,648,0
+muleshoe,648,1
+muleshoe,648,2
+muleshoe,648,3
+muleshoe,648,4
+muleshoe,648,5
+muleshoe,648,6
+muleshoe,648,7
+muleshoe,648,8
+muleshoe,648,9
+muleshoe,648,10
+muleshoe,648,11
+muleshoe,648,12
+muleshoe,648,13
+muleshoe,648,14
+muleshoe,648,15
+muleshoe,648,16
+muleshoe,648,17
+muleshoe,649,0
+muleshoe,649,1
+muleshoe,649,2
+muleshoe,649,3
+muleshoe,649,4
+muleshoe,649,5
+muleshoe,649,6
+muleshoe,649,7
+muleshoe,649,8
+muleshoe,649,9
+muleshoe,649,10
+muleshoe,649,11
+muleshoe,649,12
+muleshoe,649,13
+muleshoe,650,0
+muleshoe,650,1
+muleshoe,650,2
+muleshoe,650,3
+muleshoe,650,4
+muleshoe,650,5
+muleshoe,651,0
+muleshoe,651,1
+muleshoe,651,2
+muleshoe,651,3
+muleshoe,651,4
+muleshoe,651,5
+muleshoe,651,6
+muleshoe,651,7
+muleshoe,651,8
+muleshoe,651,9
+muleshoe,651,10
+muleshoe,651,11
+muleshoe,652,0
+muleshoe,652,1
+muleshoe,652,2
+muleshoe,652,3
+muleshoe,652,4
+muleshoe,652,5
+muleshoe,652,6
+muleshoe,652,7
+muleshoe,652,8
+muleshoe,653,0
+muleshoe,653,1
+muleshoe,653,2
+muleshoe,653,3
+muleshoe,653,4
+muleshoe,653,5
+muleshoe,653,6
+muleshoe,653,7
+muleshoe,653,8
+muleshoe,653,9
+muleshoe,653,10
+muleshoe,653,11
+muleshoe,653,12
+muleshoe,653,13
+muleshoe,653,14
+muleshoe,653,15
+muleshoe,653,16
+muleshoe,653,17
+muleshoe,653,18
+muleshoe,654,0
+muleshoe,654,1
+muleshoe,654,2
+muleshoe,655,0
+muleshoe,655,1
+muleshoe,655,2
+muleshoe,655,3
+muleshoe,655,4
+muleshoe,656,0
+muleshoe,656,1
+muleshoe,656,2
+muleshoe,656,3
+muleshoe,656,4
+muleshoe,656,5
+muleshoe,656,6
+muleshoe,656,7
+muleshoe,656,8
+muleshoe,656,9
+muleshoe,656,10
+muleshoe,656,11
+muleshoe,656,12
+muleshoe,656,13
+muleshoe,656,14
+muleshoe,656,15
+muleshoe,656,16
+muleshoe,656,17
+muleshoe,657,0
+muleshoe,657,1
+muleshoe,657,2
+muleshoe,658,0
+muleshoe,658,1
+muleshoe,658,2
+muleshoe,658,3
+muleshoe,658,4
+muleshoe,658,5
+muleshoe,658,6
+muleshoe,658,7
+muleshoe,658,8
+muleshoe,658,9
+muleshoe,658,10
+muleshoe,658,11
+muleshoe,659,0
+muleshoe,659,1
+muleshoe,659,2
+muleshoe,659,3
+muleshoe,660,0
+muleshoe,660,1
+muleshoe,660,2
+muleshoe,661,0
+muleshoe,661,1
+muleshoe,661,2
+muleshoe,661,3
+muleshoe,662,0
+muleshoe,662,1
+muleshoe,662,2
+muleshoe,662,3
+muleshoe,662,4
+muleshoe,663,0
+muleshoe,663,1
+muleshoe,663,2
+muleshoe,663,3
+muleshoe,663,4
+muleshoe,663,5
+muleshoe,663,6
+muleshoe,663,7
+muleshoe,664,0
+muleshoe,664,1
+muleshoe,664,2
+muleshoe,664,3
+muleshoe,664,4
+muleshoe,664,5
+muleshoe,664,6
+muleshoe,664,7
+muleshoe,664,8
+muleshoe,665,0
+muleshoe,665,1
+muleshoe,665,2
+muleshoe,665,3
+muleshoe,666,0
+muleshoe,666,1
+muleshoe,666,2
+muleshoe,666,3
+muleshoe,666,4
+muleshoe,666,5
+muleshoe,666,6
+muleshoe,666,7
+muleshoe,667,0
+muleshoe,667,1
+muleshoe,667,2
+muleshoe,667,3
+muleshoe,668,0
+muleshoe,668,1
+muleshoe,668,2
+muleshoe,668,3
+muleshoe,668,4
+muleshoe,668,5
+muleshoe,668,6
+muleshoe,668,7
+muleshoe,668,8
+muleshoe,669,0
+muleshoe,669,1
+muleshoe,669,2
+muleshoe,669,3
+muleshoe,669,4
+muleshoe,670,0
+muleshoe,670,1
+muleshoe,670,2
+muleshoe,670,3
+muleshoe,670,4
+muleshoe,670,5
+muleshoe,670,6
+muleshoe,670,7
+muleshoe,670,8
+muleshoe,670,9
+muleshoe,670,10
+muleshoe,670,11
+muleshoe,670,12
+muleshoe,670,13
+muleshoe,670,14
+muleshoe,670,15
+muleshoe,671,0
+muleshoe,671,1
+muleshoe,671,2
+muleshoe,671,3
+muleshoe,671,4
+muleshoe,671,5
+muleshoe,671,6
+muleshoe,672,0
+muleshoe,672,1
+muleshoe,672,2
+muleshoe,672,3
+muleshoe,673,0
+muleshoe,673,1
+muleshoe,673,2
+muleshoe,673,3
+muleshoe,673,4
+muleshoe,674,0
+muleshoe,674,1
+muleshoe,674,2
+muleshoe,674,3
+muleshoe,675,0
+muleshoe,675,1
+muleshoe,675,2
+muleshoe,675,3
+muleshoe,675,4
+muleshoe,675,5
+muleshoe,676,0
+muleshoe,676,1
+muleshoe,676,2
+muleshoe,676,3
+muleshoe,676,4
+muleshoe,676,5
+muleshoe,677,0
+muleshoe,677,1
+muleshoe,677,2
+muleshoe,677,3
+muleshoe,678,0
+muleshoe,678,1
+muleshoe,678,2
+muleshoe,678,3
+muleshoe,678,4
+muleshoe,678,5
+muleshoe,678,6
+muleshoe,678,7
+muleshoe,678,8
+muleshoe,678,9
+muleshoe,678,10
+muleshoe,678,11
+muleshoe,678,12
+muleshoe,679,0
+muleshoe,679,1
+muleshoe,679,2
+muleshoe,679,3
+muleshoe,679,4
+muleshoe,680,0
+muleshoe,680,1
+muleshoe,680,2
+muleshoe,680,3
+muleshoe,680,4
+muleshoe,680,5
+muleshoe,681,0
+muleshoe,681,1
+muleshoe,681,2
+muleshoe,682,0
+muleshoe,682,1
+muleshoe,682,2
+muleshoe,682,3
+muleshoe,682,4
+muleshoe,682,5
+muleshoe,682,6
+muleshoe,682,7
+muleshoe,682,8
+muleshoe,682,9
+muleshoe,682,10
+muleshoe,682,11
+muleshoe,682,12
+muleshoe,683,0
+muleshoe,683,1
+muleshoe,683,2
+muleshoe,683,3
+muleshoe,684,0
+muleshoe,684,1
+muleshoe,684,2
+muleshoe,685,0
+muleshoe,685,1
+muleshoe,685,2
+muleshoe,685,3
+muleshoe,685,4
+muleshoe,685,5
+muleshoe,685,6
+muleshoe,685,7
+muleshoe,685,8
+muleshoe,685,9
+muleshoe,686,0
+muleshoe,686,1
+muleshoe,686,2
+muleshoe,686,3
+muleshoe,686,4
+muleshoe,686,5
+muleshoe,686,6
+muleshoe,686,7
+muleshoe,686,8
+muleshoe,686,9
+muleshoe,686,10
+muleshoe,686,11
+muleshoe,686,12
+muleshoe,686,13
+muleshoe,687,0
+muleshoe,687,1
+muleshoe,687,2
+muleshoe,688,0
+muleshoe,688,1
+muleshoe,688,2
+muleshoe,688,3
+muleshoe,688,4
+muleshoe,688,5
+muleshoe,688,6
+muleshoe,688,7
+muleshoe,689,0
+muleshoe,689,1
+muleshoe,689,2
+muleshoe,690,0
+muleshoe,690,1
+muleshoe,690,2
+muleshoe,690,3
+muleshoe,690,4
+muleshoe,690,5
+muleshoe,690,6
+muleshoe,690,7
+muleshoe,690,8
+muleshoe,690,9
+muleshoe,691,0
+muleshoe,691,1
+muleshoe,691,2
+muleshoe,691,3
+muleshoe,691,4
+muleshoe,691,5
+muleshoe,692,0
+muleshoe,692,1
+muleshoe,692,2
+muleshoe,693,0
+muleshoe,693,1
+muleshoe,693,2
+muleshoe,693,3
+muleshoe,693,4
+muleshoe,693,5
+muleshoe,693,6
+muleshoe,693,7
+muleshoe,693,8
+muleshoe,693,9
+muleshoe,693,10
+muleshoe,694,0
+muleshoe,694,1
+muleshoe,694,2
+muleshoe,694,3
+muleshoe,694,4
+muleshoe,694,5
+muleshoe,694,6
+muleshoe,694,7
+muleshoe,695,0
+muleshoe,695,1
+muleshoe,695,2
+muleshoe,695,3
+muleshoe,695,4
+muleshoe,695,5
+muleshoe,695,6
+muleshoe,695,7
+muleshoe,695,8
+muleshoe,695,9
+muleshoe,695,10
+muleshoe,696,0
+muleshoe,696,1
+muleshoe,696,2
+muleshoe,696,3
+muleshoe,697,0
+muleshoe,697,1
+muleshoe,697,2
+muleshoe,697,3
+muleshoe,697,4
+muleshoe,697,5
+muleshoe,698,0
+muleshoe,698,1
+muleshoe,698,2
+muleshoe,698,3
+muleshoe,698,4
+muleshoe,698,5
+muleshoe,698,6
+muleshoe,698,7
+muleshoe,698,8
+muleshoe,698,9
+muleshoe,699,0
+muleshoe,699,1
+muleshoe,699,2
+muleshoe,699,3
+muleshoe,699,4
+muleshoe,699,5
+muleshoe,699,6
+muleshoe,700,0
+muleshoe,700,1
+muleshoe,700,2
+muleshoe,700,3
+muleshoe,700,4
+muleshoe,701,0
+muleshoe,701,1
+muleshoe,701,2
+muleshoe,701,3
+muleshoe,701,4
+muleshoe,702,0
+muleshoe,702,1
+muleshoe,702,2
+muleshoe,702,3
+muleshoe,702,4
+muleshoe,702,5
+muleshoe,702,6
+muleshoe,703,0
+muleshoe,703,1
+muleshoe,703,2
+muleshoe,703,3
+muleshoe,703,4
+muleshoe,703,5
+muleshoe,703,6
+muleshoe,703,7
+muleshoe,704,0
+muleshoe,704,1
+muleshoe,704,2
+muleshoe,704,3
+muleshoe,704,4
+muleshoe,704,5
+muleshoe,704,6
+muleshoe,704,7
+muleshoe,704,8
+muleshoe,705,0
+muleshoe,705,1
+muleshoe,705,2
+muleshoe,705,3
+muleshoe,705,4
+muleshoe,705,5
+muleshoe,706,0
+muleshoe,706,1
+muleshoe,706,2
+muleshoe,706,3
+muleshoe,706,4
+muleshoe,706,5
+muleshoe,707,0
+muleshoe,707,1
+muleshoe,707,2
+muleshoe,707,3
+muleshoe,707,4
+muleshoe,707,5
+muleshoe,708,0
+muleshoe,708,1
+muleshoe,708,2
+muleshoe,708,3
+muleshoe,709,0
+muleshoe,709,1
+muleshoe,709,2
+muleshoe,709,3
+muleshoe,709,4
+muleshoe,709,5
+muleshoe,709,6
+muleshoe,709,7
+muleshoe,709,8
+muleshoe,709,9
+muleshoe,709,10
+muleshoe,709,11
+muleshoe,709,12
+muleshoe,710,0
+muleshoe,710,1
+muleshoe,710,2
+muleshoe,710,3
+muleshoe,710,4
+muleshoe,711,0
+muleshoe,711,1
+muleshoe,711,2
+muleshoe,711,3
+muleshoe,711,4
+muleshoe,711,5
+muleshoe,711,6
+muleshoe,711,7
+muleshoe,711,8
+muleshoe,711,9
+muleshoe,711,10
+muleshoe,711,11
+muleshoe,711,12
+muleshoe,711,13
+muleshoe,711,14
+muleshoe,712,0
+muleshoe,712,1
+muleshoe,712,2
+muleshoe,712,3
+muleshoe,712,4
+muleshoe,712,5
+muleshoe,712,6
+muleshoe,713,0
+muleshoe,713,1
+muleshoe,713,2
+muleshoe,713,3
+muleshoe,713,4
+muleshoe,713,5
+muleshoe,713,6
+muleshoe,713,7
+muleshoe,714,0
+muleshoe,714,1
+muleshoe,714,2
+muleshoe,714,3
+muleshoe,715,0
+muleshoe,715,1
+muleshoe,715,2
+muleshoe,715,3
+muleshoe,715,4
+muleshoe,715,5
+muleshoe,716,0
+muleshoe,716,1
+muleshoe,716,2
+muleshoe,717,0
+muleshoe,717,1
+muleshoe,717,2
+muleshoe,717,3
+muleshoe,717,4
+muleshoe,718,0
+muleshoe,718,1
+muleshoe,718,2
+muleshoe,719,0
+muleshoe,719,1
+muleshoe,719,2
+muleshoe,719,3
+muleshoe,719,4
+muleshoe,719,5
+muleshoe,719,6
+muleshoe,719,7
+muleshoe,720,0
+muleshoe,720,1
+muleshoe,720,2
+muleshoe,720,3
+muleshoe,720,4
+muleshoe,720,5
+muleshoe,720,6
+muleshoe,720,7
+muleshoe,720,8
+muleshoe,720,9
+muleshoe,720,10
+muleshoe,720,11
+muleshoe,720,12
+muleshoe,720,13
+muleshoe,721,0
+muleshoe,721,1
+muleshoe,721,2
+muleshoe,721,3
+muleshoe,721,4
+muleshoe,721,5
+muleshoe,721,6
+muleshoe,721,7
+muleshoe,721,8
+muleshoe,721,9
+muleshoe,721,10
+muleshoe,722,0
+muleshoe,722,1
+muleshoe,722,2
+muleshoe,722,3
+muleshoe,722,4
+muleshoe,722,5
+muleshoe,722,6
+muleshoe,722,7
+muleshoe,723,0
+muleshoe,723,1
+muleshoe,723,2
+muleshoe,723,3
+muleshoe,723,4
+muleshoe,723,5
+muleshoe,723,6
+muleshoe,724,0
+muleshoe,724,1
+muleshoe,724,2
+muleshoe,724,3
+muleshoe,725,0
+muleshoe,725,1
+muleshoe,725,2
+muleshoe,725,3
+muleshoe,725,4
+muleshoe,725,5
+muleshoe,725,6
+muleshoe,725,7
+muleshoe,726,0
+muleshoe,726,1
+muleshoe,726,2
+muleshoe,727,0
+muleshoe,727,1
+muleshoe,727,2
+muleshoe,727,3
+muleshoe,728,0
+muleshoe,728,1
+muleshoe,728,2
+muleshoe,728,3
+muleshoe,728,4
+muleshoe,728,5
+muleshoe,728,6
+muleshoe,728,7
+muleshoe,728,8
+muleshoe,728,9
+muleshoe,728,10
+muleshoe,728,11
+muleshoe,728,12
+muleshoe,728,13
+muleshoe,729,0
+muleshoe,729,1
+muleshoe,729,2
+muleshoe,729,3
+muleshoe,729,4
+muleshoe,730,0
+muleshoe,730,1
+muleshoe,730,2
+muleshoe,730,3
+muleshoe,730,4
+muleshoe,730,5
+muleshoe,730,6
+muleshoe,730,7
+muleshoe,730,8
+muleshoe,730,9
+muleshoe,731,0
+muleshoe,731,1
+muleshoe,731,2
+muleshoe,731,3
+muleshoe,731,4
+muleshoe,731,5
+muleshoe,731,6
+muleshoe,732,0
+muleshoe,732,1
+muleshoe,732,2
+muleshoe,732,3
+muleshoe,732,4
+muleshoe,732,5
+muleshoe,732,6
+muleshoe,732,7
+muleshoe,732,8
+muleshoe,732,9
+muleshoe,732,10
+muleshoe,732,11
+muleshoe,732,12
+muleshoe,732,13
+muleshoe,733,0
+muleshoe,733,1
+muleshoe,733,2
+muleshoe,733,3
+muleshoe,733,4
+muleshoe,733,5
+muleshoe,733,6
+muleshoe,733,7
+muleshoe,733,8
+muleshoe,733,9
+muleshoe,734,0
+muleshoe,734,1
+muleshoe,734,2
+muleshoe,735,0
+muleshoe,735,1
+muleshoe,735,2
+muleshoe,735,3
+muleshoe,735,4
+muleshoe,736,0
+muleshoe,736,1
+muleshoe,736,2
+muleshoe,736,3
+muleshoe,736,4
+muleshoe,736,5
+muleshoe,736,6
+muleshoe,736,7
+muleshoe,736,8
+muleshoe,736,9
+muleshoe,736,10
+muleshoe,736,11
+muleshoe,736,12
+muleshoe,737,0
+muleshoe,737,1
+muleshoe,737,2
+muleshoe,737,3
+muleshoe,737,4
+muleshoe,737,5
+muleshoe,737,6
+muleshoe,737,7
+muleshoe,737,8
+muleshoe,737,9
+muleshoe,738,0
+muleshoe,738,1
+muleshoe,738,2
+muleshoe,738,3
+muleshoe,739,0
+muleshoe,739,1
+muleshoe,739,2
+muleshoe,739,3
+muleshoe,739,4
+muleshoe,740,0
+muleshoe,740,1
+muleshoe,740,2
+muleshoe,740,3
+muleshoe,741,0
+muleshoe,741,1
+muleshoe,741,2
+muleshoe,741,3
+muleshoe,741,4
+muleshoe,741,5
+muleshoe,741,6
+muleshoe,742,0
+muleshoe,742,1
+muleshoe,742,2
+muleshoe,742,3
+muleshoe,742,4
+muleshoe,743,0
+muleshoe,743,1
+muleshoe,743,2
+muleshoe,743,3
+muleshoe,743,4
+muleshoe,743,5
+muleshoe,743,6
+muleshoe,743,7
+muleshoe,743,8
+muleshoe,743,9
+muleshoe,743,10
+muleshoe,743,11
+muleshoe,744,0
+muleshoe,744,1
+muleshoe,744,2
+muleshoe,745,0
+muleshoe,745,1
+muleshoe,745,2
+muleshoe,745,3
+muleshoe,745,4
+muleshoe,745,5
+muleshoe,745,6
+muleshoe,745,7
+muleshoe,745,8
+muleshoe,746,0
+muleshoe,746,1
+muleshoe,746,2
+muleshoe,747,0
+muleshoe,747,1
+muleshoe,747,2
+muleshoe,747,3
+muleshoe,748,0
+muleshoe,748,1
+muleshoe,748,2
+muleshoe,749,0
+muleshoe,749,1
+muleshoe,749,2
+muleshoe,749,3
+muleshoe,750,0
+muleshoe,750,1
+muleshoe,750,2
+muleshoe,750,3
+muleshoe,750,4
+muleshoe,750,5
+muleshoe,750,6
+muleshoe,750,7
+muleshoe,751,0
+muleshoe,751,1
+muleshoe,751,2
+muleshoe,751,3
+muleshoe,751,4
+muleshoe,751,5
+muleshoe,752,0
+muleshoe,752,1
+muleshoe,752,2
+muleshoe,753,0
+muleshoe,753,1
+muleshoe,753,2
+muleshoe,753,3
+muleshoe,753,4
+muleshoe,754,0
+muleshoe,754,1
+muleshoe,754,2
+muleshoe,754,3
+muleshoe,755,0
+muleshoe,755,1
+muleshoe,755,2
+muleshoe,755,3
+muleshoe,755,4
+muleshoe,755,5
+muleshoe,755,6
+muleshoe,755,7
+muleshoe,755,8
+muleshoe,755,9
+muleshoe,755,10
+muleshoe,755,11
+muleshoe,755,12
+muleshoe,756,0
+muleshoe,756,1
+muleshoe,756,2
+muleshoe,757,0
+muleshoe,757,1
+muleshoe,757,2
+muleshoe,757,3
+muleshoe,757,4
+muleshoe,757,5
+muleshoe,757,6
+muleshoe,757,7
+muleshoe,757,8
+muleshoe,757,9
+muleshoe,758,0
+muleshoe,758,1
+muleshoe,758,2
+muleshoe,758,3
+muleshoe,758,4
+muleshoe,758,5
+muleshoe,758,6
+muleshoe,758,7
+muleshoe,758,8
+muleshoe,758,9
+muleshoe,758,10
+muleshoe,759,0
+muleshoe,759,1
+muleshoe,759,2
+muleshoe,759,3
+muleshoe,760,0
+muleshoe,760,1
+muleshoe,760,2
+muleshoe,761,0
+muleshoe,761,1
+muleshoe,761,2
+muleshoe,761,3
+muleshoe,761,4
+muleshoe,761,5
+muleshoe,761,6
+muleshoe,761,7
+muleshoe,762,0
+muleshoe,762,1
+muleshoe,762,2
+muleshoe,762,3
+muleshoe,763,0
+muleshoe,763,1
+muleshoe,763,2
+muleshoe,763,3
+muleshoe,763,4
+muleshoe,763,5
+muleshoe,763,6
+muleshoe,763,7
+muleshoe,763,8
+muleshoe,763,9
+muleshoe,763,10
+muleshoe,763,11
+muleshoe,763,12
+muleshoe,763,13
+muleshoe,764,0
+muleshoe,764,1
+muleshoe,764,2
+muleshoe,764,3
+muleshoe,764,4
+muleshoe,765,0
+muleshoe,765,1
+muleshoe,765,2
+muleshoe,765,3
+muleshoe,765,4
+muleshoe,765,5
+muleshoe,765,6
+muleshoe,765,7
+muleshoe,765,8
+muleshoe,765,9
+muleshoe,766,0
+muleshoe,766,1
+muleshoe,766,2
+muleshoe,766,3
+muleshoe,766,4
+muleshoe,766,5
+muleshoe,766,6
+muleshoe,767,0
+muleshoe,767,1
+muleshoe,767,2
+muleshoe,767,3
+muleshoe,767,4
+muleshoe,767,5
+muleshoe,767,6
+muleshoe,767,7
+muleshoe,767,8
+muleshoe,767,9
+muleshoe,767,10
+muleshoe,767,11
+muleshoe,767,12
+muleshoe,767,13
+muleshoe,767,14
+muleshoe,768,0
+muleshoe,768,1
+muleshoe,768,2
+muleshoe,768,3
+muleshoe,768,4
+muleshoe,768,5
+muleshoe,768,6
+muleshoe,768,7
+muleshoe,768,8
+muleshoe,769,0
+muleshoe,769,1
+muleshoe,769,2
+muleshoe,769,3
+muleshoe,769,4
+muleshoe,769,5
+muleshoe,769,6
+muleshoe,769,7
+muleshoe,770,0
+muleshoe,770,1
+muleshoe,770,2
+muleshoe,770,3
+muleshoe,770,4
+muleshoe,770,5
+muleshoe,770,6
+muleshoe,770,7
+muleshoe,770,8
+muleshoe,770,9
+muleshoe,770,10
+muleshoe,770,11
+muleshoe,771,0
+muleshoe,771,1
+muleshoe,771,2
+muleshoe,771,3
+muleshoe,771,4
+muleshoe,771,5
+muleshoe,771,6
+muleshoe,771,7
+muleshoe,771,8
+muleshoe,771,9
+muleshoe,771,10
+muleshoe,772,0
+muleshoe,772,1
+muleshoe,772,2
+muleshoe,772,3
+muleshoe,772,4
+muleshoe,772,5
+muleshoe,773,0
+muleshoe,773,1
+muleshoe,773,2
+muleshoe,773,3
+muleshoe,773,4
+muleshoe,773,5
+muleshoe,773,6
+muleshoe,773,7
+muleshoe,773,8
+muleshoe,773,9
+muleshoe,773,10
+muleshoe,773,11
+muleshoe,774,0
+muleshoe,774,1
+muleshoe,774,2
+muleshoe,775,0
+muleshoe,775,1
+muleshoe,775,2
+muleshoe,775,3
+muleshoe,776,0
+muleshoe,776,1
+muleshoe,776,2
+muleshoe,776,3
+muleshoe,776,4
+muleshoe,776,5
+muleshoe,776,6
+muleshoe,776,7
+muleshoe,776,8
+muleshoe,776,9
+muleshoe,776,10
+muleshoe,777,0
+muleshoe,777,1
+muleshoe,777,2
+muleshoe,778,0
+muleshoe,778,1
+muleshoe,778,2
+muleshoe,778,3
+muleshoe,778,4
+muleshoe,779,0
+muleshoe,779,1
+muleshoe,779,2
+muleshoe,779,3
+muleshoe,779,4
+muleshoe,779,5
+muleshoe,779,6
+muleshoe,779,7
+muleshoe,780,0
+muleshoe,780,1
+muleshoe,780,2
+muleshoe,780,3
+muleshoe,780,4
+muleshoe,780,5
+muleshoe,780,6
+muleshoe,780,7
+muleshoe,781,0
+muleshoe,781,1
+muleshoe,781,2
+muleshoe,781,3
+muleshoe,781,4
+muleshoe,782,0
+muleshoe,782,1
+muleshoe,782,2
+muleshoe,782,3
+muleshoe,782,4
+muleshoe,782,5
+muleshoe,783,0
+muleshoe,783,1
+muleshoe,783,2
+muleshoe,783,3
+muleshoe,783,4
+muleshoe,783,5
+muleshoe,783,6
+muleshoe,783,7
+muleshoe,783,8
+muleshoe,783,9
+muleshoe,783,10
+muleshoe,783,11
+muleshoe,783,12
+muleshoe,784,0
+muleshoe,784,1
+muleshoe,784,2
+muleshoe,784,3
+muleshoe,785,0
+muleshoe,785,1
+muleshoe,785,2
+muleshoe,785,3
+muleshoe,786,0
+muleshoe,786,1
+muleshoe,786,2
+muleshoe,786,3
+muleshoe,786,4
+muleshoe,786,5
+muleshoe,786,6
+muleshoe,786,7
+muleshoe,786,8
+muleshoe,786,9
+muleshoe,786,10
+muleshoe,786,11
+muleshoe,787,0
+muleshoe,787,1
+muleshoe,787,2
+muleshoe,787,3
+muleshoe,787,4
+muleshoe,787,5
+muleshoe,787,6
+muleshoe,787,7
+muleshoe,788,0
+muleshoe,788,1
+muleshoe,788,2
+muleshoe,789,0
+muleshoe,789,1
+muleshoe,789,2
+muleshoe,789,3
+muleshoe,789,4
+muleshoe,789,5
+muleshoe,789,6
+muleshoe,790,0
+muleshoe,790,1
+muleshoe,790,2
+muleshoe,790,3
+muleshoe,790,4
+muleshoe,790,5
+muleshoe,790,6
+muleshoe,791,0
+muleshoe,791,1
+muleshoe,791,2
+muleshoe,791,3
+muleshoe,791,4
+muleshoe,791,5
+muleshoe,791,6
+muleshoe,791,7
+muleshoe,791,8
+muleshoe,791,9
+muleshoe,791,10
+muleshoe,792,0
+muleshoe,792,1
+muleshoe,792,2
+muleshoe,792,3
+muleshoe,792,4
+muleshoe,792,5
+muleshoe,792,6
+muleshoe,792,7
+muleshoe,792,8
+muleshoe,793,0
+muleshoe,793,1
+muleshoe,793,2
+muleshoe,793,3
+muleshoe,793,4
+muleshoe,794,0
+muleshoe,794,1
+muleshoe,794,2
+muleshoe,794,3
+muleshoe,794,4
+muleshoe,794,5
+muleshoe,794,6
+muleshoe,794,7
+muleshoe,795,0
+muleshoe,795,1
+muleshoe,795,2
+muleshoe,795,3
+muleshoe,795,4
+muleshoe,796,0
+muleshoe,796,1
+muleshoe,796,2
+muleshoe,796,3
+muleshoe,797,0
+muleshoe,797,1
+muleshoe,797,2
+muleshoe,798,0
+muleshoe,798,1
+muleshoe,798,2
+muleshoe,799,0
+muleshoe,799,1
+muleshoe,799,2
+muleshoe,799,3
+muleshoe,800,0
+muleshoe,800,1
+muleshoe,800,2
+muleshoe,800,3
+muleshoe,801,0
+muleshoe,801,1
+muleshoe,801,2
+muleshoe,801,3
+muleshoe,802,0
+muleshoe,802,1
+muleshoe,802,2
+muleshoe,802,3
+muleshoe,802,4
+muleshoe,802,5
+muleshoe,802,6
+muleshoe,802,7
+muleshoe,803,0
+muleshoe,803,1
+muleshoe,803,2
+muleshoe,803,3
+muleshoe,803,4
+muleshoe,803,5
+muleshoe,803,6
+muleshoe,803,7
+muleshoe,803,8
+muleshoe,803,9
+muleshoe,803,10
+muleshoe,804,0
+muleshoe,804,1
+muleshoe,804,2
+muleshoe,804,3
+muleshoe,804,4
+muleshoe,804,5
+muleshoe,804,6
+muleshoe,804,7
+muleshoe,804,8
+muleshoe,805,0
+muleshoe,805,1
+muleshoe,805,2
+muleshoe,805,3
+muleshoe,805,4
+muleshoe,805,5
+muleshoe,805,6
+muleshoe,805,7
+muleshoe,805,8
+muleshoe,805,9
+muleshoe,805,10
+muleshoe,806,0
+muleshoe,806,1
+muleshoe,806,2
+muleshoe,806,3
+muleshoe,806,4
+muleshoe,806,5
+muleshoe,807,0
+muleshoe,807,1
+muleshoe,807,2
+muleshoe,807,3
+muleshoe,807,4
+muleshoe,808,0
+muleshoe,808,1
+muleshoe,808,2
+muleshoe,808,3
+muleshoe,809,0
+muleshoe,809,1
+muleshoe,809,2
+muleshoe,809,3
+muleshoe,809,4
+muleshoe,809,5
+muleshoe,809,6
+muleshoe,809,7
+muleshoe,809,8
+muleshoe,809,9
+muleshoe,809,10
+muleshoe,809,11
+muleshoe,810,0
+muleshoe,810,1
+muleshoe,810,2
+muleshoe,811,0
+muleshoe,811,1
+muleshoe,811,2
+muleshoe,812,0
+muleshoe,812,1
+muleshoe,812,2
+muleshoe,813,0
+muleshoe,813,1
+muleshoe,813,2
+muleshoe,813,3
+muleshoe,813,4
+muleshoe,813,5
+muleshoe,813,6
+muleshoe,813,7
+muleshoe,813,8
+muleshoe,813,9
+muleshoe,814,0
+muleshoe,814,1
+muleshoe,814,2
+muleshoe,814,3
+muleshoe,814,4
+muleshoe,815,0
+muleshoe,815,1
+muleshoe,815,2
+muleshoe,816,0
+muleshoe,816,1
+muleshoe,816,2
+muleshoe,816,3
+muleshoe,816,4
+muleshoe,816,5
+muleshoe,816,6
+muleshoe,816,7
+muleshoe,816,8
+muleshoe,816,9
+muleshoe,816,10
+muleshoe,816,11
+muleshoe,816,12
+muleshoe,816,13
+muleshoe,817,0
+muleshoe,817,1
+muleshoe,817,2
+muleshoe,817,3
+muleshoe,817,4
+muleshoe,817,5
+muleshoe,817,6
+muleshoe,818,0
+muleshoe,818,1
+muleshoe,818,2
+muleshoe,818,3
+muleshoe,818,4
+muleshoe,818,5
+muleshoe,818,6
+muleshoe,818,7
+muleshoe,818,8
+muleshoe,818,9
+muleshoe,818,10
+muleshoe,819,0
+muleshoe,819,1
+muleshoe,819,2
+muleshoe,819,3
+muleshoe,819,4
+muleshoe,819,5
+muleshoe,819,6
+muleshoe,820,0
+muleshoe,820,1
+muleshoe,820,2
+muleshoe,820,3
+muleshoe,820,4
+muleshoe,820,5
+muleshoe,820,6
+muleshoe,821,0
+muleshoe,821,1
+muleshoe,821,2
+muleshoe,821,3
+muleshoe,821,4
+muleshoe,821,5
+muleshoe,821,6
+muleshoe,821,7
+muleshoe,821,8
+muleshoe,822,0
+muleshoe,822,1
+muleshoe,822,2
+muleshoe,822,3
+muleshoe,822,4
+muleshoe,822,5
+muleshoe,822,6
+muleshoe,822,7
+muleshoe,822,8
+muleshoe,823,0
+muleshoe,823,1
+muleshoe,823,2
+muleshoe,824,0
+muleshoe,824,1
+muleshoe,824,2
+muleshoe,824,3
+muleshoe,824,4
+muleshoe,824,5
+muleshoe,824,6
+muleshoe,824,7
+muleshoe,824,8
+muleshoe,824,9
+muleshoe,824,10
+muleshoe,825,0
+muleshoe,825,1
+muleshoe,825,2
+muleshoe,826,0
+muleshoe,826,1
+muleshoe,826,2
+muleshoe,826,3
+muleshoe,826,4
+muleshoe,826,5
+muleshoe,826,6
+muleshoe,826,7
+muleshoe,826,8
+muleshoe,826,9
+muleshoe,826,10
+muleshoe,826,11
+muleshoe,826,12
+muleshoe,826,13
+muleshoe,826,14
+muleshoe,826,15
+muleshoe,827,0
+muleshoe,827,1
+muleshoe,827,2
+muleshoe,827,3
+muleshoe,827,4
+muleshoe,827,5
+muleshoe,827,6
+muleshoe,827,7
+muleshoe,828,0
+muleshoe,828,1
+muleshoe,828,2
+muleshoe,829,0
+muleshoe,829,1
+muleshoe,829,2
+muleshoe,829,3
+muleshoe,829,4
+muleshoe,829,5
+muleshoe,829,6
+muleshoe,829,7
+muleshoe,829,8
+muleshoe,829,9
+muleshoe,830,0
+muleshoe,830,1
+muleshoe,830,2
+muleshoe,830,3
+muleshoe,830,4
+muleshoe,830,5
+muleshoe,830,6
+muleshoe,830,7
+muleshoe,830,8
+muleshoe,830,9
+muleshoe,830,10
+muleshoe,830,11
+muleshoe,830,12
+muleshoe,831,0
+muleshoe,831,1
+muleshoe,831,2
+muleshoe,831,3
+muleshoe,832,0
+muleshoe,832,1
+muleshoe,832,2
+muleshoe,832,3
+muleshoe,832,4
+muleshoe,832,5
+muleshoe,832,6
+muleshoe,832,7
+muleshoe,832,8
+muleshoe,832,9
+muleshoe,832,10
+muleshoe,832,11
+muleshoe,832,12
+muleshoe,832,13
+muleshoe,832,14
+muleshoe,833,0
+muleshoe,833,1
+muleshoe,833,2
+muleshoe,833,3
+muleshoe,833,4
+muleshoe,833,5
+muleshoe,833,6
+muleshoe,833,7
+muleshoe,833,8
+muleshoe,833,9
+muleshoe,833,10
+muleshoe,834,0
+muleshoe,834,1
+muleshoe,834,2
+muleshoe,834,3
+muleshoe,835,0
+muleshoe,835,1
+muleshoe,835,2
+muleshoe,835,3
+muleshoe,835,4
+muleshoe,835,5
+muleshoe,835,6
+muleshoe,835,7
+muleshoe,835,8
+muleshoe,836,0
+muleshoe,836,1
+muleshoe,836,2
+muleshoe,836,3
+muleshoe,836,4
+muleshoe,836,5
+muleshoe,836,6
+muleshoe,837,0
+muleshoe,837,1
+muleshoe,837,2
+muleshoe,837,3
+muleshoe,837,4
+muleshoe,837,5
+muleshoe,837,6
+muleshoe,837,7
+muleshoe,837,8
+muleshoe,837,9
+muleshoe,837,10
+muleshoe,837,11
+muleshoe,837,12
+muleshoe,837,13
+muleshoe,837,14
+muleshoe,837,15
+muleshoe,837,16
+muleshoe,838,0
+muleshoe,838,1
+muleshoe,838,2
+muleshoe,838,3
+muleshoe,838,4
+muleshoe,838,5
+muleshoe,838,6
+muleshoe,838,7
+muleshoe,839,0
+muleshoe,839,1
+muleshoe,839,2
+muleshoe,839,3
+muleshoe,839,4
+muleshoe,840,0
+muleshoe,840,1
+muleshoe,840,2
+muleshoe,840,3
+muleshoe,840,4
+muleshoe,840,5
+muleshoe,840,6
+muleshoe,840,7
+muleshoe,840,8
+muleshoe,841,0
+muleshoe,841,1
+muleshoe,841,2
+muleshoe,841,3
+muleshoe,841,4
+muleshoe,841,5
+muleshoe,841,6
+muleshoe,841,7
+muleshoe,841,8
+muleshoe,841,9
+muleshoe,841,10
+muleshoe,841,11
+muleshoe,841,12
+muleshoe,841,13
+muleshoe,842,0
+muleshoe,842,1
+muleshoe,842,2
+muleshoe,842,3
+muleshoe,842,4
+muleshoe,842,5
+muleshoe,842,6
+muleshoe,842,7
+muleshoe,843,0
+muleshoe,843,1
+muleshoe,843,2
+muleshoe,843,3
+muleshoe,843,4
+muleshoe,843,5
+muleshoe,843,6
+muleshoe,843,7
+muleshoe,843,8
+muleshoe,843,9
+muleshoe,843,10
+muleshoe,843,11
+muleshoe,844,0
+muleshoe,844,1
+muleshoe,844,2
+muleshoe,844,3
+muleshoe,844,4
+muleshoe,844,5
+muleshoe,845,0
+muleshoe,845,1
+muleshoe,845,2
+muleshoe,845,3
+muleshoe,845,4
+muleshoe,845,5
+muleshoe,846,0
+muleshoe,846,1
+muleshoe,846,2
+muleshoe,847,0
+muleshoe,847,1
+muleshoe,847,2
+muleshoe,848,0
+muleshoe,848,1
+muleshoe,848,2
+muleshoe,848,3
+muleshoe,848,4
+muleshoe,848,5
+muleshoe,848,6
+muleshoe,849,0
+muleshoe,849,1
+muleshoe,849,2
+muleshoe,849,3
+muleshoe,849,4
+muleshoe,849,5
+muleshoe,849,6
+muleshoe,849,7
+muleshoe,849,8
+muleshoe,849,9
+muleshoe,849,10
+muleshoe,849,11
+muleshoe,850,0
+muleshoe,850,1
+muleshoe,850,2
+muleshoe,850,3
+muleshoe,850,4
+muleshoe,850,5
+muleshoe,851,0
+muleshoe,851,1
+muleshoe,851,2
+muleshoe,851,3
+muleshoe,851,4
+muleshoe,852,0
+muleshoe,852,1
+muleshoe,852,2
+muleshoe,852,3
+muleshoe,852,4
+muleshoe,852,5
+muleshoe,852,6
+muleshoe,853,0
+muleshoe,853,1
+muleshoe,853,2
+muleshoe,853,3
+muleshoe,853,4
+muleshoe,853,5
+muleshoe,853,6
+muleshoe,853,7
+muleshoe,853,8
+muleshoe,853,9
+muleshoe,853,10
+muleshoe,853,11
+muleshoe,853,12
+muleshoe,853,13
+muleshoe,853,14
+muleshoe,853,15
+muleshoe,853,16
+muleshoe,853,17
+muleshoe,854,0
+muleshoe,854,1
+muleshoe,854,2
+muleshoe,854,3
+muleshoe,854,4
+muleshoe,854,5
+muleshoe,854,6
+muleshoe,854,7
+muleshoe,854,8
+muleshoe,854,9
+muleshoe,854,10
+muleshoe,854,11
+muleshoe,855,0
+muleshoe,855,1
+muleshoe,855,2
+muleshoe,855,3
+muleshoe,856,0
+muleshoe,856,1
+muleshoe,856,2
+muleshoe,856,3
+muleshoe,856,4
+muleshoe,856,5
+muleshoe,856,6
+muleshoe,856,7
+muleshoe,856,8
+muleshoe,856,9
+muleshoe,856,10
+muleshoe,856,11
+muleshoe,857,0
+muleshoe,857,1
+muleshoe,857,2
+muleshoe,857,3
+muleshoe,858,0
+muleshoe,858,1
+muleshoe,858,2
+muleshoe,858,3
+muleshoe,859,0
+muleshoe,859,1
+muleshoe,859,2
+muleshoe,859,3
+muleshoe,859,4
+muleshoe,859,5
+muleshoe,859,6
+muleshoe,859,7
+muleshoe,859,8
+muleshoe,859,9
+muleshoe,859,10
+muleshoe,859,11
+muleshoe,860,0
+muleshoe,860,1
+muleshoe,860,2
+muleshoe,860,3
+muleshoe,860,4
+muleshoe,860,5
+muleshoe,861,0
+muleshoe,861,1
+muleshoe,861,2
+muleshoe,862,0
+muleshoe,862,1
+muleshoe,862,2
+muleshoe,863,0
+muleshoe,863,1
+muleshoe,863,2
+muleshoe,864,0
+muleshoe,864,1
+muleshoe,864,2
+muleshoe,864,3
+muleshoe,864,4
+muleshoe,864,5
+muleshoe,865,0
+muleshoe,865,1
+muleshoe,865,2
+muleshoe,866,0
+muleshoe,866,1
+muleshoe,866,2
+muleshoe,867,0
+muleshoe,867,1
+muleshoe,867,2
+muleshoe,867,3
+muleshoe,867,4
+muleshoe,867,5
+muleshoe,868,0
+muleshoe,868,1
+muleshoe,868,2
+muleshoe,868,3
+muleshoe,868,4
+muleshoe,868,5
+muleshoe,868,6
+muleshoe,868,7
+muleshoe,868,8
+muleshoe,869,0
+muleshoe,869,1
+muleshoe,869,2
+muleshoe,869,3
+muleshoe,870,0
+muleshoe,870,1
+muleshoe,870,2
+muleshoe,870,3
+muleshoe,870,4
+muleshoe,870,5
+muleshoe,870,6
+muleshoe,870,7
+muleshoe,870,8
+muleshoe,870,9
+muleshoe,870,10
+muleshoe,870,11
+muleshoe,871,0
+muleshoe,871,1
+muleshoe,871,2
+muleshoe,871,3
+muleshoe,871,4
+muleshoe,871,5
+muleshoe,871,6
+muleshoe,871,7
+muleshoe,871,8
+muleshoe,871,9
+muleshoe,871,10
+muleshoe,872,0
+muleshoe,872,1
+muleshoe,872,2
+muleshoe,872,3
+muleshoe,872,4
+muleshoe,872,5
+muleshoe,872,6
+muleshoe,872,7
+muleshoe,872,8
+muleshoe,873,0
+muleshoe,873,1
+muleshoe,873,2
+muleshoe,874,0
+muleshoe,874,1
+muleshoe,874,2
+muleshoe,874,3
+muleshoe,874,4
+muleshoe,875,0
+muleshoe,875,1
+muleshoe,875,2
+muleshoe,875,3
+muleshoe,875,4
+muleshoe,875,5
+muleshoe,875,6
+muleshoe,875,7
+muleshoe,875,8
+muleshoe,875,9
+muleshoe,875,10
+muleshoe,875,11
+muleshoe,876,0
+muleshoe,876,1
+muleshoe,876,2
+muleshoe,876,3
+muleshoe,876,4
+muleshoe,877,0
+muleshoe,877,1
+muleshoe,877,2
+muleshoe,878,0
+muleshoe,878,1
+muleshoe,878,2
+muleshoe,878,3
+muleshoe,879,0
+muleshoe,879,1
+muleshoe,879,2
+muleshoe,879,3
+muleshoe,879,4
+muleshoe,880,0
+muleshoe,880,1
+muleshoe,880,2
+muleshoe,881,0
+muleshoe,881,1
+muleshoe,881,2
+muleshoe,881,3
+muleshoe,881,4
+muleshoe,881,5
+muleshoe,881,6
+muleshoe,881,7
+muleshoe,881,8
+muleshoe,881,9
+muleshoe,881,10
+muleshoe,881,11
+muleshoe,881,12
+muleshoe,881,13
+muleshoe,881,14
+muleshoe,882,0
+muleshoe,882,1
+muleshoe,882,2
+muleshoe,883,0
+muleshoe,883,1
+muleshoe,883,2
+muleshoe,883,3
+muleshoe,883,4
+muleshoe,883,5
+muleshoe,884,0
+muleshoe,884,1
+muleshoe,884,2
+muleshoe,885,0
+muleshoe,885,1
+muleshoe,885,2
+muleshoe,885,3
+muleshoe,886,0
+muleshoe,886,1
+muleshoe,886,2
+muleshoe,886,3
+muleshoe,886,4
+muleshoe,886,5
+muleshoe,886,6
+muleshoe,886,7
+muleshoe,886,8
+muleshoe,886,9
+muleshoe,886,10
+muleshoe,886,11
+muleshoe,886,12
+muleshoe,886,13
+muleshoe,887,0
+muleshoe,887,1
+muleshoe,887,2
+muleshoe,887,3
+muleshoe,888,0
+muleshoe,888,1
+muleshoe,888,2
+muleshoe,888,3
+muleshoe,888,4
+muleshoe,888,5
+muleshoe,888,6
+muleshoe,888,7
+muleshoe,889,0
+muleshoe,889,1
+muleshoe,889,2
+muleshoe,889,3
+muleshoe,890,0
+muleshoe,890,1
+muleshoe,890,2
+muleshoe,890,3
+muleshoe,891,0
+muleshoe,891,1
+muleshoe,891,2
+muleshoe,891,3
+muleshoe,891,4
+muleshoe,891,5
+muleshoe,891,6
+muleshoe,891,7
+muleshoe,891,8
+muleshoe,891,9
+muleshoe,891,10
+muleshoe,891,11
+muleshoe,891,12
+muleshoe,892,0
+muleshoe,892,1
+muleshoe,892,2
+muleshoe,892,3
+muleshoe,892,4
+muleshoe,892,5
+muleshoe,892,6
+muleshoe,892,7
+muleshoe,893,0
+muleshoe,893,1
+muleshoe,893,2
+muleshoe,893,3
+muleshoe,894,0
+muleshoe,894,1
+muleshoe,894,2
+muleshoe,894,3
+muleshoe,894,4
+muleshoe,894,5
+muleshoe,894,6
+muleshoe,894,7
+muleshoe,895,0
+muleshoe,895,1
+muleshoe,895,2
+muleshoe,895,3
+muleshoe,895,4
+muleshoe,896,0
+muleshoe,896,1
+muleshoe,896,2
+muleshoe,896,3
+muleshoe,896,4
+muleshoe,896,5
+muleshoe,896,6
+muleshoe,896,7
+muleshoe,896,8
+muleshoe,896,9
+muleshoe,896,10
+muleshoe,897,0
+muleshoe,897,1
+muleshoe,897,2
+muleshoe,897,3
+muleshoe,897,4
+muleshoe,897,5
+muleshoe,898,0
+muleshoe,898,1
+muleshoe,898,2
+muleshoe,898,3
+muleshoe,898,4
+muleshoe,898,5
+muleshoe,899,0
+muleshoe,899,1
+muleshoe,899,2
+muleshoe,899,3
+muleshoe,900,0
+muleshoe,900,1
+muleshoe,900,2
+muleshoe,900,3
+muleshoe,900,4
+muleshoe,900,5
+muleshoe,901,0
+muleshoe,901,1
+muleshoe,901,2
+muleshoe,902,0
+muleshoe,902,1
+muleshoe,902,2
+muleshoe,902,3
+muleshoe,902,4
+muleshoe,902,5
+muleshoe,903,0
+muleshoe,903,1
+muleshoe,903,2
+muleshoe,903,3
+muleshoe,903,4
+muleshoe,904,0
+muleshoe,904,1
+muleshoe,904,2
+muleshoe,904,3
+muleshoe,904,4
+muleshoe,905,0
+muleshoe,905,1
+muleshoe,905,2
+muleshoe,905,3
+muleshoe,905,4
+muleshoe,906,0
+muleshoe,906,1
+muleshoe,906,2
+muleshoe,907,0
+muleshoe,907,1
+muleshoe,907,2
+muleshoe,907,3
+muleshoe,907,4
+muleshoe,907,5
+muleshoe,907,6
+muleshoe,907,7
+muleshoe,907,8
+muleshoe,907,9
+muleshoe,907,10
+muleshoe,908,0
+muleshoe,908,1
+muleshoe,908,2
+muleshoe,909,0
+muleshoe,909,1
+muleshoe,909,2
+muleshoe,909,3
+muleshoe,909,4
+muleshoe,910,0
+muleshoe,910,1
+muleshoe,910,2
+muleshoe,911,0
+muleshoe,911,1
+muleshoe,911,2
+muleshoe,911,3
+muleshoe,912,0
+muleshoe,912,1
+muleshoe,912,2
+muleshoe,912,3
+muleshoe,913,0
+muleshoe,913,1
+muleshoe,913,2
+muleshoe,913,3
+muleshoe,914,0
+muleshoe,914,1
+muleshoe,914,2
+muleshoe,914,3
+muleshoe,914,4
+muleshoe,914,5
+muleshoe,914,6
+muleshoe,915,0
+muleshoe,915,1
+muleshoe,915,2
+muleshoe,915,3
+muleshoe,915,4
+muleshoe,916,0
+muleshoe,916,1
+muleshoe,916,2
+muleshoe,916,3
+muleshoe,916,4
+muleshoe,916,5
+muleshoe,916,6
+muleshoe,917,0
+muleshoe,917,1
+muleshoe,917,2
+muleshoe,917,3
+muleshoe,918,0
+muleshoe,918,1
+muleshoe,918,2
+muleshoe,919,0
+muleshoe,919,1
+muleshoe,919,2
+muleshoe,919,3
+muleshoe,919,4
+muleshoe,919,5
+muleshoe,919,6
+muleshoe,919,7
+muleshoe,920,0
+muleshoe,920,1
+muleshoe,920,2
+muleshoe,920,3
+muleshoe,921,0
+muleshoe,921,1
+muleshoe,921,2
+muleshoe,921,3
+muleshoe,921,4
+muleshoe,921,5
+muleshoe,921,6
+muleshoe,922,0
+muleshoe,922,1
+muleshoe,922,2
+muleshoe,922,3
+muleshoe,922,4
+muleshoe,923,0
+muleshoe,923,1
+muleshoe,923,2
+muleshoe,923,3
+muleshoe,923,4
+muleshoe,923,5
+muleshoe,923,6
+muleshoe,924,0
+muleshoe,924,1
+muleshoe,924,2
+muleshoe,924,3
+muleshoe,924,4
+muleshoe,924,5
+muleshoe,925,0
+muleshoe,925,1
+muleshoe,925,2
+muleshoe,925,3
+muleshoe,925,4
+muleshoe,925,5
+muleshoe,925,6
+muleshoe,925,7
+muleshoe,926,0
+muleshoe,926,1
+muleshoe,926,2
+muleshoe,926,3
+muleshoe,926,4
+muleshoe,927,0
+muleshoe,927,1
+muleshoe,927,2
+muleshoe,927,3
+muleshoe,927,4
+muleshoe,927,5
+muleshoe,927,6
+muleshoe,928,0
+muleshoe,928,1
+muleshoe,928,2
+muleshoe,929,0
+muleshoe,929,1
+muleshoe,929,2
+muleshoe,930,0
+muleshoe,930,1
+muleshoe,930,2
+muleshoe,930,3
+muleshoe,930,4
+muleshoe,931,0
+muleshoe,931,1
+muleshoe,931,2
+muleshoe,931,3
+muleshoe,931,4
+muleshoe,931,5
+muleshoe,931,6
+muleshoe,932,0
+muleshoe,932,1
+muleshoe,932,2
+muleshoe,933,0
+muleshoe,933,1
+muleshoe,933,2
+muleshoe,933,3
+muleshoe,933,4
+muleshoe,933,5
+muleshoe,933,6
+muleshoe,933,7
+muleshoe,933,8
+muleshoe,933,9
+muleshoe,934,0
+muleshoe,934,1
+muleshoe,934,2
+muleshoe,934,3
+muleshoe,934,4
+muleshoe,934,5
+muleshoe,935,0
+muleshoe,935,1
+muleshoe,935,2
+muleshoe,935,3
+muleshoe,935,4
+muleshoe,935,5
+muleshoe,935,6
+muleshoe,935,7
+muleshoe,936,0
+muleshoe,936,1
+muleshoe,936,2
+muleshoe,936,3
+muleshoe,937,0
+muleshoe,937,1
+muleshoe,937,2
+muleshoe,938,0
+muleshoe,938,1
+muleshoe,938,2
+muleshoe,938,3
+muleshoe,938,4
+muleshoe,938,5
+muleshoe,939,0
+muleshoe,939,1
+muleshoe,939,2
+muleshoe,939,3
+muleshoe,940,0
+muleshoe,940,1
+muleshoe,940,2
+muleshoe,940,3
+muleshoe,941,0
+muleshoe,941,1
+muleshoe,941,2
+muleshoe,941,3
+muleshoe,941,4
+muleshoe,941,5
+muleshoe,941,6
+muleshoe,941,7
+muleshoe,941,8
+muleshoe,941,9
+muleshoe,941,10
+muleshoe,941,11
+muleshoe,942,0
+muleshoe,942,1
+muleshoe,942,2
+muleshoe,943,0
+muleshoe,943,1
+muleshoe,943,2
+muleshoe,943,3
+muleshoe,943,4
+muleshoe,943,5
+muleshoe,943,6
+muleshoe,944,0
+muleshoe,944,1
+muleshoe,944,2
+muleshoe,944,3
+muleshoe,944,4
+muleshoe,945,0
+muleshoe,945,1
+muleshoe,945,2
+muleshoe,945,3
+muleshoe,946,0
+muleshoe,946,1
+muleshoe,946,2
+muleshoe,946,3
+muleshoe,946,4
+muleshoe,946,5
+muleshoe,947,0
+muleshoe,947,1
+muleshoe,947,2
+muleshoe,947,3
+muleshoe,947,4
+muleshoe,947,5
+muleshoe,948,0
+muleshoe,948,1
+muleshoe,948,2
+muleshoe,948,3
+muleshoe,948,4
+muleshoe,948,5
+muleshoe,948,6
+muleshoe,948,7
+muleshoe,948,8
+muleshoe,948,9
+muleshoe,948,10
+muleshoe,948,11
+muleshoe,948,12
+muleshoe,948,13
+muleshoe,949,0
+muleshoe,949,1
+muleshoe,949,2
+muleshoe,949,3
+muleshoe,949,4
+muleshoe,949,5
+muleshoe,949,6
+muleshoe,949,7
+muleshoe,949,8
+muleshoe,949,9
+muleshoe,949,10
+muleshoe,950,0
+muleshoe,950,1
+muleshoe,950,2
+muleshoe,950,3
+muleshoe,950,4
+muleshoe,950,5
+muleshoe,950,6
+muleshoe,950,7
+muleshoe,950,8
+muleshoe,951,0
+muleshoe,951,1
+muleshoe,951,2
+muleshoe,951,3
+muleshoe,951,4
+muleshoe,951,5
+muleshoe,951,6
+muleshoe,951,7
+muleshoe,951,8
+muleshoe,951,9
+muleshoe,952,0
+muleshoe,952,1
+muleshoe,952,2
+muleshoe,952,3
+muleshoe,952,4
+muleshoe,952,5
+muleshoe,952,6
+muleshoe,952,7
+muleshoe,952,8
+muleshoe,952,9
+muleshoe,952,10
+muleshoe,952,11
+muleshoe,952,12
+muleshoe,952,13
+muleshoe,953,0
+muleshoe,953,1
+muleshoe,953,2
+muleshoe,953,3
+muleshoe,954,0
+muleshoe,954,1
+muleshoe,954,2
+muleshoe,955,0
+muleshoe,955,1
+muleshoe,955,2
+muleshoe,955,3
+muleshoe,955,4
+muleshoe,955,5
+muleshoe,955,6
+muleshoe,955,7
+muleshoe,956,0
+muleshoe,956,1
+muleshoe,956,2
+muleshoe,956,3
+muleshoe,956,4
+muleshoe,957,0
+muleshoe,957,1
+muleshoe,957,2
+muleshoe,957,3
+muleshoe,957,4
+muleshoe,957,5
+muleshoe,957,6
+muleshoe,958,0
+muleshoe,958,1
+muleshoe,958,2
+muleshoe,959,0
+muleshoe,959,1
+muleshoe,959,2
+muleshoe,959,3
+muleshoe,959,4
+muleshoe,960,0
+muleshoe,960,1
+muleshoe,960,2
+muleshoe,960,3
+muleshoe,960,4
+muleshoe,960,5
+muleshoe,960,6
+muleshoe,960,7
+muleshoe,960,8
+muleshoe,960,9
+muleshoe,960,10
+muleshoe,960,11
+muleshoe,960,12
+muleshoe,960,13
+muleshoe,961,0
+muleshoe,961,1
+muleshoe,961,2
+muleshoe,961,3
+muleshoe,961,4
+muleshoe,961,5
+muleshoe,961,6
+muleshoe,962,0
+muleshoe,962,1
+muleshoe,962,2
+muleshoe,962,3
+muleshoe,962,4
+muleshoe,963,0
+muleshoe,963,1
+muleshoe,963,2
+muleshoe,964,0
+muleshoe,964,1
+muleshoe,964,2
+muleshoe,964,3
+muleshoe,964,4
+muleshoe,964,5
+muleshoe,964,6
+muleshoe,965,0
+muleshoe,965,1
+muleshoe,965,2
+muleshoe,965,3
+muleshoe,966,0
+muleshoe,966,1
+muleshoe,966,2
+muleshoe,967,0
+muleshoe,967,1
+muleshoe,967,2
+muleshoe,967,3
+muleshoe,967,4
+muleshoe,968,0
+muleshoe,968,1
+muleshoe,968,2
+muleshoe,968,3
+muleshoe,968,4
+muleshoe,969,0
+muleshoe,969,1
+muleshoe,969,2
+muleshoe,969,3
+muleshoe,969,4
+muleshoe,969,5
+muleshoe,969,6
+muleshoe,969,7
+muleshoe,969,8
+muleshoe,969,9
+muleshoe,969,10
+muleshoe,969,11
+muleshoe,970,0
+muleshoe,970,1
+muleshoe,970,2
+muleshoe,970,3
+muleshoe,970,4
+muleshoe,970,5
+muleshoe,971,0
+muleshoe,971,1
+muleshoe,971,2
+muleshoe,971,3
+muleshoe,972,0
+muleshoe,972,1
+muleshoe,972,2
+muleshoe,973,0
+muleshoe,973,1
+muleshoe,973,2
+muleshoe,973,3
+muleshoe,973,4
+muleshoe,973,5
+muleshoe,973,6
+muleshoe,973,7
+muleshoe,973,8
+muleshoe,973,9
+muleshoe,973,10
+muleshoe,974,0
+muleshoe,974,1
+muleshoe,974,2
+muleshoe,974,3
+muleshoe,974,4
+muleshoe,974,5
+muleshoe,974,6
+muleshoe,974,7
+muleshoe,974,8
+muleshoe,974,9
+muleshoe,974,10
+muleshoe,975,0
+muleshoe,975,1
+muleshoe,975,2
+muleshoe,975,3
+muleshoe,975,4
+muleshoe,975,5
+muleshoe,975,6
+muleshoe,975,7
+muleshoe,975,8
+muleshoe,976,0
+muleshoe,976,1
+muleshoe,976,2
+muleshoe,977,0
+muleshoe,977,1
+muleshoe,977,2
+muleshoe,977,3
+muleshoe,977,4
+muleshoe,977,5
+muleshoe,978,0
+muleshoe,978,1
+muleshoe,978,2
+muleshoe,978,3
+muleshoe,978,4
+muleshoe,978,5
+muleshoe,978,6
+muleshoe,978,7
+muleshoe,978,8
+muleshoe,978,9
+muleshoe,979,0
+muleshoe,979,1
+muleshoe,979,2
+muleshoe,979,3
+muleshoe,979,4
+muleshoe,980,0
+muleshoe,980,1
+muleshoe,980,2
+muleshoe,980,3
+muleshoe,980,4
+muleshoe,980,5
+muleshoe,980,6
+muleshoe,980,7
+muleshoe,980,8
+muleshoe,980,9
+muleshoe,981,0
+muleshoe,981,1
+muleshoe,981,2
+muleshoe,981,3
+muleshoe,981,4
+muleshoe,982,0
+muleshoe,982,1
+muleshoe,982,2
+muleshoe,982,3
+muleshoe,982,4
+muleshoe,982,5
+muleshoe,982,6
+muleshoe,983,0
+muleshoe,983,1
+muleshoe,983,2
+muleshoe,983,3
+muleshoe,984,0
+muleshoe,984,1
+muleshoe,984,2
+muleshoe,984,3
+muleshoe,984,4
+muleshoe,984,5
+muleshoe,984,6
+muleshoe,984,7
+muleshoe,985,0
+muleshoe,985,1
+muleshoe,985,2
+muleshoe,985,3
+muleshoe,985,4
+muleshoe,985,5
+muleshoe,985,6
+muleshoe,985,7
+muleshoe,985,8
+muleshoe,986,0
+muleshoe,986,1
+muleshoe,986,2
+muleshoe,986,3
+muleshoe,986,4
+muleshoe,986,5
+muleshoe,986,6
+muleshoe,987,0
+muleshoe,987,1
+muleshoe,987,2
+muleshoe,987,3
+muleshoe,987,4
+muleshoe,987,5
+muleshoe,987,6
+muleshoe,988,0
+muleshoe,988,1
+muleshoe,988,2
+muleshoe,988,3
+muleshoe,989,0
+muleshoe,989,1
+muleshoe,989,2
+muleshoe,989,3
+muleshoe,989,4
+muleshoe,989,5
+muleshoe,990,0
+muleshoe,990,1
+muleshoe,990,2
+muleshoe,990,3
+muleshoe,990,4
+muleshoe,990,5
+muleshoe,990,6
+muleshoe,990,7
+muleshoe,990,8
+muleshoe,990,9
+muleshoe,990,10
+muleshoe,990,11
+muleshoe,990,12
+muleshoe,990,13
+muleshoe,990,14
+muleshoe,991,0
+muleshoe,991,1
+muleshoe,991,2
+muleshoe,991,3
+muleshoe,991,4
+muleshoe,991,5
+muleshoe,991,6
+muleshoe,991,7
+muleshoe,991,8
+muleshoe,992,0
+muleshoe,992,1
+muleshoe,992,2
+muleshoe,992,3
+muleshoe,992,4
+muleshoe,992,5
+muleshoe,992,6
+muleshoe,992,7
+muleshoe,992,8
+muleshoe,992,9
+muleshoe,993,0
+muleshoe,993,1
+muleshoe,993,2
+muleshoe,993,3
+muleshoe,993,4
+muleshoe,993,5
+muleshoe,993,6
+muleshoe,993,7
+muleshoe,993,8
+muleshoe,993,9
+muleshoe,993,10
+muleshoe,993,11
+muleshoe,993,12
+muleshoe,993,13
+muleshoe,994,0
+muleshoe,994,1
+muleshoe,994,2
+muleshoe,994,3
+muleshoe,994,4
+muleshoe,994,5
+muleshoe,994,6
+muleshoe,994,7
+muleshoe,995,0
+muleshoe,995,1
+muleshoe,995,2
+muleshoe,995,3
+muleshoe,995,4
+muleshoe,996,0
+muleshoe,996,1
+muleshoe,996,2
+muleshoe,996,3
+muleshoe,996,4
+muleshoe,996,5
+muleshoe,997,0
+muleshoe,997,1
+muleshoe,997,2
+muleshoe,997,3
+muleshoe,997,4
+muleshoe,997,5
+muleshoe,997,6
+muleshoe,997,7
+muleshoe,998,0
+muleshoe,998,1
+muleshoe,998,2
+muleshoe,998,3
+muleshoe,998,4
+muleshoe,998,5
+muleshoe,998,6
+muleshoe,999,0
+muleshoe,999,1
+muleshoe,999,2
+muleshoe,999,3
+muleshoe,999,4
+muleshoe,999,5
+muleshoe,1000,0
+muleshoe,1000,1
+muleshoe,1000,2
+muleshoe,1001,0
+muleshoe,1001,1
+muleshoe,1001,2
+muleshoe,1001,3
+muleshoe,1001,4
+muleshoe,1001,5
+muleshoe,1001,6
+muleshoe,1001,7
+muleshoe,1001,8
+muleshoe,1001,9
+muleshoe,1001,10
+muleshoe,1001,11
+muleshoe,1001,12
+muleshoe,1002,0
+muleshoe,1002,1
+muleshoe,1002,2
+muleshoe,1002,3
+muleshoe,1002,4
+muleshoe,1002,5
+muleshoe,1002,6
+muleshoe,1002,7
+muleshoe,1002,8
+muleshoe,1002,9
+muleshoe,1002,10
+muleshoe,1003,0
+muleshoe,1003,1
+muleshoe,1003,2
+muleshoe,1003,3
+muleshoe,1003,4
+muleshoe,1003,5
+muleshoe,1003,6
+muleshoe,1004,0
+muleshoe,1004,1
+muleshoe,1004,2
+muleshoe,1004,3
+muleshoe,1004,4
+muleshoe,1004,5
+muleshoe,1004,6
+muleshoe,1004,7
+muleshoe,1005,0
+muleshoe,1005,1
+muleshoe,1005,2
+muleshoe,1005,3
+muleshoe,1005,4
+muleshoe,1005,5
+muleshoe,1005,6
+muleshoe,1005,7
+muleshoe,1005,8
+muleshoe,1005,9
+muleshoe,1005,10
+muleshoe,1006,0
+muleshoe,1006,1
+muleshoe,1006,2
+muleshoe,1006,3
+muleshoe,1006,4
+muleshoe,1006,5
+muleshoe,1006,6
+muleshoe,1006,7
+muleshoe,1006,8
+muleshoe,1006,9
+muleshoe,1006,10
+muleshoe,1006,11
+muleshoe,1006,12
+muleshoe,1007,0
+muleshoe,1007,1
+muleshoe,1007,2
+muleshoe,1007,3
+muleshoe,1008,0
+muleshoe,1008,1
+muleshoe,1008,2
+muleshoe,1008,3
+muleshoe,1009,0
+muleshoe,1009,1
+muleshoe,1009,2
+muleshoe,1009,3
+muleshoe,1009,4
+muleshoe,1009,5
+muleshoe,1010,0
+muleshoe,1010,1
+muleshoe,1010,2
+muleshoe,1010,3
+muleshoe,1010,4
+muleshoe,1010,5
+muleshoe,1010,6
+muleshoe,1010,7
+muleshoe,1010,8
+muleshoe,1010,9
+muleshoe,1010,10
+muleshoe,1010,11
+muleshoe,1010,12
+muleshoe,1010,13
+muleshoe,1010,14
+muleshoe,1010,15
+muleshoe,1011,0
+muleshoe,1011,1
+muleshoe,1011,2
+muleshoe,1011,3
+muleshoe,1011,4
+muleshoe,1012,0
+muleshoe,1012,1
+muleshoe,1012,2
+muleshoe,1012,3
+muleshoe,1013,0
+muleshoe,1013,1
+muleshoe,1013,2
+muleshoe,1013,3
+muleshoe,1014,0
+muleshoe,1014,1
+muleshoe,1014,2
+muleshoe,1015,0
+muleshoe,1015,1
+muleshoe,1015,2
+muleshoe,1015,3
+muleshoe,1016,0
+muleshoe,1016,1
+muleshoe,1016,2
+muleshoe,1016,3
+muleshoe,1016,4
+muleshoe,1016,5
+muleshoe,1016,6
+muleshoe,1016,7
+muleshoe,1016,8
+muleshoe,1016,9
+muleshoe,1016,10
+muleshoe,1016,11
+muleshoe,1016,12
+muleshoe,1017,0
+muleshoe,1017,1
+muleshoe,1017,2
+muleshoe,1017,3
+muleshoe,1017,4
+muleshoe,1017,5
+muleshoe,1017,6
+muleshoe,1017,7
+muleshoe,1017,8
+muleshoe,1017,9
+muleshoe,1017,10
+muleshoe,1017,11
+muleshoe,1017,12
+muleshoe,1017,13
+muleshoe,1018,0
+muleshoe,1018,1
+muleshoe,1018,2
+muleshoe,1018,3
+muleshoe,1018,4
+muleshoe,1018,5
+muleshoe,1019,0
+muleshoe,1019,1
+muleshoe,1019,2
+muleshoe,1019,3
+muleshoe,1019,4
+muleshoe,1019,5
+muleshoe,1019,6
+muleshoe,1019,7
+muleshoe,1019,8
+muleshoe,1019,9
+muleshoe,1019,10
+muleshoe,1020,0
+muleshoe,1020,1
+muleshoe,1020,2
+muleshoe,1021,0
+muleshoe,1021,1
+muleshoe,1021,2
+muleshoe,1021,3
+muleshoe,1022,0
+muleshoe,1022,1
+muleshoe,1022,2
+muleshoe,1022,3
+muleshoe,1022,4
+muleshoe,1022,5
+muleshoe,1022,6
+muleshoe,1022,7
+muleshoe,1023,0
+muleshoe,1023,1
+muleshoe,1023,2
+muleshoe,1023,3
+muleshoe,1023,4
+muleshoe,1023,5
+muleshoe,1023,6
+muleshoe,1023,7
+muleshoe,1023,8
+muleshoe,1024,0
+muleshoe,1024,1
+muleshoe,1024,2
+muleshoe,1024,3
+muleshoe,1024,4
+muleshoe,1024,5
+muleshoe,1024,6
+muleshoe,1025,0
+muleshoe,1025,1
+muleshoe,1025,2
+muleshoe,1025,3
+muleshoe,1026,0
+muleshoe,1026,1
+muleshoe,1026,2
+muleshoe,1026,3
+muleshoe,1026,4
+muleshoe,1026,5
+muleshoe,1026,6
+muleshoe,1026,7
+muleshoe,1026,8
+muleshoe,1027,0
+muleshoe,1027,1
+muleshoe,1027,2
+muleshoe,1027,3
+muleshoe,1027,4
+muleshoe,1027,5
+muleshoe,1027,6
+muleshoe,1027,7
+muleshoe,1027,8
+muleshoe,1027,9
+muleshoe,1027,10
+muleshoe,1027,11
+muleshoe,1027,12
+muleshoe,1028,0
+muleshoe,1028,1
+muleshoe,1028,2
+muleshoe,1028,3
+muleshoe,1028,4
+muleshoe,1028,5
+muleshoe,1028,6
+muleshoe,1028,7
+muleshoe,1029,0
+muleshoe,1029,1
+muleshoe,1029,2
+muleshoe,1029,3
+muleshoe,1030,0
+muleshoe,1030,1
+muleshoe,1030,2
+muleshoe,1030,3
+muleshoe,1030,4
+muleshoe,1030,5
+muleshoe,1031,0
+muleshoe,1031,1
+muleshoe,1031,2
+muleshoe,1031,3
+muleshoe,1031,4
+muleshoe,1031,5
+muleshoe,1032,0
+muleshoe,1032,1
+muleshoe,1032,2
+muleshoe,1032,3
+muleshoe,1033,0
+muleshoe,1033,1
+muleshoe,1033,2
+muleshoe,1033,3
+muleshoe,1033,4
+muleshoe,1033,5
+muleshoe,1033,6
+muleshoe,1033,7
+muleshoe,1033,8
+muleshoe,1034,0
+muleshoe,1034,1
+muleshoe,1034,2
+muleshoe,1034,3
+muleshoe,1035,0
+muleshoe,1035,1
+muleshoe,1035,2
+muleshoe,1035,3
+muleshoe,1035,4
+muleshoe,1036,0
+muleshoe,1036,1
+muleshoe,1036,2
+muleshoe,1037,0
+muleshoe,1037,1
+muleshoe,1037,2
+muleshoe,1037,3
+muleshoe,1037,4
+muleshoe,1037,5
+muleshoe,1037,6
+muleshoe,1037,7
+muleshoe,1038,0
+muleshoe,1038,1
+muleshoe,1038,2
+muleshoe,1038,3
+muleshoe,1038,4
+muleshoe,1038,5
+muleshoe,1039,0
+muleshoe,1039,1
+muleshoe,1039,2
+muleshoe,1039,3
+muleshoe,1039,4
+muleshoe,1039,5
+muleshoe,1039,6
+muleshoe,1039,7
+muleshoe,1039,8
+muleshoe,1039,9
+muleshoe,1039,10
+muleshoe,1039,11
+muleshoe,1039,12
+muleshoe,1040,0
+muleshoe,1040,1
+muleshoe,1040,2
+muleshoe,1040,3
+muleshoe,1040,4
+muleshoe,1040,5
+muleshoe,1040,6
+muleshoe,1040,7
+muleshoe,1040,8
+muleshoe,1041,0
+muleshoe,1041,1
+muleshoe,1041,2
+muleshoe,1042,0
+muleshoe,1042,1
+muleshoe,1042,2
+muleshoe,1042,3
+muleshoe,1042,4
+muleshoe,1042,5
+muleshoe,1043,0
+muleshoe,1043,1
+muleshoe,1043,2
+muleshoe,1043,3
+muleshoe,1043,4
+muleshoe,1043,5
+muleshoe,1043,6
+muleshoe,1043,7
+muleshoe,1043,8
+muleshoe,1043,9
+muleshoe,1043,10
+muleshoe,1043,11
+muleshoe,1043,12
+muleshoe,1044,0
+muleshoe,1044,1
+muleshoe,1044,2
+muleshoe,1044,3
+muleshoe,1044,4
+muleshoe,1044,5
+muleshoe,1045,0
+muleshoe,1045,1
+muleshoe,1045,2
+muleshoe,1046,0
+muleshoe,1046,1
+muleshoe,1046,2
+muleshoe,1046,3
+muleshoe,1046,4
+muleshoe,1046,5
+muleshoe,1046,6
+muleshoe,1046,7
+muleshoe,1046,8
+muleshoe,1047,0
+muleshoe,1047,1
+muleshoe,1047,2
+muleshoe,1047,3
+muleshoe,1047,4
+muleshoe,1047,5
+muleshoe,1047,6
+muleshoe,1048,0
+muleshoe,1048,1
+muleshoe,1048,2
+muleshoe,1048,3
+muleshoe,1049,0
+muleshoe,1049,1
+muleshoe,1049,2
+muleshoe,1049,3
+muleshoe,1050,0
+muleshoe,1050,1
+muleshoe,1050,2
+muleshoe,1050,3
+muleshoe,1050,4
+muleshoe,1050,5
+muleshoe,1050,6
+muleshoe,1050,7
+muleshoe,1050,8
+muleshoe,1050,9
+muleshoe,1050,10
+muleshoe,1051,0
+muleshoe,1051,1
+muleshoe,1051,2
+muleshoe,1051,3
+muleshoe,1051,4
+muleshoe,1051,5
+muleshoe,1051,6
+muleshoe,1052,0
+muleshoe,1052,1
+muleshoe,1052,2
+muleshoe,1052,3
+muleshoe,1052,4
+muleshoe,1052,5
+muleshoe,1052,6
+muleshoe,1052,7
+muleshoe,1053,0
+muleshoe,1053,1
+muleshoe,1053,2
+muleshoe,1053,3
+muleshoe,1053,4
+muleshoe,1054,0
+muleshoe,1054,1
+muleshoe,1054,2
+muleshoe,1055,0
+muleshoe,1055,1
+muleshoe,1055,2
+muleshoe,1055,3
+muleshoe,1056,0
+muleshoe,1056,1
+muleshoe,1056,2
+muleshoe,1056,3
+muleshoe,1056,4
+muleshoe,1056,5
+muleshoe,1056,6
+muleshoe,1056,7
+muleshoe,1056,8
+muleshoe,1056,9
+muleshoe,1056,10
+muleshoe,1056,11
+muleshoe,1056,12
+muleshoe,1057,0
+muleshoe,1057,1
+muleshoe,1057,2
+muleshoe,1057,3
+muleshoe,1057,4
+muleshoe,1057,5
+muleshoe,1057,6
+muleshoe,1057,7
+muleshoe,1057,8
+muleshoe,1057,9
+muleshoe,1057,10
+muleshoe,1058,0
+muleshoe,1058,1
+muleshoe,1058,2
+muleshoe,1059,0
+muleshoe,1059,1
+muleshoe,1059,2
+muleshoe,1059,3
+muleshoe,1059,4
+muleshoe,1059,5
+muleshoe,1060,0
+muleshoe,1060,1
+muleshoe,1060,2
+muleshoe,1060,3
+muleshoe,1060,4
+muleshoe,1060,5
+muleshoe,1060,6
+muleshoe,1060,7
+muleshoe,1060,8
+muleshoe,1061,0
+muleshoe,1061,1
+muleshoe,1061,2
+muleshoe,1061,3
+muleshoe,1061,4
+muleshoe,1061,5
+muleshoe,1061,6
+muleshoe,1061,7
+muleshoe,1061,8
+muleshoe,1061,9
+muleshoe,1061,10
+muleshoe,1062,0
+muleshoe,1062,1
+muleshoe,1062,2
+muleshoe,1063,0
+muleshoe,1063,1
+muleshoe,1063,2
+muleshoe,1063,3
+muleshoe,1063,4
+muleshoe,1063,5
+muleshoe,1063,6
+muleshoe,1063,7
+muleshoe,1064,0
+muleshoe,1064,1
+muleshoe,1064,2
+muleshoe,1064,3
+muleshoe,1064,4
+muleshoe,1064,5
+muleshoe,1064,6
+muleshoe,1064,7
+muleshoe,1064,8
+muleshoe,1064,9
+muleshoe,1064,10
+muleshoe,1065,0
+muleshoe,1065,1
+muleshoe,1065,2
+muleshoe,1066,0
+muleshoe,1066,1
+muleshoe,1066,2
+muleshoe,1066,3
+muleshoe,1066,4
+muleshoe,1066,5
+muleshoe,1066,6
+muleshoe,1066,7
+muleshoe,1066,8
+muleshoe,1066,9
+muleshoe,1066,10
+muleshoe,1066,11
+muleshoe,1066,12
+muleshoe,1066,13
+muleshoe,1066,14
+muleshoe,1067,0
+muleshoe,1067,1
+muleshoe,1067,2
+muleshoe,1067,3
+muleshoe,1067,4
+muleshoe,1067,5
+muleshoe,1068,0
+muleshoe,1068,1
+muleshoe,1068,2
+muleshoe,1068,3
+muleshoe,1068,4
+muleshoe,1068,5
+muleshoe,1068,6
+muleshoe,1068,7
+muleshoe,1069,0
+muleshoe,1069,1
+muleshoe,1069,2
+muleshoe,1069,3
+muleshoe,1069,4
+muleshoe,1069,5
+muleshoe,1069,6
+muleshoe,1069,7
+muleshoe,1070,0
+muleshoe,1070,1
+muleshoe,1070,2
+muleshoe,1070,3
+muleshoe,1070,4
+muleshoe,1070,5
+muleshoe,1070,6
+muleshoe,1070,7
+muleshoe,1070,8
+muleshoe,1071,0
+muleshoe,1071,1
+muleshoe,1071,2
+muleshoe,1072,0
+muleshoe,1072,1
+muleshoe,1072,2
+muleshoe,1072,3
+muleshoe,1072,4
+muleshoe,1072,5
+muleshoe,1072,6
+muleshoe,1072,7
+muleshoe,1072,8
+muleshoe,1073,0
+muleshoe,1073,1
+muleshoe,1073,2
+muleshoe,1073,3
+muleshoe,1074,0
+muleshoe,1074,1
+muleshoe,1074,2
+muleshoe,1074,3
+muleshoe,1074,4
+muleshoe,1074,5
+muleshoe,1075,0
+muleshoe,1075,1
+muleshoe,1075,2
+muleshoe,1076,0
+muleshoe,1076,1
+muleshoe,1076,2
+muleshoe,1076,3
+muleshoe,1077,0
+muleshoe,1077,1
+muleshoe,1077,2
+muleshoe,1078,0
+muleshoe,1078,1
+muleshoe,1078,2
+muleshoe,1078,3
+muleshoe,1078,4
+muleshoe,1079,0
+muleshoe,1079,1
+muleshoe,1079,2
+muleshoe,1079,3
+muleshoe,1079,4
+muleshoe,1080,0
+muleshoe,1080,1
+muleshoe,1080,2
+muleshoe,1080,3
+muleshoe,1080,4
+muleshoe,1081,0
+muleshoe,1081,1
+muleshoe,1081,2
+muleshoe,1081,3
+muleshoe,1081,4
+muleshoe,1081,5
+muleshoe,1081,6
+muleshoe,1082,0
+muleshoe,1082,1
+muleshoe,1082,2
+muleshoe,1082,3
+muleshoe,1082,4
+muleshoe,1082,5
+muleshoe,1082,6
+muleshoe,1083,0
+muleshoe,1083,1
+muleshoe,1083,2
+muleshoe,1083,3
+muleshoe,1083,4
+muleshoe,1083,5
+muleshoe,1083,6
+muleshoe,1083,7
+muleshoe,1083,8
+muleshoe,1083,9
+muleshoe,1084,0
+muleshoe,1084,1
+muleshoe,1084,2
+muleshoe,1084,3
+muleshoe,1085,0
+muleshoe,1085,1
+muleshoe,1085,2
+muleshoe,1086,0
+muleshoe,1086,1
+muleshoe,1086,2
+muleshoe,1086,3
+muleshoe,1086,4
+muleshoe,1086,5
+muleshoe,1086,6
+muleshoe,1087,0
+muleshoe,1087,1
+muleshoe,1087,2
+muleshoe,1087,3
+muleshoe,1087,4
+muleshoe,1088,0
+muleshoe,1088,1
+muleshoe,1088,2
+muleshoe,1088,3
+muleshoe,1088,4
+muleshoe,1088,5
+muleshoe,1089,0
+muleshoe,1089,1
+muleshoe,1089,2
+muleshoe,1089,3
+muleshoe,1089,4
+muleshoe,1089,5
+muleshoe,1090,0
+muleshoe,1090,1
+muleshoe,1090,2
+muleshoe,1090,3
+muleshoe,1090,4
+muleshoe,1090,5
+muleshoe,1090,6
+muleshoe,1090,7
+muleshoe,1090,8
+muleshoe,1090,9
+muleshoe,1091,0
+muleshoe,1091,1
+muleshoe,1091,2
+muleshoe,1091,3
+muleshoe,1091,4
+muleshoe,1092,0
+muleshoe,1092,1
+muleshoe,1092,2
+muleshoe,1092,3
+muleshoe,1092,4
+muleshoe,1092,5
+muleshoe,1092,6
+muleshoe,1092,7
+muleshoe,1092,8
+muleshoe,1092,9
+muleshoe,1092,10
+muleshoe,1092,11
+muleshoe,1093,0
+muleshoe,1093,1
+muleshoe,1093,2
+muleshoe,1093,3
+muleshoe,1093,4
+muleshoe,1094,0
+muleshoe,1094,1
+muleshoe,1094,2
+muleshoe,1094,3
+muleshoe,1094,4
+muleshoe,1094,5
+muleshoe,1094,6
+muleshoe,1094,7
+muleshoe,1094,8
+muleshoe,1094,9
+muleshoe,1094,10
+muleshoe,1094,11
+muleshoe,1094,12
+muleshoe,1095,0
+muleshoe,1095,1
+muleshoe,1095,2
+muleshoe,1095,3
+muleshoe,1095,4
+muleshoe,1095,5
+muleshoe,1095,6
+muleshoe,1095,7
+muleshoe,1095,8
+muleshoe,1095,9
+muleshoe,1095,10
+muleshoe,1095,11
+muleshoe,1096,0
+muleshoe,1096,1
+muleshoe,1096,2
+muleshoe,1096,3
+muleshoe,1096,4
+muleshoe,1096,5
+muleshoe,1096,6
+muleshoe,1096,7
+muleshoe,1097,0
+muleshoe,1097,1
+muleshoe,1097,2
+muleshoe,1097,3
+muleshoe,1097,4
+muleshoe,1098,0
+muleshoe,1098,1
+muleshoe,1098,2
+muleshoe,1098,3
+muleshoe,1098,4
+muleshoe,1098,5
+muleshoe,1098,6
+muleshoe,1098,7
+muleshoe,1098,8
+muleshoe,1099,0
+muleshoe,1099,1
+muleshoe,1099,2
+muleshoe,1099,3
+muleshoe,1099,4
+muleshoe,1099,5
+muleshoe,1099,6
+muleshoe,1100,0
+muleshoe,1100,1
+muleshoe,1100,2
+muleshoe,1100,3
+muleshoe,1100,4
+muleshoe,1100,5
+muleshoe,1100,6
+muleshoe,1100,7
+muleshoe,1100,8
+muleshoe,1100,9
+muleshoe,1100,10
+muleshoe,1100,11
+muleshoe,1100,12
+muleshoe,1100,13
+muleshoe,1101,0
+muleshoe,1101,1
+muleshoe,1101,2
+muleshoe,1101,3
+muleshoe,1101,4
+muleshoe,1101,5
+muleshoe,1101,6
+muleshoe,1101,7
+muleshoe,1102,0
+muleshoe,1102,1
+muleshoe,1102,2
+muleshoe,1102,3
+muleshoe,1102,4
+muleshoe,1102,5
+muleshoe,1102,6
+muleshoe,1103,0
+muleshoe,1103,1
+muleshoe,1103,2
+muleshoe,1103,3
+muleshoe,1103,4
+muleshoe,1103,5
+muleshoe,1103,6
+muleshoe,1103,7
+muleshoe,1103,8
+muleshoe,1103,9
+muleshoe,1103,10
+muleshoe,1104,0
+muleshoe,1104,1
+muleshoe,1104,2
+muleshoe,1104,3
+muleshoe,1105,0
+muleshoe,1105,1
+muleshoe,1105,2
+muleshoe,1105,3
+muleshoe,1106,0
+muleshoe,1106,1
+muleshoe,1106,2
+muleshoe,1106,3
+muleshoe,1107,0
+muleshoe,1107,1
+muleshoe,1107,2
+muleshoe,1108,0
+muleshoe,1108,1
+muleshoe,1108,2
+muleshoe,1108,3
+muleshoe,1108,4
+muleshoe,1108,5
+muleshoe,1108,6
+muleshoe,1108,7
+muleshoe,1108,8
+muleshoe,1109,0
+muleshoe,1109,1
+muleshoe,1109,2
+muleshoe,1109,3
+muleshoe,1109,4
+muleshoe,1110,0
+muleshoe,1110,1
+muleshoe,1110,2
+muleshoe,1110,3
+muleshoe,1110,4
+muleshoe,1110,5
+muleshoe,1110,6
+muleshoe,1110,7
+muleshoe,1110,8
+muleshoe,1110,9
+muleshoe,1111,0
+muleshoe,1111,1
+muleshoe,1111,2
+muleshoe,1111,3
+muleshoe,1111,4
+muleshoe,1111,5
+muleshoe,1111,6
+muleshoe,1111,7
+muleshoe,1112,0
+muleshoe,1112,1
+muleshoe,1112,2
+muleshoe,1112,3
+muleshoe,1112,4
+muleshoe,1112,5
+muleshoe,1112,6
+muleshoe,1112,7
+muleshoe,1112,8
+muleshoe,1112,9
+muleshoe,1112,10
+muleshoe,1113,0
+muleshoe,1113,1
+muleshoe,1113,2
+muleshoe,1114,0
+muleshoe,1114,1
+muleshoe,1114,2
+muleshoe,1114,3
+muleshoe,1114,4
+muleshoe,1115,0
+muleshoe,1115,1
+muleshoe,1115,2
+muleshoe,1115,3
+muleshoe,1115,4
+muleshoe,1116,0
+muleshoe,1116,1
+muleshoe,1116,2
+muleshoe,1117,0
+muleshoe,1117,1
+muleshoe,1117,2
+muleshoe,1118,0
+muleshoe,1118,1
+muleshoe,1118,2
+muleshoe,1118,3
+muleshoe,1118,4
+muleshoe,1119,0
+muleshoe,1119,1
+muleshoe,1119,2
+muleshoe,1119,3
+muleshoe,1119,4
+muleshoe,1119,5
+muleshoe,1119,6
+muleshoe,1120,0
+muleshoe,1120,1
+muleshoe,1120,2
+muleshoe,1121,0
+muleshoe,1121,1
+muleshoe,1121,2
+muleshoe,1121,3
+muleshoe,1121,4
+muleshoe,1122,0
+muleshoe,1122,1
+muleshoe,1122,2
+muleshoe,1123,0
+muleshoe,1123,1
+muleshoe,1123,2
+muleshoe,1123,3
+muleshoe,1123,4
+muleshoe,1123,5
+muleshoe,1123,6
+muleshoe,1124,0
+muleshoe,1124,1
+muleshoe,1124,2
+muleshoe,1124,3
+muleshoe,1125,0
+muleshoe,1125,1
+muleshoe,1125,2
+muleshoe,1125,3
+muleshoe,1126,0
+muleshoe,1126,1
+muleshoe,1126,2
+muleshoe,1126,3
+muleshoe,1126,4
+muleshoe,1126,5
+muleshoe,1126,6
+muleshoe,1127,0
+muleshoe,1127,1
+muleshoe,1127,2
+muleshoe,1127,3
+muleshoe,1127,4
+muleshoe,1128,0
+muleshoe,1128,1
+muleshoe,1128,2
+muleshoe,1128,3
+muleshoe,1129,0
+muleshoe,1129,1
+muleshoe,1129,2
+muleshoe,1129,3
+muleshoe,1129,4
+muleshoe,1129,5
+muleshoe,1129,6
+muleshoe,1129,7
+muleshoe,1129,8
+muleshoe,1129,9
+muleshoe,1129,10
+muleshoe,1129,11
+muleshoe,1130,0
+muleshoe,1130,1
+muleshoe,1130,2
+muleshoe,1130,3
+muleshoe,1130,4
+muleshoe,1132,0
+muleshoe,1132,1
+muleshoe,1132,2
+muleshoe,1132,3
+muleshoe,1132,4
+muleshoe,1132,5
+muleshoe,1132,6
+muleshoe,1132,7
+muleshoe,1132,8
+muleshoe,1133,0
+muleshoe,1133,1
+muleshoe,1133,2
+muleshoe,1133,3
+muleshoe,1134,0
+muleshoe,1134,1
+muleshoe,1134,2
+muleshoe,1134,3
+muleshoe,1134,4
+muleshoe,1134,5
+muleshoe,1134,6
+muleshoe,1134,7
+muleshoe,1134,8
+muleshoe,1134,9
+muleshoe,1134,10
+muleshoe,1134,11
+muleshoe,1134,12
+muleshoe,1134,13
+muleshoe,1135,0
+muleshoe,1135,1
+muleshoe,1135,2
+muleshoe,1135,3
+muleshoe,1135,4
+muleshoe,1135,5
+muleshoe,1135,6
+muleshoe,1135,7
+muleshoe,1135,8
+muleshoe,1135,9
+muleshoe,1135,10
+muleshoe,1135,11
+muleshoe,1135,12
+muleshoe,1135,13
+muleshoe,1136,0
+muleshoe,1136,1
+muleshoe,1136,2
+muleshoe,1136,3
+muleshoe,1136,4
+muleshoe,1136,5
+muleshoe,1136,6
+muleshoe,1136,7
+muleshoe,1136,8
+muleshoe,1136,9
+muleshoe,1136,10
+muleshoe,1136,11
+muleshoe,1136,12
+muleshoe,1136,13
+muleshoe,1136,14
+muleshoe,1137,0
+muleshoe,1137,1
+muleshoe,1137,2
+muleshoe,1137,3
+muleshoe,1137,4
+muleshoe,1137,5
+muleshoe,1138,0
+muleshoe,1138,1
+muleshoe,1138,2
+muleshoe,1138,3
+muleshoe,1138,4
+muleshoe,1138,5
+muleshoe,1139,0
+muleshoe,1139,1
+muleshoe,1139,2
+muleshoe,1139,3
+muleshoe,1139,4
+muleshoe,1139,5
+muleshoe,1139,6
+muleshoe,1139,7
+muleshoe,1139,8
+muleshoe,1139,9
+muleshoe,1139,10
+muleshoe,1140,0
+muleshoe,1140,1
+muleshoe,1140,2
+muleshoe,1140,3
+muleshoe,1140,4
+muleshoe,1140,5
+muleshoe,1140,6
+muleshoe,1140,7
+muleshoe,1140,8
+muleshoe,1140,9
+muleshoe,1140,10
+muleshoe,1141,0
+muleshoe,1141,1
+muleshoe,1141,2
+muleshoe,1141,3
+muleshoe,1141,4
+muleshoe,1141,5
+muleshoe,1141,6
+muleshoe,1142,0
+muleshoe,1142,1
+muleshoe,1142,2
+muleshoe,1142,3
+muleshoe,1142,4
+muleshoe,1143,0
+muleshoe,1143,1
+muleshoe,1143,2
+muleshoe,1144,0
+muleshoe,1144,1
+muleshoe,1144,2
+muleshoe,1144,3
+muleshoe,1144,4
+muleshoe,1145,0
+muleshoe,1145,1
+muleshoe,1145,2
+muleshoe,1145,3
+muleshoe,1145,4
+muleshoe,1145,5
+muleshoe,1145,6
+muleshoe,1145,7
+muleshoe,1146,0
+muleshoe,1146,1
+muleshoe,1146,2
+muleshoe,1146,3
+muleshoe,1146,4
+muleshoe,1146,5
+muleshoe,1146,6
+muleshoe,1146,7
+muleshoe,1147,0
+muleshoe,1147,1
+muleshoe,1147,2
+muleshoe,1147,3
+muleshoe,1148,0
+muleshoe,1148,1
+muleshoe,1148,2
+muleshoe,1148,3
+muleshoe,1148,4
+muleshoe,1148,5
+muleshoe,1148,6
+muleshoe,1148,7
+muleshoe,1148,8
+muleshoe,1148,9
+muleshoe,1148,10
+muleshoe,1148,11
+muleshoe,1149,0
+muleshoe,1149,1
+muleshoe,1149,2
+muleshoe,1150,0
+muleshoe,1150,1
+muleshoe,1150,2
+muleshoe,1150,3
+muleshoe,1150,4
+muleshoe,1150,5
+muleshoe,1150,6
+muleshoe,1150,7
+muleshoe,1150,8
+muleshoe,1150,9
+muleshoe,1150,10
+muleshoe,1150,11
+muleshoe,1150,12
+muleshoe,1150,13
+muleshoe,1150,14
+muleshoe,1150,15
+muleshoe,1150,16
+muleshoe,1150,17
+muleshoe,1150,18
+muleshoe,1150,19
+muleshoe,1150,20
+muleshoe,1151,0
+muleshoe,1151,1
+muleshoe,1151,2
+muleshoe,1152,0
+muleshoe,1152,1
+muleshoe,1152,2
+muleshoe,1152,3
+muleshoe,1152,4
+muleshoe,1152,5
+muleshoe,1152,6
+muleshoe,1152,7
+muleshoe,1153,0
+muleshoe,1153,1
+muleshoe,1153,2
+muleshoe,1153,3
+muleshoe,1153,4
+muleshoe,1153,5
+muleshoe,1153,6
+muleshoe,1154,0
+muleshoe,1154,1
+muleshoe,1154,2
+muleshoe,1155,0
+muleshoe,1155,1
+muleshoe,1155,2
+muleshoe,1155,3
+muleshoe,1155,4
+muleshoe,1155,5
+muleshoe,1155,6
+muleshoe,1155,7
+muleshoe,1156,0
+muleshoe,1156,1
+muleshoe,1156,2
+muleshoe,1156,3
+muleshoe,1156,4
+muleshoe,1156,5
+muleshoe,1157,0
+muleshoe,1157,1
+muleshoe,1157,2
+muleshoe,1157,3
+muleshoe,1157,4
+muleshoe,1157,5
+muleshoe,1157,6
+muleshoe,1157,7
+muleshoe,1157,8
+muleshoe,1157,9
+muleshoe,1157,10
+muleshoe,1158,0
+muleshoe,1158,1
+muleshoe,1158,2
+muleshoe,1158,3
+muleshoe,1158,4
+muleshoe,1158,5
+muleshoe,1158,6
+muleshoe,1159,0
+muleshoe,1159,1
+muleshoe,1159,2
+muleshoe,1159,3
+muleshoe,1159,4
+muleshoe,1159,5
+muleshoe,1159,6
+muleshoe,1159,7
+muleshoe,1159,8
+muleshoe,1159,9
+muleshoe,1159,10
+muleshoe,1159,11
+muleshoe,1159,12
+muleshoe,1159,13
+muleshoe,1159,14
+muleshoe,1159,15
+muleshoe,1159,16
+muleshoe,1159,17
+muleshoe,1160,0
+muleshoe,1160,1
+muleshoe,1160,2
+muleshoe,1160,3
+muleshoe,1160,4
+muleshoe,1160,5
+muleshoe,1160,6
+muleshoe,1160,7
+muleshoe,1160,8
+muleshoe,1160,9
+muleshoe,1160,10
+muleshoe,1160,11
+muleshoe,1160,12
+muleshoe,1161,0
+muleshoe,1161,1
+muleshoe,1161,2
+muleshoe,1161,3
+muleshoe,1161,4
+muleshoe,1161,5
+muleshoe,1161,6
+muleshoe,1162,0
+muleshoe,1162,1
+muleshoe,1162,2
+muleshoe,1162,3
+muleshoe,1162,4
+muleshoe,1162,5
+muleshoe,1162,6
+muleshoe,1162,7
+muleshoe,1162,8
+muleshoe,1162,9
+muleshoe,1163,0
+muleshoe,1163,1
+muleshoe,1163,2
+muleshoe,1164,0
+muleshoe,1164,1
+muleshoe,1164,2
+muleshoe,1164,3
+muleshoe,1164,4
+muleshoe,1164,5
+muleshoe,1164,6
+muleshoe,1164,7
+muleshoe,1164,8
+muleshoe,1164,9
+muleshoe,1164,10
+muleshoe,1165,0
+muleshoe,1165,1
+muleshoe,1165,2
+muleshoe,1165,3
+muleshoe,1165,4
+muleshoe,1165,5
+muleshoe,1165,6
+muleshoe,1165,7
+muleshoe,1165,8
+muleshoe,1165,9
+muleshoe,1165,10
+muleshoe,1165,11
+muleshoe,1165,12
+muleshoe,1165,13
+muleshoe,1165,14
+muleshoe,1165,15
+muleshoe,1165,16
+muleshoe,1165,17
+muleshoe,1166,0
+muleshoe,1166,1
+muleshoe,1166,2
+muleshoe,1166,3
+muleshoe,1167,0
+muleshoe,1167,1
+muleshoe,1167,2
+muleshoe,1168,0
+muleshoe,1168,1
+muleshoe,1168,2
+muleshoe,1168,3
+muleshoe,1168,4
+muleshoe,1168,5
+muleshoe,1169,0
+muleshoe,1169,1
+muleshoe,1169,2
+muleshoe,1169,3
+muleshoe,1169,4
+muleshoe,1169,5
+muleshoe,1169,6
+muleshoe,1170,0
+muleshoe,1170,1
+muleshoe,1170,2
+muleshoe,1170,3
+muleshoe,1170,4
+muleshoe,1170,5
+muleshoe,1171,0
+muleshoe,1171,1
+muleshoe,1171,2
+muleshoe,1171,3
+muleshoe,1171,4
+muleshoe,1171,5
+muleshoe,1171,6
+muleshoe,1171,7
+muleshoe,1171,8
+muleshoe,1172,0
+muleshoe,1172,1
+muleshoe,1172,2
+muleshoe,1173,0
+muleshoe,1173,1
+muleshoe,1173,2
+muleshoe,1173,3
+muleshoe,1174,0
+muleshoe,1174,1
+muleshoe,1174,2
+muleshoe,1174,3
+muleshoe,1175,0
+muleshoe,1175,1
+muleshoe,1175,2
+muleshoe,1176,0
+muleshoe,1176,1
+muleshoe,1176,2
+muleshoe,1176,3
+muleshoe,1176,4
+muleshoe,1177,0
+muleshoe,1177,1
+muleshoe,1177,2
+muleshoe,1178,0
+muleshoe,1178,1
+muleshoe,1178,2
+muleshoe,1178,3
+muleshoe,1179,0
+muleshoe,1179,1
+muleshoe,1179,2
+muleshoe,1179,3
+muleshoe,1179,4
+muleshoe,1179,5
+muleshoe,1180,0
+muleshoe,1180,1
+muleshoe,1180,2
+muleshoe,1180,3
+muleshoe,1180,4
+muleshoe,1180,5
+muleshoe,1180,6
+muleshoe,1180,7
+muleshoe,1180,8
+muleshoe,1180,9
+muleshoe,1180,10
+muleshoe,1181,0
+muleshoe,1181,1
+muleshoe,1181,2
+muleshoe,1181,3
+muleshoe,1181,4
+muleshoe,1181,5
+muleshoe,1181,6
+muleshoe,1181,7
+muleshoe,1181,8
+muleshoe,1181,9
+muleshoe,1181,10
+muleshoe,1182,0
+muleshoe,1182,1
+muleshoe,1182,2
+muleshoe,1182,3
+muleshoe,1182,4
+muleshoe,1182,5
+muleshoe,1182,6
+muleshoe,1182,7
+muleshoe,1182,8
+muleshoe,1182,9
+muleshoe,1182,10
+muleshoe,1182,11
+muleshoe,1182,12
+muleshoe,1182,13
+muleshoe,1182,14
+muleshoe,1182,15
+muleshoe,1182,16
+muleshoe,1183,0
+muleshoe,1183,1
+muleshoe,1183,2
+muleshoe,1183,3
+muleshoe,1183,4
+muleshoe,1183,5
+muleshoe,1183,6
+muleshoe,1184,0
+muleshoe,1184,1
+muleshoe,1184,2
+muleshoe,1184,3
+muleshoe,1184,4
+muleshoe,1185,0
+muleshoe,1185,1
+muleshoe,1185,2
+muleshoe,1185,3
+muleshoe,1186,0
+muleshoe,1186,1
+muleshoe,1186,2
+muleshoe,1186,3
+muleshoe,1186,4
+muleshoe,1186,5
+muleshoe,1186,6
+muleshoe,1186,7
+muleshoe,1187,0
+muleshoe,1187,1
+muleshoe,1187,2
+muleshoe,1187,3
+muleshoe,1187,4
+muleshoe,1187,5
+muleshoe,1187,6
+muleshoe,1188,0
+muleshoe,1188,1
+muleshoe,1188,2
+muleshoe,1188,3
+muleshoe,1188,4
+muleshoe,1188,5
+muleshoe,1188,6
+muleshoe,1188,7
+muleshoe,1188,8
+muleshoe,1188,9
+muleshoe,1188,10
+muleshoe,1188,11
+muleshoe,1188,12
+muleshoe,1188,13
+muleshoe,1188,14
+muleshoe,1188,15
+muleshoe,1188,16
+muleshoe,1188,17
+muleshoe,1188,18
+muleshoe,1189,0
+muleshoe,1189,1
+muleshoe,1189,2
+muleshoe,1189,3
+muleshoe,1189,4
+muleshoe,1189,5
+muleshoe,1189,6
+muleshoe,1190,0
+muleshoe,1190,1
+muleshoe,1190,2
+muleshoe,1190,3
+muleshoe,1190,4
+muleshoe,1190,5
+muleshoe,1190,6
+muleshoe,1190,7
+muleshoe,1190,8
+muleshoe,1190,9
+muleshoe,1190,10
+muleshoe,1190,11
+muleshoe,1190,12
+muleshoe,1191,0
+muleshoe,1191,1
+muleshoe,1191,2
+muleshoe,1191,3
+muleshoe,1191,4
+muleshoe,1191,5
+muleshoe,1191,6
+muleshoe,1191,7
+muleshoe,1192,0
+muleshoe,1192,1
+muleshoe,1192,2
+muleshoe,1192,3
+muleshoe,1192,4
+muleshoe,1192,5
+muleshoe,1192,6
+muleshoe,1193,0
+muleshoe,1193,1
+muleshoe,1193,2
+muleshoe,1193,3
+muleshoe,1193,4
+muleshoe,1194,0
+muleshoe,1194,1
+muleshoe,1194,2
+muleshoe,1194,3
+muleshoe,1194,4
+muleshoe,1194,5
+muleshoe,1194,6
+muleshoe,1194,7
+muleshoe,1194,8
+muleshoe,1194,9
+muleshoe,1194,10
+muleshoe,1195,0
+muleshoe,1195,1
+muleshoe,1195,2
+muleshoe,1195,3
+muleshoe,1195,4
+muleshoe,1195,5
+muleshoe,1195,6
+muleshoe,1195,7
+muleshoe,1195,8
+muleshoe,1195,9
+muleshoe,1195,10
+muleshoe,1195,11
+muleshoe,1196,0
+muleshoe,1196,1
+muleshoe,1196,2
+muleshoe,1197,0
+muleshoe,1197,1
+muleshoe,1197,2
+muleshoe,1197,3
+muleshoe,1197,4
+muleshoe,1197,5
+muleshoe,1198,0
+muleshoe,1198,1
+muleshoe,1198,2
+muleshoe,1199,0
+muleshoe,1199,1
+muleshoe,1199,2
+muleshoe,1199,3
+muleshoe,1199,4
+muleshoe,1199,5
+muleshoe,1199,6
+muleshoe,1199,7
+muleshoe,1200,0
+muleshoe,1200,1
+muleshoe,1200,2
+muleshoe,1200,3
+muleshoe,1201,0
+muleshoe,1201,1
+muleshoe,1201,2
+muleshoe,1201,3
+muleshoe,1202,0
+muleshoe,1202,1
+muleshoe,1202,2
+muleshoe,1202,3
+muleshoe,1202,4
+muleshoe,1202,5
+muleshoe,1202,6
+muleshoe,1202,7
+muleshoe,1202,8
+muleshoe,1202,9
+muleshoe,1202,10
+muleshoe,1202,11
+muleshoe,1202,12
+muleshoe,1202,13
+muleshoe,1202,14
+muleshoe,1202,15
+muleshoe,1202,16
+muleshoe,1202,17
+muleshoe,1203,0
+muleshoe,1203,1
+muleshoe,1203,2
+muleshoe,1203,3
+muleshoe,1203,4
+muleshoe,1204,0
+muleshoe,1204,1
+muleshoe,1204,2
+muleshoe,1204,3
+muleshoe,1204,4
+muleshoe,1204,5
+muleshoe,1204,6
+muleshoe,1205,0
+muleshoe,1205,1
+muleshoe,1205,2
+muleshoe,1205,3
+muleshoe,1206,0
+muleshoe,1206,1
+muleshoe,1206,2
+muleshoe,1206,3
+muleshoe,1206,4
+muleshoe,1206,5
+muleshoe,1207,0
+muleshoe,1207,1
+muleshoe,1207,2
+muleshoe,1207,3
+muleshoe,1207,4
+muleshoe,1207,5
+muleshoe,1207,6
+muleshoe,1207,7
+muleshoe,1207,8
+muleshoe,1207,9
+muleshoe,1207,10
+muleshoe,1208,0
+muleshoe,1208,1
+muleshoe,1208,2
+muleshoe,1208,3
+muleshoe,1208,4
+muleshoe,1208,5
+muleshoe,1209,0
+muleshoe,1209,1
+muleshoe,1209,2
+muleshoe,1209,3
+muleshoe,1210,0
+muleshoe,1210,1
+muleshoe,1210,2
+muleshoe,1210,3
+muleshoe,1210,4
+muleshoe,1210,5
+muleshoe,1210,6
+muleshoe,1210,7
+muleshoe,1210,8
+muleshoe,1210,9
+muleshoe,1211,0
+muleshoe,1211,1
+muleshoe,1211,2
+muleshoe,1211,3
+muleshoe,1211,4
+muleshoe,1211,5
+muleshoe,1211,6
+muleshoe,1212,0
+muleshoe,1212,1
+muleshoe,1212,2
+muleshoe,1212,3
+muleshoe,1213,0
+muleshoe,1213,1
+muleshoe,1213,2
+muleshoe,1213,3
+muleshoe,1213,4
+muleshoe,1213,5
+muleshoe,1214,0
+muleshoe,1214,1
+muleshoe,1214,2
+muleshoe,1214,3
+muleshoe,1214,4
+muleshoe,1214,5
+muleshoe,1214,6
+muleshoe,1214,7
+muleshoe,1214,8
+muleshoe,1215,0
+muleshoe,1215,1
+muleshoe,1215,2
+muleshoe,1215,3
+muleshoe,1215,4
+muleshoe,1215,5
+muleshoe,1215,6
+muleshoe,1215,7
+muleshoe,1215,8
+muleshoe,1215,9
+muleshoe,1215,10
+muleshoe,1215,11
+muleshoe,1215,12
+muleshoe,1216,0
+muleshoe,1216,1
+muleshoe,1216,2
+muleshoe,1216,3
+muleshoe,1216,4
+muleshoe,1216,5
+muleshoe,1216,6
+muleshoe,1216,7
+muleshoe,1216,8
+muleshoe,1216,9
+muleshoe,1216,10
+muleshoe,1216,11
+muleshoe,1216,12
+muleshoe,1217,0
+muleshoe,1217,1
+muleshoe,1217,2
+muleshoe,1217,3
+muleshoe,1217,4
+muleshoe,1217,5
+muleshoe,1218,0
+muleshoe,1218,1
+muleshoe,1218,2
+muleshoe,1218,3
+muleshoe,1218,4
+muleshoe,1218,5
+muleshoe,1218,6
+muleshoe,1218,7
+muleshoe,1218,8
+muleshoe,1218,9
+muleshoe,1218,10
+muleshoe,1218,11
+muleshoe,1218,12
+muleshoe,1219,0
+muleshoe,1219,1
+muleshoe,1219,2
+muleshoe,1220,0
+muleshoe,1220,1
+muleshoe,1220,2
+muleshoe,1220,3
+muleshoe,1220,4
+muleshoe,1220,5
+muleshoe,1220,6
+muleshoe,1220,7
+muleshoe,1220,8
+muleshoe,1221,0
+muleshoe,1221,1
+muleshoe,1221,2
+muleshoe,1221,3
+muleshoe,1221,4
+muleshoe,1221,5
+muleshoe,1222,0
+muleshoe,1222,1
+muleshoe,1222,2
+muleshoe,1222,3
+muleshoe,1222,4
+muleshoe,1222,5
+muleshoe,1222,6
+muleshoe,1222,7
+muleshoe,1222,8
+muleshoe,1222,9
+muleshoe,1222,10
+muleshoe,1222,11
+muleshoe,1222,12
+muleshoe,1222,13
+muleshoe,1223,0
+muleshoe,1223,1
+muleshoe,1223,2
+muleshoe,1223,3
+muleshoe,1224,0
+muleshoe,1224,1
+muleshoe,1224,2
+muleshoe,1224,3
+muleshoe,1224,4
+muleshoe,1224,5
+muleshoe,1224,6
+muleshoe,1224,7
+muleshoe,1224,8
+muleshoe,1224,9
+muleshoe,1224,10
+muleshoe,1224,11
+muleshoe,1224,12
+muleshoe,1224,13
+muleshoe,1224,14
+muleshoe,1224,15
+muleshoe,1224,16
+muleshoe,1225,0
+muleshoe,1225,1
+muleshoe,1225,2
+muleshoe,1226,0
+muleshoe,1226,1
+muleshoe,1226,2
+muleshoe,1226,3
+muleshoe,1226,4
+muleshoe,1226,5
+muleshoe,1226,6
+muleshoe,1227,0
+muleshoe,1227,1
+muleshoe,1227,2
+muleshoe,1227,3
+muleshoe,1227,4
+muleshoe,1227,5
+muleshoe,1227,6
+muleshoe,1227,7
+muleshoe,1227,8
+muleshoe,1227,9
+muleshoe,1227,10
+muleshoe,1227,11
+muleshoe,1227,12
+muleshoe,1228,0
+muleshoe,1228,1
+muleshoe,1228,2
+muleshoe,1228,3
+muleshoe,1228,4
+muleshoe,1229,0
+muleshoe,1229,1
+muleshoe,1229,2
+muleshoe,1229,3
+muleshoe,1230,0
+muleshoe,1230,1
+muleshoe,1230,2
+muleshoe,1230,3
+muleshoe,1231,0
+muleshoe,1231,1
+muleshoe,1231,2
+muleshoe,1231,3
+muleshoe,1232,0
+muleshoe,1232,1
+muleshoe,1232,2
+muleshoe,1232,3
+muleshoe,1233,0
+muleshoe,1233,1
+muleshoe,1233,2
+muleshoe,1233,3
+muleshoe,1233,4
+muleshoe,1233,5
+muleshoe,1233,6
+muleshoe,1233,7
+muleshoe,1233,8
+muleshoe,1233,9
+muleshoe,1234,0
+muleshoe,1234,1
+muleshoe,1234,2
+muleshoe,1234,3
+muleshoe,1234,4
+muleshoe,1234,5
+muleshoe,1235,0
+muleshoe,1235,1
+muleshoe,1235,2
+muleshoe,1236,0
+muleshoe,1236,1
+muleshoe,1236,2
+muleshoe,1236,3
+muleshoe,1236,4
+muleshoe,1236,5
+muleshoe,1236,6
+muleshoe,1237,0
+muleshoe,1237,1
+muleshoe,1237,2
+muleshoe,1237,3
+muleshoe,1237,4
+muleshoe,1238,0
+muleshoe,1238,1
+muleshoe,1238,2
+muleshoe,1238,3
+muleshoe,1238,4
+muleshoe,1238,5
+muleshoe,1238,6
+muleshoe,1238,7
+muleshoe,1238,8
+muleshoe,1238,9
+muleshoe,1238,10
+muleshoe,1238,11
+muleshoe,1239,0
+muleshoe,1239,1
+muleshoe,1239,2
+muleshoe,1239,3
+muleshoe,1239,4
+muleshoe,1239,5
+muleshoe,1239,6
+muleshoe,1239,7
+muleshoe,1239,8
+muleshoe,1239,9
+muleshoe,1240,0
+muleshoe,1240,1
+muleshoe,1240,2
+muleshoe,1240,3
+muleshoe,1241,0
+muleshoe,1241,1
+muleshoe,1241,2
+muleshoe,1241,3
+muleshoe,1241,4
+muleshoe,1242,0
+muleshoe,1242,1
+muleshoe,1242,2
+muleshoe,1242,3
+muleshoe,1242,4
+muleshoe,1243,0
+muleshoe,1243,1
+muleshoe,1243,2
+muleshoe,1243,3
+muleshoe,1244,0
+muleshoe,1244,1
+muleshoe,1244,2
+muleshoe,1244,3
+muleshoe,1244,4
+muleshoe,1245,0
+muleshoe,1245,1
+muleshoe,1245,2
+muleshoe,1245,3
+muleshoe,1246,0
+muleshoe,1246,1
+muleshoe,1246,2
+muleshoe,1246,3
+muleshoe,1247,0
+muleshoe,1247,1
+muleshoe,1247,2
+muleshoe,1247,3
+muleshoe,1247,4
+muleshoe,1247,5
+muleshoe,1248,0
+muleshoe,1248,1
+muleshoe,1248,2
+muleshoe,1248,3
+muleshoe,1249,0
+muleshoe,1249,1
+muleshoe,1249,2
+muleshoe,1249,3
+muleshoe,1250,0
+muleshoe,1250,1
+muleshoe,1250,2
+muleshoe,1250,3
+muleshoe,1250,4
+muleshoe,1250,5
+muleshoe,1250,6
+muleshoe,1250,7
+muleshoe,1250,8
+muleshoe,1251,0
+muleshoe,1251,1
+muleshoe,1251,2
+muleshoe,1252,0
+muleshoe,1252,1
+muleshoe,1252,2
+muleshoe,1252,3
+muleshoe,1252,4
+muleshoe,1253,0
+muleshoe,1253,1
+muleshoe,1253,2
+muleshoe,1253,3
+muleshoe,1253,4
+muleshoe,1253,5
+muleshoe,1254,0
+muleshoe,1254,1
+muleshoe,1254,2
+muleshoe,1254,3
+muleshoe,1254,4
+muleshoe,1254,5
+muleshoe,1254,6
+muleshoe,1254,7
+muleshoe,1255,0
+muleshoe,1255,1
+muleshoe,1255,2
+muleshoe,1255,3
+muleshoe,1256,0
+muleshoe,1256,1
+muleshoe,1256,2
+muleshoe,1256,3
+muleshoe,1256,4
+muleshoe,1256,5
+muleshoe,1256,6
+muleshoe,1257,0
+muleshoe,1257,1
+muleshoe,1257,2
+muleshoe,1257,3
+muleshoe,1257,4
+muleshoe,1258,0
+muleshoe,1258,1
+muleshoe,1258,2
+muleshoe,1258,3
+muleshoe,1258,4
+muleshoe,1258,5
+muleshoe,1258,6
+muleshoe,1258,7
+muleshoe,1259,0
+muleshoe,1259,1
+muleshoe,1259,2
+muleshoe,1259,3
+muleshoe,1259,4
+muleshoe,1259,5
+muleshoe,1259,6
+muleshoe,1260,0
+muleshoe,1260,1
+muleshoe,1260,2
+muleshoe,1260,3
+muleshoe,1260,4
+muleshoe,1260,5
+muleshoe,1261,0
+muleshoe,1261,1
+muleshoe,1261,2
+muleshoe,1261,3
+muleshoe,1261,4
+muleshoe,1262,0
+muleshoe,1262,1
+muleshoe,1262,2
+muleshoe,1262,3
+muleshoe,1262,4
+muleshoe,1263,0
+muleshoe,1263,1
+muleshoe,1263,2
+muleshoe,1263,3
+muleshoe,1263,4
+muleshoe,1263,5
+muleshoe,1263,6
+muleshoe,1263,7
+muleshoe,1263,8
+muleshoe,1263,9
+muleshoe,1263,10
+muleshoe,1263,11
+muleshoe,1263,12
+muleshoe,1263,13
+muleshoe,1263,14
+muleshoe,1264,0
+muleshoe,1264,1
+muleshoe,1264,2
+muleshoe,1264,3
+muleshoe,1265,0
+muleshoe,1265,1
+muleshoe,1265,2
+muleshoe,1265,3
+muleshoe,1265,4
+muleshoe,1265,5
+muleshoe,1265,6
+muleshoe,1266,0
+muleshoe,1266,1
+muleshoe,1266,2
+muleshoe,1266,3
+muleshoe,1266,4
+muleshoe,1266,5
+muleshoe,1266,6
+muleshoe,1266,7
+muleshoe,1266,8
+muleshoe,1266,9
+muleshoe,1266,10
+muleshoe,1266,11
+muleshoe,1267,0
+muleshoe,1267,1
+muleshoe,1267,2
+muleshoe,1268,0
+muleshoe,1268,1
+muleshoe,1268,2
+muleshoe,1268,3
+muleshoe,1268,4
+muleshoe,1269,0
+muleshoe,1269,1
+muleshoe,1269,2
+muleshoe,1269,3
+muleshoe,1269,4
+muleshoe,1269,5
+muleshoe,1269,6
+muleshoe,1269,7
+muleshoe,1269,8
+muleshoe,1269,9
+muleshoe,1270,0
+muleshoe,1270,1
+muleshoe,1270,2
+muleshoe,1270,3
+muleshoe,1270,4
+muleshoe,1270,5
+muleshoe,1271,0
+muleshoe,1271,1
+muleshoe,1271,2
+muleshoe,1271,3
+muleshoe,1271,4
+muleshoe,1271,5
+muleshoe,1272,0
+muleshoe,1272,1
+muleshoe,1272,2
+muleshoe,1273,0
+muleshoe,1273,1
+muleshoe,1273,2
+muleshoe,1273,3
+muleshoe,1273,4
+muleshoe,1274,0
+muleshoe,1274,1
+muleshoe,1274,2
+muleshoe,1274,3
+muleshoe,1275,0
+muleshoe,1275,1
+muleshoe,1275,2
+muleshoe,1275,3
+muleshoe,1275,4
+muleshoe,1275,5
+muleshoe,1275,6
+muleshoe,1276,0
+muleshoe,1276,1
+muleshoe,1276,2
+muleshoe,1276,3
+muleshoe,1276,4
+muleshoe,1276,5
+muleshoe,1276,6
+muleshoe,1276,7
+muleshoe,1276,8
+muleshoe,1276,9
+muleshoe,1276,10
+muleshoe,1276,11
+muleshoe,1276,12
+muleshoe,1276,13
+muleshoe,1277,0
+muleshoe,1277,1
+muleshoe,1277,2
+muleshoe,1277,3
+muleshoe,1278,0
+muleshoe,1278,1
+muleshoe,1278,2
+muleshoe,1279,0
+muleshoe,1279,1
+muleshoe,1279,2
+muleshoe,1279,3
+muleshoe,1279,4
+muleshoe,1279,5
+muleshoe,1279,6
+muleshoe,1279,7
+muleshoe,1279,8
+muleshoe,1280,0
+muleshoe,1280,1
+muleshoe,1280,2
+muleshoe,1280,3
+muleshoe,1280,4
+muleshoe,1280,5
+muleshoe,1280,6
+muleshoe,1280,7
+muleshoe,1280,8
+muleshoe,1281,0
+muleshoe,1281,1
+muleshoe,1281,2
+muleshoe,1281,3
+muleshoe,1281,4
+muleshoe,1281,5
+muleshoe,1281,6
+muleshoe,1281,7
+muleshoe,1281,8
+muleshoe,1281,9
+muleshoe,1282,0
+muleshoe,1282,1
+muleshoe,1282,2
+muleshoe,1282,3
+muleshoe,1282,4
+muleshoe,1282,5
+muleshoe,1283,0
+muleshoe,1283,1
+muleshoe,1283,2
+muleshoe,1283,3
+muleshoe,1283,4
+muleshoe,1283,5
+muleshoe,1283,6
+muleshoe,1283,7
+muleshoe,1283,8
+muleshoe,1283,9
+muleshoe,1284,0
+muleshoe,1284,1
+muleshoe,1284,2
+muleshoe,1284,3
+muleshoe,1284,4
+muleshoe,1284,5
+muleshoe,1284,6
+muleshoe,1284,7
+muleshoe,1284,8
+muleshoe,1284,9
+muleshoe,1284,10
+muleshoe,1284,11
+muleshoe,1285,0
+muleshoe,1285,1
+muleshoe,1285,2
+muleshoe,1285,3
+muleshoe,1285,4
+muleshoe,1285,5
+muleshoe,1285,6
+muleshoe,1285,7
+muleshoe,1285,8
+muleshoe,1286,0
+muleshoe,1286,1
+muleshoe,1286,2
+muleshoe,1286,3
+muleshoe,1286,4
+muleshoe,1286,5
+muleshoe,1287,0
+muleshoe,1287,1
+muleshoe,1287,2
+muleshoe,1287,3
+muleshoe,1287,4
+muleshoe,1288,0
+muleshoe,1288,1
+muleshoe,1288,2
+muleshoe,1289,0
+muleshoe,1289,1
+muleshoe,1289,2
+muleshoe,1289,3
+muleshoe,1290,0
+muleshoe,1290,1
+muleshoe,1290,2
+muleshoe,1290,3
+muleshoe,1291,0
+muleshoe,1291,1
+muleshoe,1291,2
+muleshoe,1291,3
+muleshoe,1292,0
+muleshoe,1292,1
+muleshoe,1292,2
+muleshoe,1292,3
+muleshoe,1293,0
+muleshoe,1293,1
+muleshoe,1293,2
+muleshoe,1293,3
+muleshoe,1294,0
+muleshoe,1294,1
+muleshoe,1294,2
+muleshoe,1294,3
+muleshoe,1294,4
+muleshoe,1294,5
+muleshoe,1294,6
+muleshoe,1294,7
+muleshoe,1295,0
+muleshoe,1295,1
+muleshoe,1295,2
+muleshoe,1295,3
+muleshoe,1295,4
+muleshoe,1295,5
+muleshoe,1295,6
+muleshoe,1295,7
+muleshoe,1295,8
+muleshoe,1295,9
+muleshoe,1295,10
+muleshoe,1295,11
+muleshoe,1295,12
+muleshoe,1295,13
+muleshoe,1296,0
+muleshoe,1296,1
+muleshoe,1296,2
+muleshoe,1296,3
+muleshoe,1296,4
+muleshoe,1296,5
+muleshoe,1296,6
+muleshoe,1296,7
+muleshoe,1296,8
+muleshoe,1296,9
+muleshoe,1296,10
+muleshoe,1296,11
+muleshoe,1296,12
+muleshoe,1297,0
+muleshoe,1297,1
+muleshoe,1297,2
+muleshoe,1297,3
+muleshoe,1297,4
+muleshoe,1297,5
+muleshoe,1297,6
+muleshoe,1297,7
+muleshoe,1297,8
+muleshoe,1297,9
+muleshoe,1297,10
+muleshoe,1298,0
+muleshoe,1298,1
+muleshoe,1298,2
+muleshoe,1298,3
+muleshoe,1298,4
+muleshoe,1298,5
+muleshoe,1298,6
+muleshoe,1298,7
+muleshoe,1298,8
+muleshoe,1298,9
+muleshoe,1298,10
+muleshoe,1299,0
+muleshoe,1299,1
+muleshoe,1299,2
+muleshoe,1300,0
+muleshoe,1300,1
+muleshoe,1300,2
+muleshoe,1300,3
+muleshoe,1301,0
+muleshoe,1301,1
+muleshoe,1301,2
+muleshoe,1301,3
+muleshoe,1301,4
+muleshoe,1302,0
+muleshoe,1302,1
+muleshoe,1302,2
+muleshoe,1302,3
+muleshoe,1302,4
+muleshoe,1303,0
+muleshoe,1303,1
+muleshoe,1303,2
+muleshoe,1303,3
+muleshoe,1303,4
+muleshoe,1303,5
+muleshoe,1304,0
+muleshoe,1304,1
+muleshoe,1304,2
+muleshoe,1304,3
+muleshoe,1304,4
+muleshoe,1304,5
+muleshoe,1304,6
+muleshoe,1305,0
+muleshoe,1305,1
+muleshoe,1305,2
+muleshoe,1306,0
+muleshoe,1306,1
+muleshoe,1306,2
+muleshoe,1307,0
+muleshoe,1307,1
+muleshoe,1307,2
+muleshoe,1308,0
+muleshoe,1308,1
+muleshoe,1308,2
+muleshoe,1309,0
+muleshoe,1309,1
+muleshoe,1309,2
+muleshoe,1309,3
+muleshoe,1309,4
+muleshoe,1310,0
+muleshoe,1310,1
+muleshoe,1310,2
+muleshoe,1310,3
+muleshoe,1310,4
+muleshoe,1310,5
+muleshoe,1310,6
+muleshoe,1310,7
+muleshoe,1310,8
+muleshoe,1311,0
+muleshoe,1311,1
+muleshoe,1311,2
+muleshoe,1311,3
+muleshoe,1312,0
+muleshoe,1312,1
+muleshoe,1312,2
+muleshoe,1312,3
+muleshoe,1312,4
+muleshoe,1312,5
+muleshoe,1313,0
+muleshoe,1313,1
+muleshoe,1313,2
+muleshoe,1313,3
+muleshoe,1313,4
+muleshoe,1313,5
+muleshoe,1314,0
+muleshoe,1314,1
+muleshoe,1314,2
+muleshoe,1314,3
+muleshoe,1315,0
+muleshoe,1315,1
+muleshoe,1315,2
+muleshoe,1316,0
+muleshoe,1316,1
+muleshoe,1316,2
+muleshoe,1316,3
+muleshoe,1316,4
+muleshoe,1316,5
+muleshoe,1317,0
+muleshoe,1317,1
+muleshoe,1317,2
+muleshoe,1317,3
+muleshoe,1317,4
+muleshoe,1317,5
+muleshoe,1317,6
+muleshoe,1318,0
+muleshoe,1318,1
+muleshoe,1318,2
+muleshoe,1318,3
+muleshoe,1318,4
+muleshoe,1318,5
+muleshoe,1318,6
+muleshoe,1318,7
+muleshoe,1318,8
+muleshoe,1318,9
+muleshoe,1318,10
+muleshoe,1319,0
+muleshoe,1319,1
+muleshoe,1319,2
+muleshoe,1319,3
+muleshoe,1319,4
+muleshoe,1319,5
+muleshoe,1320,0
+muleshoe,1320,1
+muleshoe,1320,2
+muleshoe,1320,3
+muleshoe,1320,4
+muleshoe,1320,5
+muleshoe,1320,6
+muleshoe,1320,7
+muleshoe,1320,8
+muleshoe,1320,9
+muleshoe,1320,10
+muleshoe,1320,11
+muleshoe,1321,0
+muleshoe,1321,1
+muleshoe,1321,2
+muleshoe,1322,0
+muleshoe,1322,1
+muleshoe,1322,2
+muleshoe,1322,3
+muleshoe,1323,0
+muleshoe,1323,1
+muleshoe,1323,2
+muleshoe,1324,0
+muleshoe,1324,1
+muleshoe,1324,2
+muleshoe,1324,3
+muleshoe,1324,4
+muleshoe,1324,5
+muleshoe,1325,0
+muleshoe,1325,1
+muleshoe,1325,2
+muleshoe,1325,3
+muleshoe,1325,4
+muleshoe,1325,5
+muleshoe,1325,6
+muleshoe,1325,7
+muleshoe,1325,8
+muleshoe,1326,0
+muleshoe,1326,1
+muleshoe,1326,2
+muleshoe,1326,3
+muleshoe,1326,4
+muleshoe,1326,5
+muleshoe,1326,6
+muleshoe,1326,7
+muleshoe,1327,0
+muleshoe,1327,1
+muleshoe,1327,2
+muleshoe,1328,0
+muleshoe,1328,1
+muleshoe,1328,2
+muleshoe,1328,3
+muleshoe,1329,0
+muleshoe,1329,1
+muleshoe,1329,2
+muleshoe,1329,3
+muleshoe,1329,4
+muleshoe,1330,0
+muleshoe,1330,1
+muleshoe,1330,2
+muleshoe,1330,3
+muleshoe,1331,0
+muleshoe,1331,1
+muleshoe,1331,2
+muleshoe,1332,0
+muleshoe,1332,1
+muleshoe,1332,2
+muleshoe,1332,3
+muleshoe,1332,4
+muleshoe,1332,5
+muleshoe,1332,6
+muleshoe,1332,7
+muleshoe,1332,8
+muleshoe,1332,9
+muleshoe,1333,0
+muleshoe,1333,1
+muleshoe,1333,2
+muleshoe,1334,0
+muleshoe,1334,1
+muleshoe,1334,2
+muleshoe,1334,3
+muleshoe,1334,4
+muleshoe,1334,5
+muleshoe,1334,6
+muleshoe,1334,7
+muleshoe,1335,0
+muleshoe,1335,1
+muleshoe,1335,2
+muleshoe,1335,3
+muleshoe,1335,4
+muleshoe,1336,0
+muleshoe,1336,1
+muleshoe,1336,2
+muleshoe,1336,3
+muleshoe,1336,4
+muleshoe,1336,5
+muleshoe,1337,0
+muleshoe,1337,1
+muleshoe,1337,2
+muleshoe,1337,3
+muleshoe,1338,0
+muleshoe,1338,1
+muleshoe,1338,2
+muleshoe,1338,3
+muleshoe,1338,4
+muleshoe,1338,5
+muleshoe,1338,6
+muleshoe,1339,0
+muleshoe,1339,1
+muleshoe,1339,2
+muleshoe,1339,3
+muleshoe,1339,4
+muleshoe,1339,5
+muleshoe,1340,0
+muleshoe,1340,1
+muleshoe,1340,2
+muleshoe,1340,3
+muleshoe,1340,4
+muleshoe,1340,5
+muleshoe,1340,6
+muleshoe,1340,7
+muleshoe,1340,8
+muleshoe,1340,9
+muleshoe,1340,10
+muleshoe,1340,11
+muleshoe,1341,0
+muleshoe,1341,1
+muleshoe,1341,2
+muleshoe,1341,3
+muleshoe,1341,4
+muleshoe,1341,5
+muleshoe,1342,0
+muleshoe,1342,1
+muleshoe,1342,2
+muleshoe,1342,3
+muleshoe,1342,4
+muleshoe,1342,5
+muleshoe,1343,0
+muleshoe,1343,1
+muleshoe,1343,2
+muleshoe,1343,3
+muleshoe,1343,4
+muleshoe,1343,5
+muleshoe,1343,6
+muleshoe,1343,7
+muleshoe,1343,8
+muleshoe,1343,9
+muleshoe,1343,10
+muleshoe,1343,11
+muleshoe,1343,12
+muleshoe,1343,13
+muleshoe,1343,14
+muleshoe,1343,15
+muleshoe,1343,16
+muleshoe,1343,17
+muleshoe,1343,18
+muleshoe,1343,19
+muleshoe,1343,20
+muleshoe,1344,0
+muleshoe,1344,1
+muleshoe,1344,2
+muleshoe,1345,0
+muleshoe,1345,1
+muleshoe,1345,2
+muleshoe,1345,3
+muleshoe,1345,4
+muleshoe,1346,0
+muleshoe,1346,1
+muleshoe,1346,2
+muleshoe,1346,3
+muleshoe,1346,4
+muleshoe,1346,5
+muleshoe,1346,6
+muleshoe,1347,0
+muleshoe,1347,1
+muleshoe,1347,2
+muleshoe,1347,3
+muleshoe,1347,4
+muleshoe,1347,5
+muleshoe,1348,0
+muleshoe,1348,1
+muleshoe,1348,2
+muleshoe,1348,3
+muleshoe,1349,0
+muleshoe,1349,1
+muleshoe,1349,2
+muleshoe,1349,3
+muleshoe,1349,4
+muleshoe,1350,0
+muleshoe,1350,1
+muleshoe,1350,2
+muleshoe,1350,3
+muleshoe,1351,0
+muleshoe,1351,1
+muleshoe,1351,2
+muleshoe,1351,3
+muleshoe,1351,4
+muleshoe,1351,5
+muleshoe,1351,6
+muleshoe,1351,7
+muleshoe,1351,8
+muleshoe,1351,9
+muleshoe,1351,10
+muleshoe,1351,11
+muleshoe,1351,12
+muleshoe,1351,13
+muleshoe,1352,0
+muleshoe,1352,1
+muleshoe,1352,2
+muleshoe,1352,3
+muleshoe,1352,4
+muleshoe,1353,0
+muleshoe,1353,1
+muleshoe,1353,2
+muleshoe,1353,3
+muleshoe,1353,4
+muleshoe,1354,0
+muleshoe,1354,1
+muleshoe,1354,2
+muleshoe,1354,3
+muleshoe,1355,0
+muleshoe,1355,1
+muleshoe,1355,2
+muleshoe,1355,3
+muleshoe,1355,4
+muleshoe,1355,5
+muleshoe,1355,6
+muleshoe,1355,7
+muleshoe,1355,8
+muleshoe,1355,9
+muleshoe,1355,10
+muleshoe,1355,11
+muleshoe,1355,12
+muleshoe,1355,13
+muleshoe,1355,14
+muleshoe,1355,15
+muleshoe,1356,0
+muleshoe,1356,1
+muleshoe,1356,2
+muleshoe,1356,3
+muleshoe,1356,4
+muleshoe,1356,5
+muleshoe,1356,6
+muleshoe,1356,7
+muleshoe,1356,8
+muleshoe,1356,9
+muleshoe,1356,10
+muleshoe,1357,0
+muleshoe,1357,1
+muleshoe,1357,2
+muleshoe,1357,3
+muleshoe,1357,4
+muleshoe,1357,5
+muleshoe,1357,6
+muleshoe,1357,7
+muleshoe,1357,8
+muleshoe,1358,0
+muleshoe,1358,1
+muleshoe,1358,2
+muleshoe,1359,0
+muleshoe,1359,1
+muleshoe,1359,2
+muleshoe,1359,3
+muleshoe,1359,4
+muleshoe,1359,5
+muleshoe,1359,6
+muleshoe,1359,7
+muleshoe,1360,0
+muleshoe,1360,1
+muleshoe,1360,2
+muleshoe,1360,3
+muleshoe,1360,4
+muleshoe,1360,5
+muleshoe,1360,6
+muleshoe,1360,7
+muleshoe,1360,8
+muleshoe,1360,9
+muleshoe,1361,0
+muleshoe,1361,1
+muleshoe,1361,2
+muleshoe,1361,3
+muleshoe,1361,4
+muleshoe,1361,5
+muleshoe,1361,6
+muleshoe,1361,7
+muleshoe,1361,8
+muleshoe,1362,0
+muleshoe,1362,1
+muleshoe,1362,2
+muleshoe,1363,0
+muleshoe,1363,1
+muleshoe,1363,2
+muleshoe,1363,3
+muleshoe,1364,0
+muleshoe,1364,1
+muleshoe,1364,2
+muleshoe,1364,3
+muleshoe,1364,4
+muleshoe,1364,5
+muleshoe,1365,0
+muleshoe,1365,1
+muleshoe,1365,2
+muleshoe,1366,0
+muleshoe,1366,1
+muleshoe,1366,2
+muleshoe,1366,3
+muleshoe,1367,0
+muleshoe,1367,1
+muleshoe,1367,2
+muleshoe,1368,0
+muleshoe,1368,1
+muleshoe,1368,2
+muleshoe,1368,3
+muleshoe,1368,4
+muleshoe,1368,5
+muleshoe,1368,6
+muleshoe,1368,7
+muleshoe,1369,0
+muleshoe,1369,1
+muleshoe,1369,2
+muleshoe,1369,3
+muleshoe,1369,4
+muleshoe,1369,5
+muleshoe,1369,6
+muleshoe,1369,7
+muleshoe,1369,8
+muleshoe,1369,9
+muleshoe,1369,10
+muleshoe,1369,11
+muleshoe,1369,12
+muleshoe,1369,13
+muleshoe,1370,0
+muleshoe,1370,1
+muleshoe,1370,2
+muleshoe,1370,3
+muleshoe,1370,4
+muleshoe,1370,5
+muleshoe,1370,6
+muleshoe,1371,0
+muleshoe,1371,1
+muleshoe,1371,2
+muleshoe,1372,0
+muleshoe,1372,1
+muleshoe,1372,2
+muleshoe,1373,0
+muleshoe,1373,1
+muleshoe,1373,2
+muleshoe,1373,3
+muleshoe,1373,4
+muleshoe,1373,5
+muleshoe,1373,6
+muleshoe,1373,7
+muleshoe,1374,0
+muleshoe,1374,1
+muleshoe,1374,2
+muleshoe,1374,3
+muleshoe,1374,4
+muleshoe,1375,0
+muleshoe,1375,1
+muleshoe,1375,2
+muleshoe,1376,0
+muleshoe,1376,1
+muleshoe,1376,2
+muleshoe,1376,3
+muleshoe,1376,4
+muleshoe,1376,5
+muleshoe,1376,6
+muleshoe,1376,7
+muleshoe,1376,8
+muleshoe,1376,9
+muleshoe,1376,10
+muleshoe,1377,0
+muleshoe,1377,1
+muleshoe,1377,2
+muleshoe,1377,3
+muleshoe,1377,4
+muleshoe,1377,5
+muleshoe,1377,6
+muleshoe,1377,7
+muleshoe,1377,8
+muleshoe,1377,9
+muleshoe,1377,10
+muleshoe,1378,0
+muleshoe,1378,1
+muleshoe,1378,2
+muleshoe,1378,3
+muleshoe,1378,4
+muleshoe,1378,5
+muleshoe,1378,6
+muleshoe,1379,0
+muleshoe,1379,1
+muleshoe,1379,2
+muleshoe,1380,0
+muleshoe,1380,1
+muleshoe,1380,2
+muleshoe,1381,0
+muleshoe,1381,1
+muleshoe,1381,2
+muleshoe,1381,3
+muleshoe,1381,4
+muleshoe,1381,5
+muleshoe,1381,6
+muleshoe,1381,7
+muleshoe,1381,8
+muleshoe,1381,9
+muleshoe,1382,0
+muleshoe,1382,1
+muleshoe,1382,2
+muleshoe,1382,3
+muleshoe,1382,4
+muleshoe,1382,5
+muleshoe,1382,6
+muleshoe,1382,7
+muleshoe,1382,8
+muleshoe,1383,0
+muleshoe,1383,1
+muleshoe,1383,2
+muleshoe,1383,3
+muleshoe,1383,4
+muleshoe,1384,0
+muleshoe,1384,1
+muleshoe,1384,2
+muleshoe,1384,3
+muleshoe,1384,4
+muleshoe,1384,5
+muleshoe,1384,6
+muleshoe,1384,7
+muleshoe,1384,8
+muleshoe,1384,9
+muleshoe,1384,10
+muleshoe,1385,0
+muleshoe,1385,1
+muleshoe,1385,2
+muleshoe,1386,0
+muleshoe,1386,1
+muleshoe,1386,2
+muleshoe,1386,3
+muleshoe,1387,0
+muleshoe,1387,1
+muleshoe,1387,2
+muleshoe,1387,3
+muleshoe,1387,4
+muleshoe,1387,5
+muleshoe,1387,6
+muleshoe,1387,7
+muleshoe,1387,8
+muleshoe,1387,9
+muleshoe,1388,0
+muleshoe,1388,1
+muleshoe,1388,2
+muleshoe,1388,3
+muleshoe,1388,4
+muleshoe,1388,5
+muleshoe,1388,6
+muleshoe,1388,7
+muleshoe,1388,8
+muleshoe,1388,9
+muleshoe,1388,10
+muleshoe,1388,11
+muleshoe,1389,0
+muleshoe,1389,1
+muleshoe,1389,2
+muleshoe,1389,3
+muleshoe,1389,4
+muleshoe,1389,5
+muleshoe,1389,6
+muleshoe,1389,7
+muleshoe,1389,8
+muleshoe,1390,0
+muleshoe,1390,1
+muleshoe,1390,2
+muleshoe,1390,3
+muleshoe,1390,4
+muleshoe,1390,5
+muleshoe,1390,6
+muleshoe,1390,7
+muleshoe,1390,8
+muleshoe,1390,9
+muleshoe,1390,10
+muleshoe,1391,0
+muleshoe,1391,1
+muleshoe,1391,2
+muleshoe,1391,3
+muleshoe,1392,0
+muleshoe,1392,1
+muleshoe,1392,2
+muleshoe,1392,3
+muleshoe,1393,0
+muleshoe,1393,1
+muleshoe,1393,2
+muleshoe,1393,3
+muleshoe,1393,4
+muleshoe,1393,5
+muleshoe,1393,6
+muleshoe,1394,0
+muleshoe,1394,1
+muleshoe,1394,2
+muleshoe,1394,3
+muleshoe,1394,4
+muleshoe,1394,5
+muleshoe,1395,0
+muleshoe,1395,1
+muleshoe,1395,2
+muleshoe,1395,3
+muleshoe,1395,4
+muleshoe,1396,0
+muleshoe,1396,1
+muleshoe,1396,2
+muleshoe,1396,3
+muleshoe,1396,4
+muleshoe,1396,5
+muleshoe,1397,0
+muleshoe,1397,1
+muleshoe,1397,2
+muleshoe,1397,3
+muleshoe,1397,4
+muleshoe,1397,5
+muleshoe,1397,6
+muleshoe,1397,7
+muleshoe,1397,8
+muleshoe,1397,9
+muleshoe,1398,0
+muleshoe,1398,1
+muleshoe,1398,2
+muleshoe,1398,3
+muleshoe,1398,4
+muleshoe,1398,5
+muleshoe,1398,6
+muleshoe,1398,7
+muleshoe,1398,8
+muleshoe,1398,9
+muleshoe,1399,0
+muleshoe,1399,1
+muleshoe,1399,2
+muleshoe,1400,0
+muleshoe,1400,1
+muleshoe,1400,2
+muleshoe,1400,3
+muleshoe,1400,4
+muleshoe,1400,5
+muleshoe,1400,6
+muleshoe,1401,0
+muleshoe,1401,1
+muleshoe,1401,2
+muleshoe,1402,0
+muleshoe,1402,1
+muleshoe,1402,2
+muleshoe,1402,3
+muleshoe,1402,4
+muleshoe,1402,5
+muleshoe,1403,0
+muleshoe,1403,1
+muleshoe,1403,2
+muleshoe,1403,3
+muleshoe,1403,4
+muleshoe,1403,5
+muleshoe,1403,6
+muleshoe,1403,7
+muleshoe,1403,8
+muleshoe,1403,9
+muleshoe,1403,10
+muleshoe,1403,11
+muleshoe,1403,12
+muleshoe,1403,13
+muleshoe,1403,14
+muleshoe,1404,0
+muleshoe,1404,1
+muleshoe,1404,2
+muleshoe,1404,3
+muleshoe,1404,4
+muleshoe,1404,5
+muleshoe,1405,0
+muleshoe,1405,1
+muleshoe,1405,2
+muleshoe,1405,3
+muleshoe,1405,4
+muleshoe,1405,5
+muleshoe,1405,6
+muleshoe,1405,7
+muleshoe,1405,8
+muleshoe,1405,9
+muleshoe,1405,10
+muleshoe,1405,11
+muleshoe,1405,12
+muleshoe,1405,13
+muleshoe,1406,0
+muleshoe,1406,1
+muleshoe,1406,2
+muleshoe,1406,3
+muleshoe,1406,4
+muleshoe,1406,5
+muleshoe,1406,6
+muleshoe,1407,0
+muleshoe,1407,1
+muleshoe,1407,2
+muleshoe,1407,3
+muleshoe,1407,4
+muleshoe,1407,5
+muleshoe,1407,6
+muleshoe,1407,7
+muleshoe,1407,8
+muleshoe,1407,9
+muleshoe,1407,10
+muleshoe,1407,11
+muleshoe,1407,12
+muleshoe,1408,0
+muleshoe,1408,1
+muleshoe,1408,2
+muleshoe,1408,3
+muleshoe,1409,0
+muleshoe,1409,1
+muleshoe,1409,2
+muleshoe,1409,3
+muleshoe,1409,4
+muleshoe,1409,5
+muleshoe,1409,6
+muleshoe,1409,7
+muleshoe,1410,0
+muleshoe,1410,1
+muleshoe,1410,2
+muleshoe,1410,3
+muleshoe,1410,4
+muleshoe,1410,5
+muleshoe,1411,0
+muleshoe,1411,1
+muleshoe,1411,2
+muleshoe,1411,3
+muleshoe,1411,4
+muleshoe,1411,5
+muleshoe,1411,6
+muleshoe,1411,7
+muleshoe,1411,8
+muleshoe,1411,9
+muleshoe,1412,0
+muleshoe,1412,1
+muleshoe,1412,2
+muleshoe,1413,0
+muleshoe,1413,1
+muleshoe,1413,2
+muleshoe,1413,3
+muleshoe,1413,4
+muleshoe,1413,5
+muleshoe,1413,6
+muleshoe,1413,7
+muleshoe,1413,8
+muleshoe,1413,9
+muleshoe,1413,10
+muleshoe,1413,11
+muleshoe,1414,0
+muleshoe,1414,1
+muleshoe,1414,2
+muleshoe,1414,3
+muleshoe,1414,4
+muleshoe,1414,5
+muleshoe,1414,6
+muleshoe,1414,7
+muleshoe,1414,8
+muleshoe,1414,9
+muleshoe,1415,0
+muleshoe,1415,1
+muleshoe,1415,2
+muleshoe,1415,3
+muleshoe,1415,4
+muleshoe,1415,5
+muleshoe,1415,6
+muleshoe,1415,7
+muleshoe,1415,8
+muleshoe,1415,9
+muleshoe,1415,10
+muleshoe,1415,11
+muleshoe,1415,12
+muleshoe,1416,0
+muleshoe,1416,1
+muleshoe,1416,2
+muleshoe,1416,3
+muleshoe,1416,4
+muleshoe,1416,5
+muleshoe,1416,6
+muleshoe,1417,0
+muleshoe,1417,1
+muleshoe,1417,2
+muleshoe,1418,0
+muleshoe,1418,1
+muleshoe,1418,2
+muleshoe,1419,0
+muleshoe,1419,1
+muleshoe,1419,2
+muleshoe,1419,3
+muleshoe,1419,4
+muleshoe,1419,5
+muleshoe,1419,6
+muleshoe,1419,7
+muleshoe,1419,8
+muleshoe,1419,9
+muleshoe,1419,10
+muleshoe,1419,11
+muleshoe,1420,0
+muleshoe,1420,1
+muleshoe,1420,2
+muleshoe,1420,3
+muleshoe,1420,4
+muleshoe,1420,5
+muleshoe,1420,6
+muleshoe,1420,7
+muleshoe,1420,8
+muleshoe,1421,0
+muleshoe,1421,1
+muleshoe,1421,2
+muleshoe,1421,3
+muleshoe,1421,4
+muleshoe,1421,5
+muleshoe,1421,6
+muleshoe,1421,7
+muleshoe,1421,8
+muleshoe,1421,9
+muleshoe,1421,10
+muleshoe,1421,11
+muleshoe,1422,0
+muleshoe,1422,1
+muleshoe,1422,2
+muleshoe,1422,3
+muleshoe,1423,0
+muleshoe,1423,1
+muleshoe,1423,2
+muleshoe,1423,3
+muleshoe,1424,0
+muleshoe,1424,1
+muleshoe,1424,2
+muleshoe,1425,0
+muleshoe,1425,1
+muleshoe,1425,2
+muleshoe,1426,0
+muleshoe,1426,1
+muleshoe,1426,2
+muleshoe,1426,3
+muleshoe,1426,4
+muleshoe,1426,5
+muleshoe,1426,6
+muleshoe,1427,0
+muleshoe,1427,1
+muleshoe,1427,2
+muleshoe,1427,3
+muleshoe,1427,4
+muleshoe,1427,5
+muleshoe,1427,6
+muleshoe,1427,7
+muleshoe,1427,8
+muleshoe,1427,9
+muleshoe,1427,10
+muleshoe,1428,0
+muleshoe,1428,1
+muleshoe,1428,2
+muleshoe,1428,3
+muleshoe,1428,4
+muleshoe,1428,5
+muleshoe,1428,6
+muleshoe,1428,7
+muleshoe,1428,8
+muleshoe,1428,9
+muleshoe,1428,10
+muleshoe,1428,11
+muleshoe,1429,0
+muleshoe,1429,1
+muleshoe,1429,2
+muleshoe,1429,3
+muleshoe,1429,4
+muleshoe,1430,0
+muleshoe,1430,1
+muleshoe,1430,2
+muleshoe,1430,3
+muleshoe,1430,4
+muleshoe,1430,5
+muleshoe,1431,0
+muleshoe,1431,1
+muleshoe,1431,2
+muleshoe,1431,3
+muleshoe,1431,4
+muleshoe,1431,5
+muleshoe,1431,6
+muleshoe,1432,0
+muleshoe,1432,1
+muleshoe,1432,2
+muleshoe,1432,3
+muleshoe,1432,4
+muleshoe,1432,5
+muleshoe,1432,6
+muleshoe,1432,7
+muleshoe,1432,8
+muleshoe,1432,9
+muleshoe,1433,0
+muleshoe,1433,1
+muleshoe,1433,2
+muleshoe,1433,3
+muleshoe,1433,4
+muleshoe,1433,5
+muleshoe,1433,6
+muleshoe,1433,7
+muleshoe,1433,8
+muleshoe,1434,0
+muleshoe,1434,1
+muleshoe,1434,2
+muleshoe,1434,3
+muleshoe,1434,4
+muleshoe,1434,5
+muleshoe,1434,6
+muleshoe,1434,7
+muleshoe,1434,8
+muleshoe,1434,9
+muleshoe,1434,10
+muleshoe,1434,11
+muleshoe,1434,12
+muleshoe,1434,13
+muleshoe,1434,14
+muleshoe,1435,0
+muleshoe,1435,1
+muleshoe,1435,2
+muleshoe,1436,0
+muleshoe,1436,1
+muleshoe,1436,2
+muleshoe,1436,3
+muleshoe,1436,4
+muleshoe,1436,5
+muleshoe,1437,0
+muleshoe,1437,1
+muleshoe,1437,2
+muleshoe,1437,3
+muleshoe,1437,4
+muleshoe,1437,5
+muleshoe,1437,6
+muleshoe,1437,7
+muleshoe,1438,0
+muleshoe,1438,1
+muleshoe,1438,2
+muleshoe,1439,0
+muleshoe,1439,1
+muleshoe,1439,2
+muleshoe,1439,3
+muleshoe,1440,0
+muleshoe,1440,1
+muleshoe,1440,2
+muleshoe,1441,0
+muleshoe,1441,1
+muleshoe,1441,2
+muleshoe,1441,3
+muleshoe,1442,0
+muleshoe,1442,1
+muleshoe,1442,2
+muleshoe,1442,3
+muleshoe,1443,0
+muleshoe,1443,1
+muleshoe,1443,2
+muleshoe,1444,0
+muleshoe,1444,1
+muleshoe,1444,2
+muleshoe,1444,3
+muleshoe,1444,4
+muleshoe,1444,5
+muleshoe,1444,6
+muleshoe,1445,0
+muleshoe,1445,1
+muleshoe,1445,2
+muleshoe,1445,3
+muleshoe,1445,4
+muleshoe,1445,5
+muleshoe,1446,0
+muleshoe,1446,1
+muleshoe,1446,2
+muleshoe,1446,3
+muleshoe,1447,0
+muleshoe,1447,1
+muleshoe,1447,2
+muleshoe,1447,3
+muleshoe,1447,4
+muleshoe,1447,5
+muleshoe,1448,0
+muleshoe,1448,1
+muleshoe,1448,2
+muleshoe,1448,3
+muleshoe,1448,4
+muleshoe,1448,5
+muleshoe,1448,6
+muleshoe,1449,0
+muleshoe,1449,1
+muleshoe,1449,2
+muleshoe,1449,3
+muleshoe,1449,4
+muleshoe,1449,5
+muleshoe,1449,6
+muleshoe,1449,7
+muleshoe,1449,8
+muleshoe,1449,9
+muleshoe,1450,0
+muleshoe,1450,1
+muleshoe,1450,2
+muleshoe,1450,3
+muleshoe,1450,4
+muleshoe,1451,0
+muleshoe,1451,1
+muleshoe,1451,2
+muleshoe,1451,3
+muleshoe,1451,4
+muleshoe,1451,5
+muleshoe,1452,0
+muleshoe,1452,1
+muleshoe,1452,2
+muleshoe,1452,3
+muleshoe,1453,0
+muleshoe,1453,1
+muleshoe,1453,2
+muleshoe,1453,3
+muleshoe,1453,4
+muleshoe,1453,5
+muleshoe,1453,6
+muleshoe,1453,7
+muleshoe,1454,0
+muleshoe,1454,1
+muleshoe,1454,2
+muleshoe,1454,3
+muleshoe,1454,4
+muleshoe,1454,5
+muleshoe,1455,0
+muleshoe,1455,1
+muleshoe,1455,2
+muleshoe,1455,3
+muleshoe,1455,4
+muleshoe,1456,0
+muleshoe,1456,1
+muleshoe,1456,2
+muleshoe,1456,3
+muleshoe,1457,0
+muleshoe,1457,1
+muleshoe,1457,2
+muleshoe,1457,3
+muleshoe,1457,4
+muleshoe,1457,5
+muleshoe,1457,6
+muleshoe,1457,7
+muleshoe,1457,8
+muleshoe,1457,9
+muleshoe,1457,10
+muleshoe,1457,11
+muleshoe,1457,12
+muleshoe,1457,13
+muleshoe,1457,14
+muleshoe,1458,0
+muleshoe,1458,1
+muleshoe,1458,2
+muleshoe,1458,3
+muleshoe,1459,0
+muleshoe,1459,1
+muleshoe,1459,2
+muleshoe,1459,3
+muleshoe,1459,4
+muleshoe,1459,5
+muleshoe,1459,6
+muleshoe,1459,7
+muleshoe,1460,0
+muleshoe,1460,1
+muleshoe,1460,2
+muleshoe,1460,3
+muleshoe,1461,0
+muleshoe,1461,1
+muleshoe,1461,2
+muleshoe,1461,3
+muleshoe,1461,4
+muleshoe,1461,5
+muleshoe,1461,6
+muleshoe,1461,7
+muleshoe,1461,8
+muleshoe,1461,9
+muleshoe,1461,10
+muleshoe,1461,11
+muleshoe,1461,12
+muleshoe,1461,13
+muleshoe,1461,14
+muleshoe,1461,15
+muleshoe,1461,16
+muleshoe,1461,17
+muleshoe,1461,18
+muleshoe,1462,0
+muleshoe,1462,1
+muleshoe,1462,2
+muleshoe,1463,0
+muleshoe,1463,1
+muleshoe,1463,2
+muleshoe,1463,3
+muleshoe,1463,4
+muleshoe,1463,5
+muleshoe,1464,0
+muleshoe,1464,1
+muleshoe,1464,2
+muleshoe,1464,3
+muleshoe,1464,4
+muleshoe,1464,5
+muleshoe,1464,6
+muleshoe,1464,7
+muleshoe,1464,8
+muleshoe,1464,9
+muleshoe,1465,0
+muleshoe,1465,1
+muleshoe,1465,2
+muleshoe,1465,3
+muleshoe,1465,4
+muleshoe,1465,5
+muleshoe,1465,6
+muleshoe,1465,7
+muleshoe,1465,8
+muleshoe,1465,9
+muleshoe,1466,0
+muleshoe,1466,1
+muleshoe,1466,2
+muleshoe,1466,3
+muleshoe,1466,4
+muleshoe,1466,5
+muleshoe,1467,0
+muleshoe,1467,1
+muleshoe,1467,2
+muleshoe,1467,3
+muleshoe,1467,4
+muleshoe,1467,5
+muleshoe,1467,6
+muleshoe,1467,7
+muleshoe,1467,8
+muleshoe,1467,9
+muleshoe,1468,0
+muleshoe,1468,1
+muleshoe,1468,2
+muleshoe,1468,3
+muleshoe,1468,4
+muleshoe,1469,0
+muleshoe,1469,1
+muleshoe,1469,2
+muleshoe,1469,3
+muleshoe,1470,0
+muleshoe,1470,1
+muleshoe,1470,2
+muleshoe,1470,3
+muleshoe,1470,4
+muleshoe,1470,5
+muleshoe,1470,6
+muleshoe,1470,7
+muleshoe,1470,8
+muleshoe,1470,9
+muleshoe,1470,10
+muleshoe,1470,11
+muleshoe,1470,12
+muleshoe,1470,13
+muleshoe,1470,14
+muleshoe,1471,0
+muleshoe,1471,1
+muleshoe,1471,2
+muleshoe,1471,3
+muleshoe,1471,4
+muleshoe,1471,5
+muleshoe,1471,6
+muleshoe,1471,7
+muleshoe,1471,8
+muleshoe,1471,9
+muleshoe,1472,0
+muleshoe,1472,1
+muleshoe,1472,2
+muleshoe,1472,3
+muleshoe,1473,0
+muleshoe,1473,1
+muleshoe,1473,2
+muleshoe,1473,3
+muleshoe,1473,4
+muleshoe,1473,5
+muleshoe,1474,0
+muleshoe,1474,1
+muleshoe,1474,2
+muleshoe,1475,0
+muleshoe,1475,1
+muleshoe,1475,2
+muleshoe,1475,3
+muleshoe,1475,4
+muleshoe,1476,0
+muleshoe,1476,1
+muleshoe,1476,2
+muleshoe,1476,3
+muleshoe,1476,4
+muleshoe,1476,5
+muleshoe,1477,0
+muleshoe,1477,1
+muleshoe,1477,2
+muleshoe,1477,3
+muleshoe,1477,4
+muleshoe,1477,5
+muleshoe,1477,6
+muleshoe,1477,7
+muleshoe,1478,0
+muleshoe,1478,1
+muleshoe,1478,2
+muleshoe,1478,3
+muleshoe,1478,4
+muleshoe,1478,5
+muleshoe,1478,6
+muleshoe,1478,7
+muleshoe,1478,8
+muleshoe,1479,0
+muleshoe,1479,1
+muleshoe,1479,2
+muleshoe,1479,3
+muleshoe,1479,4
+muleshoe,1479,5
+muleshoe,1479,6
+muleshoe,1479,7
+muleshoe,1479,8
+muleshoe,1479,9
+muleshoe,1480,0
+muleshoe,1480,1
+muleshoe,1480,2
+muleshoe,1480,3
+muleshoe,1481,0
+muleshoe,1481,1
+muleshoe,1481,2
+muleshoe,1482,0
+muleshoe,1482,1
+muleshoe,1482,2
+muleshoe,1482,3
+muleshoe,1482,4
+muleshoe,1482,5
+muleshoe,1482,6
+muleshoe,1482,7
+muleshoe,1483,0
+muleshoe,1483,1
+muleshoe,1483,2
+muleshoe,1483,3
+muleshoe,1483,4
+muleshoe,1484,0
+muleshoe,1484,1
+muleshoe,1484,2
+muleshoe,1484,3
+muleshoe,1484,4
+muleshoe,1484,5
+muleshoe,1484,6
+muleshoe,1485,0
+muleshoe,1485,1
+muleshoe,1485,2
+muleshoe,1485,3
+muleshoe,1486,0
+muleshoe,1486,1
+muleshoe,1486,2
+muleshoe,1486,3
+muleshoe,1486,4
+muleshoe,1486,5
+muleshoe,1486,6
+muleshoe,1486,7
+muleshoe,1486,8
+muleshoe,1487,0
+muleshoe,1487,1
+muleshoe,1487,2
+muleshoe,1487,3
+muleshoe,1487,4
+muleshoe,1487,5
+muleshoe,1487,6
+muleshoe,1488,0
+muleshoe,1488,1
+muleshoe,1488,2
+muleshoe,1488,3
+muleshoe,1488,4
+muleshoe,1488,5
+muleshoe,1488,6
+muleshoe,1488,7
+muleshoe,1488,8
+muleshoe,1488,9
+muleshoe,1488,10
+muleshoe,1489,0
+muleshoe,1489,1
+muleshoe,1489,2
+muleshoe,1489,3
+muleshoe,1489,4
+muleshoe,1489,5
+muleshoe,1489,6
+muleshoe,1489,7
+muleshoe,1489,8
+muleshoe,1489,9
+muleshoe,1489,10
+muleshoe,1489,11
+muleshoe,1489,12
+muleshoe,1490,0
+muleshoe,1490,1
+muleshoe,1490,2
+muleshoe,1491,0
+muleshoe,1491,1
+muleshoe,1491,2
+muleshoe,1491,3
+muleshoe,1491,4
+muleshoe,1491,5
+muleshoe,1491,6
+muleshoe,1491,7
+muleshoe,1491,8
+muleshoe,1491,9
+muleshoe,1491,10
+muleshoe,1491,11
+muleshoe,1491,12
+muleshoe,1491,13
+muleshoe,1492,0
+muleshoe,1492,1
+muleshoe,1492,2
+muleshoe,1492,3
+muleshoe,1492,4
+muleshoe,1492,5
+muleshoe,1492,6
+muleshoe,1493,0
+muleshoe,1493,1
+muleshoe,1493,2
+muleshoe,1493,3
+muleshoe,1493,4
+muleshoe,1493,5
+muleshoe,1493,6
+muleshoe,1493,7
+muleshoe,1493,8
+muleshoe,1493,9
+muleshoe,1493,10
+muleshoe,1493,11
+muleshoe,1494,0
+muleshoe,1494,1
+muleshoe,1494,2
+muleshoe,1494,3
+muleshoe,1495,0
+muleshoe,1495,1
+muleshoe,1495,2
+muleshoe,1495,3
+muleshoe,1495,4
+muleshoe,1495,5
+muleshoe,1495,6
+muleshoe,1496,0
+muleshoe,1496,1
+muleshoe,1496,2
+muleshoe,1496,3
+muleshoe,1496,4
+muleshoe,1496,5
+muleshoe,1496,6
+muleshoe,1497,0
+muleshoe,1497,1
+muleshoe,1497,2
+muleshoe,1498,0
+muleshoe,1498,1
+muleshoe,1498,2
+muleshoe,1499,0
+muleshoe,1499,1
+muleshoe,1499,2
+muleshoe,1500,0
+muleshoe,1500,1
+muleshoe,1500,2
+muleshoe,1500,3
+muleshoe,1500,4
+muleshoe,1500,5
+muleshoe,1500,6
+muleshoe,1501,0
+muleshoe,1501,1
+muleshoe,1501,2
+muleshoe,1501,3
+muleshoe,1502,0
+muleshoe,1502,1
+muleshoe,1502,2
+muleshoe,1502,3
+muleshoe,1502,4
+muleshoe,1502,5
+muleshoe,1502,6
+muleshoe,1502,7
+muleshoe,1502,8
+muleshoe,1502,9
+muleshoe,1502,10
+muleshoe,1502,11
+muleshoe,1502,12
+muleshoe,1502,13
+muleshoe,1503,0
+muleshoe,1503,1
+muleshoe,1503,2
+muleshoe,1503,3
+muleshoe,1503,4
+muleshoe,1503,5
+muleshoe,1503,6
+muleshoe,1503,7
+muleshoe,1503,8
+muleshoe,1503,9
+muleshoe,1504,0
+muleshoe,1504,1
+muleshoe,1504,2
+muleshoe,1504,3
+muleshoe,1505,0
+muleshoe,1505,1
+muleshoe,1505,2
+muleshoe,1505,3
+muleshoe,1505,4
+muleshoe,1505,5
+muleshoe,1505,6
+muleshoe,1505,7
+muleshoe,1505,8
+muleshoe,1505,9
+muleshoe,1506,0
+muleshoe,1506,1
+muleshoe,1506,2
+muleshoe,1506,3
+muleshoe,1506,4
+muleshoe,1506,5
+muleshoe,1506,6
+muleshoe,1506,7
+muleshoe,1507,0
+muleshoe,1507,1
+muleshoe,1507,2
+muleshoe,1507,3
+muleshoe,1507,4
+muleshoe,1507,5
+muleshoe,1508,0
+muleshoe,1508,1
+muleshoe,1508,2
+muleshoe,1508,3
+muleshoe,1508,4
+muleshoe,1508,5
+muleshoe,1508,6
+muleshoe,1508,7
+muleshoe,1508,8
+muleshoe,1508,9
+muleshoe,1508,10
+muleshoe,1509,0
+muleshoe,1509,1
+muleshoe,1509,2
+muleshoe,1509,3
+muleshoe,1509,4
+muleshoe,1510,0
+muleshoe,1510,1
+muleshoe,1510,2
+muleshoe,1510,3
+muleshoe,1510,4
+muleshoe,1510,5
+muleshoe,1511,0
+muleshoe,1511,1
+muleshoe,1511,2
+muleshoe,1512,0
+muleshoe,1512,1
+muleshoe,1512,2
+muleshoe,1512,3
+muleshoe,1512,4
+muleshoe,1512,5
+muleshoe,1512,6
+muleshoe,1512,7
+muleshoe,1513,0
+muleshoe,1513,1
+muleshoe,1513,2
+muleshoe,1514,0
+muleshoe,1514,1
+muleshoe,1514,2
+muleshoe,1515,0
+muleshoe,1515,1
+muleshoe,1515,2
+muleshoe,1515,3
+muleshoe,1515,4
+muleshoe,1515,5
+muleshoe,1515,6
+muleshoe,1515,7
+muleshoe,1515,8
+muleshoe,1515,9
+muleshoe,1516,0
+muleshoe,1516,1
+muleshoe,1516,2
+muleshoe,1517,0
+muleshoe,1517,1
+muleshoe,1517,2
+muleshoe,1517,3
+muleshoe,1518,0
+muleshoe,1518,1
+muleshoe,1518,2
+muleshoe,1518,3
+muleshoe,1518,4
+muleshoe,1518,5
+muleshoe,1518,6
+muleshoe,1518,7
+muleshoe,1518,8
+muleshoe,1519,0
+muleshoe,1519,1
+muleshoe,1519,2
+muleshoe,1519,3
+muleshoe,1519,4
+muleshoe,1519,5
+muleshoe,1519,6
+muleshoe,1519,7
+muleshoe,1519,8
+muleshoe,1519,9
+muleshoe,1519,10
+muleshoe,1519,11
+muleshoe,1519,12
+muleshoe,1519,13
+muleshoe,1519,14
+muleshoe,1519,15
+muleshoe,1519,16
+muleshoe,1519,17
+muleshoe,1519,18
+muleshoe,1519,19
+muleshoe,1519,20
+muleshoe,1520,0
+muleshoe,1520,1
+muleshoe,1520,2
+muleshoe,1520,3
+muleshoe,1520,4
+muleshoe,1520,5
+muleshoe,1520,6
+muleshoe,1520,7
+muleshoe,1521,0
+muleshoe,1521,1
+muleshoe,1521,2
+muleshoe,1521,3
+muleshoe,1521,4
+muleshoe,1521,5
+muleshoe,1521,6
+muleshoe,1521,7
+muleshoe,1521,8
+muleshoe,1521,9
+muleshoe,1522,0
+muleshoe,1522,1
+muleshoe,1522,2
+muleshoe,1523,0
+muleshoe,1523,1
+muleshoe,1523,2
+muleshoe,1523,3
+muleshoe,1523,4
+muleshoe,1523,5
+muleshoe,1524,0
+muleshoe,1524,1
+muleshoe,1524,2
+muleshoe,1524,3
+muleshoe,1524,4
+muleshoe,1524,5
+muleshoe,1524,6
+muleshoe,1524,7
+muleshoe,1524,8
+muleshoe,1525,0
+muleshoe,1525,1
+muleshoe,1525,2
+muleshoe,1525,3
+muleshoe,1525,4
+muleshoe,1525,5
+muleshoe,1526,0
+muleshoe,1526,1
+muleshoe,1526,2
+muleshoe,1526,3
+muleshoe,1526,4
+muleshoe,1527,0
+muleshoe,1527,1
+muleshoe,1527,2
+muleshoe,1527,3
+muleshoe,1527,4
+muleshoe,1527,5
+muleshoe,1528,0
+muleshoe,1528,1
+muleshoe,1528,2
+muleshoe,1528,3
+muleshoe,1528,4
+muleshoe,1529,0
+muleshoe,1529,1
+muleshoe,1529,2
+muleshoe,1530,0
+muleshoe,1530,1
+muleshoe,1530,2
+muleshoe,1531,0
+muleshoe,1531,1
+muleshoe,1531,2
+muleshoe,1531,3
+muleshoe,1531,4
+muleshoe,1532,0
+muleshoe,1532,1
+muleshoe,1532,2
+muleshoe,1532,3
+muleshoe,1532,4
+muleshoe,1532,5
+muleshoe,1533,0
+muleshoe,1533,1
+muleshoe,1533,2
+muleshoe,1534,0
+muleshoe,1534,1
+muleshoe,1534,2
+muleshoe,1534,3
+muleshoe,1535,0
+muleshoe,1535,1
+muleshoe,1535,2
+muleshoe,1535,3
+muleshoe,1535,4
+muleshoe,1535,5
+muleshoe,1535,6
+muleshoe,1535,7
+muleshoe,1535,8
+muleshoe,1535,9
+muleshoe,1535,10
+muleshoe,1535,11
+muleshoe,1535,12
+muleshoe,1535,13
+muleshoe,1536,0
+muleshoe,1536,1
+muleshoe,1536,2
+muleshoe,1536,3
+muleshoe,1536,4
+muleshoe,1536,5
+muleshoe,1537,0
+muleshoe,1537,1
+muleshoe,1537,2
+muleshoe,1537,3
+muleshoe,1538,0
+muleshoe,1538,1
+muleshoe,1538,2
+muleshoe,1538,3
+muleshoe,1538,4
+muleshoe,1538,5
+muleshoe,1538,6
+muleshoe,1538,7
+muleshoe,1539,0
+muleshoe,1539,1
+muleshoe,1539,2
+muleshoe,1539,3
+muleshoe,1539,4
+muleshoe,1539,5
+muleshoe,1540,0
+muleshoe,1540,1
+muleshoe,1540,2
+muleshoe,1540,3
+muleshoe,1540,4
+muleshoe,1540,5
+muleshoe,1541,0
+muleshoe,1541,1
+muleshoe,1541,2
+muleshoe,1541,3
+muleshoe,1541,4
+muleshoe,1541,5
+muleshoe,1541,6
+muleshoe,1541,7
+muleshoe,1541,8
+muleshoe,1541,9
+muleshoe,1541,10
+muleshoe,1541,11
+muleshoe,1541,12
+muleshoe,1542,0
+muleshoe,1542,1
+muleshoe,1542,2
+muleshoe,1542,3
+muleshoe,1542,4
+muleshoe,1542,5
+muleshoe,1543,0
+muleshoe,1543,1
+muleshoe,1543,2
+muleshoe,1543,3
+muleshoe,1543,4
+muleshoe,1543,5
+muleshoe,1543,6
+muleshoe,1543,7
+muleshoe,1543,8
+muleshoe,1543,9
+muleshoe,1543,10
+muleshoe,1543,11
+muleshoe,1543,12
+muleshoe,1543,13
+muleshoe,1543,14
+muleshoe,1543,15
+muleshoe,1543,16
+muleshoe,1543,17
+muleshoe,1544,0
+muleshoe,1544,1
+muleshoe,1544,2
+muleshoe,1544,3
+muleshoe,1544,4
+muleshoe,1546,0
+muleshoe,1546,1
+muleshoe,1546,2
+muleshoe,1546,3
+muleshoe,1546,4
+muleshoe,1546,5
+muleshoe,1546,6
+muleshoe,1546,7
+muleshoe,1546,8
+muleshoe,1546,9
+muleshoe,1546,10
+muleshoe,1546,11
+muleshoe,1546,12
+muleshoe,1547,0
+muleshoe,1547,1
+muleshoe,1547,2
+muleshoe,1548,0
+muleshoe,1548,1
+muleshoe,1548,2
+muleshoe,1548,3
+muleshoe,1548,4
+muleshoe,1548,5
+muleshoe,1548,6
+muleshoe,1548,7
+muleshoe,1548,8
+muleshoe,1548,9
+muleshoe,1548,10
+muleshoe,1549,0
+muleshoe,1549,1
+muleshoe,1549,2
+muleshoe,1549,3
+muleshoe,1549,4
+muleshoe,1549,5
+muleshoe,1549,6
+muleshoe,1549,7
+muleshoe,1550,0
+muleshoe,1550,1
+muleshoe,1550,2
+muleshoe,1550,3
+muleshoe,1550,4
+muleshoe,1550,5
+muleshoe,1550,6
+muleshoe,1551,0
+muleshoe,1551,1
+muleshoe,1551,2
+muleshoe,1551,3
+muleshoe,1552,0
+muleshoe,1552,1
+muleshoe,1552,2
+muleshoe,1552,3
+muleshoe,1553,0
+muleshoe,1553,1
+muleshoe,1553,2
+muleshoe,1553,3
+muleshoe,1553,4
+muleshoe,1553,5
+muleshoe,1553,6
+muleshoe,1553,7
+muleshoe,1554,0
+muleshoe,1554,1
+muleshoe,1554,2
+muleshoe,1554,3
+muleshoe,1554,4
+muleshoe,1554,5
+muleshoe,1554,6
+muleshoe,1554,7
+muleshoe,1554,8
+muleshoe,1554,9
+muleshoe,1555,0
+muleshoe,1555,1
+muleshoe,1555,2
+muleshoe,1555,3
+muleshoe,1555,4
+muleshoe,1555,5
+muleshoe,1555,6
+muleshoe,1555,7
+muleshoe,1555,8
+muleshoe,1555,9
+muleshoe,1555,10
+muleshoe,1556,0
+muleshoe,1556,1
+muleshoe,1556,2
+muleshoe,1556,3
+muleshoe,1556,4
+muleshoe,1556,5
+muleshoe,1556,6
+muleshoe,1556,7
+muleshoe,1556,8
+muleshoe,1556,9
+muleshoe,1556,10
+muleshoe,1556,11
+muleshoe,1556,12
+muleshoe,1556,13
+muleshoe,1556,14
+muleshoe,1556,15
+muleshoe,1556,16
+muleshoe,1556,17
+muleshoe,1556,18
+muleshoe,1556,19
+muleshoe,1556,20
+muleshoe,1557,0
+muleshoe,1557,1
+muleshoe,1557,2
+muleshoe,1557,3
+muleshoe,1557,4
+muleshoe,1558,0
+muleshoe,1558,1
+muleshoe,1558,2
+muleshoe,1559,0
+muleshoe,1559,1
+muleshoe,1559,2
+muleshoe,1559,3
+muleshoe,1559,4
+muleshoe,1559,5
+muleshoe,1559,6
+muleshoe,1559,7
+muleshoe,1559,8
+muleshoe,1559,9
+muleshoe,1559,10
+muleshoe,1559,11
+muleshoe,1560,0
+muleshoe,1560,1
+muleshoe,1560,2
+muleshoe,1560,3
+muleshoe,1560,4
+muleshoe,1560,5
+muleshoe,1560,6
+muleshoe,1560,7
+muleshoe,1560,8
+muleshoe,1560,9
+muleshoe,1560,10
+muleshoe,1560,11
+muleshoe,1560,12
+muleshoe,1561,0
+muleshoe,1561,1
+muleshoe,1561,2
+muleshoe,1562,0
+muleshoe,1562,1
+muleshoe,1562,2
+muleshoe,1562,3
+muleshoe,1562,4
+muleshoe,1562,5
+muleshoe,1562,6
+muleshoe,1562,7
+muleshoe,1562,8
+muleshoe,1563,0
+muleshoe,1563,1
+muleshoe,1563,2
+muleshoe,1563,3
+muleshoe,1563,4
+muleshoe,1563,5
+muleshoe,1564,0
+muleshoe,1564,1
+muleshoe,1564,2
+muleshoe,1564,3
+muleshoe,1565,0
+muleshoe,1565,1
+muleshoe,1565,2
+muleshoe,1565,3
+muleshoe,1566,0
+muleshoe,1566,1
+muleshoe,1566,2
+muleshoe,1566,3
+muleshoe,1566,4
+muleshoe,1566,5
+muleshoe,1567,0
+muleshoe,1567,1
+muleshoe,1567,2
+muleshoe,1567,3
+muleshoe,1567,4
+muleshoe,1567,5
+muleshoe,1567,6
+muleshoe,1567,7
+muleshoe,1567,8
+muleshoe,1567,9
+muleshoe,1567,10
+muleshoe,1567,11
+muleshoe,1567,12
+muleshoe,1567,13
+muleshoe,1567,14
+muleshoe,1567,15
+muleshoe,1568,0
+muleshoe,1568,1
+muleshoe,1568,2
+muleshoe,1568,3
+muleshoe,1568,4
+muleshoe,1568,5
+muleshoe,1568,6
+muleshoe,1568,7
+muleshoe,1569,0
+muleshoe,1569,1
+muleshoe,1569,2
+muleshoe,1569,3
+muleshoe,1570,0
+muleshoe,1570,1
+muleshoe,1570,2
+muleshoe,1570,3
+muleshoe,1570,4
+muleshoe,1570,5
+muleshoe,1570,6
+muleshoe,1570,7
+muleshoe,1570,8
+muleshoe,1570,9
+muleshoe,1570,10
+muleshoe,1570,11
+muleshoe,1571,0
+muleshoe,1571,1
+muleshoe,1571,2
+muleshoe,1571,3
+muleshoe,1571,4
+muleshoe,1571,5
+muleshoe,1571,6
+muleshoe,1571,7
+muleshoe,1572,0
+muleshoe,1572,1
+muleshoe,1572,2
+muleshoe,1572,3
+muleshoe,1572,4
+muleshoe,1573,0
+muleshoe,1573,1
+muleshoe,1573,2
+muleshoe,1574,0
+muleshoe,1574,1
+muleshoe,1574,2
+muleshoe,1574,3
+muleshoe,1574,4
+muleshoe,1574,5
+muleshoe,1574,6
+muleshoe,1574,7
+muleshoe,1574,8
+muleshoe,1574,9
+muleshoe,1575,0
+muleshoe,1575,1
+muleshoe,1575,2
+muleshoe,1575,3
+muleshoe,1576,0
+muleshoe,1576,1
+muleshoe,1576,2
+muleshoe,1577,0
+muleshoe,1577,1
+muleshoe,1577,2
+muleshoe,1577,3
+muleshoe,1577,4
+muleshoe,1577,5
+muleshoe,1577,6
+muleshoe,1577,7
+muleshoe,1577,8
+muleshoe,1577,9
+muleshoe,1578,0
+muleshoe,1578,1
+muleshoe,1578,2
+muleshoe,1578,3
+muleshoe,1578,4
+muleshoe,1578,5
+muleshoe,1579,0
+muleshoe,1579,1
+muleshoe,1579,2
+muleshoe,1579,3
+muleshoe,1579,4
+muleshoe,1579,5
+muleshoe,1580,0
+muleshoe,1580,1
+muleshoe,1580,2
+muleshoe,1580,3
+muleshoe,1581,0
+muleshoe,1581,1
+muleshoe,1581,2
+muleshoe,1582,0
+muleshoe,1582,1
+muleshoe,1582,2
+muleshoe,1582,3
+muleshoe,1582,4
+muleshoe,1582,5
+muleshoe,1582,6
+muleshoe,1582,7
+muleshoe,1582,8
+muleshoe,1582,9
+muleshoe,1582,10
+muleshoe,1582,11
+muleshoe,1582,12
+muleshoe,1582,13
+muleshoe,1582,14
+muleshoe,1582,15
+muleshoe,1583,0
+muleshoe,1583,1
+muleshoe,1583,2
+muleshoe,1583,3
+muleshoe,1583,4
+muleshoe,1583,5
+muleshoe,1583,6
+muleshoe,1584,0
+muleshoe,1584,1
+muleshoe,1584,2
+muleshoe,1584,3
+muleshoe,1585,0
+muleshoe,1585,1
+muleshoe,1585,2
+muleshoe,1585,3
+muleshoe,1585,4
+muleshoe,1585,5
+muleshoe,1585,6
+muleshoe,1585,7
+muleshoe,1586,0
+muleshoe,1586,1
+muleshoe,1586,2
+muleshoe,1586,3
+muleshoe,1587,0
+muleshoe,1587,1
+muleshoe,1587,2
+muleshoe,1588,0
+muleshoe,1588,1
+muleshoe,1588,2
+muleshoe,1588,3
+muleshoe,1589,0
+muleshoe,1589,1
+muleshoe,1589,2
+muleshoe,1590,0
+muleshoe,1590,1
+muleshoe,1590,2
+muleshoe,1590,3
+muleshoe,1590,4
+muleshoe,1591,0
+muleshoe,1591,1
+muleshoe,1591,2
+muleshoe,1592,0
+muleshoe,1592,1
+muleshoe,1592,2
+muleshoe,1592,3
+muleshoe,1593,0
+muleshoe,1593,1
+muleshoe,1593,2
+muleshoe,1594,0
+muleshoe,1594,1
+muleshoe,1594,2
+muleshoe,1594,3
+muleshoe,1594,4
+muleshoe,1594,5
+muleshoe,1594,6
+muleshoe,1594,7
+muleshoe,1594,8
+muleshoe,1594,9
+muleshoe,1594,10
+muleshoe,1594,11
+muleshoe,1594,12
+muleshoe,1594,13
+muleshoe,1594,14
+muleshoe,1595,0
+muleshoe,1595,1
+muleshoe,1595,2
+muleshoe,1595,3
+muleshoe,1595,4
+muleshoe,1595,5
+muleshoe,1595,6
+muleshoe,1596,0
+muleshoe,1596,1
+muleshoe,1596,2
+muleshoe,1596,3
+muleshoe,1596,4
+muleshoe,1596,5
+muleshoe,1597,0
+muleshoe,1597,1
+muleshoe,1597,2
+muleshoe,1597,3
+muleshoe,1597,4
+muleshoe,1597,5
+muleshoe,1597,6
+muleshoe,1597,7
+muleshoe,1598,0
+muleshoe,1598,1
+muleshoe,1598,2
+muleshoe,1598,3
+muleshoe,1598,4
+muleshoe,1598,5
+muleshoe,1598,6
+muleshoe,1598,7
+muleshoe,1599,0
+muleshoe,1599,1
+muleshoe,1599,2
+muleshoe,1599,3
+muleshoe,1599,4
+muleshoe,1599,5
+muleshoe,1599,6
+muleshoe,1599,7
+muleshoe,1599,8
+muleshoe,1599,9
+muleshoe,1599,10
+muleshoe,1599,11
+muleshoe,1600,0
+muleshoe,1600,1
+muleshoe,1600,2
+muleshoe,1600,3
+muleshoe,1600,4
+muleshoe,1600,5
+muleshoe,1600,6
+muleshoe,1600,7
+muleshoe,1600,8
+muleshoe,1601,0
+muleshoe,1601,1
+muleshoe,1601,2
+muleshoe,1601,3
+muleshoe,1602,0
+muleshoe,1602,1
+muleshoe,1602,2
+muleshoe,1603,0
+muleshoe,1603,1
+muleshoe,1603,2
+muleshoe,1603,3
+muleshoe,1603,4
+muleshoe,1603,5
+muleshoe,1603,6
+muleshoe,1603,7
+muleshoe,1603,8
+muleshoe,1603,9
+muleshoe,1603,10
+muleshoe,1603,11
+muleshoe,1603,12
+muleshoe,1603,13
+muleshoe,1603,14
+muleshoe,1604,0
+muleshoe,1604,1
+muleshoe,1604,2
+muleshoe,1605,0
+muleshoe,1605,1
+muleshoe,1605,2
+muleshoe,1605,3
+muleshoe,1605,4
+muleshoe,1606,0
+muleshoe,1606,1
+muleshoe,1606,2
+muleshoe,1606,3
+muleshoe,1606,4
+muleshoe,1606,5
+muleshoe,1606,6
+muleshoe,1607,0
+muleshoe,1607,1
+muleshoe,1607,2
+muleshoe,1607,3
+muleshoe,1608,0
+muleshoe,1608,1
+muleshoe,1608,2
+muleshoe,1609,0
+muleshoe,1609,1
+muleshoe,1609,2
+muleshoe,1609,3
+muleshoe,1609,4
+muleshoe,1609,5
+muleshoe,1609,6
+muleshoe,1609,7
+muleshoe,1610,0
+muleshoe,1610,1
+muleshoe,1610,2
+muleshoe,1610,3
+muleshoe,1610,4
+muleshoe,1610,5
+muleshoe,1610,6
+muleshoe,1610,7
+muleshoe,1610,8
+muleshoe,1611,0
+muleshoe,1611,1
+muleshoe,1611,2
+muleshoe,1611,3
+muleshoe,1612,0
+muleshoe,1612,1
+muleshoe,1612,2
+muleshoe,1612,3
+muleshoe,1612,4
+muleshoe,1612,5
+muleshoe,1612,6
+muleshoe,1613,0
+muleshoe,1613,1
+muleshoe,1613,2
+muleshoe,1613,3
+muleshoe,1613,4
+muleshoe,1614,0
+muleshoe,1614,1
+muleshoe,1614,2
+muleshoe,1614,3
+muleshoe,1614,4
+muleshoe,1614,5
+muleshoe,1614,6
+muleshoe,1615,0
+muleshoe,1615,1
+muleshoe,1615,2
+muleshoe,1615,3
+muleshoe,1615,4
+muleshoe,1616,0
+muleshoe,1616,1
+muleshoe,1616,2
+muleshoe,1616,3
+muleshoe,1616,4
+muleshoe,1617,0
+muleshoe,1617,1
+muleshoe,1617,2
+muleshoe,1617,3
+muleshoe,1618,0
+muleshoe,1618,1
+muleshoe,1618,2
+muleshoe,1618,3
+muleshoe,1618,4
+muleshoe,1618,5
+muleshoe,1618,6
+muleshoe,1618,7
+muleshoe,1618,8
+muleshoe,1618,9
+muleshoe,1618,10
+muleshoe,1619,0
+muleshoe,1619,1
+muleshoe,1619,2
+muleshoe,1619,3
+muleshoe,1620,0
+muleshoe,1620,1
+muleshoe,1620,2
+muleshoe,1620,3
+muleshoe,1620,4
+muleshoe,1620,5
+muleshoe,1620,6
+muleshoe,1620,7
+muleshoe,1620,8
+muleshoe,1620,9
+muleshoe,1621,0
+muleshoe,1621,1
+muleshoe,1621,2
+muleshoe,1622,0
+muleshoe,1622,1
+muleshoe,1622,2
+muleshoe,1622,3
+muleshoe,1623,0
+muleshoe,1623,1
+muleshoe,1623,2
+muleshoe,1623,3
+muleshoe,1624,0
+muleshoe,1624,1
+muleshoe,1624,2
+muleshoe,1624,3
+muleshoe,1624,4
+muleshoe,1624,5
+muleshoe,1624,6
+muleshoe,1624,7
+muleshoe,1624,8
+muleshoe,1624,9
+muleshoe,1625,0
+muleshoe,1625,1
+muleshoe,1625,2
+muleshoe,1626,0
+muleshoe,1626,1
+muleshoe,1626,2
+muleshoe,1627,0
+muleshoe,1627,1
+muleshoe,1627,2
+muleshoe,1628,0
+muleshoe,1628,1
+muleshoe,1628,2
+muleshoe,1628,3
+muleshoe,1628,4
+muleshoe,1628,5
+muleshoe,1628,6
+muleshoe,1628,7
+muleshoe,1628,8
+muleshoe,1628,9
+muleshoe,1628,10
+muleshoe,1628,11
+muleshoe,1628,12
+muleshoe,1628,13
+muleshoe,1629,0
+muleshoe,1629,1
+muleshoe,1629,2
+muleshoe,1629,3
+muleshoe,1629,4
+muleshoe,1630,0
+muleshoe,1630,1
+muleshoe,1630,2
+muleshoe,1630,3
+muleshoe,1630,4
+muleshoe,1631,0
+muleshoe,1631,1
+muleshoe,1631,2
+muleshoe,1632,0
+muleshoe,1632,1
+muleshoe,1632,2
+muleshoe,1633,0
+muleshoe,1633,1
+muleshoe,1633,2
+muleshoe,1633,3
+muleshoe,1634,0
+muleshoe,1634,1
+muleshoe,1634,2
+muleshoe,1634,3
+muleshoe,1634,4
+muleshoe,1634,5
+muleshoe,1635,0
+muleshoe,1635,1
+muleshoe,1635,2
+muleshoe,1636,0
+muleshoe,1636,1
+muleshoe,1636,2
+muleshoe,1636,3
+muleshoe,1636,4
+muleshoe,1637,0
+muleshoe,1637,1
+muleshoe,1637,2
+muleshoe,1637,3
+muleshoe,1637,4
+muleshoe,1638,0
+muleshoe,1638,1
+muleshoe,1638,2
+muleshoe,1638,3
+muleshoe,1638,4
+muleshoe,1638,5
+muleshoe,1638,6
+muleshoe,1638,7
+muleshoe,1638,8
+muleshoe,1638,9
+muleshoe,1638,10
+muleshoe,1638,11
+muleshoe,1639,0
+muleshoe,1639,1
+muleshoe,1639,2
+muleshoe,1639,3
+muleshoe,1639,4
+muleshoe,1639,5
+muleshoe,1640,0
+muleshoe,1640,1
+muleshoe,1640,2
+muleshoe,1640,3
+muleshoe,1641,0
+muleshoe,1641,1
+muleshoe,1641,2
+muleshoe,1641,3
+muleshoe,1641,4
+muleshoe,1642,0
+muleshoe,1642,1
+muleshoe,1642,2
+muleshoe,1642,3
+muleshoe,1642,4
+muleshoe,1642,5
+muleshoe,1642,6
+muleshoe,1642,7
+muleshoe,1642,8
+muleshoe,1642,9
+muleshoe,1643,0
+muleshoe,1643,1
+muleshoe,1643,2
+muleshoe,1643,3
+muleshoe,1643,4
+muleshoe,1643,5
+muleshoe,1643,6
+muleshoe,1643,7
+muleshoe,1643,8
+muleshoe,1644,0
+muleshoe,1644,1
+muleshoe,1644,2
+muleshoe,1644,3
+muleshoe,1645,0
+muleshoe,1645,1
+muleshoe,1645,2
+muleshoe,1645,3
+muleshoe,1645,4
+muleshoe,1645,5
+muleshoe,1645,6
+muleshoe,1645,7
+muleshoe,1645,8
+muleshoe,1645,9
+muleshoe,1645,10
+muleshoe,1646,0
+muleshoe,1646,1
+muleshoe,1646,2
+muleshoe,1646,3
+muleshoe,1646,4
+muleshoe,1646,5
+muleshoe,1646,6
+muleshoe,1646,7
+muleshoe,1646,8
+muleshoe,1647,0
+muleshoe,1647,1
+muleshoe,1647,2
+muleshoe,1647,3
+muleshoe,1647,4
+muleshoe,1647,5
+muleshoe,1647,6
+muleshoe,1648,0
+muleshoe,1648,1
+muleshoe,1648,2
+muleshoe,1648,3
+muleshoe,1648,4
+muleshoe,1648,5
+muleshoe,1649,0
+muleshoe,1649,1
+muleshoe,1649,2
+muleshoe,1649,3
+muleshoe,1650,0
+muleshoe,1650,1
+muleshoe,1650,2
+muleshoe,1650,3
+muleshoe,1651,0
+muleshoe,1651,1
+muleshoe,1651,2
+muleshoe,1652,0
+muleshoe,1652,1
+muleshoe,1652,2
+muleshoe,1652,3
+muleshoe,1652,4
+muleshoe,1652,5
+muleshoe,1652,6
+muleshoe,1652,7
+muleshoe,1652,8
+muleshoe,1652,9
+muleshoe,1652,10
+muleshoe,1652,11
+muleshoe,1652,12
+muleshoe,1652,13
+muleshoe,1652,14
+muleshoe,1653,0
+muleshoe,1653,1
+muleshoe,1653,2
+muleshoe,1653,3
+muleshoe,1654,0
+muleshoe,1654,1
+muleshoe,1654,2
+muleshoe,1655,0
+muleshoe,1655,1
+muleshoe,1655,2
+muleshoe,1655,3
+muleshoe,1655,4
+muleshoe,1655,5
+muleshoe,1655,6
+muleshoe,1656,0
+muleshoe,1656,1
+muleshoe,1656,2
+muleshoe,1656,3
+muleshoe,1657,0
+muleshoe,1657,1
+muleshoe,1657,2
+muleshoe,1657,3
+muleshoe,1657,4
+muleshoe,1657,5
+muleshoe,1657,6
+muleshoe,1658,0
+muleshoe,1658,1
+muleshoe,1658,2
+muleshoe,1658,3
+muleshoe,1658,4
+muleshoe,1658,5
+muleshoe,1659,0
+muleshoe,1659,1
+muleshoe,1659,2
+muleshoe,1659,3
+muleshoe,1660,0
+muleshoe,1660,1
+muleshoe,1660,2
+muleshoe,1661,0
+muleshoe,1661,1
+muleshoe,1661,2
+muleshoe,1662,0
+muleshoe,1662,1
+muleshoe,1662,2
+muleshoe,1663,0
+muleshoe,1663,1
+muleshoe,1663,2
+muleshoe,1664,0
+muleshoe,1664,1
+muleshoe,1664,2
+muleshoe,1664,3
+muleshoe,1664,4
+muleshoe,1664,5
+muleshoe,1664,6
+muleshoe,1664,7
+muleshoe,1664,8
+muleshoe,1664,9
+muleshoe,1665,0
+muleshoe,1665,1
+muleshoe,1665,2
+muleshoe,1665,3
+muleshoe,1665,4
+muleshoe,1665,5
+muleshoe,1665,6
+muleshoe,1665,7
+muleshoe,1666,0
+muleshoe,1666,1
+muleshoe,1666,2
+muleshoe,1666,3
+muleshoe,1667,0
+muleshoe,1667,1
+muleshoe,1667,2
+muleshoe,1667,3
+muleshoe,1668,0
+muleshoe,1668,1
+muleshoe,1668,2
+muleshoe,1669,0
+muleshoe,1669,1
+muleshoe,1669,2
+muleshoe,1670,0
+muleshoe,1670,1
+muleshoe,1670,2
+muleshoe,1670,3
+muleshoe,1670,4
+muleshoe,1671,0
+muleshoe,1671,1
+muleshoe,1671,2
+muleshoe,1671,3
+muleshoe,1672,0
+muleshoe,1672,1
+muleshoe,1672,2
+muleshoe,1672,3
+muleshoe,1673,0
+muleshoe,1673,1
+muleshoe,1673,2
+muleshoe,1673,3
+muleshoe,1673,4
+muleshoe,1674,0
+muleshoe,1674,1
+muleshoe,1674,2
+muleshoe,1674,3
+muleshoe,1674,4
+muleshoe,1674,5
+muleshoe,1674,6
+muleshoe,1674,7
+muleshoe,1674,8
+muleshoe,1674,9
+muleshoe,1674,10
+muleshoe,1674,11
+muleshoe,1674,12
+muleshoe,1674,13
+muleshoe,1674,14
+muleshoe,1675,0
+muleshoe,1675,1
+muleshoe,1675,2
+muleshoe,1676,0
+muleshoe,1676,1
+muleshoe,1676,2
+muleshoe,1676,3
+muleshoe,1676,4
+muleshoe,1676,5
+muleshoe,1677,0
+muleshoe,1677,1
+muleshoe,1677,2
+muleshoe,1677,3
+muleshoe,1677,4
+muleshoe,1677,5
+muleshoe,1677,6
+muleshoe,1677,7
+muleshoe,1678,0
+muleshoe,1678,1
+muleshoe,1678,2
+muleshoe,1678,3
+muleshoe,1678,4
+muleshoe,1678,5
+muleshoe,1679,0
+muleshoe,1679,1
+muleshoe,1679,2
+muleshoe,1680,0
+muleshoe,1680,1
+muleshoe,1680,2
+muleshoe,1680,3
+muleshoe,1680,4
+muleshoe,1680,5
+muleshoe,1680,6
+muleshoe,1680,7
+muleshoe,1680,8
+muleshoe,1681,0
+muleshoe,1681,1
+muleshoe,1681,2
+muleshoe,1681,3
+muleshoe,1682,0
+muleshoe,1682,1
+muleshoe,1682,2
+muleshoe,1682,3
+muleshoe,1682,4
+muleshoe,1682,5
+muleshoe,1682,6
+muleshoe,1682,7
+muleshoe,1682,8
+muleshoe,1682,9
+muleshoe,1683,0
+muleshoe,1683,1
+muleshoe,1683,2
+muleshoe,1683,3
+muleshoe,1683,4
+muleshoe,1683,5
+muleshoe,1683,6
+muleshoe,1683,7
+muleshoe,1684,0
+muleshoe,1684,1
+muleshoe,1684,2
+muleshoe,1684,3
+muleshoe,1685,0
+muleshoe,1685,1
+muleshoe,1685,2
+muleshoe,1685,3
+muleshoe,1685,4
+muleshoe,1685,5
+muleshoe,1685,6
+muleshoe,1685,7
+muleshoe,1685,8
+muleshoe,1686,0
+muleshoe,1686,1
+muleshoe,1686,2
+muleshoe,1686,3
+muleshoe,1686,4
+muleshoe,1686,5
+muleshoe,1686,6
+muleshoe,1686,7
+muleshoe,1686,8
+muleshoe,1686,9
+muleshoe,1686,10
+muleshoe,1687,0
+muleshoe,1687,1
+muleshoe,1687,2
+muleshoe,1687,3
+muleshoe,1688,0
+muleshoe,1688,1
+muleshoe,1688,2
+muleshoe,1688,3
+muleshoe,1689,0
+muleshoe,1689,1
+muleshoe,1689,2
+muleshoe,1689,3
+muleshoe,1689,4
+muleshoe,1689,5
+muleshoe,1689,6
+muleshoe,1689,7
+muleshoe,1689,8
+muleshoe,1689,9
+muleshoe,1689,10
+muleshoe,1690,0
+muleshoe,1690,1
+muleshoe,1690,2
+muleshoe,1691,0
+muleshoe,1691,1
+muleshoe,1691,2
+muleshoe,1691,3
+muleshoe,1691,4
+muleshoe,1691,5
+muleshoe,1691,6
+muleshoe,1691,7
+muleshoe,1691,8
+muleshoe,1691,9
+muleshoe,1691,10
+muleshoe,1692,0
+muleshoe,1692,1
+muleshoe,1692,2
+muleshoe,1692,3
+muleshoe,1692,4
+muleshoe,1692,5
+muleshoe,1692,6
+muleshoe,1693,0
+muleshoe,1693,1
+muleshoe,1693,2
+muleshoe,1693,3
+muleshoe,1693,4
+muleshoe,1693,5
+muleshoe,1693,6
+muleshoe,1694,0
+muleshoe,1694,1
+muleshoe,1694,2
+muleshoe,1694,3
+muleshoe,1694,4
+muleshoe,1694,5
+muleshoe,1694,6
+muleshoe,1695,0
+muleshoe,1695,1
+muleshoe,1695,2
+muleshoe,1695,3
+muleshoe,1695,4
+muleshoe,1696,0
+muleshoe,1696,1
+muleshoe,1696,2
+muleshoe,1696,3
+muleshoe,1697,0
+muleshoe,1697,1
+muleshoe,1697,2
+muleshoe,1697,3
+muleshoe,1697,4
+muleshoe,1697,5
+muleshoe,1697,6
+muleshoe,1697,7
+muleshoe,1697,8
+muleshoe,1697,9
+muleshoe,1697,10
+muleshoe,1697,11
+muleshoe,1698,0
+muleshoe,1698,1
+muleshoe,1698,2
+muleshoe,1698,3
+muleshoe,1698,4
+muleshoe,1699,0
+muleshoe,1699,1
+muleshoe,1699,2
+muleshoe,1700,0
+muleshoe,1700,1
+muleshoe,1700,2
+muleshoe,1701,0
+muleshoe,1701,1
+muleshoe,1701,2
+muleshoe,1702,0
+muleshoe,1702,1
+muleshoe,1702,2
+muleshoe,1702,3
+muleshoe,1702,4
+muleshoe,1702,5
+muleshoe,1703,0
+muleshoe,1703,1
+muleshoe,1703,2
+muleshoe,1703,3
+muleshoe,1704,0
+muleshoe,1704,1
+muleshoe,1704,2
+muleshoe,1705,0
+muleshoe,1705,1
+muleshoe,1705,2
+muleshoe,1705,3
+muleshoe,1705,4
+muleshoe,1705,5
+muleshoe,1706,0
+muleshoe,1706,1
+muleshoe,1706,2
+muleshoe,1706,3
+muleshoe,1706,4
+muleshoe,1706,5
+muleshoe,1706,6
+muleshoe,1706,7
+muleshoe,1706,8
+muleshoe,1706,9
+muleshoe,1706,10
+muleshoe,1707,0
+muleshoe,1707,1
+muleshoe,1707,2
+muleshoe,1707,3
+muleshoe,1708,0
+muleshoe,1708,1
+muleshoe,1708,2
+muleshoe,1708,3
+muleshoe,1708,4
+muleshoe,1708,5
+muleshoe,1709,0
+muleshoe,1709,1
+muleshoe,1709,2
+muleshoe,1709,3
+muleshoe,1709,4
+muleshoe,1709,5
+muleshoe,1709,6
+muleshoe,1709,7
+muleshoe,1709,8
+muleshoe,1709,9
+muleshoe,1710,0
+muleshoe,1710,1
+muleshoe,1710,2
+muleshoe,1711,0
+muleshoe,1711,1
+muleshoe,1711,2
+muleshoe,1711,3
+muleshoe,1711,4
+muleshoe,1711,5
+muleshoe,1711,6
+muleshoe,1712,0
+muleshoe,1712,1
+muleshoe,1712,2
+muleshoe,1712,3
+muleshoe,1712,4
+muleshoe,1712,5
+muleshoe,1712,6
+muleshoe,1712,7
+muleshoe,1712,8
+muleshoe,1712,9
+muleshoe,1712,10
+muleshoe,1712,11
+muleshoe,1713,0
+muleshoe,1713,1
+muleshoe,1713,2
+muleshoe,1713,3
+muleshoe,1713,4
+muleshoe,1713,5
+muleshoe,1713,6
+muleshoe,1714,0
+muleshoe,1714,1
+muleshoe,1714,2
+muleshoe,1714,3
+muleshoe,1714,4
+muleshoe,1714,5
+muleshoe,1714,6
+muleshoe,1714,7
+muleshoe,1715,0
+muleshoe,1715,1
+muleshoe,1715,2
+muleshoe,1715,3
+muleshoe,1716,0
+muleshoe,1716,1
+muleshoe,1716,2
+muleshoe,1716,3
+muleshoe,1716,4
+muleshoe,1716,5
+muleshoe,1716,6
+muleshoe,1716,7
+muleshoe,1717,0
+muleshoe,1717,1
+muleshoe,1717,2
+muleshoe,1717,3
+muleshoe,1717,4
+muleshoe,1718,0
+muleshoe,1718,1
+muleshoe,1718,2
+muleshoe,1718,3
+muleshoe,1718,4
+muleshoe,1719,0
+muleshoe,1719,1
+muleshoe,1719,2
+muleshoe,1719,3
+muleshoe,1720,0
+muleshoe,1720,1
+muleshoe,1720,2
+muleshoe,1720,3
+muleshoe,1720,4
+muleshoe,1720,5
+muleshoe,1720,6
+muleshoe,1720,7
+muleshoe,1721,0
+muleshoe,1721,1
+muleshoe,1721,2
+muleshoe,1722,0
+muleshoe,1722,1
+muleshoe,1722,2
+muleshoe,1722,3
+muleshoe,1722,4
+muleshoe,1722,5
+muleshoe,1723,0
+muleshoe,1723,1
+muleshoe,1723,2
+muleshoe,1724,0
+muleshoe,1724,1
+muleshoe,1724,2
+muleshoe,1724,3
+muleshoe,1724,4
+muleshoe,1724,5
+muleshoe,1725,0
+muleshoe,1725,1
+muleshoe,1725,2
+muleshoe,1725,3
+muleshoe,1725,4
+muleshoe,1725,5
+muleshoe,1726,0
+muleshoe,1726,1
+muleshoe,1726,2
+muleshoe,1726,3
+muleshoe,1726,4
+muleshoe,1726,5
+muleshoe,1727,0
+muleshoe,1727,1
+muleshoe,1727,2
+muleshoe,1727,3
+muleshoe,1727,4
+muleshoe,1728,0
+muleshoe,1728,1
+muleshoe,1728,2
+muleshoe,1728,3
+muleshoe,1728,4
+muleshoe,1728,5
+muleshoe,1728,6
+muleshoe,1728,7
+muleshoe,1728,8
+muleshoe,1728,9
+muleshoe,1728,10
+muleshoe,1729,0
+muleshoe,1729,1
+muleshoe,1729,2
+muleshoe,1729,3
+muleshoe,1729,4
+muleshoe,1729,5
+muleshoe,1729,6
+muleshoe,1729,7
+muleshoe,1729,8
+muleshoe,1730,0
+muleshoe,1730,1
+muleshoe,1730,2
+muleshoe,1730,3
+muleshoe,1730,4
+muleshoe,1731,0
+muleshoe,1731,1
+muleshoe,1731,2
+muleshoe,1731,3
+muleshoe,1731,4
+muleshoe,1731,5
+muleshoe,1731,6
+muleshoe,1731,7
+muleshoe,1732,0
+muleshoe,1732,1
+muleshoe,1732,2
+muleshoe,1732,3
+muleshoe,1732,4
+muleshoe,1732,5
+muleshoe,1732,6
+muleshoe,1732,7
+muleshoe,1733,0
+muleshoe,1733,1
+muleshoe,1733,2
+muleshoe,1733,3
+muleshoe,1733,4
+muleshoe,1734,0
+muleshoe,1734,1
+muleshoe,1734,2
+muleshoe,1734,3
+muleshoe,1734,4
+muleshoe,1734,5
+muleshoe,1735,0
+muleshoe,1735,1
+muleshoe,1735,2
+muleshoe,1736,0
+muleshoe,1736,1
+muleshoe,1736,2
+muleshoe,1736,3
+muleshoe,1736,4
+muleshoe,1736,5
+muleshoe,1736,6
+muleshoe,1736,7
+muleshoe,1737,0
+muleshoe,1737,1
+muleshoe,1737,2
+muleshoe,1737,3
+muleshoe,1737,4
+muleshoe,1737,5
+muleshoe,1737,6
+muleshoe,1738,0
+muleshoe,1738,1
+muleshoe,1738,2
+muleshoe,1739,0
+muleshoe,1739,1
+muleshoe,1739,2
+muleshoe,1739,3
+muleshoe,1739,4
+muleshoe,1739,5
+muleshoe,1739,6
+muleshoe,1739,7
+muleshoe,1740,0
+muleshoe,1740,1
+muleshoe,1740,2
+muleshoe,1740,3
+muleshoe,1740,4
+muleshoe,1740,5
+muleshoe,1741,0
+muleshoe,1741,1
+muleshoe,1741,2
+muleshoe,1741,3
+muleshoe,1741,4
+muleshoe,1741,5
+muleshoe,1741,6
+muleshoe,1741,7
+muleshoe,1741,8
+muleshoe,1742,0
+muleshoe,1742,1
+muleshoe,1742,2
+muleshoe,1742,3
+muleshoe,1743,0
+muleshoe,1743,1
+muleshoe,1743,2
+muleshoe,1744,0
+muleshoe,1744,1
+muleshoe,1744,2
+muleshoe,1744,3
+muleshoe,1744,4
+muleshoe,1744,5
+muleshoe,1744,6
+muleshoe,1745,0
+muleshoe,1745,1
+muleshoe,1745,2
+muleshoe,1745,3
+muleshoe,1745,4
+muleshoe,1745,5
+muleshoe,1745,6
+muleshoe,1745,7
+muleshoe,1745,8
+muleshoe,1746,0
+muleshoe,1746,1
+muleshoe,1746,2
+muleshoe,1746,3
+muleshoe,1746,4
+muleshoe,1746,5
+muleshoe,1747,0
+muleshoe,1747,1
+muleshoe,1747,2
+muleshoe,1748,0
+muleshoe,1748,1
+muleshoe,1748,2
+muleshoe,1749,0
+muleshoe,1749,1
+muleshoe,1749,2
+muleshoe,1749,3
+muleshoe,1749,4
+muleshoe,1750,0
+muleshoe,1750,1
+muleshoe,1750,2
+muleshoe,1750,3
+muleshoe,1750,4
+muleshoe,1750,5
+muleshoe,1750,6
+muleshoe,1750,7
+muleshoe,1750,8
+muleshoe,1750,9
+muleshoe,1751,0
+muleshoe,1751,1
+muleshoe,1751,2
+muleshoe,1752,0
+muleshoe,1752,1
+muleshoe,1752,2
+muleshoe,1752,3
+muleshoe,1752,4
+muleshoe,1753,0
+muleshoe,1753,1
+muleshoe,1753,2
+muleshoe,1754,0
+muleshoe,1754,1
+muleshoe,1754,2
+muleshoe,1754,3
+muleshoe,1754,4
+muleshoe,1754,5
+muleshoe,1755,0
+muleshoe,1755,1
+muleshoe,1755,2
+muleshoe,1755,3
+muleshoe,1755,4
+muleshoe,1755,5
+muleshoe,1755,6
+muleshoe,1755,7
+muleshoe,1756,0
+muleshoe,1756,1
+muleshoe,1756,2
+muleshoe,1756,3
+muleshoe,1757,0
+muleshoe,1757,1
+muleshoe,1757,2
+muleshoe,1757,3
+muleshoe,1757,4
+muleshoe,1758,0
+muleshoe,1758,1
+muleshoe,1758,2
+muleshoe,1758,3
+muleshoe,1759,0
+muleshoe,1759,1
+muleshoe,1759,2
+muleshoe,1759,3
+muleshoe,1759,4
+uvalda,0,0
+uvalda,0,1
+uvalda,0,2
+uvalda,0,3
+uvalda,1,0
+uvalda,1,1
+uvalda,1,2
+uvalda,2,0
+uvalda,2,1
+uvalda,2,2
+uvalda,2,3
+uvalda,2,4
+uvalda,3,0
+uvalda,3,1
+uvalda,3,2
+uvalda,3,3
+uvalda,3,4
+uvalda,4,0
+uvalda,4,1
+uvalda,4,2
+uvalda,5,0
+uvalda,5,1
+uvalda,5,2
+uvalda,5,3
+uvalda,5,4
+uvalda,5,5
+uvalda,5,6
+uvalda,6,0
+uvalda,6,1
+uvalda,6,2
+uvalda,6,3
+uvalda,7,0
+uvalda,7,1
+uvalda,7,2
+uvalda,7,3
+uvalda,7,4
+uvalda,7,5
+uvalda,7,6
+uvalda,7,7
+uvalda,7,8
+uvalda,7,9
+uvalda,8,0
+uvalda,8,1
+uvalda,8,2
+uvalda,9,0
+uvalda,9,1
+uvalda,9,2
+uvalda,9,3
+uvalda,9,4
+uvalda,9,5
+uvalda,10,0
+uvalda,10,1
+uvalda,10,2
+uvalda,10,3
+uvalda,10,4
+uvalda,10,5
+uvalda,10,6
+uvalda,10,7
+uvalda,10,8
+uvalda,10,9
+uvalda,11,0
+uvalda,11,1
+uvalda,11,3
+uvalda,11,4
+uvalda,11,6
+uvalda,11,7
+uvalda,11,8
+uvalda,11,9
+uvalda,11,10
+uvalda,11,12
+uvalda,11,13
+uvalda,11,14
+uvalda,12,0
+uvalda,12,1
+uvalda,12,2
+uvalda,12,3
+uvalda,12,4
+uvalda,13,0
+uvalda,13,1
+uvalda,13,2
+uvalda,13,3
+uvalda,14,0
+uvalda,14,1
+uvalda,14,2
+uvalda,15,0
+uvalda,15,1
+uvalda,15,3
+uvalda,15,5
+uvalda,15,6
+uvalda,15,7
+uvalda,15,8
+uvalda,15,9
+uvalda,15,10
+uvalda,15,12
+uvalda,15,13
+uvalda,15,14
+uvalda,15,15
+uvalda,15,16
+uvalda,15,17
+uvalda,16,0
+uvalda,16,1
+uvalda,16,2
+uvalda,16,3
+uvalda,17,0
+uvalda,17,1
+uvalda,17,2
+uvalda,18,0
+uvalda,18,1
+uvalda,18,2
+uvalda,18,3
+uvalda,18,4
+uvalda,18,5
+uvalda,18,6
+uvalda,18,7
+uvalda,19,0
+uvalda,19,1
+uvalda,19,2
+uvalda,20,0
+uvalda,20,1
+uvalda,20,2
+uvalda,20,3
+uvalda,20,4
+uvalda,21,0
+uvalda,21,1
+uvalda,21,2
+uvalda,21,3
+uvalda,22,0
+uvalda,22,1
+uvalda,22,2
+uvalda,22,3
+uvalda,23,0
+uvalda,23,1
+uvalda,23,2
+uvalda,23,3
+uvalda,24,0
+uvalda,24,1
+uvalda,24,2
+uvalda,25,0
+uvalda,25,1
+uvalda,25,2
+uvalda,25,3
+uvalda,25,4
+uvalda,25,5
+uvalda,26,0
+uvalda,26,1
+uvalda,26,2
+uvalda,26,3
+uvalda,26,4
+uvalda,27,0
+uvalda,27,1
+uvalda,27,2
+uvalda,27,3
+uvalda,27,4
+uvalda,27,5
+uvalda,28,0
+uvalda,28,1
+uvalda,28,2
+uvalda,28,3
+uvalda,28,4
+uvalda,28,5
+uvalda,28,6
+uvalda,28,7
+uvalda,28,8
+uvalda,28,9
+uvalda,28,10
+uvalda,28,11
+uvalda,29,0
+uvalda,29,1
+uvalda,29,2
+uvalda,29,3
+uvalda,30,0
+uvalda,30,1
+uvalda,30,2
+uvalda,30,3
+uvalda,30,4
+uvalda,31,0
+uvalda,31,1
+uvalda,31,2
+uvalda,31,3
+uvalda,31,4
+uvalda,32,0
+uvalda,32,1
+uvalda,32,2
+uvalda,33,0
+uvalda,33,1
+uvalda,33,2
+uvalda,33,3
+uvalda,34,0
+uvalda,34,1
+uvalda,34,2
+uvalda,34,3
+uvalda,35,0
+uvalda,35,1
+uvalda,35,2
+uvalda,35,3
+uvalda,35,4
+uvalda,35,5
+uvalda,35,6
+uvalda,36,0
+uvalda,36,1
+uvalda,36,2
+uvalda,37,0
+uvalda,37,1
+uvalda,37,2
+uvalda,37,3
+uvalda,38,0
+uvalda,38,1
+uvalda,38,2
+uvalda,38,3
+uvalda,38,4
+uvalda,39,0
+uvalda,39,1
+uvalda,39,2
+uvalda,39,3
+uvalda,39,4
+uvalda,39,5
+uvalda,39,6
+uvalda,39,7
+uvalda,39,8
+uvalda,39,9
+uvalda,39,10
+uvalda,40,0
+uvalda,40,1
+uvalda,40,2
+uvalda,40,3
+uvalda,40,4
+uvalda,40,5
+uvalda,40,6
+uvalda,41,0
+uvalda,41,1
+uvalda,41,2
+uvalda,42,0
+uvalda,42,1
+uvalda,42,2
+uvalda,42,3
+uvalda,42,4
+uvalda,42,5
+uvalda,42,6
+uvalda,42,7
+uvalda,43,0
+uvalda,43,1
+uvalda,43,2
+uvalda,43,3
+uvalda,44,0
+uvalda,44,1
+uvalda,44,2
+uvalda,45,0
+uvalda,45,1
+uvalda,45,2
+uvalda,45,3
+uvalda,46,0
+uvalda,46,1
+uvalda,46,2
+uvalda,46,3
+uvalda,46,4
+uvalda,47,0
+uvalda,47,1
+uvalda,47,2
+uvalda,48,0
+uvalda,48,1
+uvalda,48,2
+uvalda,48,3
+uvalda,48,4
+uvalda,49,0
+uvalda,49,1
+uvalda,49,2
+uvalda,49,3
+uvalda,49,4
+uvalda,50,0
+uvalda,50,1
+uvalda,50,2
+uvalda,51,0
+uvalda,51,3
+uvalda,51,4
+uvalda,51,5
+uvalda,51,6
+uvalda,51,8
+uvalda,52,0
+uvalda,52,1
+uvalda,52,2
+uvalda,52,3
+uvalda,52,4
+uvalda,52,5
+uvalda,53,0
+uvalda,53,1
+uvalda,53,2
+uvalda,53,3
+uvalda,54,0
+uvalda,54,1
+uvalda,54,2
+uvalda,54,3
+uvalda,54,4
+uvalda,54,5
+uvalda,54,9
+uvalda,54,10
+uvalda,54,11
+uvalda,55,0
+uvalda,55,1
+uvalda,55,2
+uvalda,55,3
+uvalda,56,0
+uvalda,56,1
+uvalda,56,2
+uvalda,57,0
+uvalda,57,1
+uvalda,57,2
+uvalda,58,0
+uvalda,58,1
+uvalda,58,2
+uvalda,58,3
+uvalda,58,4
+uvalda,59,0
+uvalda,59,1
+uvalda,59,2
+uvalda,59,3
+uvalda,60,0
+uvalda,60,1
+uvalda,60,2
+uvalda,60,3
+uvalda,60,4
+uvalda,60,5
+uvalda,60,6
+uvalda,60,7
+uvalda,60,8
+uvalda,60,9
+uvalda,61,0
+uvalda,61,1
+uvalda,61,2
+uvalda,62,0
+uvalda,62,1
+uvalda,62,2
+uvalda,62,3
+uvalda,63,0
+uvalda,63,1
+uvalda,63,2
+uvalda,64,0
+uvalda,64,1
+uvalda,64,2
+uvalda,64,3
+uvalda,64,4
+uvalda,64,5
+uvalda,64,6
+uvalda,65,0
+uvalda,65,1
+uvalda,65,2
+uvalda,65,3
+uvalda,65,4
+uvalda,65,5
+uvalda,65,6
+uvalda,66,0
+uvalda,66,1
+uvalda,66,2
+uvalda,66,3
+uvalda,66,5
+uvalda,66,6
+uvalda,66,7
+uvalda,66,8
+uvalda,66,9
+uvalda,66,11
+uvalda,66,12
+uvalda,66,14
+uvalda,66,15
+uvalda,66,16
+uvalda,67,0
+uvalda,67,1
+uvalda,67,2
+uvalda,67,3
+uvalda,67,4
+uvalda,67,5
+uvalda,67,6
+uvalda,68,0
+uvalda,68,1
+uvalda,68,2
+uvalda,68,3
+uvalda,68,4
+uvalda,68,5
+uvalda,68,6
+uvalda,69,0
+uvalda,69,1
+uvalda,69,2
+uvalda,69,3
+uvalda,69,4
+uvalda,69,5
+uvalda,69,6
+uvalda,69,7
+uvalda,69,8
+uvalda,69,9
+uvalda,69,10
+uvalda,70,0
+uvalda,70,1
+uvalda,70,2
+uvalda,70,3
+uvalda,70,4
+uvalda,71,0
+uvalda,71,1
+uvalda,71,2
+uvalda,71,3
+uvalda,71,4
+uvalda,71,5
+uvalda,71,6
+uvalda,71,7
+uvalda,71,8
+uvalda,71,9
+uvalda,71,10
+uvalda,71,11
+uvalda,72,0
+uvalda,72,1
+uvalda,72,2
+uvalda,72,3
+uvalda,72,4
+uvalda,72,5
+uvalda,72,6
+uvalda,73,0
+uvalda,73,1
+uvalda,73,2
+uvalda,73,3
+uvalda,73,4
+uvalda,73,5
+uvalda,74,0
+uvalda,74,1
+uvalda,74,2
+uvalda,74,3
+uvalda,74,4
+uvalda,75,0
+uvalda,75,1
+uvalda,75,2
+uvalda,76,0
+uvalda,76,1
+uvalda,76,2
+uvalda,76,3
+uvalda,77,0
+uvalda,77,1
+uvalda,77,2
+uvalda,77,3
+uvalda,77,4
+uvalda,77,5
+uvalda,77,6
+uvalda,77,7
+uvalda,78,0
+uvalda,78,1
+uvalda,78,2
+uvalda,79,1
+uvalda,79,2
+uvalda,79,3
+uvalda,79,4
+uvalda,79,6
+uvalda,79,7
+uvalda,79,9
+uvalda,79,10
+uvalda,79,11
+uvalda,80,0
+uvalda,80,1
+uvalda,80,2
+uvalda,80,3
+uvalda,81,0
+uvalda,81,1
+uvalda,81,2
+uvalda,82,0
+uvalda,82,1
+uvalda,82,2
+uvalda,82,3
+uvalda,82,4
+uvalda,82,5
+uvalda,83,0
+uvalda,83,1
+uvalda,83,2
+uvalda,83,3
+uvalda,83,4
+uvalda,84,0
+uvalda,84,1
+uvalda,84,2
+uvalda,84,3
+uvalda,84,4
+uvalda,85,0
+uvalda,85,1
+uvalda,85,2
+uvalda,86,0
+uvalda,86,1
+uvalda,86,2
+uvalda,86,3
+uvalda,86,4
+uvalda,86,5
+uvalda,86,6
+uvalda,86,7
+uvalda,87,0
+uvalda,87,1
+uvalda,87,2
+uvalda,87,3
+uvalda,87,4
+uvalda,87,5
+uvalda,87,6
+uvalda,88,0
+uvalda,88,1
+uvalda,88,2
+uvalda,88,3
+uvalda,89,0
+uvalda,89,1
+uvalda,89,2
+uvalda,89,3
+uvalda,89,4
+uvalda,90,0
+uvalda,90,1
+uvalda,90,2
+uvalda,90,3
+uvalda,90,4
+uvalda,90,5
+uvalda,90,6
+uvalda,90,7
+uvalda,90,8
+uvalda,90,10
+uvalda,90,11
+uvalda,90,12
+uvalda,90,15
+uvalda,90,16
+uvalda,91,0
+uvalda,91,1
+uvalda,91,2
+uvalda,91,3
+uvalda,92,0
+uvalda,92,1
+uvalda,92,2
+uvalda,92,3
+uvalda,92,4
+uvalda,92,5
+uvalda,93,0
+uvalda,93,1
+uvalda,93,2
+uvalda,93,3
+uvalda,93,4
+uvalda,93,5
+uvalda,94,0
+uvalda,94,1
+uvalda,94,2
+uvalda,94,3
+uvalda,94,4
+uvalda,94,5
+uvalda,94,6
+uvalda,94,7
+uvalda,94,8
+uvalda,95,1
+uvalda,95,2
+uvalda,95,4
+uvalda,96,0
+uvalda,96,1
+uvalda,96,2
+uvalda,96,3
+uvalda,97,0
+uvalda,97,1
+uvalda,97,3
+uvalda,97,5
+uvalda,97,6
+uvalda,97,7
+uvalda,97,9
+uvalda,97,10
+uvalda,97,11
+uvalda,97,12
+uvalda,98,0
+uvalda,98,1
+uvalda,98,2
+uvalda,98,3
+uvalda,98,4
+uvalda,98,5
+uvalda,98,6
+uvalda,98,7
+uvalda,98,8
+uvalda,98,9
+uvalda,98,10
+uvalda,99,0
+uvalda,99,1
+uvalda,99,2
+uvalda,99,3
+uvalda,99,4
+uvalda,99,5
+uvalda,99,6
+uvalda,99,7
+uvalda,100,0
+uvalda,100,1
+uvalda,100,2
+uvalda,100,3
+uvalda,100,4
+uvalda,100,5
+uvalda,101,0
+uvalda,101,1
+uvalda,101,2
+uvalda,102,0
+uvalda,102,1
+uvalda,102,2
+uvalda,102,3
+uvalda,103,0
+uvalda,103,1
+uvalda,103,2
+uvalda,103,3
+uvalda,104,0
+uvalda,104,1
+uvalda,104,2
+uvalda,104,3
+uvalda,104,4
+uvalda,106,0
+uvalda,106,1
+uvalda,106,2
+uvalda,106,3
+uvalda,106,4
+uvalda,106,5
+uvalda,106,6
+uvalda,107,0
+uvalda,107,2
+uvalda,107,3
+uvalda,107,6
+uvalda,107,7
+uvalda,107,8
+uvalda,107,9
+uvalda,107,10
+uvalda,107,11
+uvalda,107,12
+uvalda,107,13
+uvalda,107,14
+uvalda,108,0
+uvalda,108,1
+uvalda,108,2
+uvalda,108,3
+uvalda,108,4
+uvalda,108,5
+uvalda,109,0
+uvalda,109,1
+uvalda,109,2
+uvalda,109,3
+uvalda,109,4
+uvalda,109,5
+uvalda,110,0
+uvalda,110,1
+uvalda,110,2
+uvalda,111,0
+uvalda,111,1
+uvalda,111,2
+uvalda,111,3
+uvalda,111,4
+uvalda,112,3
+uvalda,112,4
+uvalda,113,0
+uvalda,113,1
+uvalda,113,2
+uvalda,113,3
+uvalda,113,4
+uvalda,113,5
+uvalda,114,0
+uvalda,114,1
+uvalda,114,2
+uvalda,114,3
+uvalda,115,0
+uvalda,115,1
+uvalda,115,2
+uvalda,115,3
+uvalda,115,4
+uvalda,115,5
+uvalda,116,0
+uvalda,116,1
+uvalda,116,2
+uvalda,116,3
+uvalda,116,4
+uvalda,117,0
+uvalda,117,1
+uvalda,117,2
+uvalda,117,3
+uvalda,117,7
+uvalda,117,8
+uvalda,117,9
+uvalda,117,10
+uvalda,118,0
+uvalda,118,1
+uvalda,118,2
+uvalda,118,3
+uvalda,118,4
+uvalda,119,0
+uvalda,119,1
+uvalda,119,2
+uvalda,119,3
+uvalda,119,4
+uvalda,120,0
+uvalda,120,1
+uvalda,120,2
+uvalda,120,3
+uvalda,120,4
+uvalda,120,5
+uvalda,120,6
+uvalda,120,7
+uvalda,120,8
+uvalda,120,9
+uvalda,120,10
+uvalda,120,11
+uvalda,120,12
+uvalda,120,13
+uvalda,121,0
+uvalda,121,1
+uvalda,121,2
+uvalda,122,0
+uvalda,122,2
+uvalda,122,3
+uvalda,122,4
+uvalda,122,6
+uvalda,122,8
+uvalda,122,9
+uvalda,122,10
+uvalda,123,0
+uvalda,123,1
+uvalda,123,2
+uvalda,123,3
+uvalda,123,4
+uvalda,124,0
+uvalda,124,1
+uvalda,124,2
+uvalda,124,3
+uvalda,124,4
+uvalda,125,0
+uvalda,125,1
+uvalda,125,2
+uvalda,125,3
+uvalda,125,4
+uvalda,125,5
+uvalda,126,0
+uvalda,126,1
+uvalda,126,2
+uvalda,126,4
+uvalda,126,5
+uvalda,126,8
+uvalda,126,9
+uvalda,127,0
+uvalda,127,1
+uvalda,127,2
+uvalda,127,3
+uvalda,127,4
+uvalda,128,0
+uvalda,128,1
+uvalda,128,2
+uvalda,128,3
+uvalda,128,4
+uvalda,128,5
+uvalda,128,6
+uvalda,128,7
+uvalda,128,8
+uvalda,128,10
+uvalda,128,11
+uvalda,128,12
+uvalda,128,13
+uvalda,128,14
+uvalda,128,17
+uvalda,129,0
+uvalda,129,1
+uvalda,129,2
+uvalda,129,3
+uvalda,130,0
+uvalda,130,1
+uvalda,130,2
+uvalda,130,3
+uvalda,130,4
+uvalda,130,5
+uvalda,130,6
+uvalda,130,7
+uvalda,130,8
+uvalda,131,0
+uvalda,131,1
+uvalda,131,2
+uvalda,131,3
+uvalda,132,0
+uvalda,132,1
+uvalda,132,2
+uvalda,132,3
+uvalda,132,4
+uvalda,132,5
+uvalda,132,6
+uvalda,132,7
+uvalda,133,0
+uvalda,133,1
+uvalda,133,2
+uvalda,133,3
+uvalda,134,0
+uvalda,134,1
+uvalda,134,2
+uvalda,134,3
+uvalda,134,4
+uvalda,135,0
+uvalda,135,1
+uvalda,135,2
+uvalda,135,3
+uvalda,135,4
+uvalda,136,0
+uvalda,136,1
+uvalda,136,2
+uvalda,136,3
+uvalda,137,0
+uvalda,137,1
+uvalda,137,2
+uvalda,138,0
+uvalda,138,1
+uvalda,138,2
+uvalda,138,3
+uvalda,138,4
+uvalda,139,0
+uvalda,139,1
+uvalda,139,2
+uvalda,140,0
+uvalda,140,1
+uvalda,140,2
+uvalda,140,3
+uvalda,140,4
+uvalda,140,5
+uvalda,140,6
+uvalda,140,7
+uvalda,140,8
+uvalda,140,9
+uvalda,140,10
+uvalda,140,11
+uvalda,140,12
+uvalda,141,0
+uvalda,141,1
+uvalda,141,2
+uvalda,141,3
+uvalda,141,4
+uvalda,141,5
+uvalda,141,6
+uvalda,141,7
+uvalda,142,0
+uvalda,142,1
+uvalda,142,2
+uvalda,142,3
+uvalda,142,4
+uvalda,142,5
+uvalda,142,6
+uvalda,143,0
+uvalda,143,1
+uvalda,143,2
+uvalda,144,0
+uvalda,144,1
+uvalda,144,2
+uvalda,145,0
+uvalda,145,1
+uvalda,145,2
+uvalda,145,3
+uvalda,145,4
+uvalda,145,5
+uvalda,145,6
+uvalda,145,7
+uvalda,145,8
+uvalda,145,10
+uvalda,145,12
+uvalda,145,14
+uvalda,145,15
+uvalda,146,1
+uvalda,146,3
+uvalda,146,5
+uvalda,146,6
+uvalda,147,0
+uvalda,147,1
+uvalda,147,2
+uvalda,147,3
+uvalda,147,4
+uvalda,147,5
+uvalda,147,6
+uvalda,147,7
+uvalda,147,8
+uvalda,147,9
+uvalda,147,10
+uvalda,147,11
+uvalda,147,12
+uvalda,147,13
+uvalda,147,14
+uvalda,148,1
+uvalda,148,2
+uvalda,148,3
+uvalda,148,4
+uvalda,148,6
+uvalda,149,0
+uvalda,149,1
+uvalda,149,2
+uvalda,149,3
+uvalda,149,4
+uvalda,149,5
+uvalda,149,6
+uvalda,150,0
+uvalda,150,1
+uvalda,150,2
+uvalda,150,3
+uvalda,150,5
+uvalda,150,7
+uvalda,150,8
+uvalda,150,9
+uvalda,150,11
+uvalda,151,0
+uvalda,151,1
+uvalda,151,2
+uvalda,152,1
+uvalda,152,3
+uvalda,152,4
+uvalda,152,5
+uvalda,152,6
+uvalda,152,7
+uvalda,152,8
+uvalda,152,10
+uvalda,152,11
+uvalda,153,0
+uvalda,153,1
+uvalda,153,2
+uvalda,153,3
+uvalda,154,0
+uvalda,154,1
+uvalda,154,2
+uvalda,154,3
+uvalda,154,4
+uvalda,154,5
+uvalda,154,6
+uvalda,154,7
+uvalda,154,8
+uvalda,154,9
+uvalda,155,0
+uvalda,155,1
+uvalda,155,2
+uvalda,155,3
+uvalda,156,0
+uvalda,156,1
+uvalda,156,2
+uvalda,156,3
+uvalda,156,4
+uvalda,157,0
+uvalda,157,1
+uvalda,157,2
+uvalda,157,3
+uvalda,158,0
+uvalda,158,1
+uvalda,158,2
+uvalda,158,3
+uvalda,158,4
+uvalda,159,2
+uvalda,159,3
+uvalda,159,4
+uvalda,159,5
+uvalda,159,6
+uvalda,159,7
+uvalda,159,8
+uvalda,159,10
+uvalda,159,11
+uvalda,159,12
+uvalda,159,13
+uvalda,159,14
+uvalda,160,1
+uvalda,160,2
+uvalda,160,4
+uvalda,160,6
+uvalda,160,7
+uvalda,161,0
+uvalda,161,1
+uvalda,161,2
+uvalda,161,3
+uvalda,161,4
+uvalda,161,5
+uvalda,162,0
+uvalda,162,2
+uvalda,162,3
+uvalda,162,5
+uvalda,162,6
+uvalda,162,7
+uvalda,162,8
+uvalda,162,9
+uvalda,162,10
+uvalda,163,0
+uvalda,163,1
+uvalda,163,2
+uvalda,163,3
+uvalda,164,0
+uvalda,164,1
+uvalda,164,2
+uvalda,164,3
+uvalda,164,4
+uvalda,164,5
+uvalda,165,0
+uvalda,165,1
+uvalda,165,2
+uvalda,166,0
+uvalda,166,1
+uvalda,166,2
+uvalda,166,3
+uvalda,166,4
+uvalda,166,5
+uvalda,167,0
+uvalda,167,1
+uvalda,167,2
+uvalda,167,3
+uvalda,167,4
+uvalda,167,5
+uvalda,168,0
+uvalda,168,1
+uvalda,168,2
+uvalda,168,3
+uvalda,168,4
+uvalda,169,0
+uvalda,169,1
+uvalda,169,2
+uvalda,169,3
+uvalda,169,4
+uvalda,169,5
+uvalda,170,0
+uvalda,170,1
+uvalda,170,2
+uvalda,171,0
+uvalda,171,1
+uvalda,171,2
+uvalda,172,0
+uvalda,172,1
+uvalda,172,2
+uvalda,173,0
+uvalda,173,1
+uvalda,173,2
+uvalda,173,3
+uvalda,173,4
+uvalda,173,5
+uvalda,174,0
+uvalda,174,1
+uvalda,174,2
+uvalda,174,3
+uvalda,174,4
+uvalda,175,0
+uvalda,175,1
+uvalda,175,2
+uvalda,176,0
+uvalda,176,1
+uvalda,176,2
+uvalda,176,3
+uvalda,176,4
+uvalda,176,5
+uvalda,176,6
+uvalda,176,7
+uvalda,176,8
+uvalda,176,9
+uvalda,176,10
+uvalda,177,0
+uvalda,177,1
+uvalda,177,2
+uvalda,178,0
+uvalda,178,1
+uvalda,178,2
+uvalda,178,3
+uvalda,178,4
+uvalda,178,5
+uvalda,178,6
+uvalda,178,7
+uvalda,179,0
+uvalda,179,1
+uvalda,179,2
+uvalda,180,0
+uvalda,180,1
+uvalda,180,2
+uvalda,180,3
+uvalda,180,4
+uvalda,180,5
+uvalda,181,0
+uvalda,181,1
+uvalda,181,2
+uvalda,181,3
+uvalda,181,4
+uvalda,181,5
+uvalda,181,6
+uvalda,181,7
+uvalda,182,0
+uvalda,182,1
+uvalda,182,2
+uvalda,182,3
+uvalda,182,4
+uvalda,182,5
+uvalda,182,6
+uvalda,182,7
+uvalda,182,8
+uvalda,183,0
+uvalda,183,1
+uvalda,183,2
+uvalda,183,3
+uvalda,183,4
+uvalda,183,5
+uvalda,184,0
+uvalda,184,1
+uvalda,184,2
+uvalda,185,0
+uvalda,185,1
+uvalda,185,2
+uvalda,185,3
+uvalda,185,4
+uvalda,185,5
+uvalda,186,0
+uvalda,186,2
+uvalda,186,3
+uvalda,186,5
+uvalda,186,6
+uvalda,186,7
+uvalda,186,8
+uvalda,186,10
+uvalda,186,11
+uvalda,187,0
+uvalda,187,1
+uvalda,187,2
+uvalda,187,3
+uvalda,188,0
+uvalda,188,1
+uvalda,188,2
+uvalda,188,3
+uvalda,189,0
+uvalda,189,1
+uvalda,189,2
+uvalda,189,3
+uvalda,189,4
+uvalda,189,5
+uvalda,189,6
+uvalda,190,0
+uvalda,190,1
+uvalda,190,2
+uvalda,190,3
+uvalda,191,0
+uvalda,191,1
+uvalda,191,2
+uvalda,192,0
+uvalda,192,1
+uvalda,192,2
+uvalda,193,0
+uvalda,193,1
+uvalda,193,2
+uvalda,193,3
+uvalda,193,4
+uvalda,193,5
+uvalda,193,6
+uvalda,193,7
+uvalda,193,8
+uvalda,193,9
+uvalda,193,10
+uvalda,193,11
+uvalda,194,0
+uvalda,194,1
+uvalda,194,2
+uvalda,194,3
+uvalda,194,4
+uvalda,195,0
+uvalda,195,1
+uvalda,195,2
+uvalda,195,3
+uvalda,196,0
+uvalda,196,2
+uvalda,196,3
+uvalda,196,4
+uvalda,196,6
+uvalda,196,7
+uvalda,196,8
+uvalda,196,9
+uvalda,196,10
+uvalda,197,0
+uvalda,197,1
+uvalda,197,2
+uvalda,197,3
+uvalda,198,0
+uvalda,198,1
+uvalda,198,2
+uvalda,199,0
+uvalda,199,1
+uvalda,199,2
+uvalda,199,3
+uvalda,199,5
+uvalda,199,6
+uvalda,199,8
+uvalda,199,9
+uvalda,199,10
+uvalda,199,12
+uvalda,200,0
+uvalda,200,1
+uvalda,200,2
+uvalda,200,3
+uvalda,200,4
+uvalda,200,5
+uvalda,200,6
+uvalda,200,7
+uvalda,200,8
+uvalda,201,0
+uvalda,201,1
+uvalda,201,3
+uvalda,201,4
+uvalda,201,5
+uvalda,201,6
+uvalda,201,8
+uvalda,201,10
+uvalda,201,11
+uvalda,202,0
+uvalda,202,1
+uvalda,202,2
+uvalda,202,3
+uvalda,203,0
+uvalda,203,1
+uvalda,203,2
+uvalda,203,3
+uvalda,203,4
+uvalda,203,5
+uvalda,203,6
+uvalda,204,0
+uvalda,204,1
+uvalda,204,2
+uvalda,204,3
+uvalda,204,6
+uvalda,204,7
+uvalda,204,8
+uvalda,204,9
+uvalda,204,10
+uvalda,204,11
+uvalda,204,12
+uvalda,204,13
+uvalda,204,14
+uvalda,204,15
+uvalda,204,17
+uvalda,205,0
+uvalda,205,1
+uvalda,205,2
+uvalda,205,3
+uvalda,205,4
+uvalda,206,0
+uvalda,206,1
+uvalda,206,2
+uvalda,206,3
+uvalda,206,5
+uvalda,206,7
+uvalda,206,8
+uvalda,206,10
+uvalda,206,11
+uvalda,206,12
+uvalda,206,13
+uvalda,206,14
+uvalda,206,15
+uvalda,206,16
+uvalda,207,0
+uvalda,207,1
+uvalda,207,2
+uvalda,207,3
+uvalda,207,4
+uvalda,207,5
+uvalda,207,6
+uvalda,207,7
+uvalda,207,8
+uvalda,207,10
+uvalda,207,12
+uvalda,207,14
+uvalda,208,0
+uvalda,208,1
+uvalda,208,2
+uvalda,208,3
+uvalda,209,0
+uvalda,209,1
+uvalda,209,2
+uvalda,209,3
+uvalda,209,4
+uvalda,209,5
+uvalda,210,0
+uvalda,210,1
+uvalda,210,2
+uvalda,210,3
+uvalda,210,4
+uvalda,210,5
+uvalda,210,6
+uvalda,210,7
+uvalda,210,8
+uvalda,211,0
+uvalda,211,1
+uvalda,211,2
+uvalda,211,3
+uvalda,211,4
+uvalda,211,5
+uvalda,211,6
+uvalda,211,7
+uvalda,212,0
+uvalda,212,1
+uvalda,212,2
+uvalda,213,0
+uvalda,213,1
+uvalda,213,2
+uvalda,214,0
+uvalda,214,1
+uvalda,214,2
+uvalda,215,0
+uvalda,215,1
+uvalda,215,2
+uvalda,215,3
+uvalda,215,4
+uvalda,216,0
+uvalda,216,2
+uvalda,216,4
+uvalda,216,5
+uvalda,216,6
+uvalda,216,7
+uvalda,216,8
+uvalda,217,0
+uvalda,217,1
+uvalda,217,2
+uvalda,217,3
+uvalda,217,4
+uvalda,217,5
+uvalda,217,6
+uvalda,217,7
+uvalda,217,8
+uvalda,218,0
+uvalda,218,1
+uvalda,218,2
+uvalda,218,3
+uvalda,218,4
+uvalda,218,5
+uvalda,218,6
+uvalda,219,0
+uvalda,219,1
+uvalda,219,2
+uvalda,219,3
+uvalda,220,0
+uvalda,220,1
+uvalda,220,2
+uvalda,220,3
+uvalda,220,4
+uvalda,220,5
+uvalda,220,6
+uvalda,220,7
+uvalda,220,8
+uvalda,221,0
+uvalda,221,1
+uvalda,221,2
+uvalda,221,3
+uvalda,221,4
+uvalda,221,5
+uvalda,222,0
+uvalda,222,1
+uvalda,222,2
+uvalda,222,3
+uvalda,222,4
+uvalda,223,0
+uvalda,223,1
+uvalda,223,2
+uvalda,223,3
+uvalda,223,4
+uvalda,224,0
+uvalda,224,1
+uvalda,224,2
+uvalda,224,3
+uvalda,225,0
+uvalda,225,1
+uvalda,225,2
+uvalda,225,3
+uvalda,225,4
+uvalda,226,0
+uvalda,226,1
+uvalda,226,2
+uvalda,226,3
+uvalda,226,4
+uvalda,227,0
+uvalda,227,1
+uvalda,227,2
+uvalda,227,3
+uvalda,228,0
+uvalda,228,1
+uvalda,228,2
+uvalda,229,0
+uvalda,229,1
+uvalda,229,2
+uvalda,229,3
+uvalda,229,4
+uvalda,229,5
+uvalda,229,6
+uvalda,229,7
+uvalda,229,8
+uvalda,230,0
+uvalda,230,1
+uvalda,230,2
+uvalda,230,3
+uvalda,231,0
+uvalda,231,1
+uvalda,231,2
+uvalda,231,3
+uvalda,231,4
+uvalda,232,0
+uvalda,232,1
+uvalda,232,2
+uvalda,233,0
+uvalda,233,1
+uvalda,233,2
+uvalda,234,0
+uvalda,234,1
+uvalda,234,2
+uvalda,234,3
+uvalda,234,4
+uvalda,234,5
+uvalda,234,6
+uvalda,235,0
+uvalda,235,1
+uvalda,235,2
+uvalda,235,3
+uvalda,235,6
+uvalda,235,7
+uvalda,235,8
+uvalda,235,9
+uvalda,235,11
+uvalda,236,0
+uvalda,236,1
+uvalda,236,2
+uvalda,236,3
+uvalda,236,4
+uvalda,237,0
+uvalda,237,1
+uvalda,237,2
+uvalda,237,3
+uvalda,237,4
+uvalda,237,5
+uvalda,237,6
+uvalda,238,0
+uvalda,238,1
+uvalda,238,2
+uvalda,238,3
+uvalda,238,4
+uvalda,238,5
+uvalda,238,6
+uvalda,239,0
+uvalda,239,1
+uvalda,239,2
+uvalda,239,3
+uvalda,240,0
+uvalda,240,1
+uvalda,240,2
+uvalda,240,3
+uvalda,240,4
+uvalda,240,5
+uvalda,241,0
+uvalda,241,1
+uvalda,241,2
+uvalda,241,3
+uvalda,242,0
+uvalda,242,1
+uvalda,242,2
+uvalda,243,0
+uvalda,243,1
+uvalda,243,2
+uvalda,243,3
+uvalda,243,4
+uvalda,243,7
+uvalda,243,8
+uvalda,243,9
+uvalda,243,10
+uvalda,243,11
+uvalda,243,13
+uvalda,243,14
+uvalda,243,15
+uvalda,243,16
+uvalda,244,0
+uvalda,244,1
+uvalda,244,2
+uvalda,245,0
+uvalda,245,1
+uvalda,245,2
+uvalda,246,1
+uvalda,246,2
+uvalda,246,3
+uvalda,246,4
+uvalda,246,5
+uvalda,246,7
+uvalda,246,8
+uvalda,246,9
+uvalda,246,10
+uvalda,246,11
+uvalda,246,12
+uvalda,246,14
+uvalda,246,15
+uvalda,246,16
+uvalda,247,0
+uvalda,247,1
+uvalda,247,2
+uvalda,247,3
+uvalda,247,4
+uvalda,247,5
+uvalda,248,0
+uvalda,248,1
+uvalda,248,2
+uvalda,248,3
+uvalda,248,4
+uvalda,248,5
+uvalda,248,6
+uvalda,248,7
+uvalda,248,8
+uvalda,249,0
+uvalda,249,3
+uvalda,249,4
+uvalda,249,5
+uvalda,249,6
+uvalda,249,7
+uvalda,249,8
+uvalda,249,10
+uvalda,250,0
+uvalda,250,1
+uvalda,250,2
+uvalda,250,3
+uvalda,250,4
+uvalda,250,5
+uvalda,250,6
+uvalda,251,0
+uvalda,251,1
+uvalda,251,2
+uvalda,251,3
+uvalda,251,4
+uvalda,251,5
+uvalda,251,6
+uvalda,252,0
+uvalda,252,1
+uvalda,252,2
+uvalda,252,3
+uvalda,252,4
+uvalda,253,0
+uvalda,253,2
+uvalda,253,3
+uvalda,253,4
+uvalda,253,5
+uvalda,253,6
+uvalda,253,7
+uvalda,253,8
+uvalda,253,9
+uvalda,253,11
+uvalda,253,12
+uvalda,253,14
+uvalda,254,0
+uvalda,254,1
+uvalda,254,2
+uvalda,254,3
+uvalda,255,0
+uvalda,255,1
+uvalda,255,2
+uvalda,255,3
+uvalda,255,4
+uvalda,255,5
+uvalda,255,6
+uvalda,255,7
+uvalda,255,8
+uvalda,256,0
+uvalda,256,1
+uvalda,256,2
+uvalda,257,0
+uvalda,257,1
+uvalda,257,2
+uvalda,257,3
+uvalda,257,4
+uvalda,257,5
+uvalda,257,6
+uvalda,258,0
+uvalda,258,1
+uvalda,258,2
+uvalda,258,3
+uvalda,258,4
+uvalda,258,5
+uvalda,259,0
+uvalda,259,1
+uvalda,259,2
+uvalda,260,0
+uvalda,260,1
+uvalda,260,2
+uvalda,261,0
+uvalda,261,1
+uvalda,261,2
+uvalda,261,3
+uvalda,261,4
+uvalda,261,5
+uvalda,262,0
+uvalda,262,1
+uvalda,262,2
+uvalda,262,3
+uvalda,262,4
+uvalda,262,5
+uvalda,263,0
+uvalda,263,1
+uvalda,263,2
+uvalda,263,3
+uvalda,264,0
+uvalda,264,1
+uvalda,264,2
+uvalda,264,3
+uvalda,265,0
+uvalda,265,1
+uvalda,265,2
+uvalda,266,0
+uvalda,266,1
+uvalda,266,2
+uvalda,266,3
+uvalda,266,4
+uvalda,266,5
+uvalda,266,6
+uvalda,266,7
+uvalda,266,8
+uvalda,266,9
+uvalda,266,10
+uvalda,267,0
+uvalda,267,1
+uvalda,267,2
+uvalda,268,0
+uvalda,268,1
+uvalda,268,2
+uvalda,268,3
+uvalda,268,4
+uvalda,268,5
+uvalda,268,6
+uvalda,268,7
+uvalda,269,0
+uvalda,269,1
+uvalda,269,2
+uvalda,269,3
+uvalda,269,4
+uvalda,270,0
+uvalda,270,1
+uvalda,270,2
+uvalda,270,3
+uvalda,270,4
+uvalda,271,0
+uvalda,271,1
+uvalda,271,2
+uvalda,272,0
+uvalda,272,1
+uvalda,272,2
+uvalda,272,3
+uvalda,272,4
+uvalda,272,5
+uvalda,273,0
+uvalda,273,1
+uvalda,273,2
+uvalda,273,3
+uvalda,273,4
+uvalda,273,5
+uvalda,273,6
+uvalda,274,0
+uvalda,274,1
+uvalda,274,2
+uvalda,275,0
+uvalda,275,1
+uvalda,275,2
+uvalda,275,3
+uvalda,275,4
+uvalda,276,0
+uvalda,276,1
+uvalda,276,2
+uvalda,277,0
+uvalda,277,1
+uvalda,277,2
+uvalda,277,3
+uvalda,277,4
+uvalda,278,0
+uvalda,278,1
+uvalda,278,2
+uvalda,278,3
+uvalda,278,4
+uvalda,278,5
+uvalda,278,6
+uvalda,279,0
+uvalda,279,1
+uvalda,279,2
+uvalda,279,3
+uvalda,279,4
+uvalda,279,5
+uvalda,279,6
+uvalda,279,7
+uvalda,279,8
+uvalda,280,0
+uvalda,280,2
+uvalda,280,3
+uvalda,280,4
+uvalda,280,5
+uvalda,280,6
+uvalda,280,7
+uvalda,280,8
+uvalda,280,9
+uvalda,280,11
+uvalda,280,12
+uvalda,280,13
+uvalda,280,15
+uvalda,280,16
+uvalda,281,0
+uvalda,281,1
+uvalda,281,2
+uvalda,282,0
+uvalda,282,1
+uvalda,282,2
+uvalda,282,3
+uvalda,282,4
+uvalda,283,0
+uvalda,283,1
+uvalda,283,2
+uvalda,283,3
+uvalda,284,0
+uvalda,284,1
+uvalda,284,2
+uvalda,284,3
+uvalda,284,4
+uvalda,284,5
+uvalda,284,6
+uvalda,284,7
+uvalda,284,8
+uvalda,284,9
+uvalda,285,0
+uvalda,285,1
+uvalda,285,2
+uvalda,285,3
+uvalda,285,4
+uvalda,285,5
+uvalda,285,6
+uvalda,285,7
+uvalda,286,0
+uvalda,286,1
+uvalda,286,2
+uvalda,286,3
+uvalda,287,0
+uvalda,287,1
+uvalda,287,2
+uvalda,287,3
+uvalda,287,4
+uvalda,288,0
+uvalda,288,1
+uvalda,288,2
+uvalda,289,0
+uvalda,289,1
+uvalda,289,2
+uvalda,290,0
+uvalda,290,1
+uvalda,290,2
+uvalda,290,3
+uvalda,290,4
+uvalda,290,5
+uvalda,290,6
+uvalda,290,7
+uvalda,290,8
+uvalda,290,9
+uvalda,291,0
+uvalda,291,1
+uvalda,291,2
+uvalda,291,3
+uvalda,292,0
+uvalda,292,1
+uvalda,292,2
+uvalda,292,3
+uvalda,293,0
+uvalda,293,3
+uvalda,293,4
+uvalda,293,5
+uvalda,293,7
+uvalda,294,0
+uvalda,294,1
+uvalda,294,2
+uvalda,294,3
+uvalda,294,4
+uvalda,294,5
+uvalda,294,6
+uvalda,294,7
+uvalda,294,8
+uvalda,294,9
+uvalda,294,10
+uvalda,295,0
+uvalda,295,1
+uvalda,295,2
+uvalda,296,0
+uvalda,296,1
+uvalda,296,2
+uvalda,296,3
+uvalda,297,0
+uvalda,297,1
+uvalda,297,2
+uvalda,297,3
+uvalda,298,0
+uvalda,298,1
+uvalda,298,2
+uvalda,298,3
+uvalda,298,4
+uvalda,299,0
+uvalda,299,1
+uvalda,299,2
+uvalda,299,3
+uvalda,299,4
+uvalda,300,0
+uvalda,300,1
+uvalda,300,2
+uvalda,300,3
+uvalda,301,0
+uvalda,301,1
+uvalda,301,2
+uvalda,301,3
+uvalda,302,0
+uvalda,302,1
+uvalda,302,2
+uvalda,302,3
+uvalda,302,4
+uvalda,302,5
+uvalda,302,6
+uvalda,302,7
+uvalda,303,0
+uvalda,303,1
+uvalda,303,2
+uvalda,304,0
+uvalda,304,1
+uvalda,304,2
+uvalda,305,0
+uvalda,305,1
+uvalda,305,2
+uvalda,305,3
+uvalda,305,4
+uvalda,305,5
+uvalda,305,6
+uvalda,305,7
+uvalda,305,8
+uvalda,306,0
+uvalda,306,1
+uvalda,306,2
+uvalda,306,3
+uvalda,306,4
+uvalda,307,0
+uvalda,307,1
+uvalda,307,2
+uvalda,307,3
+uvalda,307,4
+uvalda,307,5
+uvalda,307,6
+uvalda,307,7
+uvalda,307,8
+uvalda,308,0
+uvalda,308,1
+uvalda,308,2
+uvalda,308,3
+uvalda,308,4
+uvalda,308,5
+uvalda,308,6
+uvalda,309,0
+uvalda,309,1
+uvalda,309,2
+uvalda,309,3
+uvalda,309,4
+uvalda,310,0
+uvalda,310,1
+uvalda,310,2
+uvalda,311,0
+uvalda,311,1
+uvalda,311,2
+uvalda,311,3
+uvalda,311,4
+uvalda,311,5
+uvalda,312,0
+uvalda,312,1
+uvalda,312,2
+uvalda,313,0
+uvalda,313,1
+uvalda,313,2
+uvalda,313,3
+uvalda,313,4
+uvalda,314,0
+uvalda,314,1
+uvalda,314,2
+uvalda,314,3
+uvalda,314,4
+uvalda,314,5
+uvalda,315,0
+uvalda,315,1
+uvalda,315,4
+uvalda,315,5
+uvalda,316,0
+uvalda,316,1
+uvalda,316,2
+uvalda,317,0
+uvalda,317,1
+uvalda,317,2
+uvalda,317,3
+uvalda,317,4
+uvalda,318,0
+uvalda,318,1
+uvalda,318,2
+uvalda,318,3
+uvalda,318,4
+uvalda,318,5
+uvalda,318,7
+uvalda,318,8
+uvalda,318,11
+uvalda,318,12
+uvalda,318,13
+uvalda,319,0
+uvalda,319,1
+uvalda,319,2
+uvalda,319,3
+uvalda,319,4
+uvalda,320,1
+uvalda,320,2
+uvalda,320,3
+uvalda,320,4
+uvalda,320,6
+uvalda,320,7
+uvalda,321,0
+uvalda,321,1
+uvalda,321,2
+uvalda,321,3
+uvalda,321,4
+uvalda,321,5
+uvalda,321,6
+uvalda,321,7
+uvalda,322,0
+uvalda,322,1
+uvalda,322,2
+uvalda,323,0
+uvalda,323,1
+uvalda,323,2
+uvalda,323,3
+uvalda,324,0
+uvalda,324,1
+uvalda,324,2
+uvalda,324,3
+uvalda,325,0
+uvalda,325,1
+uvalda,325,2
+uvalda,325,3
+uvalda,325,4
+uvalda,326,0
+uvalda,326,1
+uvalda,326,2
+uvalda,326,3
+uvalda,326,4
+uvalda,326,5
+uvalda,327,0
+uvalda,327,1
+uvalda,327,2
+uvalda,327,3
+uvalda,327,4
+uvalda,327,5
+uvalda,328,0
+uvalda,328,1
+uvalda,328,2
+uvalda,329,0
+uvalda,329,1
+uvalda,329,2
+uvalda,330,0
+uvalda,330,1
+uvalda,330,2
+uvalda,330,3
+uvalda,331,0
+uvalda,331,1
+uvalda,331,2
+uvalda,331,3
+uvalda,331,4
+uvalda,331,5
+uvalda,332,0
+uvalda,332,1
+uvalda,332,4
+uvalda,332,6
+uvalda,332,7
+uvalda,332,8
+uvalda,332,9
+uvalda,332,10
+uvalda,332,11
+uvalda,332,12
+uvalda,333,0
+uvalda,333,1
+uvalda,333,2
+uvalda,333,3
+uvalda,333,4
+uvalda,334,0
+uvalda,334,1
+uvalda,334,2
+uvalda,335,0
+uvalda,335,1
+uvalda,335,2
+uvalda,335,3
+uvalda,335,4
+uvalda,335,5
+uvalda,335,6
+uvalda,336,0
+uvalda,336,1
+uvalda,336,2
+uvalda,336,3
+uvalda,336,4
+uvalda,336,5
+uvalda,336,6
+uvalda,337,0
+uvalda,337,1
+uvalda,337,2
+uvalda,338,0
+uvalda,338,1
+uvalda,338,2
+uvalda,338,3
+uvalda,338,4
+uvalda,338,5
+uvalda,338,6
+uvalda,339,0
+uvalda,339,1
+uvalda,339,2
+uvalda,340,0
+uvalda,340,1
+uvalda,340,2
+uvalda,340,3
+uvalda,340,4
+uvalda,340,5
+uvalda,340,6
+uvalda,340,7
+uvalda,340,8
+uvalda,340,9
+uvalda,340,10
+uvalda,340,11
+uvalda,341,0
+uvalda,341,1
+uvalda,341,2
+uvalda,343,0
+uvalda,343,1
+uvalda,343,2
+uvalda,343,3
+uvalda,343,4
+uvalda,344,0
+uvalda,344,1
+uvalda,344,2
+uvalda,345,0
+uvalda,345,1
+uvalda,345,2
+uvalda,345,3
+uvalda,345,4
+uvalda,346,0
+uvalda,346,1
+uvalda,346,2
+uvalda,346,3
+uvalda,346,4
+uvalda,346,5
+uvalda,347,0
+uvalda,347,1
+uvalda,347,2
+uvalda,347,3
+uvalda,347,4
+uvalda,347,5
+uvalda,347,6
+uvalda,347,7
+uvalda,347,8
+uvalda,348,0
+uvalda,348,1
+uvalda,348,2
+uvalda,348,3
+uvalda,348,4
+uvalda,348,5
+uvalda,348,6
+uvalda,349,0
+uvalda,349,1
+uvalda,349,2
+uvalda,349,3
+uvalda,350,0
+uvalda,350,1
+uvalda,350,2
+uvalda,351,0
+uvalda,351,1
+uvalda,351,2
+uvalda,351,3
+uvalda,351,4
+uvalda,351,5
+uvalda,351,7
+uvalda,351,9
+uvalda,351,10
+uvalda,351,11
+uvalda,351,13
+uvalda,351,14
+uvalda,352,0
+uvalda,352,1
+uvalda,352,2
+uvalda,353,0
+uvalda,353,1
+uvalda,353,2
+uvalda,354,0
+uvalda,354,1
+uvalda,354,2
+uvalda,354,3
+uvalda,354,4
+uvalda,355,0
+uvalda,355,1
+uvalda,355,2
+uvalda,355,3
+uvalda,355,4
+uvalda,356,0
+uvalda,356,1
+uvalda,356,2
+uvalda,356,3
+uvalda,356,4
+uvalda,356,5
+uvalda,357,0
+uvalda,357,1
+uvalda,357,2
+uvalda,358,0
+uvalda,358,1
+uvalda,358,2
+uvalda,358,3
+uvalda,358,4
+uvalda,359,0
+uvalda,359,1
+uvalda,359,2
+uvalda,359,3
+uvalda,359,4
+uvalda,359,5
+uvalda,359,6
+uvalda,359,7
+uvalda,360,0
+uvalda,360,1
+uvalda,360,2
+uvalda,360,3
+uvalda,361,0
+uvalda,361,1
+uvalda,361,2
+uvalda,362,0
+uvalda,362,1
+uvalda,362,2
+uvalda,362,3
+uvalda,363,0
+uvalda,363,1
+uvalda,363,2
+uvalda,363,3
+uvalda,363,4
+uvalda,363,5
+uvalda,363,6
+uvalda,363,7
+uvalda,363,8
+uvalda,364,0
+uvalda,364,1
+uvalda,364,2
+uvalda,365,0
+uvalda,365,3
+uvalda,365,4
+uvalda,365,6
+uvalda,366,0
+uvalda,366,1
+uvalda,366,2
+uvalda,367,0
+uvalda,367,1
+uvalda,367,2
+uvalda,367,3
+uvalda,368,0
+uvalda,368,1
+uvalda,368,2
+uvalda,368,3
+uvalda,368,4
+uvalda,369,0
+uvalda,369,1
+uvalda,369,2
+uvalda,369,3
+uvalda,370,0
+uvalda,370,1
+uvalda,370,2
+uvalda,370,3
+uvalda,371,0
+uvalda,371,1
+uvalda,371,2
+uvalda,372,0
+uvalda,372,1
+uvalda,372,2
+uvalda,373,0
+uvalda,373,1
+uvalda,373,2
+uvalda,374,0
+uvalda,374,1
+uvalda,374,2
+uvalda,375,0
+uvalda,375,1
+uvalda,375,2
+uvalda,375,3
+uvalda,376,0
+uvalda,376,1
+uvalda,376,2
+uvalda,376,3
+uvalda,377,0
+uvalda,377,1
+uvalda,377,2
+uvalda,378,0
+uvalda,378,1
+uvalda,378,2
+uvalda,378,3
+uvalda,379,0
+uvalda,379,1
+uvalda,379,2
+uvalda,379,3
+uvalda,379,4
+uvalda,379,5
+uvalda,379,6
+uvalda,380,0
+uvalda,380,1
+uvalda,380,2
+uvalda,381,1
+uvalda,381,4
+uvalda,381,5
+uvalda,382,0
+uvalda,382,1
+uvalda,382,2
+uvalda,382,3
+uvalda,382,4
+uvalda,382,5
+uvalda,383,0
+uvalda,383,1
+uvalda,383,2
+uvalda,383,3
+uvalda,383,4
+uvalda,383,5
+uvalda,384,0
+uvalda,384,1
+uvalda,384,3
+uvalda,384,5
+uvalda,384,6
+uvalda,384,8
+uvalda,384,9
+uvalda,384,10
+uvalda,384,11
+uvalda,385,0
+uvalda,385,1
+uvalda,385,2
+uvalda,385,3
+uvalda,385,4
+uvalda,385,5
+uvalda,386,0
+uvalda,386,1
+uvalda,386,2
+uvalda,386,3
+uvalda,386,4
+uvalda,387,0
+uvalda,387,1
+uvalda,387,2
+uvalda,387,3
+uvalda,387,4
+uvalda,387,5
+uvalda,387,7
+uvalda,387,8
+uvalda,387,10
+uvalda,387,11
+uvalda,388,0
+uvalda,388,1
+uvalda,388,2
+uvalda,388,6
+uvalda,388,7
+uvalda,389,0
+uvalda,389,1
+uvalda,389,2
+uvalda,389,3
+uvalda,389,4
+uvalda,389,5
+uvalda,389,6
+uvalda,389,7
+uvalda,389,8
+uvalda,389,9
+uvalda,389,10
+uvalda,389,11
+uvalda,389,12
+uvalda,389,13
+uvalda,391,0
+uvalda,391,1
+uvalda,391,2
+uvalda,391,3
+uvalda,392,0
+uvalda,392,1
+uvalda,392,2
+uvalda,392,3
+uvalda,392,4
+uvalda,393,0
+uvalda,393,1
+uvalda,393,2
+uvalda,393,3
+uvalda,393,4
+uvalda,393,5
+uvalda,393,6
+uvalda,393,7
+uvalda,393,8
+uvalda,393,9
+uvalda,394,0
+uvalda,394,1
+uvalda,394,2
+uvalda,394,3
+uvalda,394,4
+uvalda,395,0
+uvalda,395,1
+uvalda,395,2
+uvalda,395,3
+uvalda,396,0
+uvalda,396,1
+uvalda,396,2
+uvalda,396,3
+uvalda,396,4
+uvalda,396,5
+uvalda,396,6
+uvalda,396,7
+uvalda,396,8
+uvalda,396,9
+uvalda,397,0
+uvalda,397,1
+uvalda,397,2
+uvalda,397,3
+uvalda,397,4
+uvalda,398,0
+uvalda,398,1
+uvalda,398,2
+uvalda,399,0
+uvalda,399,1
+uvalda,399,2
+uvalda,399,3
+uvalda,399,4
+uvalda,399,5
+uvalda,400,0
+uvalda,400,1
+uvalda,400,2
+uvalda,400,3
+uvalda,400,4
+uvalda,400,5
+uvalda,400,6
+uvalda,401,0
+uvalda,401,1
+uvalda,401,2
+uvalda,401,3
+uvalda,401,4
+uvalda,401,5
+uvalda,401,6
+uvalda,401,7
+uvalda,401,8
+uvalda,401,9
+uvalda,401,10
+uvalda,402,0
+uvalda,402,1
+uvalda,402,2
+uvalda,402,3
+uvalda,402,4
+uvalda,402,5
+uvalda,403,0
+uvalda,403,1
+uvalda,403,2
+uvalda,404,0
+uvalda,404,1
+uvalda,404,2
+uvalda,405,0
+uvalda,405,1
+uvalda,405,2
+uvalda,405,3
+uvalda,405,4
+uvalda,405,5
+uvalda,405,6
+uvalda,405,7
+uvalda,405,8
+uvalda,406,0
+uvalda,406,1
+uvalda,406,2
+uvalda,406,3
+uvalda,406,4
+uvalda,406,5
+uvalda,406,6
+uvalda,406,7
+uvalda,406,8
+uvalda,407,0
+uvalda,407,1
+uvalda,407,2
+uvalda,407,3
+uvalda,408,0
+uvalda,408,1
+uvalda,408,2
+uvalda,408,3
+uvalda,408,4
+uvalda,409,0
+uvalda,409,1
+uvalda,409,2
+uvalda,409,3
+uvalda,409,4
+uvalda,409,5
+uvalda,409,6
+uvalda,409,7
+uvalda,410,0
+uvalda,410,1
+uvalda,410,2
+uvalda,410,3
+uvalda,410,4
+uvalda,410,5
+uvalda,410,7
+uvalda,410,10
+uvalda,410,11
+uvalda,410,12
+uvalda,410,13
+uvalda,410,14
+uvalda,411,0
+uvalda,411,1
+uvalda,411,2
+uvalda,412,0
+uvalda,412,1
+uvalda,412,2
+uvalda,412,3
+uvalda,412,4
+uvalda,413,0
+uvalda,413,1
+uvalda,413,2
+uvalda,413,3
+uvalda,413,4
+uvalda,413,5
+uvalda,414,0
+uvalda,414,1
+uvalda,414,2
+uvalda,415,0
+uvalda,415,1
+uvalda,415,2
+uvalda,415,3
+uvalda,415,4
+uvalda,416,1
+uvalda,416,3
+uvalda,416,4
+uvalda,416,5
+uvalda,416,6
+uvalda,416,7
+uvalda,416,8
+uvalda,416,9
+uvalda,417,0
+uvalda,417,1
+uvalda,417,2
+uvalda,417,3
+uvalda,418,0
+uvalda,418,1
+uvalda,418,2
+uvalda,419,0
+uvalda,419,1
+uvalda,419,2
+uvalda,419,3
+uvalda,419,4
+uvalda,419,5
+uvalda,419,6
+uvalda,420,0
+uvalda,420,1
+uvalda,420,2
+uvalda,421,0
+uvalda,421,1
+uvalda,421,2
+uvalda,421,3
+uvalda,421,4
+uvalda,421,5
+uvalda,421,6
+uvalda,421,7
+uvalda,421,8
+uvalda,421,9
+uvalda,421,10
+uvalda,421,12
+uvalda,422,0
+uvalda,422,1
+uvalda,422,2
+uvalda,422,3
+uvalda,422,4
+uvalda,423,0
+uvalda,423,1
+uvalda,423,2
+uvalda,423,3
+uvalda,423,4
+uvalda,424,1
+uvalda,424,2
+uvalda,424,3
+uvalda,424,4
+uvalda,424,5
+uvalda,424,6
+uvalda,424,7
+uvalda,424,8
+uvalda,424,9
+uvalda,424,10
+uvalda,424,11
+uvalda,425,0
+uvalda,425,1
+uvalda,425,2
+uvalda,425,3
+uvalda,425,4
+uvalda,425,5
+uvalda,426,0
+uvalda,426,1
+uvalda,426,2
+uvalda,426,3
+uvalda,426,4
+uvalda,426,6
+uvalda,426,7
+uvalda,426,9
+uvalda,426,10
+uvalda,426,12
+uvalda,426,13
+uvalda,427,0
+uvalda,427,1
+uvalda,427,2
+uvalda,427,3
+uvalda,428,0
+uvalda,428,1
+uvalda,428,2
+uvalda,428,3
+uvalda,428,4
+uvalda,428,5
+uvalda,428,6
+uvalda,428,7
+uvalda,428,8
+uvalda,428,9
+uvalda,428,10
+uvalda,428,11
+uvalda,428,12
+uvalda,428,13
+uvalda,429,0
+uvalda,429,1
+uvalda,429,2
+uvalda,430,0
+uvalda,430,1
+uvalda,430,2
+uvalda,430,3
+uvalda,431,0
+uvalda,431,1
+uvalda,431,2
+uvalda,431,3
+uvalda,432,0
+uvalda,432,1
+uvalda,432,2
+uvalda,432,3
+uvalda,433,0
+uvalda,433,1
+uvalda,433,2
+uvalda,434,0
+uvalda,434,1
+uvalda,434,2
+uvalda,434,3
+uvalda,434,4
+uvalda,434,5
+uvalda,434,6
+uvalda,435,0
+uvalda,435,1
+uvalda,435,2
+uvalda,436,0
+uvalda,436,1
+uvalda,436,2
+uvalda,437,0
+uvalda,437,1
+uvalda,437,2
+uvalda,437,3
+uvalda,437,4
+uvalda,437,5
+uvalda,438,0
+uvalda,438,1
+uvalda,438,2
+uvalda,438,4
+uvalda,438,5
+uvalda,438,7
+uvalda,438,9
+uvalda,438,10
+uvalda,438,11
+uvalda,438,12
+uvalda,439,0
+uvalda,439,1
+uvalda,439,2
+uvalda,439,3
+uvalda,440,2
+uvalda,440,3
+uvalda,441,0
+uvalda,441,1
+uvalda,441,2
+uvalda,442,0
+uvalda,442,1
+uvalda,442,2
+uvalda,442,3
+uvalda,442,4
+uvalda,442,5
+uvalda,443,0
+uvalda,443,1
+uvalda,443,2
+uvalda,443,3
+uvalda,443,4
+uvalda,444,0
+uvalda,444,1
+uvalda,444,2
+uvalda,444,3
+uvalda,444,4
+uvalda,444,5
+uvalda,445,1
+uvalda,445,2
+uvalda,445,3
+uvalda,445,4
+uvalda,445,5
+uvalda,445,6
+uvalda,445,8
+uvalda,445,9
+uvalda,445,11
+uvalda,446,0
+uvalda,446,1
+uvalda,446,2
+uvalda,446,3
+uvalda,447,1
+uvalda,447,3
+uvalda,447,4
+uvalda,447,5
+uvalda,447,6
+uvalda,447,7
+uvalda,447,8
+uvalda,447,10
+uvalda,447,11
+uvalda,447,12
+uvalda,447,13
+uvalda,448,0
+uvalda,448,1
+uvalda,448,2
+uvalda,448,3
+uvalda,448,4
+uvalda,448,5
+uvalda,448,6
+uvalda,448,7
+uvalda,448,8
+uvalda,448,9
+uvalda,449,0
+uvalda,449,1
+uvalda,449,2
+uvalda,449,3
+uvalda,449,4
+uvalda,449,5
+uvalda,449,6
+uvalda,449,7
+uvalda,450,0
+uvalda,450,1
+uvalda,450,2
+uvalda,450,3
+uvalda,450,4
+uvalda,451,0
+uvalda,451,1
+uvalda,451,2
+uvalda,451,3
+uvalda,451,4
+uvalda,451,5
+uvalda,451,6
+uvalda,451,7
+uvalda,453,0
+uvalda,453,1
+uvalda,453,2
+uvalda,453,3
+uvalda,453,4
+uvalda,453,5
+uvalda,453,8
+uvalda,453,9
+uvalda,453,11
+uvalda,454,0
+uvalda,454,1
+uvalda,454,2
+uvalda,454,3
+uvalda,455,0
+uvalda,455,1
+uvalda,455,2
+uvalda,455,3
+uvalda,455,4
+uvalda,455,5
+uvalda,455,6
+uvalda,455,8
+uvalda,455,9
+uvalda,455,12
+uvalda,455,13
+uvalda,455,14
+uvalda,456,3
+uvalda,456,4
+uvalda,456,5
+uvalda,456,6
+uvalda,456,7
+uvalda,456,8
+uvalda,456,9
+uvalda,456,10
+uvalda,456,11
+uvalda,456,12
+uvalda,456,13
+uvalda,456,14
+uvalda,456,15
+uvalda,457,0
+uvalda,457,1
+uvalda,457,2
+uvalda,457,3
+uvalda,457,4
+uvalda,457,5
+uvalda,458,0
+uvalda,458,1
+uvalda,458,2
+uvalda,458,3
+uvalda,458,4
+uvalda,458,5
+uvalda,458,6
+uvalda,458,7
+uvalda,458,8
+uvalda,458,9
+uvalda,459,0
+uvalda,459,1
+uvalda,459,2
+uvalda,459,3
+uvalda,459,4
+uvalda,459,5
+uvalda,459,6
+uvalda,460,0
+uvalda,460,1
+uvalda,460,2
+uvalda,460,3
+uvalda,461,0
+uvalda,461,1
+uvalda,461,2
+uvalda,461,3
+uvalda,462,0
+uvalda,462,1
+uvalda,462,2
+uvalda,462,3
+uvalda,462,4
+uvalda,462,5
+uvalda,462,6
+uvalda,463,0
+uvalda,463,1
+uvalda,463,2
+uvalda,464,1
+uvalda,464,3
+uvalda,464,4
+uvalda,464,5
+uvalda,464,6
+uvalda,465,0
+uvalda,465,1
+uvalda,465,2
+uvalda,465,3
+uvalda,465,4
+uvalda,465,5
+uvalda,465,7
+uvalda,465,10
+uvalda,465,11
+uvalda,465,12
+uvalda,465,13
+uvalda,465,14
+uvalda,466,0
+uvalda,466,1
+uvalda,466,2
+uvalda,466,3
+uvalda,467,0
+uvalda,467,1
+uvalda,467,2
+uvalda,467,3
+uvalda,467,4
+uvalda,467,5
+uvalda,467,6
+uvalda,468,0
+uvalda,468,1
+uvalda,468,2
+uvalda,468,3
+uvalda,468,4
+uvalda,469,0
+uvalda,469,1
+uvalda,469,4
+uvalda,469,6
+uvalda,470,0
+uvalda,470,2
+uvalda,470,3
+uvalda,470,4
+uvalda,470,5
+uvalda,470,6
+uvalda,470,7
+uvalda,470,8
+uvalda,470,9
+uvalda,470,10
+uvalda,470,11
+uvalda,470,12
+uvalda,470,14
+uvalda,470,15
+uvalda,471,0
+uvalda,471,1
+uvalda,471,2
+uvalda,471,3
+uvalda,471,4
+uvalda,471,5
+uvalda,471,6
+uvalda,471,7
+uvalda,472,0
+uvalda,472,1
+uvalda,472,2
+uvalda,473,0
+uvalda,473,1
+uvalda,473,2
+uvalda,473,3
+uvalda,473,5
+uvalda,473,6
+uvalda,473,7
+uvalda,473,9
+uvalda,473,10
+uvalda,473,11
+uvalda,473,12
+uvalda,473,13
+uvalda,473,14
+uvalda,473,16
+uvalda,473,17
+uvalda,474,0
+uvalda,474,1
+uvalda,474,2
+uvalda,474,3
+uvalda,474,4
+uvalda,474,5
+uvalda,474,6
+uvalda,474,7
+uvalda,474,8
+uvalda,474,9
+uvalda,474,10
+uvalda,475,1
+uvalda,475,2
+uvalda,475,3
+uvalda,475,4
+uvalda,475,7
+uvalda,476,0
+uvalda,476,1
+uvalda,476,2
+uvalda,476,3
+uvalda,476,4
+uvalda,477,0
+uvalda,477,1
+uvalda,477,2
+uvalda,478,0
+uvalda,478,1
+uvalda,478,2
+uvalda,479,0
+uvalda,479,1
+uvalda,479,2
+uvalda,479,3
+uvalda,479,4
+uvalda,480,0
+uvalda,480,1
+uvalda,480,2
+uvalda,481,0
+uvalda,481,1
+uvalda,481,2
+uvalda,481,3
+uvalda,481,4
+uvalda,482,0
+uvalda,482,1
+uvalda,482,2
+uvalda,482,3
+uvalda,482,4
+uvalda,482,5
+uvalda,483,0
+uvalda,483,1
+uvalda,483,2
+uvalda,484,0
+uvalda,484,1
+uvalda,484,2
+uvalda,484,3
+uvalda,484,4
+uvalda,485,0
+uvalda,485,1
+uvalda,485,2
+uvalda,485,3
+uvalda,485,4
+uvalda,486,0
+uvalda,486,1
+uvalda,486,2
+uvalda,487,0
+uvalda,487,1
+uvalda,487,2
+uvalda,487,3
+uvalda,488,1
+uvalda,488,2
+uvalda,488,4
+uvalda,488,6
+uvalda,488,7
+uvalda,488,8
+uvalda,488,9
+uvalda,488,10
+uvalda,488,11
+uvalda,488,12
+uvalda,489,0
+uvalda,489,1
+uvalda,489,2
+uvalda,489,3
+uvalda,489,4
+uvalda,489,5
+uvalda,490,0
+uvalda,490,1
+uvalda,490,2
+uvalda,490,3
+uvalda,490,4
+uvalda,490,5
+uvalda,490,6
+uvalda,491,0
+uvalda,491,1
+uvalda,491,2
+uvalda,492,0
+uvalda,492,1
+uvalda,492,2
+uvalda,492,3
+uvalda,492,4
+uvalda,492,5
+uvalda,492,6
+uvalda,493,0
+uvalda,493,1
+uvalda,493,2
+uvalda,493,3
+uvalda,493,4
+uvalda,493,5
+uvalda,494,0
+uvalda,494,1
+uvalda,494,2
+uvalda,494,3
+uvalda,494,4
+uvalda,494,5
+uvalda,494,6
+uvalda,494,7
+uvalda,495,0
+uvalda,495,1
+uvalda,495,2
+uvalda,495,3
+uvalda,495,4
+uvalda,495,5
+uvalda,495,6
+uvalda,495,7
+uvalda,495,8
+uvalda,496,0
+uvalda,496,1
+uvalda,496,2
+uvalda,496,3
+uvalda,496,4
+uvalda,496,5
+uvalda,496,6
+uvalda,496,7
+uvalda,496,8
+uvalda,496,9
+uvalda,497,0
+uvalda,497,1
+uvalda,497,2
+uvalda,497,3
+uvalda,497,4
+uvalda,498,0
+uvalda,498,1
+uvalda,498,2
+uvalda,498,3
+uvalda,498,4
+uvalda,499,0
+uvalda,499,1
+uvalda,499,2
+uvalda,499,3
+uvalda,500,0
+uvalda,500,1
+uvalda,500,2
+uvalda,500,3
+uvalda,500,4
+uvalda,500,6
+uvalda,500,8
+uvalda,500,9
+uvalda,500,10
+uvalda,500,11
+uvalda,500,12
+uvalda,501,0
+uvalda,501,1
+uvalda,501,2
+uvalda,502,0
+uvalda,502,2
+uvalda,502,3
+uvalda,502,4
+uvalda,502,5
+uvalda,503,0
+uvalda,503,1
+uvalda,503,2
+uvalda,503,3
+uvalda,504,0
+uvalda,504,1
+uvalda,504,2
+uvalda,504,3
+uvalda,504,4
+uvalda,504,5
+uvalda,504,6
+uvalda,505,0
+uvalda,505,1
+uvalda,505,2
+uvalda,506,0
+uvalda,506,1
+uvalda,506,2
+uvalda,506,3
+uvalda,506,4
+uvalda,506,5
+uvalda,507,0
+uvalda,507,1
+uvalda,507,2
+uvalda,507,3
+uvalda,507,4
+uvalda,508,0
+uvalda,508,1
+uvalda,508,2
+uvalda,508,3
+uvalda,508,4
+uvalda,508,5
+uvalda,508,6
+uvalda,508,7
+uvalda,509,0
+uvalda,509,1
+uvalda,509,2
+uvalda,510,0
+uvalda,510,1
+uvalda,510,2
+uvalda,510,3
+uvalda,510,4
+uvalda,510,5
+uvalda,510,6
+uvalda,510,7
+uvalda,510,8
+uvalda,510,9
+uvalda,512,0
+uvalda,512,2
+uvalda,512,4
+uvalda,512,5
+uvalda,512,6
+uvalda,512,7
+uvalda,512,8
+uvalda,512,9
+uvalda,512,10
+uvalda,512,11
+uvalda,513,0
+uvalda,513,1
+uvalda,513,2
+uvalda,513,3
+uvalda,513,4
+uvalda,514,0
+uvalda,514,1
+uvalda,514,2
+uvalda,514,3
+uvalda,515,0
+uvalda,515,1
+uvalda,515,2
+uvalda,515,3
+uvalda,515,4
+uvalda,515,5
+uvalda,515,6
+uvalda,515,7
+uvalda,516,0
+uvalda,516,1
+uvalda,516,2
+uvalda,516,3
+uvalda,516,4
+uvalda,516,5
+uvalda,516,6
+uvalda,516,7
+uvalda,516,8
+uvalda,516,9
+uvalda,517,0
+uvalda,517,1
+uvalda,517,2
+uvalda,517,3
+uvalda,517,4
+uvalda,517,5
+uvalda,517,6
+uvalda,517,7
+uvalda,517,8
+uvalda,517,9
+uvalda,518,0
+uvalda,518,1
+uvalda,518,2
+uvalda,518,3
+uvalda,519,0
+uvalda,519,1
+uvalda,519,2
+uvalda,519,3
+uvalda,520,0
+uvalda,520,1
+uvalda,520,2
+uvalda,520,3
+uvalda,521,0
+uvalda,521,1
+uvalda,521,2
+uvalda,521,3
+uvalda,522,0
+uvalda,522,1
+uvalda,522,2
+uvalda,522,3
+uvalda,522,4
+uvalda,522,5
+uvalda,523,0
+uvalda,523,1
+uvalda,523,2
+uvalda,523,3
+uvalda,523,4
+uvalda,523,5
+uvalda,523,6
+uvalda,523,7
+uvalda,523,8
+uvalda,523,9
+uvalda,523,10
+uvalda,524,0
+uvalda,524,1
+uvalda,524,2
+uvalda,524,3
+uvalda,524,4
+uvalda,524,5
+uvalda,524,6
+uvalda,524,9
+uvalda,524,10
+uvalda,524,11
+uvalda,524,12
+uvalda,524,14
+uvalda,524,15
+uvalda,524,16
+uvalda,524,17
+uvalda,525,0
+uvalda,525,1
+uvalda,525,2
+uvalda,525,3
+uvalda,525,4
+uvalda,526,0
+uvalda,526,1
+uvalda,526,2
+uvalda,526,3
+uvalda,526,4
+uvalda,526,5
+uvalda,526,6
+uvalda,526,7
+uvalda,526,8
+uvalda,527,0
+uvalda,527,1
+uvalda,527,2
+uvalda,528,0
+uvalda,528,1
+uvalda,528,2
+uvalda,528,3
+uvalda,528,4
+uvalda,528,5
+uvalda,528,6
+uvalda,529,0
+uvalda,529,1
+uvalda,529,2
+uvalda,529,3
+uvalda,529,4
+uvalda,530,0
+uvalda,530,1
+uvalda,530,2
+uvalda,530,3
+uvalda,530,4
+uvalda,530,5
+uvalda,530,6
+uvalda,530,7
+uvalda,530,8
+uvalda,531,1
+uvalda,531,2
+uvalda,531,3
+uvalda,531,4
+uvalda,531,5
+uvalda,531,6
+uvalda,531,8
+uvalda,531,9
+uvalda,531,10
+uvalda,531,12
+uvalda,531,13
+uvalda,531,14
+uvalda,531,15
+uvalda,532,0
+uvalda,532,1
+uvalda,532,2
+uvalda,532,3
+uvalda,532,4
+uvalda,532,5
+uvalda,532,6
+uvalda,532,7
+uvalda,532,8
+uvalda,533,0
+uvalda,533,1
+uvalda,533,2
+uvalda,533,3
+uvalda,533,4
+uvalda,534,0
+uvalda,534,1
+uvalda,534,2
+uvalda,534,4
+uvalda,534,5
+uvalda,534,6
+uvalda,534,7
+uvalda,534,8
+uvalda,534,10
+uvalda,534,12
+uvalda,534,13
+uvalda,534,14
+uvalda,535,0
+uvalda,535,1
+uvalda,535,2
+uvalda,535,3
+uvalda,535,4
+uvalda,535,5
+uvalda,535,6
+uvalda,536,0
+uvalda,536,1
+uvalda,536,2
+uvalda,536,3
+uvalda,537,0
+uvalda,537,1
+uvalda,537,2
+uvalda,538,0
+uvalda,538,1
+uvalda,538,3
+uvalda,538,6
+uvalda,538,7
+uvalda,539,0
+uvalda,539,1
+uvalda,539,2
+uvalda,540,0
+uvalda,540,1
+uvalda,540,2
+uvalda,540,3
+uvalda,540,4
+uvalda,541,0
+uvalda,541,1
+uvalda,541,2
+uvalda,541,4
+uvalda,541,6
+uvalda,541,7
+uvalda,541,8
+uvalda,541,10
+uvalda,541,11
+uvalda,541,12
+uvalda,541,13
+uvalda,542,0
+uvalda,542,1
+uvalda,542,2
+uvalda,542,3
+uvalda,543,0
+uvalda,543,1
+uvalda,543,2
+uvalda,543,3
+uvalda,543,4
+uvalda,543,5
+uvalda,543,6
+uvalda,544,0
+uvalda,544,1
+uvalda,544,2
+uvalda,545,0
+uvalda,545,1
+uvalda,545,2
+uvalda,545,3
+uvalda,545,4
+uvalda,545,5
+uvalda,545,6
+uvalda,546,0
+uvalda,546,1
+uvalda,546,2
+uvalda,546,3
+uvalda,546,4
+uvalda,546,5
+uvalda,546,6
+uvalda,547,0
+uvalda,547,1
+uvalda,547,2
+uvalda,547,3
+uvalda,547,4
+uvalda,548,0
+uvalda,548,1
+uvalda,548,2
+uvalda,548,3
+uvalda,548,4
+uvalda,549,0
+uvalda,549,1
+uvalda,549,2
+uvalda,549,3
+uvalda,550,0
+uvalda,550,1
+uvalda,550,2
+uvalda,551,0
+uvalda,551,1
+uvalda,551,2
+uvalda,551,3
+uvalda,551,4
+uvalda,552,0
+uvalda,552,1
+uvalda,552,2
+uvalda,552,3
+uvalda,552,4
+uvalda,552,5
+uvalda,553,0
+uvalda,553,1
+uvalda,553,2
+uvalda,553,3
+uvalda,553,4
+uvalda,553,5
+uvalda,553,6
+uvalda,554,0
+uvalda,554,1
+uvalda,554,2
+uvalda,554,3
+uvalda,554,4
+uvalda,554,5
+uvalda,554,6
+uvalda,554,7
+uvalda,554,8
+uvalda,555,0
+uvalda,555,1
+uvalda,555,2
+uvalda,556,0
+uvalda,556,1
+uvalda,556,2
+uvalda,557,0
+uvalda,557,1
+uvalda,557,2
+uvalda,558,0
+uvalda,558,1
+uvalda,558,2
+uvalda,558,3
+uvalda,558,4
+uvalda,558,5
+uvalda,558,6
+uvalda,558,7
+uvalda,558,8
+uvalda,558,9
+uvalda,558,10
+uvalda,559,0
+uvalda,559,1
+uvalda,559,2
+uvalda,559,3
+uvalda,559,4
+uvalda,560,0
+uvalda,560,1
+uvalda,560,2
+uvalda,560,3
+uvalda,560,4
+uvalda,560,5
+uvalda,560,6
+uvalda,561,0
+uvalda,561,1
+uvalda,561,2
+uvalda,562,1
+uvalda,562,2
+uvalda,562,4
+uvalda,562,5
+uvalda,562,6
+uvalda,562,8
+uvalda,562,9
+uvalda,562,10
+uvalda,562,11
+uvalda,562,12
+uvalda,563,0
+uvalda,563,1
+uvalda,563,2
+uvalda,564,0
+uvalda,564,1
+uvalda,564,2
+uvalda,564,3
+uvalda,564,4
+uvalda,565,0
+uvalda,565,2
+uvalda,565,3
+uvalda,565,4
+uvalda,565,5
+uvalda,565,6
+uvalda,565,8
+uvalda,565,9
+uvalda,565,11
+uvalda,565,12
+uvalda,565,13
+uvalda,565,14
+uvalda,565,15
+uvalda,566,0
+uvalda,566,1
+uvalda,566,2
+uvalda,566,3
+uvalda,567,0
+uvalda,567,1
+uvalda,567,2
+uvalda,567,3
+uvalda,567,4
+uvalda,567,5
+uvalda,568,0
+uvalda,568,1
+uvalda,568,2
+uvalda,569,0
+uvalda,569,1
+uvalda,569,2
+uvalda,569,3
+uvalda,569,4
+uvalda,569,5
+uvalda,569,7
+uvalda,570,0
+uvalda,570,1
+uvalda,570,2
+uvalda,571,0
+uvalda,571,1
+uvalda,571,2
+uvalda,571,3
+uvalda,571,4
+uvalda,572,0
+uvalda,572,1
+uvalda,572,2
+uvalda,572,3
+uvalda,573,0
+uvalda,573,1
+uvalda,573,2
+uvalda,574,0
+uvalda,574,1
+uvalda,574,2
+uvalda,575,0
+uvalda,575,1
+uvalda,575,2
+uvalda,575,3
+uvalda,576,0
+uvalda,576,1
+uvalda,576,2
+uvalda,576,3
+uvalda,577,0
+uvalda,577,1
+uvalda,577,2
+uvalda,577,3
+uvalda,578,0
+uvalda,578,1
+uvalda,578,2
+uvalda,578,3
+uvalda,578,4
+uvalda,578,5
+uvalda,578,6
+uvalda,578,7
+uvalda,578,8
+uvalda,578,9
+uvalda,579,2
+uvalda,579,3
+uvalda,579,4
+uvalda,579,5
+uvalda,579,6
+uvalda,579,7
+uvalda,579,8
+uvalda,579,9
+uvalda,579,11
+uvalda,579,12
+uvalda,579,13
+uvalda,579,14
+uvalda,579,15
+uvalda,580,0
+uvalda,580,1
+uvalda,580,2
+uvalda,580,3
+uvalda,580,4
+uvalda,580,5
+uvalda,580,6
+uvalda,581,0
+uvalda,581,1
+uvalda,581,2
+uvalda,581,3
+uvalda,581,4
+uvalda,581,5
+uvalda,581,6
+uvalda,581,7
+uvalda,581,8
+uvalda,581,9
+uvalda,581,10
+uvalda,582,0
+uvalda,582,2
+uvalda,582,3
+uvalda,582,4
+uvalda,582,5
+uvalda,582,6
+uvalda,582,8
+uvalda,582,9
+uvalda,582,11
+uvalda,582,12
+uvalda,582,13
+uvalda,582,14
+uvalda,583,0
+uvalda,583,1
+uvalda,583,2
+uvalda,583,3
+uvalda,583,4
+uvalda,583,5
+uvalda,584,0
+uvalda,584,1
+uvalda,584,2
+uvalda,584,3
+uvalda,584,4
+uvalda,584,5
+uvalda,584,6
+uvalda,584,7
+uvalda,584,8
+uvalda,585,0
+uvalda,585,1
+uvalda,585,2
+uvalda,586,0
+uvalda,586,1
+uvalda,586,2
+uvalda,586,3
+uvalda,586,4
+uvalda,586,5
+uvalda,586,6
+uvalda,586,7
+uvalda,586,8
+uvalda,586,9
+uvalda,586,10
+uvalda,586,11
+uvalda,587,0
+uvalda,587,1
+uvalda,587,2
+uvalda,587,3
+uvalda,587,4
+uvalda,587,5
+uvalda,587,6
+uvalda,587,7
+uvalda,587,8
+uvalda,587,9
+uvalda,587,10
+uvalda,588,0
+uvalda,588,1
+uvalda,588,2
+uvalda,588,3
+uvalda,588,4
+uvalda,588,5
+uvalda,588,6
+uvalda,589,2
+uvalda,589,4
+uvalda,589,5
+uvalda,589,6
+uvalda,589,7
+uvalda,589,8
+uvalda,590,0
+uvalda,590,1
+uvalda,590,2
+uvalda,590,3
+uvalda,590,4
+uvalda,591,0
+uvalda,591,1
+uvalda,591,2
+uvalda,592,0
+uvalda,592,1
+uvalda,592,2
+uvalda,592,3
+uvalda,593,0
+uvalda,593,1
+uvalda,593,2
+uvalda,593,3
+uvalda,593,4
+uvalda,593,5
+uvalda,594,0
+uvalda,594,1
+uvalda,594,2
+uvalda,594,3
+uvalda,594,4
+uvalda,594,5
+uvalda,595,0
+uvalda,595,3
+uvalda,595,4
+uvalda,595,5
+uvalda,595,6
+uvalda,595,7
+uvalda,595,8
+uvalda,595,9
+uvalda,595,10
+uvalda,595,12
+uvalda,595,13
+uvalda,596,0
+uvalda,596,1
+uvalda,596,2
+uvalda,597,0
+uvalda,597,1
+uvalda,597,2
+uvalda,597,3
+uvalda,597,4
+uvalda,597,5
+uvalda,598,0
+uvalda,598,1
+uvalda,598,2
+uvalda,598,3
+uvalda,598,4
+uvalda,599,0
+uvalda,599,1
+uvalda,599,2
+uvalda,599,3
+uvalda,599,4
+uvalda,599,5
+uvalda,599,6
+uvalda,599,7
+uvalda,599,8
+uvalda,599,9
+uvalda,600,0
+uvalda,600,1
+uvalda,600,2
+uvalda,600,3
+uvalda,600,4
+uvalda,601,0
+uvalda,601,1
+uvalda,601,2
+uvalda,602,0
+uvalda,602,1
+uvalda,602,2
+uvalda,603,0
+uvalda,603,3
+uvalda,603,5
+uvalda,603,6
+uvalda,604,0
+uvalda,604,1
+uvalda,604,2
+uvalda,604,3
+uvalda,604,4
+uvalda,605,0
+uvalda,605,1
+uvalda,605,2
+uvalda,605,3
+uvalda,606,0
+uvalda,606,1
+uvalda,606,3
+uvalda,606,5
+uvalda,606,6
+uvalda,606,7
+uvalda,606,9
+uvalda,606,10
+uvalda,606,11
+uvalda,607,0
+uvalda,607,1
+uvalda,607,2
+uvalda,607,3
+uvalda,607,4
+uvalda,607,5
+uvalda,608,0
+uvalda,608,1
+uvalda,608,2
+uvalda,608,3
+uvalda,609,0
+uvalda,609,1
+uvalda,609,2
+uvalda,610,0
+uvalda,610,1
+uvalda,610,2
+uvalda,611,0
+uvalda,611,1
+uvalda,611,2
+uvalda,611,3
+uvalda,612,0
+uvalda,612,1
+uvalda,612,2
+uvalda,612,3
+uvalda,613,0
+uvalda,613,1
+uvalda,613,2
+uvalda,613,3
+uvalda,614,0
+uvalda,614,1
+uvalda,614,2
+uvalda,614,3
+uvalda,614,4
+uvalda,614,5
+uvalda,614,6
+uvalda,615,0
+uvalda,615,1
+uvalda,615,2
+uvalda,615,3
+uvalda,615,4
+uvalda,616,0
+uvalda,616,1
+uvalda,616,2
+uvalda,616,3
+uvalda,616,4
+uvalda,616,5
+uvalda,616,6
+uvalda,616,7
+uvalda,616,8
+uvalda,617,0
+uvalda,617,1
+uvalda,617,2
+uvalda,617,3
+uvalda,618,3
+uvalda,618,4
+uvalda,618,5
+uvalda,618,6
+uvalda,618,7
+uvalda,618,8
+uvalda,618,9
+uvalda,619,0
+uvalda,619,1
+uvalda,619,2
+uvalda,619,3
+uvalda,619,4
+uvalda,619,5
+uvalda,620,0
+uvalda,620,1
+uvalda,620,2
+uvalda,620,3
+uvalda,620,4
+uvalda,620,5
+uvalda,620,6
+uvalda,621,0
+uvalda,621,1
+uvalda,621,2
+uvalda,621,3
+uvalda,621,4
+uvalda,621,5
+uvalda,621,6
+uvalda,621,7
+uvalda,621,8
+uvalda,622,0
+uvalda,622,1
+uvalda,622,2
+uvalda,623,0
+uvalda,623,1
+uvalda,623,2
+uvalda,623,3
+uvalda,623,4
+uvalda,623,5
+uvalda,623,6
+uvalda,624,0
+uvalda,624,1
+uvalda,624,2
+uvalda,624,3
+uvalda,624,4
+uvalda,625,0
+uvalda,625,2
+uvalda,625,3
+uvalda,625,4
+uvalda,625,5
+uvalda,625,6
+uvalda,625,7
+uvalda,625,8
+uvalda,625,10
+uvalda,625,11
+uvalda,625,13
+uvalda,625,14
+uvalda,625,15
+uvalda,625,16
+uvalda,626,0
+uvalda,626,1
+uvalda,626,2
+uvalda,626,3
+uvalda,627,0
+uvalda,627,1
+uvalda,627,2
+uvalda,628,0
+uvalda,628,1
+uvalda,628,2
+uvalda,628,3
+uvalda,628,4
+uvalda,628,5
+uvalda,628,6
+uvalda,629,0
+uvalda,629,1
+uvalda,629,2
+uvalda,629,3
+uvalda,629,4
+uvalda,630,0
+uvalda,630,1
+uvalda,630,2
+uvalda,631,0
+uvalda,631,1
+uvalda,631,2
+uvalda,631,3
+uvalda,631,4
+uvalda,631,5
+uvalda,631,6
+uvalda,631,7
+uvalda,631,8
+uvalda,631,9
+uvalda,632,0
+uvalda,632,1
+uvalda,632,2
+uvalda,632,3
+uvalda,632,4
+uvalda,632,5
+uvalda,633,0
+uvalda,633,1
+uvalda,633,2
+uvalda,633,3
+uvalda,633,4
+uvalda,633,5
+uvalda,634,0
+uvalda,634,2
+uvalda,634,3
+uvalda,634,4
+uvalda,634,5
+uvalda,634,6
+uvalda,634,7
+uvalda,634,9
+uvalda,634,10
+uvalda,635,0
+uvalda,635,1
+uvalda,635,2
+uvalda,635,3
+uvalda,635,4
+uvalda,636,0
+uvalda,636,1
+uvalda,636,2
+uvalda,637,0
+uvalda,637,1
+uvalda,637,2
+uvalda,637,3
+uvalda,637,4
+uvalda,637,5
+uvalda,637,6
+uvalda,637,7
+uvalda,637,8
+uvalda,637,9
+uvalda,637,10
+uvalda,637,11
+uvalda,637,12
+uvalda,637,13
+uvalda,637,14
+uvalda,638,0
+uvalda,638,1
+uvalda,638,2
+uvalda,639,0
+uvalda,639,1
+uvalda,639,2
+uvalda,639,3
+uvalda,639,4
+uvalda,639,5
+uvalda,640,0
+uvalda,640,1
+uvalda,640,2
+uvalda,640,3
+uvalda,642,0
+uvalda,642,1
+uvalda,642,2
+uvalda,642,3
+uvalda,643,0
+uvalda,643,1
+uvalda,643,2
+uvalda,644,0
+uvalda,644,1
+uvalda,644,2
+uvalda,644,3
+uvalda,644,4
+uvalda,644,5
+uvalda,644,6
+uvalda,644,7
+uvalda,644,8
+uvalda,644,9
+uvalda,644,10
+uvalda,644,11
+uvalda,645,0
+uvalda,645,1
+uvalda,645,2
+uvalda,645,3
+uvalda,645,4
+uvalda,645,5
+uvalda,645,6
+uvalda,645,7
+uvalda,646,0
+uvalda,646,1
+uvalda,646,2
+uvalda,647,0
+uvalda,647,1
+uvalda,647,2
+uvalda,647,3
+uvalda,647,4
+uvalda,647,5
+uvalda,647,6
+uvalda,647,7
+uvalda,647,8
+uvalda,648,0
+uvalda,648,1
+uvalda,648,2
+uvalda,648,3
+uvalda,649,0
+uvalda,649,1
+uvalda,649,2
+uvalda,649,3
+uvalda,649,4
+uvalda,649,5
+uvalda,650,0
+uvalda,650,1
+uvalda,650,2
+uvalda,650,3
+uvalda,651,0
+uvalda,651,1
+uvalda,651,2
+uvalda,651,3
+uvalda,651,4
+uvalda,651,5
+uvalda,651,6
+uvalda,651,7
+uvalda,651,8
+uvalda,651,9
+uvalda,652,0
+uvalda,652,1
+uvalda,652,2
+uvalda,652,3
+uvalda,652,4
+uvalda,652,5
+uvalda,652,6
+uvalda,652,7
+uvalda,652,8
+uvalda,652,9
+uvalda,652,12
+uvalda,652,13
+uvalda,653,0
+uvalda,653,1
+uvalda,653,2
+uvalda,653,3
+uvalda,653,4
+uvalda,653,5
+uvalda,654,0
+uvalda,654,1
+uvalda,654,2
+uvalda,654,3
+uvalda,654,4
+uvalda,654,5
+uvalda,654,6
+uvalda,654,7
+uvalda,654,8
+uvalda,654,9
+uvalda,655,0
+uvalda,655,1
+uvalda,655,2
+uvalda,655,3
+uvalda,655,4
+uvalda,656,0
+uvalda,656,1
+uvalda,656,2
+uvalda,656,3
+uvalda,657,0
+uvalda,657,1
+uvalda,657,2
+uvalda,657,3
+uvalda,658,0
+uvalda,658,1
+uvalda,658,2
+uvalda,659,0
+uvalda,659,1
+uvalda,659,2
+uvalda,659,3
+uvalda,660,0
+uvalda,660,1
+uvalda,660,2
+uvalda,661,0
+uvalda,661,1
+uvalda,661,2
+uvalda,661,3
+uvalda,662,0
+uvalda,662,1
+uvalda,662,2
+uvalda,662,3
+uvalda,663,0
+uvalda,663,1
+uvalda,663,2
+uvalda,663,3
+uvalda,664,0
+uvalda,664,1
+uvalda,664,2
+uvalda,664,3
+uvalda,664,4
+uvalda,664,5
+uvalda,664,6
+uvalda,664,7
+uvalda,664,8
+uvalda,664,9
+uvalda,665,1
+uvalda,665,3
+uvalda,665,4
+uvalda,665,6
+uvalda,665,7
+uvalda,666,0
+uvalda,666,1
+uvalda,666,2
+uvalda,666,3
+uvalda,666,4
+uvalda,666,6
+uvalda,666,7
+uvalda,666,8
+uvalda,666,9
+uvalda,666,10
+uvalda,666,12
+uvalda,666,13
+uvalda,666,15
+uvalda,667,0
+uvalda,667,1
+uvalda,667,2
+uvalda,667,3
+uvalda,668,0
+uvalda,668,1
+uvalda,668,2
+uvalda,669,0
+uvalda,669,1
+uvalda,669,2
+uvalda,670,0
+uvalda,670,1
+uvalda,670,2
+uvalda,671,0
+uvalda,671,1
+uvalda,671,2
+uvalda,671,3
+uvalda,671,4
+uvalda,671,5
+uvalda,672,0
+uvalda,672,2
+uvalda,672,3
+uvalda,672,4
+uvalda,672,6
+uvalda,672,7
+uvalda,673,0
+uvalda,673,1
+uvalda,673,2
+uvalda,673,3
+uvalda,673,4
+uvalda,674,0
+uvalda,674,1
+uvalda,674,2
+uvalda,674,3
+uvalda,674,4
+uvalda,675,1
+uvalda,675,3
+uvalda,675,5
+uvalda,676,0
+uvalda,676,1
+uvalda,676,2
+uvalda,676,3
+uvalda,676,4
+uvalda,676,5
+uvalda,676,6
+uvalda,676,7
+uvalda,676,8
+uvalda,676,9
+uvalda,676,10
+uvalda,676,11
+uvalda,676,12
+uvalda,676,13
+uvalda,677,0
+uvalda,677,1
+uvalda,677,2
+uvalda,677,3
+uvalda,677,4
+uvalda,678,0
+uvalda,678,1
+uvalda,678,2
+uvalda,678,3
+uvalda,679,0
+uvalda,679,1
+uvalda,679,2
+uvalda,680,0
+uvalda,680,1
+uvalda,680,3
+uvalda,680,5
+uvalda,680,6
+uvalda,680,7
+uvalda,680,8
+uvalda,680,10
+uvalda,680,11
+uvalda,680,12
+uvalda,680,13
+uvalda,680,14
+uvalda,681,0
+uvalda,681,1
+uvalda,681,2
+uvalda,682,1
+uvalda,682,2
+uvalda,682,4
+uvalda,682,5
+uvalda,682,6
+uvalda,682,7
+uvalda,682,8
+uvalda,682,10
+uvalda,682,11
+uvalda,683,0
+uvalda,683,1
+uvalda,683,2
+uvalda,683,3
+uvalda,683,4
+uvalda,683,5
+uvalda,683,6
+uvalda,683,7
+uvalda,684,0
+uvalda,684,1
+uvalda,684,2
+uvalda,684,4
+uvalda,684,5
+uvalda,684,6
+uvalda,684,7
+uvalda,684,8
+uvalda,684,9
+uvalda,684,10
+uvalda,684,11
+uvalda,684,13
+uvalda,684,14
+uvalda,684,15
+uvalda,684,16
+uvalda,685,0
+uvalda,685,1
+uvalda,685,2
+uvalda,685,3
+uvalda,686,0
+uvalda,686,1
+uvalda,686,2
+uvalda,686,3
+uvalda,686,4
+uvalda,686,5
+uvalda,686,6
+uvalda,686,7
+uvalda,686,8
+uvalda,687,0
+uvalda,687,1
+uvalda,687,2
+uvalda,687,3
+uvalda,688,0
+uvalda,688,1
+uvalda,688,2
+uvalda,688,3
+uvalda,688,4
+uvalda,688,5
+uvalda,688,6
+uvalda,688,8
+uvalda,688,10
+uvalda,688,11
+uvalda,688,12
+uvalda,688,13
+uvalda,688,15
+uvalda,689,1
+uvalda,689,2
+uvalda,689,3
+uvalda,689,4
+uvalda,689,5
+uvalda,689,7
+uvalda,689,8
+uvalda,689,9
+uvalda,689,10
+uvalda,689,11
+uvalda,689,12
+uvalda,689,13
+uvalda,689,14
+uvalda,689,16
+uvalda,690,0
+uvalda,690,1
+uvalda,690,2
+uvalda,690,3
+uvalda,691,0
+uvalda,691,2
+uvalda,691,5
+uvalda,691,6
+uvalda,691,7
+uvalda,692,0
+uvalda,692,1
+uvalda,692,2
+uvalda,693,0
+uvalda,693,1
+uvalda,693,2
+uvalda,693,3
+uvalda,693,4
+uvalda,694,0
+uvalda,694,1
+uvalda,694,2
+uvalda,694,3
+uvalda,694,4
+uvalda,694,5
+uvalda,694,6
+uvalda,694,7
+uvalda,695,0
+uvalda,695,1
+uvalda,695,2
+uvalda,695,3
+uvalda,696,0
+uvalda,696,1
+uvalda,696,2
+uvalda,697,0
+uvalda,697,1
+uvalda,697,2
+uvalda,697,3
+uvalda,698,0
+uvalda,698,1
+uvalda,698,4
+uvalda,698,5
+uvalda,698,7
+uvalda,698,8
+uvalda,698,9
+uvalda,699,0
+uvalda,699,1
+uvalda,699,2
+uvalda,700,0
+uvalda,700,1
+uvalda,700,2
+uvalda,700,3
+uvalda,700,4
+uvalda,700,5
+uvalda,700,6
+uvalda,701,0
+uvalda,701,1
+uvalda,701,2
+uvalda,701,3
+uvalda,701,4
+uvalda,702,0
+uvalda,702,1
+uvalda,702,2
+uvalda,702,3
+uvalda,703,0
+uvalda,703,1
+uvalda,703,2
+uvalda,703,3
+uvalda,704,0
+uvalda,704,1
+uvalda,704,2
+uvalda,705,0
+uvalda,705,1
+uvalda,705,2
+uvalda,705,3
+uvalda,705,4
+uvalda,705,5
+uvalda,705,6
+uvalda,705,7
+uvalda,705,8
+uvalda,705,9
+uvalda,705,10
+uvalda,705,11
+uvalda,705,12
+uvalda,705,13
+uvalda,706,0
+uvalda,706,1
+uvalda,706,2
+uvalda,706,3
+uvalda,707,1
+uvalda,707,2
+uvalda,707,3
+uvalda,707,5
+uvalda,707,6
+uvalda,707,7
+uvalda,707,8
+uvalda,707,10
+uvalda,707,11
+uvalda,707,12
+uvalda,707,13
+uvalda,707,14
+uvalda,707,15
+uvalda,708,0
+uvalda,708,1
+uvalda,708,2
+uvalda,708,3
+uvalda,709,0
+uvalda,709,1
+uvalda,709,2
+uvalda,709,3
+uvalda,709,4
+uvalda,709,5
+uvalda,709,7
+uvalda,709,8
+uvalda,709,10
+uvalda,709,11
+uvalda,709,12
+uvalda,709,13
+uvalda,709,14
+uvalda,710,0
+uvalda,710,1
+uvalda,710,3
+uvalda,710,4
+uvalda,710,5
+uvalda,710,7
+uvalda,710,8
+uvalda,710,9
+uvalda,710,10
+uvalda,710,11
+uvalda,710,12
+uvalda,710,13
+uvalda,710,14
+uvalda,710,15
+uvalda,711,1
+uvalda,711,2
+uvalda,711,3
+uvalda,711,4
+uvalda,711,5
+uvalda,711,6
+uvalda,711,7
+uvalda,711,8
+uvalda,711,10
+uvalda,711,11
+uvalda,711,12
+uvalda,711,13
+uvalda,711,14
+uvalda,712,0
+uvalda,712,1
+uvalda,712,2
+uvalda,712,3
+uvalda,712,4
+uvalda,712,5
+uvalda,712,6
+uvalda,712,7
+uvalda,712,8
+uvalda,712,9
+uvalda,713,0
+uvalda,713,1
+uvalda,713,2
+uvalda,713,3
+uvalda,713,4
+uvalda,713,6
+uvalda,713,8
+uvalda,713,9
+uvalda,713,10
+uvalda,713,11
+uvalda,713,12
+uvalda,713,13
+uvalda,713,15
+uvalda,714,0
+uvalda,714,1
+uvalda,714,2
+uvalda,714,3
+uvalda,715,0
+uvalda,715,1
+uvalda,715,2
+uvalda,715,3
+uvalda,716,0
+uvalda,716,1
+uvalda,716,2
+uvalda,716,3
+uvalda,717,0
+uvalda,717,1
+uvalda,717,2
+uvalda,717,3
+uvalda,717,4
+uvalda,717,5
+uvalda,718,0
+uvalda,718,1
+uvalda,718,2
+uvalda,719,0
+uvalda,719,1
+uvalda,719,2
+uvalda,719,3
+uvalda,719,4
+uvalda,719,5
+uvalda,720,0
+uvalda,720,1
+uvalda,720,2
+uvalda,720,4
+uvalda,720,5
+uvalda,720,6
+uvalda,720,7
+uvalda,720,8
+uvalda,720,9
+uvalda,720,10
+uvalda,720,11
+uvalda,720,12
+uvalda,720,13
+uvalda,720,16
+uvalda,720,17
+uvalda,721,0
+uvalda,721,1
+uvalda,721,2
+uvalda,721,3
+uvalda,721,4
+uvalda,721,5
+uvalda,721,6
+uvalda,721,7
+uvalda,721,8
+uvalda,722,0
+uvalda,722,1
+uvalda,722,2
+uvalda,722,3
+uvalda,722,4
+uvalda,722,5
+uvalda,722,6
+uvalda,722,7
+uvalda,722,8
+uvalda,722,9
+uvalda,723,0
+uvalda,723,1
+uvalda,723,2
+uvalda,724,0
+uvalda,724,1
+uvalda,724,2
+uvalda,724,3
+uvalda,724,4
+uvalda,725,0
+uvalda,725,1
+uvalda,725,2
+uvalda,725,3
+uvalda,726,0
+uvalda,726,1
+uvalda,726,2
+uvalda,726,3
+uvalda,726,4
+uvalda,726,5
+uvalda,726,6
+uvalda,726,7
+uvalda,727,0
+uvalda,727,1
+uvalda,727,2
+uvalda,727,3
+uvalda,728,0
+uvalda,728,1
+uvalda,728,2
+uvalda,728,3
+uvalda,728,4
+uvalda,728,5
+uvalda,728,6
+uvalda,728,7
+uvalda,728,8
+uvalda,728,9
+uvalda,728,10
+uvalda,729,0
+uvalda,729,1
+uvalda,729,2
+uvalda,729,3
+uvalda,729,4
+uvalda,729,5
+uvalda,730,0
+uvalda,730,1
+uvalda,730,2
+uvalda,731,0
+uvalda,731,1
+uvalda,731,2
+uvalda,731,3
+uvalda,732,0
+uvalda,732,1
+uvalda,732,3
+uvalda,732,4
+uvalda,732,6
+uvalda,732,7
+uvalda,732,8
+uvalda,732,9
+uvalda,733,0
+uvalda,733,1
+uvalda,733,2
+uvalda,733,3
+uvalda,733,4
+uvalda,734,0
+uvalda,734,1
+uvalda,734,2
+uvalda,734,3
+uvalda,735,0
+uvalda,735,1
+uvalda,735,2
+uvalda,735,3
+uvalda,736,0
+uvalda,736,1
+uvalda,736,2
+uvalda,736,3
+uvalda,736,4
+uvalda,736,5
+uvalda,736,6
+uvalda,737,0
+uvalda,737,1
+uvalda,737,2
+uvalda,737,3
+uvalda,738,0
+uvalda,738,1
+uvalda,738,2
+uvalda,739,0
+uvalda,739,1
+uvalda,739,2
+uvalda,739,3
+uvalda,739,4
+uvalda,740,0
+uvalda,740,1
+uvalda,740,2
+uvalda,740,3
+uvalda,741,0
+uvalda,741,1
+uvalda,741,2
+uvalda,741,3
+uvalda,741,4
+uvalda,741,5
+uvalda,742,0
+uvalda,742,1
+uvalda,742,2
+uvalda,742,3
+uvalda,742,4
+uvalda,742,5
+uvalda,742,6
+uvalda,743,0
+uvalda,743,1
+uvalda,743,2
+uvalda,743,3
+uvalda,744,0
+uvalda,744,3
+uvalda,744,4
+uvalda,744,5
+uvalda,744,6
+uvalda,744,8
+uvalda,745,0
+uvalda,745,1
+uvalda,745,2
+uvalda,745,3
+uvalda,745,4
+uvalda,745,5
+uvalda,745,6
+uvalda,745,7
+uvalda,746,0
+uvalda,746,1
+uvalda,746,2
+uvalda,747,0
+uvalda,747,1
+uvalda,747,2
+uvalda,748,0
+uvalda,748,2
+uvalda,748,3
+uvalda,748,4
+uvalda,748,5
+uvalda,748,6
+uvalda,748,7
+uvalda,748,8
+uvalda,748,9
+uvalda,748,11
+uvalda,748,12
+uvalda,748,13
+uvalda,748,14
+uvalda,748,15
+uvalda,748,17
+uvalda,748,18
+uvalda,748,19
+uvalda,749,0
+uvalda,749,1
+uvalda,749,2
+uvalda,750,0
+uvalda,750,1
+uvalda,750,2
+uvalda,750,3
+uvalda,751,0
+uvalda,751,1
+uvalda,751,2
+uvalda,751,6
+uvalda,751,7
+uvalda,751,8
+uvalda,751,9
+uvalda,752,0
+uvalda,752,1
+uvalda,752,2
+uvalda,752,3
+uvalda,752,4
+uvalda,752,5
+uvalda,753,0
+uvalda,753,1
+uvalda,753,2
+uvalda,753,3
+uvalda,754,0
+uvalda,754,1
+uvalda,754,2
+uvalda,754,3
+uvalda,754,4
+uvalda,754,5
+uvalda,754,6
+uvalda,755,0
+uvalda,755,1
+uvalda,755,4
+uvalda,755,5
+uvalda,755,7
+uvalda,755,8
+uvalda,755,9
+uvalda,755,10
+uvalda,755,11
+uvalda,756,0
+uvalda,756,1
+uvalda,756,2
+uvalda,756,3
+uvalda,756,4
+uvalda,757,0
+uvalda,757,1
+uvalda,757,2
+uvalda,757,3
+uvalda,757,4
+uvalda,757,5
+uvalda,757,6
+uvalda,758,0
+uvalda,758,1
+uvalda,758,2
+uvalda,759,0
+uvalda,759,1
+uvalda,759,2
+uvalda,759,3
+uvalda,759,4
+uvalda,759,5
+uvalda,759,6
+uvalda,759,7
+uvalda,759,8
+uvalda,759,9
+uvalda,759,10
+uvalda,759,11
+uvalda,760,0
+uvalda,760,1
+uvalda,760,4
+uvalda,760,6
+uvalda,760,7
+uvalda,760,8
+uvalda,761,0
+uvalda,761,1
+uvalda,761,2
+uvalda,761,3
+uvalda,761,4
+uvalda,761,5
+uvalda,761,6
+uvalda,761,7
+uvalda,762,0
+uvalda,762,1
+uvalda,762,2
+uvalda,763,0
+uvalda,763,1
+uvalda,763,2
+uvalda,763,3
+uvalda,763,4
+uvalda,764,0
+uvalda,764,1
+uvalda,764,2
+uvalda,764,3
+uvalda,765,0
+uvalda,765,1
+uvalda,765,2
+uvalda,765,3
+uvalda,765,4
+uvalda,765,5
+uvalda,765,6
+uvalda,765,7
+uvalda,765,8
+uvalda,765,9
+uvalda,765,10
+uvalda,766,0
+uvalda,766,1
+uvalda,766,2
+uvalda,766,3
+uvalda,767,0
+uvalda,767,1
+uvalda,767,3
+uvalda,767,5
+uvalda,767,6
+uvalda,767,7
+uvalda,767,9
+uvalda,767,10
+uvalda,767,11
+uvalda,767,12
+uvalda,768,0
+uvalda,768,1
+uvalda,768,2
+uvalda,769,0
+uvalda,769,1
+uvalda,769,2
+uvalda,769,3
+uvalda,769,4
+uvalda,770,0
+uvalda,770,1
+uvalda,770,2
+uvalda,770,3
+uvalda,770,4
+uvalda,771,0
+uvalda,771,1
+uvalda,771,2
+uvalda,772,0
+uvalda,772,1
+uvalda,772,2
+uvalda,773,0
+uvalda,773,1
+uvalda,773,2
+uvalda,773,3
+uvalda,773,4
+uvalda,773,5
+uvalda,774,1
+uvalda,774,2
+uvalda,774,4
+uvalda,774,5
+uvalda,774,7
+uvalda,774,8
+uvalda,774,9
+uvalda,774,10
+uvalda,774,11
+uvalda,775,0
+uvalda,775,1
+uvalda,775,2
+uvalda,776,0
+uvalda,776,2
+uvalda,776,3
+uvalda,776,4
+uvalda,776,5
+uvalda,776,6
+uvalda,776,7
+uvalda,776,8
+uvalda,776,9
+uvalda,776,10
+uvalda,776,11
+uvalda,776,12
+uvalda,776,14
+uvalda,776,15
+uvalda,777,0
+uvalda,777,1
+uvalda,777,3
+uvalda,777,4
+uvalda,777,5
+uvalda,778,0
+uvalda,778,1
+uvalda,778,2
+uvalda,778,3
+uvalda,778,4
+uvalda,778,5
+uvalda,778,6
+uvalda,779,0
+uvalda,779,1
+uvalda,779,2
+uvalda,779,3
+uvalda,779,4
+uvalda,779,5
+uvalda,779,6
+uvalda,779,7
+uvalda,779,8
+uvalda,780,0
+uvalda,780,1
+uvalda,780,2
+uvalda,781,0
+uvalda,781,1
+uvalda,781,2
+uvalda,781,3
+uvalda,781,4
+uvalda,781,5
+uvalda,782,0
+uvalda,782,1
+uvalda,782,2
+uvalda,782,3
+uvalda,782,4
+uvalda,782,5
+uvalda,783,0
+uvalda,783,1
+uvalda,783,2
+uvalda,784,0
+uvalda,784,1
+uvalda,784,2
+uvalda,784,3
+uvalda,784,4
+uvalda,784,5
+uvalda,784,6
+uvalda,785,0
+uvalda,785,1
+uvalda,785,2
+uvalda,785,3
+uvalda,785,4
+uvalda,786,0
+uvalda,786,1
+uvalda,786,2
+uvalda,786,3
+uvalda,787,0
+uvalda,787,1
+uvalda,787,2
+uvalda,787,3
+uvalda,788,0
+uvalda,788,1
+uvalda,788,2
+uvalda,789,0
+uvalda,789,1
+uvalda,789,2
+uvalda,790,0
+uvalda,790,1
+uvalda,790,2
+uvalda,790,3
+uvalda,791,0
+uvalda,791,1
+uvalda,791,2
+uvalda,791,3
+uvalda,791,4
+uvalda,791,5
+uvalda,791,6
+uvalda,792,0
+uvalda,792,1
+uvalda,792,2
+uvalda,792,3
+uvalda,792,4
+uvalda,792,5
+uvalda,792,6
+uvalda,792,7
+uvalda,792,8
+uvalda,793,0
+uvalda,793,1
+uvalda,793,2
+uvalda,793,3
+uvalda,793,4
+uvalda,793,5
+uvalda,793,6
+uvalda,793,7
+uvalda,793,8
+uvalda,794,0
+uvalda,794,1
+uvalda,794,2
+uvalda,795,0
+uvalda,795,1
+uvalda,795,2
+uvalda,795,3
+uvalda,795,4
+uvalda,795,5
+uvalda,795,6
+uvalda,796,0
+uvalda,796,1
+uvalda,796,2
+uvalda,797,0
+uvalda,797,1
+uvalda,797,2
+uvalda,798,0
+uvalda,798,1
+uvalda,798,2
+uvalda,798,3
+uvalda,799,0
+uvalda,799,1
+uvalda,799,2
+uvalda,799,3
+uvalda,799,4
+uvalda,799,5
+uvalda,799,6
+uvalda,799,7
+uvalda,800,0
+uvalda,800,1
+uvalda,800,2
+uvalda,800,3
+uvalda,800,4
+uvalda,800,5
+uvalda,800,6
+uvalda,800,7
+uvalda,800,8
+uvalda,801,0
+uvalda,801,2
+uvalda,801,3
+uvalda,801,4
+uvalda,801,6
+uvalda,801,8
+uvalda,801,9
+uvalda,801,10
+uvalda,801,11
+uvalda,801,12
+uvalda,801,13
+uvalda,801,14
+uvalda,801,15
+uvalda,801,16
+uvalda,802,0
+uvalda,802,1
+uvalda,802,2
+uvalda,802,3
+uvalda,802,4
+uvalda,803,0
+uvalda,803,3
+uvalda,803,5
+uvalda,803,6
+uvalda,803,7
+uvalda,803,8
+uvalda,803,9
+uvalda,803,10
+uvalda,803,11
+uvalda,803,12
+uvalda,803,13
+uvalda,803,14
+uvalda,804,0
+uvalda,804,1
+uvalda,804,2
+uvalda,804,3
+uvalda,804,4
+uvalda,804,5
+uvalda,804,6
+uvalda,805,0
+uvalda,805,1
+uvalda,805,2
+uvalda,806,0
+uvalda,806,1
+uvalda,806,2
+uvalda,806,3
+uvalda,806,4
+uvalda,806,5
+uvalda,806,6
+uvalda,806,7
+uvalda,807,0
+uvalda,807,1
+uvalda,807,2
+uvalda,808,0
+uvalda,808,1
+uvalda,808,2
+uvalda,808,4
+uvalda,808,5
+uvalda,808,7
+uvalda,809,0
+uvalda,809,2
+uvalda,809,3
+uvalda,809,4
+uvalda,809,5
+uvalda,809,6
+uvalda,809,7
+uvalda,809,8
+uvalda,809,10
+uvalda,809,12
+uvalda,809,13
+uvalda,809,14
+uvalda,810,0
+uvalda,810,1
+uvalda,810,2
+uvalda,810,3
+uvalda,810,4
+uvalda,811,0
+uvalda,811,1
+uvalda,811,2
+uvalda,812,0
+uvalda,812,2
+uvalda,812,3
+uvalda,812,4
+uvalda,812,6
+uvalda,812,7
+uvalda,812,8
+uvalda,812,9
+uvalda,812,10
+uvalda,812,11
+uvalda,812,12
+uvalda,812,13
+uvalda,812,15
+uvalda,813,0
+uvalda,813,1
+uvalda,813,2
+uvalda,814,0
+uvalda,814,1
+uvalda,814,2
+uvalda,814,3
+uvalda,815,0
+uvalda,815,1
+uvalda,815,2
+uvalda,815,3
+uvalda,816,0
+uvalda,816,1
+uvalda,816,2
+uvalda,816,3
+uvalda,816,4
+uvalda,816,5
+uvalda,817,0
+uvalda,817,1
+uvalda,817,2
+uvalda,817,3
+uvalda,818,0
+uvalda,818,1
+uvalda,818,2
+uvalda,818,3
+uvalda,818,4
+uvalda,818,5
+uvalda,818,6
+uvalda,819,0
+uvalda,819,1
+uvalda,819,2
+uvalda,820,0
+uvalda,820,1
+uvalda,820,2
+uvalda,820,3
+uvalda,820,4
+uvalda,820,5
+uvalda,821,0
+uvalda,821,1
+uvalda,821,2
+uvalda,821,3
+uvalda,822,0
+uvalda,822,1
+uvalda,822,2
+uvalda,822,3
+uvalda,822,4
+uvalda,822,5
+uvalda,822,6
+uvalda,823,0
+uvalda,823,1
+uvalda,823,2
+uvalda,823,3
+uvalda,823,4
+uvalda,823,5
+uvalda,823,6
+uvalda,824,0
+uvalda,824,1
+uvalda,824,2
+uvalda,824,3
+uvalda,824,4
+uvalda,824,5
+uvalda,825,0
+uvalda,825,1
+uvalda,825,2
+uvalda,825,3
+uvalda,825,4
+uvalda,825,5
+uvalda,825,6
+uvalda,825,7
+uvalda,825,8
+uvalda,826,0
+uvalda,826,1
+uvalda,826,2
+uvalda,826,3
+uvalda,826,4
+uvalda,826,5
+uvalda,826,6
+uvalda,826,7
+uvalda,826,8
+uvalda,826,9
+uvalda,826,10
+uvalda,826,11
+uvalda,827,0
+uvalda,827,1
+uvalda,827,2
+uvalda,828,0
+uvalda,828,1
+uvalda,828,2
+uvalda,828,3
+uvalda,828,4
+uvalda,829,0
+uvalda,829,1
+uvalda,829,2
+uvalda,830,0
+uvalda,830,1
+uvalda,830,2
+uvalda,830,3
+uvalda,830,4
+uvalda,831,0
+uvalda,831,1
+uvalda,831,2
+uvalda,831,3
+uvalda,831,4
+uvalda,831,5
+uvalda,832,0
+uvalda,832,1
+uvalda,832,2
+uvalda,832,3
+uvalda,832,4
+uvalda,832,5
+uvalda,832,6
+uvalda,833,0
+uvalda,833,1
+uvalda,833,2
+uvalda,834,0
+uvalda,834,1
+uvalda,834,2
+uvalda,835,0
+uvalda,835,1
+uvalda,835,2
+uvalda,836,0
+uvalda,836,1
+uvalda,836,2
+uvalda,836,3
+uvalda,836,4
+uvalda,837,0
+uvalda,837,1
+uvalda,837,2
+uvalda,837,3
+uvalda,837,4
+uvalda,837,5
+uvalda,837,6
+uvalda,838,0
+uvalda,838,1
+uvalda,838,2
+uvalda,838,3
+uvalda,838,4
+uvalda,839,0
+uvalda,839,1
+uvalda,839,2
+uvalda,839,3
+uvalda,839,4
+uvalda,839,5
+uvalda,839,6
+uvalda,839,7
+uvalda,839,8
+uvalda,839,9
+uvalda,839,10
+uvalda,839,11
+uvalda,840,0
+uvalda,840,1
+uvalda,840,2
+uvalda,841,0
+uvalda,841,1
+uvalda,841,2
+uvalda,842,0
+uvalda,842,2
+uvalda,842,3
+uvalda,842,4
+uvalda,842,5
+uvalda,842,6
+uvalda,842,7
+uvalda,842,10
+uvalda,842,11
+uvalda,842,12
+uvalda,842,13
+uvalda,843,0
+uvalda,843,1
+uvalda,843,2
+uvalda,844,0
+uvalda,844,1
+uvalda,844,2
+uvalda,844,3
+uvalda,844,4
+uvalda,845,0
+uvalda,845,1
+uvalda,845,2
+uvalda,846,0
+uvalda,846,1
+uvalda,846,2
+uvalda,846,3
+uvalda,846,4
+uvalda,847,0
+uvalda,847,1
+uvalda,847,2
+uvalda,848,0
+uvalda,848,1
+uvalda,848,2
+uvalda,848,3
+uvalda,848,4
+uvalda,848,5
+uvalda,848,6
+uvalda,848,7
+uvalda,848,8
+uvalda,849,0
+uvalda,849,1
+uvalda,849,2
+uvalda,849,3
+uvalda,850,0
+uvalda,850,1
+uvalda,850,2
+uvalda,850,3
+uvalda,851,0
+uvalda,851,1
+uvalda,851,2
+uvalda,851,3
+uvalda,852,0
+uvalda,852,1
+uvalda,852,2
+uvalda,852,3
+uvalda,852,4
+uvalda,852,5
+uvalda,852,6
+uvalda,852,7
+uvalda,852,8
+uvalda,852,10
+uvalda,853,0
+uvalda,853,1
+uvalda,853,2
+uvalda,853,3
+uvalda,854,0
+uvalda,854,1
+uvalda,854,2
+uvalda,854,3
+uvalda,854,4
+uvalda,854,5
+uvalda,855,0
+uvalda,855,1
+uvalda,855,2
+uvalda,855,3
+uvalda,855,4
+uvalda,855,5
+uvalda,855,6
+uvalda,855,7
+uvalda,855,8
+uvalda,855,9
+uvalda,856,0
+uvalda,856,1
+uvalda,856,2
+uvalda,856,3
+uvalda,856,4
+uvalda,857,0
+uvalda,857,1
+uvalda,857,2
+uvalda,858,0
+uvalda,858,1
+uvalda,858,2
+uvalda,858,3
+uvalda,859,0
+uvalda,859,1
+uvalda,859,2
+uvalda,859,5
+uvalda,859,6
+uvalda,859,7
+uvalda,859,8
+uvalda,859,9
+uvalda,859,10
+uvalda,859,11
+uvalda,859,12
+uvalda,859,14
+uvalda,859,15
+uvalda,859,16
+uvalda,860,0
+uvalda,860,1
+uvalda,860,3
+uvalda,860,4
+uvalda,860,5
+uvalda,860,6
+uvalda,860,7
+uvalda,860,8
+uvalda,860,9
+uvalda,860,10
+uvalda,860,11
+uvalda,860,12
+uvalda,860,15
+uvalda,860,16
+uvalda,860,17
+uvalda,861,0
+uvalda,861,1
+uvalda,861,2
+uvalda,861,3
+uvalda,861,4
+uvalda,862,0
+uvalda,862,1
+uvalda,862,2
+uvalda,862,3
+uvalda,862,4
+uvalda,863,0
+uvalda,863,1
+uvalda,863,2
+uvalda,863,3
+uvalda,863,4
+uvalda,863,5
+uvalda,863,6
+uvalda,863,7
+uvalda,863,8
+uvalda,863,9
+uvalda,863,10
+uvalda,864,0
+uvalda,864,1
+uvalda,864,2
+uvalda,864,3
+uvalda,864,4
+uvalda,864,5
+uvalda,864,6
+uvalda,864,7
+uvalda,864,8
+uvalda,864,9
+uvalda,864,10
+uvalda,865,0
+uvalda,865,1
+uvalda,865,2
+uvalda,866,0
+uvalda,866,1
+uvalda,866,2
+uvalda,866,3
+uvalda,867,0
+uvalda,867,1
+uvalda,867,2
+uvalda,867,3
+uvalda,867,4
+uvalda,868,0
+uvalda,868,1
+uvalda,868,2
+uvalda,868,3
+uvalda,868,4
+uvalda,868,5
+uvalda,869,0
+uvalda,869,1
+uvalda,869,2
+uvalda,869,3
+uvalda,869,4
+uvalda,870,0
+uvalda,870,1
+uvalda,870,2
+uvalda,871,0
+uvalda,871,1
+uvalda,871,2
+uvalda,871,3
+uvalda,871,4
+uvalda,872,0
+uvalda,872,1
+uvalda,872,2
+uvalda,872,3
+uvalda,872,4
+uvalda,873,0
+uvalda,873,1
+uvalda,873,2
+uvalda,873,3
+uvalda,873,4
+uvalda,873,5
+uvalda,873,6
+uvalda,874,0
+uvalda,874,1
+uvalda,874,3
+uvalda,874,6
+uvalda,874,7
+uvalda,875,0
+uvalda,875,1
+uvalda,875,2
+uvalda,875,3
+uvalda,876,0
+uvalda,876,1
+uvalda,876,2
+uvalda,876,3
+uvalda,877,0
+uvalda,877,1
+uvalda,877,2
+uvalda,877,3
+uvalda,878,0
+uvalda,878,1
+uvalda,878,2
+uvalda,879,0
+uvalda,879,1
+uvalda,879,2
+uvalda,880,0
+uvalda,880,1
+uvalda,880,2
+uvalda,881,0
+uvalda,881,1
+uvalda,881,2
+uvalda,881,3
+uvalda,881,4
+uvalda,882,0
+uvalda,882,1
+uvalda,882,2
+uvalda,882,3
+uvalda,882,4
+uvalda,882,5
+uvalda,883,0
+uvalda,883,1
+uvalda,883,2
+uvalda,884,0
+uvalda,884,1
+uvalda,884,2
+uvalda,884,3
+uvalda,884,4
+uvalda,884,5
+uvalda,884,6
+uvalda,885,0
+uvalda,885,1
+uvalda,885,2
+uvalda,885,3
+uvalda,885,4
+uvalda,885,5
+uvalda,885,6
+uvalda,886,0
+uvalda,886,1
+uvalda,886,2
+uvalda,886,3
+uvalda,886,4
+uvalda,886,5
+uvalda,886,6
+uvalda,886,7
+uvalda,886,8
+uvalda,887,0
+uvalda,887,1
+uvalda,887,2
+uvalda,887,3
+uvalda,887,4
+uvalda,887,5
+uvalda,888,0
+uvalda,888,1
+uvalda,888,2
+uvalda,888,3
+uvalda,889,0
+uvalda,889,1
+uvalda,889,2
+uvalda,889,3
+uvalda,889,4
+uvalda,890,0
+uvalda,890,1
+uvalda,890,2
+uvalda,891,0
+uvalda,891,1
+uvalda,891,2
+uvalda,891,3
+uvalda,891,4
+uvalda,891,5
+uvalda,892,0
+uvalda,892,1
+uvalda,892,2
+uvalda,892,3
+uvalda,892,4
+uvalda,892,5
+uvalda,892,6
+uvalda,892,7
+uvalda,893,0
+uvalda,893,1
+uvalda,893,2
+uvalda,893,3
+uvalda,893,4
+uvalda,893,5
+uvalda,894,0
+uvalda,894,1
+uvalda,894,2
+uvalda,894,3
+uvalda,894,4
+uvalda,894,5
+uvalda,894,6
+uvalda,895,0
+uvalda,895,1
+uvalda,895,2
+uvalda,895,3
+uvalda,895,4
+uvalda,895,5
+uvalda,896,0
+uvalda,896,1
+uvalda,896,2
+uvalda,896,3
+uvalda,897,0
+uvalda,897,3
+uvalda,897,5
+uvalda,897,6
+uvalda,897,7
+uvalda,897,8
+uvalda,897,9
+uvalda,897,10
+uvalda,897,11
+uvalda,897,12
+uvalda,897,13
+uvalda,898,0
+uvalda,898,1
+uvalda,898,2
+uvalda,898,3
+uvalda,899,0
+uvalda,899,1
+uvalda,899,2
+uvalda,899,3
+uvalda,900,0
+uvalda,900,1
+uvalda,900,2
+uvalda,900,3
+uvalda,900,4
+uvalda,900,5
+uvalda,901,0
+uvalda,901,1
+uvalda,901,2
+uvalda,901,3
+uvalda,901,4
+uvalda,902,0
+uvalda,902,1
+uvalda,902,3
+uvalda,902,4
+uvalda,902,5
+uvalda,902,6
+uvalda,902,9
+uvalda,902,10
+uvalda,902,11
+uvalda,902,12
+uvalda,902,13
+uvalda,902,14
+uvalda,902,15
+uvalda,903,0
+uvalda,903,1
+uvalda,903,2
+uvalda,903,3
+uvalda,903,4
+uvalda,903,5
+uvalda,904,0
+uvalda,904,1
+uvalda,904,2
+uvalda,904,3
+uvalda,905,0
+uvalda,905,1
+uvalda,905,2
+uvalda,905,3
+uvalda,905,4
+uvalda,906,0
+uvalda,906,1
+uvalda,906,2
+uvalda,906,3
+uvalda,907,0
+uvalda,907,1
+uvalda,907,2
+uvalda,907,3
+uvalda,907,4
+uvalda,907,5
+uvalda,907,6
+uvalda,907,7
+uvalda,907,8
+uvalda,907,12
+uvalda,907,13
+uvalda,907,14
+uvalda,908,0
+uvalda,908,2
+uvalda,908,3
+uvalda,908,4
+uvalda,908,6
+uvalda,908,7
+uvalda,908,9
+uvalda,908,10
+uvalda,908,11
+uvalda,909,0
+uvalda,909,1
+uvalda,909,2
+uvalda,909,3
+uvalda,909,4
+uvalda,910,0
+uvalda,910,1
+uvalda,910,2
+uvalda,910,3
+uvalda,910,4
+uvalda,910,5
+uvalda,910,6
+uvalda,911,1
+uvalda,911,2
+uvalda,911,3
+uvalda,911,4
+uvalda,911,5
+uvalda,911,6
+uvalda,911,7
+uvalda,911,8
+uvalda,912,0
+uvalda,912,2
+uvalda,912,3
+uvalda,912,4
+uvalda,912,5
+uvalda,912,6
+uvalda,912,8
+uvalda,912,9
+uvalda,912,10
+uvalda,913,0
+uvalda,913,1
+uvalda,913,2
+uvalda,913,3
+uvalda,913,4
+uvalda,914,0
+uvalda,914,1
+uvalda,914,2
+uvalda,914,3
+uvalda,914,4
+uvalda,914,5
+uvalda,914,6
+uvalda,915,0
+uvalda,915,1
+uvalda,915,2
+uvalda,915,3
+uvalda,915,4
+uvalda,916,0
+uvalda,916,1
+uvalda,916,2
+uvalda,916,3
+uvalda,916,4
+uvalda,916,5
+uvalda,917,0
+uvalda,917,1
+uvalda,917,2
+uvalda,918,0
+uvalda,918,1
+uvalda,918,2
+uvalda,918,3
+uvalda,918,4
+uvalda,919,0
+uvalda,919,1
+uvalda,919,2
+uvalda,920,1
+uvalda,920,2
+uvalda,920,3
+uvalda,920,5
+uvalda,921,0
+uvalda,921,1
+uvalda,921,2
+uvalda,921,3
+uvalda,922,0
+uvalda,922,1
+uvalda,922,2
+uvalda,923,0
+uvalda,923,1
+uvalda,923,2
+uvalda,923,3
+uvalda,923,4
+uvalda,924,0
+uvalda,924,1
+uvalda,924,2
+uvalda,924,3
+uvalda,924,4
+uvalda,925,0
+uvalda,925,1
+uvalda,925,2
+uvalda,925,3
+uvalda,925,4
+uvalda,926,0
+uvalda,926,1
+uvalda,926,2
+uvalda,926,3
+uvalda,926,4
+uvalda,927,0
+uvalda,927,1
+uvalda,927,2
+uvalda,927,3
+uvalda,927,4
+uvalda,927,5
+uvalda,927,6
+uvalda,927,7
+uvalda,927,8
+uvalda,927,9
+uvalda,927,10
+uvalda,928,0
+uvalda,928,3
+uvalda,928,4
+uvalda,928,5
+uvalda,928,6
+uvalda,928,7
+uvalda,928,8
+uvalda,928,9
+uvalda,928,10
+uvalda,928,11
+uvalda,929,0
+uvalda,929,1
+uvalda,929,2
+uvalda,929,3
+uvalda,929,4
+uvalda,929,5
+uvalda,929,6
+uvalda,929,7
+uvalda,929,8
+uvalda,929,9
+uvalda,930,0
+uvalda,930,1
+uvalda,930,2
+uvalda,931,0
+uvalda,931,1
+uvalda,931,2
+uvalda,931,3
+uvalda,931,4
+uvalda,932,0
+uvalda,932,1
+uvalda,932,2
+uvalda,932,3
+uvalda,933,0
+uvalda,933,1
+uvalda,933,2
+uvalda,933,3
+uvalda,933,4
+uvalda,933,5
+uvalda,933,6
+uvalda,933,7
+uvalda,934,0
+uvalda,934,1
+uvalda,934,2
+uvalda,934,3
+uvalda,934,4
+uvalda,935,0
+uvalda,935,1
+uvalda,935,2
+uvalda,935,3
+uvalda,935,4
+uvalda,935,5
+uvalda,936,0
+uvalda,936,1
+uvalda,936,2
+uvalda,936,3
+uvalda,936,4
+uvalda,936,5
+uvalda,936,6
+uvalda,937,0
+uvalda,937,1
+uvalda,937,2
+uvalda,937,3
+uvalda,937,4
+uvalda,938,0
+uvalda,938,1
+uvalda,938,2
+uvalda,938,3
+uvalda,938,4
+uvalda,938,5
+uvalda,939,0
+uvalda,939,1
+uvalda,939,2
+uvalda,939,3
+uvalda,939,4
+uvalda,939,5
+uvalda,939,6
+uvalda,940,0
+uvalda,940,1
+uvalda,940,2
+uvalda,940,3
+uvalda,940,4
+uvalda,941,0
+uvalda,941,1
+uvalda,941,2
+uvalda,941,3
+uvalda,941,4
+uvalda,941,5
+uvalda,942,0
+uvalda,942,1
+uvalda,942,2
+uvalda,943,0
+uvalda,943,1
+uvalda,943,2
+uvalda,943,3
+uvalda,943,4
+uvalda,943,5
+uvalda,943,6
+uvalda,944,0
+uvalda,944,1
+uvalda,944,2
+uvalda,945,0
+uvalda,945,1
+uvalda,945,2
+uvalda,946,0
+uvalda,946,1
+uvalda,946,2
+uvalda,947,0
+uvalda,947,1
+uvalda,947,2
+uvalda,947,3
+uvalda,947,4
+uvalda,947,5
+uvalda,947,6
+uvalda,948,0
+uvalda,948,1
+uvalda,948,2
+uvalda,949,0
+uvalda,949,1
+uvalda,949,2
+uvalda,950,1
+uvalda,950,2
+uvalda,950,3
+uvalda,950,4
+uvalda,951,0
+uvalda,951,1
+uvalda,951,2
+uvalda,951,3
+uvalda,952,0
+uvalda,952,1
+uvalda,952,2
+uvalda,952,3
+uvalda,952,4
+uvalda,952,5
+uvalda,953,0
+uvalda,953,1
+uvalda,953,2
+uvalda,953,3
+uvalda,953,4
+uvalda,954,0
+uvalda,954,1
+uvalda,954,2
+uvalda,954,3
+uvalda,955,0
+uvalda,955,1
+uvalda,955,2
+uvalda,955,3
+uvalda,956,0
+uvalda,956,1
+uvalda,956,2
+uvalda,956,3
+uvalda,956,4
+uvalda,956,5
+uvalda,956,7
+uvalda,956,8
+uvalda,956,11
+uvalda,956,12
+uvalda,956,13
+uvalda,956,14
+uvalda,957,0
+uvalda,957,1
+uvalda,957,2
+uvalda,957,3
+uvalda,957,4
+uvalda,957,5
+uvalda,957,6
+uvalda,957,8
+uvalda,957,9
+uvalda,957,10
+uvalda,957,11
+uvalda,957,13
+uvalda,958,0
+uvalda,958,1
+uvalda,958,2
+uvalda,958,3
+uvalda,958,4
+uvalda,958,5
+uvalda,958,6
+uvalda,958,7
+uvalda,959,0
+uvalda,959,1
+uvalda,959,2
+uvalda,959,3
+uvalda,960,0
+uvalda,960,1
+uvalda,960,2
+uvalda,960,3
+uvalda,960,4
+uvalda,960,5
+uvalda,960,6
+uvalda,960,7
+uvalda,960,8
+uvalda,961,0
+uvalda,961,1
+uvalda,961,2
+uvalda,961,3
+uvalda,962,0
+uvalda,962,1
+uvalda,962,2
+uvalda,963,0
+uvalda,963,1
+uvalda,963,2
+uvalda,963,3
+uvalda,963,4
+uvalda,963,5
+uvalda,963,6
+uvalda,963,7
+uvalda,963,8
+uvalda,963,9
+uvalda,963,10
+uvalda,963,11
+uvalda,964,0
+uvalda,964,1
+uvalda,964,2
+uvalda,964,3
+uvalda,965,0
+uvalda,965,1
+uvalda,965,2
+uvalda,965,3
+uvalda,966,0
+uvalda,966,1
+uvalda,966,2
+uvalda,966,3
+uvalda,966,4
+uvalda,966,5
+uvalda,966,6
+uvalda,967,1
+uvalda,967,2
+uvalda,967,4
+uvalda,967,5
+uvalda,967,7
+uvalda,967,8
+uvalda,968,0
+uvalda,968,1
+uvalda,968,2
+uvalda,968,3
+uvalda,969,0
+uvalda,969,1
+uvalda,969,2
+uvalda,969,4
+uvalda,969,5
+uvalda,969,7
+uvalda,969,9
+uvalda,969,10
+uvalda,969,11
+uvalda,970,0
+uvalda,970,1
+uvalda,970,2
+uvalda,970,3
+uvalda,970,4
+uvalda,971,0
+uvalda,971,1
+uvalda,971,2
+uvalda,971,3
+uvalda,971,4
+uvalda,971,5
+uvalda,972,0
+uvalda,972,1
+uvalda,972,2
+uvalda,972,3
+uvalda,972,4
+uvalda,972,5
+uvalda,972,6
+uvalda,973,0
+uvalda,973,1
+uvalda,973,2
+uvalda,973,3
+uvalda,974,0
+uvalda,974,1
+uvalda,974,2
+uvalda,974,3
+uvalda,975,0
+uvalda,975,1
+uvalda,975,2
+uvalda,975,3
+uvalda,975,4
+uvalda,975,8
+uvalda,975,9
+uvalda,975,10
+uvalda,975,11
+uvalda,976,0
+uvalda,976,1
+uvalda,976,2
+uvalda,976,3
+uvalda,976,4
+uvalda,977,0
+uvalda,977,1
+uvalda,977,2
+uvalda,977,3
+uvalda,977,4
+uvalda,978,0
+uvalda,978,1
+uvalda,978,2
+uvalda,978,3
+uvalda,978,4
+uvalda,978,5
+uvalda,978,6
+uvalda,979,0
+uvalda,979,1
+uvalda,979,2
+uvalda,980,0
+uvalda,980,1
+uvalda,980,2
+uvalda,980,3
+uvalda,981,0
+uvalda,981,1
+uvalda,981,2
+uvalda,981,3
+uvalda,981,4
+uvalda,981,5
+uvalda,982,0
+uvalda,982,1
+uvalda,982,2
+uvalda,982,3
+uvalda,983,0
+uvalda,983,1
+uvalda,983,2
+uvalda,983,3
+uvalda,983,4
+uvalda,983,5
+uvalda,984,0
+uvalda,984,1
+uvalda,984,2
+uvalda,985,0
+uvalda,985,1
+uvalda,985,2
+uvalda,985,3
+uvalda,985,4
+uvalda,985,5
+uvalda,986,0
+uvalda,986,1
+uvalda,986,2
+uvalda,987,0
+uvalda,987,1
+uvalda,987,2
+uvalda,987,3
+uvalda,987,4
+uvalda,987,5
+uvalda,987,6
+uvalda,988,0
+uvalda,988,1
+uvalda,988,2
+uvalda,989,0
+uvalda,989,1
+uvalda,989,2
+uvalda,990,0
+uvalda,990,1
+uvalda,990,2
+uvalda,991,0
+uvalda,991,1
+uvalda,991,2
+uvalda,991,3
+uvalda,991,4
+uvalda,992,0
+uvalda,992,1
+uvalda,992,2
+uvalda,993,0
+uvalda,993,1
+uvalda,993,2
+uvalda,993,3
+uvalda,993,4
+uvalda,993,5
+uvalda,993,6
+uvalda,993,7
+uvalda,993,8
+uvalda,994,0
+uvalda,994,1
+uvalda,994,2
+uvalda,995,0
+uvalda,995,1
+uvalda,995,2
+uvalda,995,3
+uvalda,996,0
+uvalda,996,1
+uvalda,996,2
+uvalda,996,3
+uvalda,997,3
+uvalda,997,4
+uvalda,997,5
+uvalda,998,0
+uvalda,998,1
+uvalda,998,2
+uvalda,999,0
+uvalda,999,1
+uvalda,999,2
+uvalda,999,3
+uvalda,999,4
+uvalda,999,5
+uvalda,999,6
+uvalda,999,7
+uvalda,999,8
+uvalda,999,9
+uvalda,999,10
+uvalda,999,11
+uvalda,1000,0
+uvalda,1000,1
+uvalda,1000,2
+uvalda,1000,3
+uvalda,1000,4
+uvalda,1000,5
+uvalda,1001,0
+uvalda,1001,1
+uvalda,1001,2
+uvalda,1001,3
+uvalda,1001,4
+uvalda,1002,0
+uvalda,1002,1
+uvalda,1002,2
+uvalda,1002,3
+uvalda,1003,0
+uvalda,1003,1
+uvalda,1003,2
+uvalda,1003,3
+uvalda,1003,4
+uvalda,1003,5
+uvalda,1004,0
+uvalda,1004,1
+uvalda,1004,2
+uvalda,1004,3
+uvalda,1004,4
+uvalda,1004,5
+uvalda,1004,6
+uvalda,1004,7
+uvalda,1005,0
+uvalda,1005,1
+uvalda,1005,2
+uvalda,1005,3
+uvalda,1006,0
+uvalda,1006,1
+uvalda,1006,2
+uvalda,1007,0
+uvalda,1007,1
+uvalda,1007,2
+uvalda,1008,0
+uvalda,1008,1
+uvalda,1008,2
+uvalda,1008,3
+uvalda,1009,0
+uvalda,1009,1
+uvalda,1009,2
+uvalda,1009,3
+uvalda,1009,4
+uvalda,1009,5
+uvalda,1009,6
+uvalda,1009,7
+uvalda,1009,8
+uvalda,1009,9
+uvalda,1010,0
+uvalda,1010,1
+uvalda,1010,2
+uvalda,1011,0
+uvalda,1011,1
+uvalda,1011,2
+uvalda,1012,0
+uvalda,1012,1
+uvalda,1012,2
+uvalda,1013,0
+uvalda,1013,1
+uvalda,1013,2
+uvalda,1013,3
+uvalda,1013,4
+uvalda,1014,0
+uvalda,1014,1
+uvalda,1014,2
+uvalda,1014,3
+uvalda,1014,4
+uvalda,1014,5
+uvalda,1014,6
+uvalda,1014,7
+uvalda,1014,8
+uvalda,1014,9
+uvalda,1015,0
+uvalda,1015,1
+uvalda,1015,2
+uvalda,1015,3
+uvalda,1015,4
+uvalda,1015,5
+uvalda,1015,6
+uvalda,1015,7
+uvalda,1016,0
+uvalda,1016,1
+uvalda,1016,2
+uvalda,1016,3
+uvalda,1016,4
+uvalda,1016,5
+uvalda,1016,6
+uvalda,1016,7
+uvalda,1016,8
+uvalda,1017,0
+uvalda,1017,1
+uvalda,1017,2
+uvalda,1017,3
+uvalda,1018,0
+uvalda,1018,1
+uvalda,1018,2
+uvalda,1018,3
+uvalda,1019,0
+uvalda,1019,1
+uvalda,1019,2
+uvalda,1019,3
+uvalda,1020,0
+uvalda,1020,1
+uvalda,1020,2
+uvalda,1020,3
+uvalda,1020,4
+uvalda,1020,5
+uvalda,1020,6
+uvalda,1020,7
+uvalda,1020,8
+uvalda,1021,0
+uvalda,1021,1
+uvalda,1021,2
+uvalda,1021,3
+uvalda,1022,0
+uvalda,1022,1
+uvalda,1022,2
+uvalda,1022,3
+uvalda,1022,4
+uvalda,1023,0
+uvalda,1023,1
+uvalda,1023,2
+uvalda,1023,3
+uvalda,1023,4
+uvalda,1023,5
+uvalda,1023,6
+uvalda,1024,0
+uvalda,1024,1
+uvalda,1024,2
+uvalda,1025,0
+uvalda,1025,1
+uvalda,1025,2
+uvalda,1026,0
+uvalda,1026,1
+uvalda,1026,2
+uvalda,1026,3
+uvalda,1026,4
+uvalda,1026,5
+uvalda,1027,0
+uvalda,1027,1
+uvalda,1027,2
+uvalda,1027,3
+uvalda,1027,4
+uvalda,1027,5
+uvalda,1027,6
+uvalda,1027,7
+uvalda,1027,8
+uvalda,1028,0
+uvalda,1028,1
+uvalda,1028,2
+uvalda,1028,4
+uvalda,1028,5
+uvalda,1028,6
+uvalda,1028,7
+uvalda,1028,10
+uvalda,1028,11
+uvalda,1028,12
+uvalda,1028,13
+uvalda,1028,14
+uvalda,1029,0
+uvalda,1029,1
+uvalda,1029,2
+uvalda,1029,3
+uvalda,1030,0
+uvalda,1030,1
+uvalda,1030,2
+uvalda,1030,3
+uvalda,1031,0
+uvalda,1031,1
+uvalda,1031,2
+uvalda,1031,3
+uvalda,1031,4
+uvalda,1031,5
+uvalda,1031,6
+uvalda,1031,7
+uvalda,1031,8
+uvalda,1032,0
+uvalda,1032,1
+uvalda,1032,2
+uvalda,1032,3
+uvalda,1032,4
+uvalda,1032,5
+uvalda,1033,0
+uvalda,1033,1
+uvalda,1033,2
+uvalda,1033,3
+uvalda,1033,4
+uvalda,1033,5
+uvalda,1034,0
+uvalda,1034,1
+uvalda,1034,2
+uvalda,1035,0
+uvalda,1035,1
+uvalda,1035,2
+uvalda,1035,3
+uvalda,1035,4
+uvalda,1035,5
+uvalda,1035,6
+uvalda,1035,7
+uvalda,1035,8
+uvalda,1035,9
+uvalda,1036,0
+uvalda,1036,1
+uvalda,1036,2
+uvalda,1037,0
+uvalda,1037,1
+uvalda,1037,2
+uvalda,1038,0
+uvalda,1038,1
+uvalda,1038,2
+uvalda,1038,3
+uvalda,1038,4
+uvalda,1038,5
+uvalda,1038,6
+uvalda,1038,7
+uvalda,1039,0
+uvalda,1039,1
+uvalda,1039,2
+uvalda,1039,3
+uvalda,1039,4
+uvalda,1040,0
+uvalda,1040,1
+uvalda,1040,2
+uvalda,1040,3
+uvalda,1040,4
+uvalda,1041,0
+uvalda,1041,1
+uvalda,1041,2
+uvalda,1042,0
+uvalda,1042,1
+uvalda,1042,2
+uvalda,1043,0
+uvalda,1043,1
+uvalda,1043,2
+uvalda,1043,4
+uvalda,1043,5
+uvalda,1043,6
+uvalda,1043,7
+uvalda,1043,9
+uvalda,1044,0
+uvalda,1044,1
+uvalda,1044,2
+uvalda,1044,3
+uvalda,1044,4
+uvalda,1045,0
+uvalda,1045,1
+uvalda,1045,2
+uvalda,1045,3
+uvalda,1046,0
+uvalda,1046,1
+uvalda,1046,2
+uvalda,1046,3
+uvalda,1047,0
+uvalda,1047,1
+uvalda,1047,2
+uvalda,1047,4
+uvalda,1047,5
+uvalda,1047,6
+uvalda,1047,8
+uvalda,1047,9
+uvalda,1047,10
+uvalda,1047,11
+uvalda,1047,12
+uvalda,1047,13
+uvalda,1047,14
+uvalda,1047,15
+uvalda,1047,17
+uvalda,1047,18
+uvalda,1048,0
+uvalda,1048,1
+uvalda,1048,2
+uvalda,1049,0
+uvalda,1049,1
+uvalda,1049,2
+uvalda,1049,3
+uvalda,1050,0
+uvalda,1050,1
+uvalda,1050,2
+uvalda,1050,3
+uvalda,1051,0
+uvalda,1051,1
+uvalda,1051,2
+uvalda,1052,0
+uvalda,1052,1
+uvalda,1052,2
+uvalda,1052,3
+uvalda,1052,4
+uvalda,1052,6
+uvalda,1052,8
+uvalda,1052,9
+uvalda,1053,3
+uvalda,1053,4
+uvalda,1053,5
+uvalda,1053,6
+uvalda,1053,7
+uvalda,1053,8
+uvalda,1053,9
+uvalda,1053,10
+uvalda,1053,11
+uvalda,1053,12
+uvalda,1053,13
+uvalda,1053,14
+uvalda,1053,15
+uvalda,1054,0
+uvalda,1054,1
+uvalda,1054,2
+uvalda,1054,3
+uvalda,1054,4
+uvalda,1054,5
+uvalda,1054,6
+uvalda,1054,7
+uvalda,1054,8
+uvalda,1054,9
+uvalda,1054,10
+uvalda,1054,11
+uvalda,1055,0
+uvalda,1055,1
+uvalda,1055,2
+uvalda,1055,3
+uvalda,1055,4
+uvalda,1055,5
+uvalda,1056,0
+uvalda,1056,1
+uvalda,1056,2
+uvalda,1056,3
+uvalda,1056,4
+uvalda,1056,5
+uvalda,1057,0
+uvalda,1057,1
+uvalda,1057,2
+uvalda,1057,3
+uvalda,1057,4
+uvalda,1057,5
+uvalda,1057,6
+uvalda,1058,0
+uvalda,1058,1
+uvalda,1058,2
+uvalda,1058,3
+uvalda,1059,0
+uvalda,1059,1
+uvalda,1059,2
+uvalda,1059,3
+uvalda,1059,4
+uvalda,1059,5
+uvalda,1060,0
+uvalda,1060,1
+uvalda,1060,2
+uvalda,1060,3
+uvalda,1061,0
+uvalda,1061,2
+uvalda,1061,3
+uvalda,1061,4
+uvalda,1061,5
+uvalda,1061,6
+uvalda,1061,9
+uvalda,1061,10
+uvalda,1061,11
+uvalda,1061,12
+uvalda,1061,13
+uvalda,1061,14
+uvalda,1062,0
+uvalda,1062,1
+uvalda,1062,2
+uvalda,1062,3
+uvalda,1062,4
+uvalda,1062,5
+uvalda,1062,6
+uvalda,1062,7
+uvalda,1062,8
+uvalda,1063,0
+uvalda,1063,1
+uvalda,1063,2
+uvalda,1063,3
+uvalda,1064,0
+uvalda,1064,1
+uvalda,1064,2
+uvalda,1064,3
+uvalda,1064,4
+uvalda,1065,0
+uvalda,1065,1
+uvalda,1065,2
+uvalda,1065,3
+uvalda,1066,0
+uvalda,1066,1
+uvalda,1066,2
+uvalda,1066,3
+uvalda,1066,4
+uvalda,1066,5
+uvalda,1066,6
+uvalda,1066,7
+uvalda,1067,0
+uvalda,1067,1
+uvalda,1067,2
+uvalda,1067,3
+uvalda,1067,4
+uvalda,1067,5
+uvalda,1067,6
+uvalda,1068,0
+uvalda,1068,1
+uvalda,1068,2
+uvalda,1069,0
+uvalda,1069,1
+uvalda,1069,2
+uvalda,1069,3
+uvalda,1069,4
+uvalda,1069,5
+uvalda,1069,6
+uvalda,1070,0
+uvalda,1070,1
+uvalda,1070,2
+uvalda,1070,3
+uvalda,1070,4
+uvalda,1070,5
+uvalda,1070,6
+uvalda,1070,7
+uvalda,1070,9
+uvalda,1070,10
+uvalda,1070,12
+uvalda,1070,13
+uvalda,1070,14
+uvalda,1070,16
+uvalda,1071,0
+uvalda,1071,1
+uvalda,1071,2
+uvalda,1071,3
+uvalda,1071,4
+uvalda,1071,5
+uvalda,1071,6
+uvalda,1071,7
+uvalda,1071,8
+uvalda,1072,0
+uvalda,1072,1
+uvalda,1072,2
+uvalda,1072,3
+uvalda,1072,4
+uvalda,1072,5
+uvalda,1072,6
+uvalda,1072,7
+uvalda,1072,8
+uvalda,1073,0
+uvalda,1073,1
+uvalda,1073,2
+uvalda,1073,3
+uvalda,1074,0
+uvalda,1074,1
+uvalda,1074,2
+uvalda,1074,4
+uvalda,1074,5
+uvalda,1074,6
+uvalda,1074,7
+uvalda,1074,8
+uvalda,1074,10
+uvalda,1074,11
+uvalda,1074,12
+uvalda,1074,14
+uvalda,1075,0
+uvalda,1075,1
+uvalda,1075,2
+uvalda,1075,3
+uvalda,1076,0
+uvalda,1076,1
+uvalda,1076,2
+uvalda,1077,0
+uvalda,1077,1
+uvalda,1077,2
+uvalda,1077,3
+uvalda,1077,4
+uvalda,1077,5
+uvalda,1077,6
+uvalda,1078,0
+uvalda,1078,1
+uvalda,1078,2
+uvalda,1078,3
+uvalda,1079,0
+uvalda,1079,1
+uvalda,1079,2
+uvalda,1079,3
+uvalda,1079,4
+uvalda,1079,5
+uvalda,1079,6
+uvalda,1079,7
+uvalda,1079,8
+uvalda,1080,0
+uvalda,1080,1
+uvalda,1080,2
+uvalda,1081,0
+uvalda,1081,1
+uvalda,1081,2
+uvalda,1081,3
+uvalda,1082,0
+uvalda,1082,1
+uvalda,1082,2
+uvalda,1082,3
+uvalda,1082,4
+uvalda,1083,0
+uvalda,1083,1
+uvalda,1083,2
+uvalda,1083,3
+uvalda,1083,4
+uvalda,1083,5
+uvalda,1084,0
+uvalda,1084,1
+uvalda,1084,2
+uvalda,1084,3
+uvalda,1085,0
+uvalda,1085,1
+uvalda,1085,2
+uvalda,1085,3
+uvalda,1085,4
+uvalda,1085,5
+uvalda,1085,6
+uvalda,1086,0
+uvalda,1086,1
+uvalda,1086,2
+uvalda,1087,0
+uvalda,1087,1
+uvalda,1087,2
+uvalda,1087,3
+uvalda,1087,4
+uvalda,1087,5
+uvalda,1087,6
+uvalda,1087,7
+uvalda,1087,8
+uvalda,1088,0
+uvalda,1088,1
+uvalda,1088,2
+uvalda,1088,3
+uvalda,1088,4
+uvalda,1088,5
+uvalda,1088,6
+uvalda,1088,7
+uvalda,1089,0
+uvalda,1089,1
+uvalda,1089,2
+uvalda,1089,3
+uvalda,1089,4
+uvalda,1089,5
+uvalda,1090,0
+uvalda,1090,1
+uvalda,1090,2
+uvalda,1090,3
+uvalda,1090,4
+uvalda,1090,5
+uvalda,1090,6
+uvalda,1091,0
+uvalda,1091,1
+uvalda,1091,2
+uvalda,1092,0
+uvalda,1092,1
+uvalda,1092,2
+uvalda,1092,3
+uvalda,1092,4
+uvalda,1092,5
+uvalda,1092,6
+uvalda,1092,7
+uvalda,1092,8
+uvalda,1093,0
+uvalda,1093,1
+uvalda,1093,2
+uvalda,1093,3
+uvalda,1094,0
+uvalda,1094,1
+uvalda,1094,2
+uvalda,1095,0
+uvalda,1095,1
+uvalda,1095,2
+uvalda,1095,3
+uvalda,1095,4
+uvalda,1095,5
+uvalda,1095,6
+uvalda,1096,0
+uvalda,1096,1
+uvalda,1096,2
+uvalda,1096,3
+uvalda,1096,4
+uvalda,1096,5
+uvalda,1096,6
+uvalda,1096,7
+uvalda,1096,8
+uvalda,1096,9
+uvalda,1097,0
+uvalda,1097,1
+uvalda,1097,2
+uvalda,1098,0
+uvalda,1098,1
+uvalda,1098,2
+uvalda,1098,3
+uvalda,1098,4
+uvalda,1098,5
+uvalda,1098,6
+uvalda,1098,7
+uvalda,1098,8
+uvalda,1098,10
+uvalda,1098,12
+uvalda,1098,14
+uvalda,1098,15
+uvalda,1099,0
+uvalda,1099,2
+uvalda,1099,4
+uvalda,1099,6
+uvalda,1099,7
+uvalda,1099,8
+uvalda,1099,9
+uvalda,1099,10
+uvalda,1100,0
+uvalda,1100,1
+uvalda,1100,2
+uvalda,1100,3
+uvalda,1100,4
+uvalda,1100,5
+uvalda,1100,6
+uvalda,1100,7
+uvalda,1101,0
+uvalda,1101,1
+uvalda,1101,2
+uvalda,1101,3
+uvalda,1102,0
+uvalda,1102,1
+uvalda,1102,2
+uvalda,1102,3
+uvalda,1103,0
+uvalda,1103,1
+uvalda,1103,2
+uvalda,1103,3
+uvalda,1103,4
+uvalda,1103,5
+uvalda,1103,6
+uvalda,1103,7
+uvalda,1104,0
+uvalda,1104,1
+uvalda,1104,2
+uvalda,1105,0
+uvalda,1105,1
+uvalda,1105,2
+uvalda,1105,3
+uvalda,1105,4
+uvalda,1105,5
+uvalda,1105,6
+uvalda,1105,7
+uvalda,1106,0
+uvalda,1106,1
+uvalda,1106,2
+uvalda,1106,3
+uvalda,1107,0
+uvalda,1107,1
+uvalda,1107,2
+uvalda,1107,3
+uvalda,1107,4
+uvalda,1108,0
+uvalda,1108,1
+uvalda,1108,2
+uvalda,1108,3
+uvalda,1108,4
+uvalda,1108,5
+uvalda,1109,0
+uvalda,1109,1
+uvalda,1109,2
+uvalda,1110,0
+uvalda,1110,1
+uvalda,1110,2
+uvalda,1111,0
+uvalda,1111,1
+uvalda,1111,2
+uvalda,1112,0
+uvalda,1112,1
+uvalda,1112,2
+uvalda,1113,0
+uvalda,1113,1
+uvalda,1113,2
+uvalda,1113,3
+uvalda,1113,4
+uvalda,1113,5
+uvalda,1114,0
+uvalda,1114,1
+uvalda,1114,2
+uvalda,1114,3
+uvalda,1114,4
+uvalda,1114,5
+uvalda,1114,6
+uvalda,1114,7
+uvalda,1114,8
+uvalda,1114,9
+uvalda,1114,10
+uvalda,1115,0
+uvalda,1115,1
+uvalda,1115,2
+uvalda,1115,3
+uvalda,1115,4
+uvalda,1115,5
+uvalda,1115,6
+uvalda,1115,7
+uvalda,1115,8
+uvalda,1115,9
+uvalda,1115,10
+uvalda,1115,11
+uvalda,1116,0
+uvalda,1116,1
+uvalda,1116,2
+uvalda,1117,0
+uvalda,1117,1
+uvalda,1117,2
+uvalda,1118,0
+uvalda,1118,1
+uvalda,1118,2
+uvalda,1118,3
+uvalda,1118,4
+uvalda,1118,5
+uvalda,1118,6
+uvalda,1119,0
+uvalda,1119,1
+uvalda,1119,2
+uvalda,1119,3
+uvalda,1119,4
+uvalda,1119,5
+uvalda,1120,0
+uvalda,1120,1
+uvalda,1120,2
+uvalda,1120,5
+uvalda,1120,6
+uvalda,1120,7
+uvalda,1120,9
+uvalda,1120,10
+uvalda,1120,11
+uvalda,1120,12
+uvalda,1120,13
+uvalda,1120,14
+uvalda,1121,0
+uvalda,1121,1
+uvalda,1121,2
+uvalda,1121,3
+uvalda,1121,4
+uvalda,1121,5
+uvalda,1122,0
+uvalda,1122,1
+uvalda,1122,2
+uvalda,1122,3
+uvalda,1122,4
+uvalda,1123,0
+uvalda,1123,1
+uvalda,1123,2
+uvalda,1123,3
+uvalda,1124,0
+uvalda,1124,1
+uvalda,1124,2
+uvalda,1124,6
+uvalda,1124,7
+uvalda,1124,8
+uvalda,1124,9
+uvalda,1124,10
+uvalda,1124,11
+uvalda,1124,12
+uvalda,1124,13
+uvalda,1124,14
+uvalda,1125,0
+uvalda,1125,1
+uvalda,1125,2
+uvalda,1125,3
+uvalda,1125,4
+uvalda,1125,5
+uvalda,1125,6
+uvalda,1125,7
+uvalda,1125,8
+uvalda,1126,0
+uvalda,1126,1
+uvalda,1126,2
+uvalda,1126,3
+uvalda,1126,4
+uvalda,1127,0
+uvalda,1127,1
+uvalda,1127,2
+uvalda,1127,3
+uvalda,1128,0
+uvalda,1128,1
+uvalda,1128,2
+uvalda,1129,0
+uvalda,1129,1
+uvalda,1129,2
+uvalda,1129,3
+uvalda,1129,4
+uvalda,1129,5
+uvalda,1129,6
+uvalda,1129,7
+uvalda,1129,8
+uvalda,1130,0
+uvalda,1130,1
+uvalda,1130,2
+uvalda,1131,0
+uvalda,1131,1
+uvalda,1131,2
+uvalda,1131,3
+uvalda,1131,4
+uvalda,1132,0
+uvalda,1132,1
+uvalda,1132,2
+uvalda,1133,0
+uvalda,1133,1
+uvalda,1133,2
+uvalda,1133,3
+uvalda,1133,4
+uvalda,1133,5
+uvalda,1134,0
+uvalda,1134,1
+uvalda,1134,2
+uvalda,1135,0
+uvalda,1135,1
+uvalda,1135,2
+uvalda,1135,3
+uvalda,1135,4
+uvalda,1136,0
+uvalda,1136,1
+uvalda,1136,2
+uvalda,1136,3
+uvalda,1136,4
+uvalda,1137,0
+uvalda,1137,1
+uvalda,1137,2
+uvalda,1137,3
+uvalda,1137,4
+uvalda,1138,0
+uvalda,1138,1
+uvalda,1138,2
+uvalda,1138,3
+uvalda,1138,4
+uvalda,1138,6
+uvalda,1138,8
+uvalda,1138,9
+uvalda,1138,10
+uvalda,1138,12
+uvalda,1139,0
+uvalda,1139,1
+uvalda,1139,2
+uvalda,1140,0
+uvalda,1140,1
+uvalda,1140,2
+uvalda,1140,3
+uvalda,1140,4
+uvalda,1140,5
+uvalda,1140,6
+uvalda,1140,7
+uvalda,1141,0
+uvalda,1141,1
+uvalda,1141,2
+uvalda,1141,3
+uvalda,1141,4
+uvalda,1142,0
+uvalda,1142,1
+uvalda,1142,2
+uvalda,1142,3
+uvalda,1142,4
+uvalda,1143,0
+uvalda,1143,1
+uvalda,1143,2
+uvalda,1143,3
+uvalda,1144,0
+uvalda,1144,1
+uvalda,1144,2
+uvalda,1144,3
+uvalda,1145,0
+uvalda,1145,1
+uvalda,1145,2
+uvalda,1145,3
+uvalda,1145,4
+uvalda,1145,6
+uvalda,1145,7
+uvalda,1145,8
+uvalda,1145,10
+uvalda,1145,12
+uvalda,1145,13
+uvalda,1145,14
+uvalda,1145,15
+uvalda,1146,0
+uvalda,1146,1
+uvalda,1146,2
+uvalda,1147,0
+uvalda,1147,1
+uvalda,1147,2
+uvalda,1147,3
+uvalda,1147,4
+uvalda,1147,5
+uvalda,1148,0
+uvalda,1148,1
+uvalda,1148,2
+uvalda,1149,0
+uvalda,1149,1
+uvalda,1149,2
+uvalda,1150,0
+uvalda,1150,2
+uvalda,1150,3
+uvalda,1150,4
+uvalda,1150,6
+uvalda,1150,7
+uvalda,1150,8
+uvalda,1150,9
+uvalda,1150,10
+uvalda,1150,11
+uvalda,1150,12
+uvalda,1150,14
+uvalda,1151,0
+uvalda,1151,1
+uvalda,1151,2
+uvalda,1151,3
+uvalda,1152,0
+uvalda,1152,1
+uvalda,1152,2
+uvalda,1152,3
+uvalda,1152,4
+uvalda,1152,5
+uvalda,1153,0
+uvalda,1153,1
+uvalda,1153,2
+uvalda,1154,0
+uvalda,1154,1
+uvalda,1154,2
+uvalda,1154,3
+uvalda,1154,4
+uvalda,1154,5
+uvalda,1154,6
+uvalda,1154,7
+uvalda,1155,0
+uvalda,1155,1
+uvalda,1155,2
+uvalda,1155,3
+uvalda,1156,0
+uvalda,1156,1
+uvalda,1156,2
+uvalda,1156,3
+uvalda,1157,0
+uvalda,1157,1
+uvalda,1157,2
+uvalda,1157,3
+uvalda,1157,4
+uvalda,1157,5
+uvalda,1157,7
+uvalda,1157,10
+uvalda,1157,11
+uvalda,1157,12
+uvalda,1157,13
+uvalda,1157,14
+uvalda,1157,15
+uvalda,1158,0
+uvalda,1158,1
+uvalda,1158,2
+uvalda,1158,3
+uvalda,1158,4
+uvalda,1158,5
+uvalda,1158,6
+uvalda,1158,7
+uvalda,1159,0
+uvalda,1159,1
+uvalda,1159,2
+uvalda,1159,3
+uvalda,1159,4
+uvalda,1159,5
+uvalda,1159,6
+uvalda,1160,0
+uvalda,1160,1
+uvalda,1160,2
+uvalda,1160,3
+uvalda,1160,4
+uvalda,1161,0
+uvalda,1161,1
+uvalda,1161,2
+uvalda,1161,3
+uvalda,1161,4
+uvalda,1161,5
+uvalda,1161,6
+uvalda,1161,7
+uvalda,1161,8
+uvalda,1162,0
+uvalda,1162,1
+uvalda,1162,2
+uvalda,1162,3
+uvalda,1162,4
+uvalda,1162,5
+uvalda,1163,0
+uvalda,1163,1
+uvalda,1163,2
+uvalda,1164,0
+uvalda,1164,1
+uvalda,1164,2
+uvalda,1164,3
+uvalda,1164,4
+uvalda,1165,0
+uvalda,1165,1
+uvalda,1165,2
+uvalda,1165,3
+uvalda,1165,4
+uvalda,1165,5
+uvalda,1165,6
+uvalda,1165,7
+uvalda,1166,0
+uvalda,1166,1
+uvalda,1166,2
+uvalda,1166,3
+uvalda,1167,1
+uvalda,1167,2
+uvalda,1167,3
+uvalda,1167,4
+uvalda,1167,6
+uvalda,1167,7
+uvalda,1167,8
+uvalda,1167,9
+uvalda,1167,10
+uvalda,1167,11
+uvalda,1167,12
+uvalda,1167,14
+uvalda,1168,0
+uvalda,1168,1
+uvalda,1168,2
+uvalda,1168,3
+uvalda,1169,0
+uvalda,1169,1
+uvalda,1169,2
+uvalda,1169,3
+uvalda,1169,4
+uvalda,1169,5
+uvalda,1169,6
+uvalda,1169,7
+uvalda,1170,0
+uvalda,1170,1
+uvalda,1170,2
+uvalda,1171,0
+uvalda,1171,1
+uvalda,1171,2
+uvalda,1172,0
+uvalda,1172,1
+uvalda,1172,2
+uvalda,1172,3
+uvalda,1172,4
+uvalda,1172,5
+uvalda,1173,0
+uvalda,1173,1
+uvalda,1173,2
+uvalda,1173,3
+uvalda,1174,0
+uvalda,1174,1
+uvalda,1174,2
+uvalda,1174,3
+uvalda,1174,4
+uvalda,1174,5
+uvalda,1175,0
+uvalda,1175,1
+uvalda,1175,2
+uvalda,1175,3
+uvalda,1175,4
+uvalda,1175,5
+uvalda,1175,6
+uvalda,1176,0
+uvalda,1176,1
+uvalda,1176,2
+uvalda,1176,3
+uvalda,1176,4
+uvalda,1176,5
+uvalda,1177,0
+uvalda,1177,1
+uvalda,1177,2
+uvalda,1177,3
+uvalda,1177,4
+uvalda,1178,0
+uvalda,1178,1
+uvalda,1178,2
+uvalda,1178,3
+uvalda,1178,5
+uvalda,1179,0
+uvalda,1179,1
+uvalda,1179,2
+uvalda,1179,3
+uvalda,1180,0
+uvalda,1180,1
+uvalda,1180,2
+uvalda,1180,3
+uvalda,1180,4
+uvalda,1180,5
+uvalda,1181,0
+uvalda,1181,1
+uvalda,1181,2
+uvalda,1181,3
+uvalda,1181,4
+uvalda,1181,5
+uvalda,1181,7
+uvalda,1181,9
+uvalda,1181,10
+uvalda,1181,11
+uvalda,1181,12
+uvalda,1181,13
+uvalda,1181,14
+uvalda,1181,15
+uvalda,1181,16
+uvalda,1181,17
+uvalda,1182,0
+uvalda,1182,1
+uvalda,1182,2
+uvalda,1182,3
+uvalda,1183,0
+uvalda,1183,1
+uvalda,1183,2
+uvalda,1183,3
+uvalda,1183,4
+uvalda,1183,5
+uvalda,1183,6
+uvalda,1184,0
+uvalda,1184,1
+uvalda,1184,2
+uvalda,1184,3
+uvalda,1184,4
+uvalda,1184,5
+uvalda,1184,6
+uvalda,1184,7
+uvalda,1184,8
+uvalda,1184,9
+uvalda,1184,10
+uvalda,1185,0
+uvalda,1185,3
+uvalda,1185,4
+uvalda,1185,5
+uvalda,1185,6
+uvalda,1185,7
+uvalda,1185,8
+uvalda,1185,9
+uvalda,1185,10
+uvalda,1186,0
+uvalda,1186,1
+uvalda,1186,2
+uvalda,1186,3
+uvalda,1186,4
+uvalda,1187,0
+uvalda,1187,1
+uvalda,1187,2
+uvalda,1187,3
+uvalda,1187,4
+uvalda,1187,6
+uvalda,1187,7
+uvalda,1187,9
+uvalda,1187,10
+uvalda,1187,12
+uvalda,1187,13
+uvalda,1187,14
+uvalda,1187,15
+uvalda,1187,16
+uvalda,1187,17
+uvalda,1188,1
+uvalda,1188,3
+uvalda,1188,4
+uvalda,1188,5
+uvalda,1188,6
+uvalda,1188,7
+uvalda,1188,9
+uvalda,1189,3
+uvalda,1189,4
+uvalda,1189,5
+uvalda,1189,6
+uvalda,1190,0
+uvalda,1190,1
+uvalda,1190,2
+uvalda,1191,0
+uvalda,1191,3
+uvalda,1191,4
+uvalda,1191,5
+uvalda,1191,6
+uvalda,1191,7
+uvalda,1191,8
+uvalda,1191,10
+uvalda,1191,11
+uvalda,1192,0
+uvalda,1192,1
+uvalda,1192,2
+uvalda,1192,3
+uvalda,1192,4
+uvalda,1193,0
+uvalda,1193,1
+uvalda,1193,2
+uvalda,1193,3
+uvalda,1193,4
+uvalda,1194,0
+uvalda,1194,1
+uvalda,1194,2
+uvalda,1194,3
+uvalda,1195,0
+uvalda,1195,1
+uvalda,1195,2
+uvalda,1195,3
+uvalda,1195,4
+uvalda,1195,5
+uvalda,1196,0
+uvalda,1196,1
+uvalda,1196,2
+uvalda,1196,3
+uvalda,1197,0
+uvalda,1197,1
+uvalda,1197,2
+uvalda,1197,3
+uvalda,1197,4
+uvalda,1197,5
+uvalda,1197,6
+uvalda,1197,7
+uvalda,1197,9
+uvalda,1197,11
+uvalda,1198,0
+uvalda,1198,1
+uvalda,1198,2
+uvalda,1199,0
+uvalda,1199,1
+uvalda,1199,2
+uvalda,1199,3
+uvalda,1199,4
+uvalda,1199,5
+uvalda,1200,0
+uvalda,1200,1
+uvalda,1200,2
+uvalda,1200,3
+uvalda,1200,4
+uvalda,1200,5
+uvalda,1201,0
+uvalda,1201,1
+uvalda,1201,2
+uvalda,1202,0
+uvalda,1202,1
+uvalda,1202,2
+uvalda,1202,3
+uvalda,1202,4
+uvalda,1202,5
+uvalda,1202,6
+uvalda,1202,7
+uvalda,1202,8
+uvalda,1202,9
+uvalda,1202,10
+uvalda,1202,11
+uvalda,1202,12
+uvalda,1203,0
+uvalda,1203,1
+uvalda,1203,2
+uvalda,1203,3
+uvalda,1203,4
+uvalda,1203,5
+uvalda,1203,6
+uvalda,1204,0
+uvalda,1204,1
+uvalda,1204,2
+uvalda,1204,3
+uvalda,1205,0
+uvalda,1205,1
+uvalda,1205,2
+uvalda,1205,3
+uvalda,1205,4
+uvalda,1205,5
+uvalda,1205,6
+uvalda,1206,0
+uvalda,1206,1
+uvalda,1206,2
+uvalda,1207,0
+uvalda,1207,1
+uvalda,1207,2
+uvalda,1208,0
+uvalda,1208,1
+uvalda,1208,2
+uvalda,1208,3
+uvalda,1208,4
+uvalda,1208,5
+uvalda,1208,6
+uvalda,1208,7
+uvalda,1209,0
+uvalda,1209,1
+uvalda,1209,2
+uvalda,1209,3
+uvalda,1209,4
+uvalda,1210,0
+uvalda,1210,1
+uvalda,1210,2
+uvalda,1210,3
+uvalda,1210,4
+uvalda,1210,5
+uvalda,1210,6
+uvalda,1210,7
+uvalda,1210,8
+uvalda,1210,9
+uvalda,1211,0
+uvalda,1211,1
+uvalda,1211,2
+uvalda,1212,0
+uvalda,1212,1
+uvalda,1212,2
+uvalda,1213,0
+uvalda,1213,1
+uvalda,1213,2
+uvalda,1214,0
+uvalda,1214,1
+uvalda,1214,2
+uvalda,1214,3
+uvalda,1214,4
+uvalda,1215,0
+uvalda,1215,1
+uvalda,1215,2
+uvalda,1216,0
+uvalda,1216,1
+uvalda,1216,2
+uvalda,1216,3
+uvalda,1217,0
+uvalda,1217,1
+uvalda,1217,2
+uvalda,1218,0
+uvalda,1218,1
+uvalda,1218,2
+uvalda,1218,3
+uvalda,1218,4
+uvalda,1218,5
+uvalda,1218,6
+uvalda,1218,7
+uvalda,1218,8
+uvalda,1219,0
+uvalda,1219,1
+uvalda,1219,2
+uvalda,1219,3
+uvalda,1219,4
+uvalda,1220,0
+uvalda,1220,1
+uvalda,1220,2
+uvalda,1220,3
+uvalda,1220,4
+uvalda,1221,0
+uvalda,1221,1
+uvalda,1221,2
+uvalda,1222,0
+uvalda,1222,1
+uvalda,1222,2
+uvalda,1222,3
+uvalda,1222,4
+uvalda,1222,5
+uvalda,1222,6
+uvalda,1222,7
+uvalda,1222,8
+uvalda,1222,9
+uvalda,1222,10
+uvalda,1222,11
+uvalda,1223,0
+uvalda,1223,1
+uvalda,1223,2
+uvalda,1223,3
+uvalda,1223,4
+uvalda,1224,0
+uvalda,1224,1
+uvalda,1224,2
+uvalda,1224,3
+uvalda,1224,4
+uvalda,1225,0
+uvalda,1225,1
+uvalda,1225,2
+uvalda,1225,3
+uvalda,1225,4
+uvalda,1225,5
+uvalda,1225,6
+uvalda,1225,7
+uvalda,1225,8
+uvalda,1225,11
+uvalda,1225,12
+uvalda,1225,14
+uvalda,1226,0
+uvalda,1226,1
+uvalda,1226,2
+uvalda,1226,3
+uvalda,1226,5
+uvalda,1226,6
+uvalda,1226,9
+uvalda,1226,10
+uvalda,1226,11
+uvalda,1226,12
+uvalda,1226,13
+uvalda,1227,1
+uvalda,1227,2
+uvalda,1227,4
+uvalda,1227,5
+uvalda,1227,6
+uvalda,1227,7
+uvalda,1227,8
+uvalda,1227,9
+uvalda,1227,10
+uvalda,1227,11
+uvalda,1227,12
+uvalda,1228,0
+uvalda,1228,1
+uvalda,1228,2
+uvalda,1228,3
+uvalda,1229,0
+uvalda,1229,1
+uvalda,1229,2
+uvalda,1229,3
+uvalda,1229,4
+uvalda,1230,0
+uvalda,1230,1
+uvalda,1230,2
+uvalda,1230,3
+uvalda,1230,4
+uvalda,1231,0
+uvalda,1231,2
+uvalda,1231,3
+uvalda,1231,4
+uvalda,1231,5
+uvalda,1231,6
+uvalda,1231,7
+uvalda,1231,8
+uvalda,1231,9
+uvalda,1231,10
+uvalda,1231,12
+uvalda,1231,14
+uvalda,1231,15
+uvalda,1231,16
+uvalda,1232,0
+uvalda,1232,1
+uvalda,1232,2
+uvalda,1232,3
+uvalda,1232,4
+uvalda,1232,5
+uvalda,1232,6
+uvalda,1232,7
+uvalda,1232,8
+uvalda,1233,0
+uvalda,1233,1
+uvalda,1233,2
+uvalda,1233,3
+uvalda,1233,4
+uvalda,1233,5
+uvalda,1233,6
+uvalda,1234,0
+uvalda,1234,1
+uvalda,1234,4
+uvalda,1234,5
+uvalda,1234,6
+uvalda,1234,7
+uvalda,1234,9
+uvalda,1234,10
+uvalda,1234,11
+uvalda,1234,12
+uvalda,1234,13
+uvalda,1234,14
+uvalda,1234,15
+uvalda,1235,0
+uvalda,1235,1
+uvalda,1235,2
+uvalda,1235,3
+uvalda,1235,4
+uvalda,1235,5
+uvalda,1235,6
+uvalda,1235,7
+uvalda,1235,8
+uvalda,1235,9
+uvalda,1236,0
+uvalda,1236,1
+uvalda,1236,2
+uvalda,1236,3
+uvalda,1237,0
+uvalda,1237,1
+uvalda,1237,2
+uvalda,1237,3
+uvalda,1238,0
+uvalda,1238,1
+uvalda,1238,2
+uvalda,1238,3
+uvalda,1238,4
+uvalda,1239,0
+uvalda,1239,1
+uvalda,1239,2
+uvalda,1239,3
+uvalda,1240,0
+uvalda,1240,1
+uvalda,1240,2
+uvalda,1240,3
+uvalda,1240,4
+uvalda,1241,0
+uvalda,1241,1
+uvalda,1241,2
+uvalda,1242,0
+uvalda,1242,1
+uvalda,1242,2
+uvalda,1242,3
+uvalda,1242,4
+uvalda,1242,5
+uvalda,1242,6
+uvalda,1242,7
+uvalda,1243,0
+uvalda,1243,1
+uvalda,1243,2
+uvalda,1244,0
+uvalda,1244,1
+uvalda,1244,2
+uvalda,1244,3
+uvalda,1245,0
+uvalda,1245,1
+uvalda,1245,2
+uvalda,1245,3
+uvalda,1245,4
+uvalda,1246,0
+uvalda,1246,1
+uvalda,1246,2
+uvalda,1246,3
+uvalda,1246,4
+uvalda,1246,5
+uvalda,1246,6
+uvalda,1247,0
+uvalda,1247,1
+uvalda,1247,2
+uvalda,1248,0
+uvalda,1248,1
+uvalda,1248,2
+uvalda,1248,3
+uvalda,1248,4
+uvalda,1249,1
+uvalda,1249,3
+uvalda,1249,4
+uvalda,1249,5
+uvalda,1249,6
+uvalda,1249,7
+uvalda,1249,8
+uvalda,1249,9
+uvalda,1249,10
+uvalda,1249,11
+uvalda,1250,0
+uvalda,1250,1
+uvalda,1250,2
+uvalda,1250,3
+uvalda,1250,4
+uvalda,1250,5
+uvalda,1251,0
+uvalda,1251,1
+uvalda,1251,2
+uvalda,1251,3
+uvalda,1252,0
+uvalda,1252,1
+uvalda,1252,2
+uvalda,1253,0
+uvalda,1253,1
+uvalda,1253,2
+uvalda,1253,3
+uvalda,1253,4
+uvalda,1253,5
+uvalda,1253,6
+uvalda,1253,7
+uvalda,1253,8
+uvalda,1254,2
+uvalda,1254,4
+uvalda,1255,0
+uvalda,1255,1
+uvalda,1255,2
+uvalda,1255,3
+uvalda,1255,4
+uvalda,1256,0
+uvalda,1256,1
+uvalda,1256,2
+uvalda,1256,3
+uvalda,1256,4
+uvalda,1256,5
+uvalda,1257,0
+uvalda,1257,1
+uvalda,1257,2
+uvalda,1257,3
+uvalda,1257,4
+uvalda,1258,0
+uvalda,1258,1
+uvalda,1258,2
+uvalda,1258,3
+uvalda,1258,4
+uvalda,1259,0
+uvalda,1259,1
+uvalda,1259,2
+uvalda,1259,3
+uvalda,1259,4
+uvalda,1260,0
+uvalda,1260,1
+uvalda,1260,2
+uvalda,1261,0
+uvalda,1261,1
+uvalda,1261,2
+uvalda,1261,3
+uvalda,1262,0
+uvalda,1262,1
+uvalda,1262,2
+uvalda,1263,0
+uvalda,1263,1
+uvalda,1263,2
+uvalda,1263,3
+uvalda,1263,4
+uvalda,1263,5
+uvalda,1264,0
+uvalda,1264,1
+uvalda,1264,2
+uvalda,1264,3
+uvalda,1264,4
+uvalda,1264,5
+uvalda,1264,6
+uvalda,1265,1
+uvalda,1265,2
+uvalda,1265,3
+uvalda,1265,4
+uvalda,1265,5
+uvalda,1265,7
+uvalda,1265,8
+uvalda,1265,9
+uvalda,1265,10
+uvalda,1265,11
+uvalda,1265,12
+uvalda,1265,13
+uvalda,1265,15
+uvalda,1265,16
+uvalda,1265,17
+uvalda,1266,0
+uvalda,1266,1
+uvalda,1266,2
+uvalda,1266,3
+uvalda,1266,4
+uvalda,1266,5
+uvalda,1266,6
+uvalda,1266,7
+uvalda,1266,8
+uvalda,1266,9
+uvalda,1266,10
+uvalda,1267,0
+uvalda,1267,1
+uvalda,1267,2
+uvalda,1268,0
+uvalda,1268,1
+uvalda,1268,2
+uvalda,1268,3
+uvalda,1269,0
+uvalda,1269,1
+uvalda,1269,2
+uvalda,1270,0
+uvalda,1270,1
+uvalda,1270,2
+uvalda,1270,3
+uvalda,1271,0
+uvalda,1271,1
+uvalda,1271,2
+uvalda,1272,0
+uvalda,1272,1
+uvalda,1272,2
+uvalda,1273,0
+uvalda,1273,1
+uvalda,1273,2
+uvalda,1273,3
+uvalda,1273,4
+uvalda,1274,0
+uvalda,1274,1
+uvalda,1274,2
+uvalda,1274,3
+uvalda,1275,0
+uvalda,1275,1
+uvalda,1275,2
+uvalda,1275,3
+uvalda,1275,4
+uvalda,1276,0
+uvalda,1276,1
+uvalda,1276,2
+uvalda,1277,0
+uvalda,1277,1
+uvalda,1277,2
+uvalda,1277,3
+uvalda,1278,0
+uvalda,1278,1
+uvalda,1278,2
+uvalda,1278,3
+uvalda,1279,0
+uvalda,1279,1
+uvalda,1279,2
+uvalda,1280,0
+uvalda,1280,1
+uvalda,1280,2
+uvalda,1280,3
+uvalda,1280,4
+uvalda,1280,5
+uvalda,1280,7
+uvalda,1280,8
+uvalda,1280,9
+uvalda,1280,10
+uvalda,1280,13
+uvalda,1280,14
+uvalda,1281,0
+uvalda,1281,1
+uvalda,1281,2
+uvalda,1281,3
+uvalda,1282,0
+uvalda,1282,1
+uvalda,1282,2
+uvalda,1282,3
+uvalda,1283,0
+uvalda,1283,1
+uvalda,1283,2
+uvalda,1283,3
+uvalda,1283,4
+uvalda,1283,5
+uvalda,1283,6
+uvalda,1283,7
+uvalda,1283,9
+uvalda,1283,10
+uvalda,1283,12
+uvalda,1283,13
+uvalda,1284,0
+uvalda,1284,1
+uvalda,1284,2
+uvalda,1284,3
+uvalda,1284,4
+uvalda,1285,0
+uvalda,1285,1
+uvalda,1285,2
+uvalda,1285,3
+uvalda,1285,4
+uvalda,1285,5
+uvalda,1285,6
+uvalda,1285,7
+uvalda,1285,8
+uvalda,1286,0
+uvalda,1286,1
+uvalda,1286,2
+uvalda,1286,3
+uvalda,1286,4
+uvalda,1286,5
+uvalda,1286,6
+uvalda,1286,7
+uvalda,1286,8
+uvalda,1287,0
+uvalda,1287,1
+uvalda,1287,2
+uvalda,1288,0
+uvalda,1288,1
+uvalda,1288,2
+uvalda,1289,0
+uvalda,1289,1
+uvalda,1289,2
+uvalda,1290,0
+uvalda,1290,1
+uvalda,1290,2
+uvalda,1290,4
+uvalda,1290,5
+uvalda,1290,6
+uvalda,1290,7
+uvalda,1290,8
+uvalda,1290,9
+uvalda,1290,12
+uvalda,1290,13
+uvalda,1290,14
+uvalda,1290,15
+uvalda,1290,16
+uvalda,1291,0
+uvalda,1291,1
+uvalda,1291,2
+uvalda,1291,3
+uvalda,1291,4
+uvalda,1291,5
+uvalda,1292,0
+uvalda,1292,1
+uvalda,1292,2
+uvalda,1292,3
+uvalda,1292,4
+uvalda,1292,5
+uvalda,1292,6
+uvalda,1292,7
+uvalda,1293,0
+uvalda,1293,1
+uvalda,1293,2
+uvalda,1293,3
+uvalda,1294,0
+uvalda,1294,1
+uvalda,1294,2
+uvalda,1294,3
+uvalda,1294,4
+uvalda,1294,5
+uvalda,1294,6
+uvalda,1295,0
+uvalda,1295,1
+uvalda,1295,2
+uvalda,1295,3
+uvalda,1296,0
+uvalda,1296,1
+uvalda,1296,2
+uvalda,1297,0
+uvalda,1297,1
+uvalda,1297,2
+uvalda,1298,0
+uvalda,1298,1
+uvalda,1298,2
+uvalda,1298,3
+uvalda,1298,4
+uvalda,1299,0
+uvalda,1299,1
+uvalda,1299,2
+uvalda,1299,3
+uvalda,1299,4
+uvalda,1299,5
+uvalda,1299,6
+uvalda,1300,0
+uvalda,1300,1
+uvalda,1300,2
+uvalda,1300,3
+uvalda,1301,0
+uvalda,1301,1
+uvalda,1301,2
+uvalda,1301,3
+uvalda,1301,4
+uvalda,1301,5
+uvalda,1302,0
+uvalda,1302,1
+uvalda,1302,2
+uvalda,1302,3
+uvalda,1302,4
+uvalda,1303,0
+uvalda,1303,1
+uvalda,1303,2
+uvalda,1304,0
+uvalda,1304,1
+uvalda,1304,2
+uvalda,1304,3
+uvalda,1304,4
+uvalda,1304,6
+uvalda,1304,8
+uvalda,1304,10
+uvalda,1304,11
+uvalda,1304,12
+uvalda,1304,13
+uvalda,1304,14
+uvalda,1305,0
+uvalda,1305,1
+uvalda,1305,2
+uvalda,1305,3
+uvalda,1305,4
+uvalda,1306,0
+uvalda,1306,1
+uvalda,1306,2
+uvalda,1307,0
+uvalda,1307,1
+uvalda,1307,2
+uvalda,1307,3
+uvalda,1307,4
+uvalda,1307,5
+uvalda,1307,6
+uvalda,1308,0
+uvalda,1308,2
+uvalda,1308,3
+uvalda,1308,4
+uvalda,1308,5
+uvalda,1308,7
+uvalda,1308,8
+uvalda,1308,10
+uvalda,1308,11
+uvalda,1308,12
+uvalda,1308,13
+uvalda,1308,14
+uvalda,1308,15
+uvalda,1308,16
+uvalda,1308,17
+uvalda,1309,0
+uvalda,1309,1
+uvalda,1309,2
+uvalda,1310,0
+uvalda,1310,1
+uvalda,1310,2
+uvalda,1310,3
+uvalda,1310,4
+uvalda,1310,5
+uvalda,1310,6
+uvalda,1310,7
+uvalda,1311,0
+uvalda,1311,1
+uvalda,1311,3
+uvalda,1311,4
+uvalda,1311,5
+uvalda,1311,7
+uvalda,1311,8
+uvalda,1311,9
+uvalda,1311,11
+uvalda,1311,12
+uvalda,1311,13
+uvalda,1312,0
+uvalda,1312,1
+uvalda,1312,2
+uvalda,1313,0
+uvalda,1313,1
+uvalda,1313,2
+uvalda,1313,3
+uvalda,1313,4
+uvalda,1314,0
+uvalda,1314,1
+uvalda,1314,3
+uvalda,1314,4
+uvalda,1314,5
+uvalda,1314,6
+uvalda,1314,7
+uvalda,1314,8
+uvalda,1314,9
+uvalda,1314,11
+uvalda,1314,13
+uvalda,1314,14
+uvalda,1314,15
+uvalda,1315,0
+uvalda,1315,1
+uvalda,1315,2
+uvalda,1315,3
+uvalda,1316,1
+uvalda,1316,2
+uvalda,1316,3
+uvalda,1316,4
+uvalda,1316,5
+uvalda,1316,6
+uvalda,1316,7
+uvalda,1316,9
+uvalda,1316,11
+uvalda,1316,12
+uvalda,1317,0
+uvalda,1317,1
+uvalda,1317,2
+uvalda,1319,0
+uvalda,1319,1
+uvalda,1319,2
+uvalda,1319,3
+uvalda,1319,4
+uvalda,1319,5
+uvalda,1320,0
+uvalda,1320,1
+uvalda,1320,2
+uvalda,1321,0
+uvalda,1321,1
+uvalda,1321,2
+uvalda,1321,3
+uvalda,1321,4
+uvalda,1322,0
+uvalda,1322,1
+uvalda,1322,2
+uvalda,1322,3
+uvalda,1322,4
+uvalda,1323,0
+uvalda,1323,1
+uvalda,1323,2
+uvalda,1323,3
+uvalda,1324,0
+uvalda,1324,1
+uvalda,1324,2
+uvalda,1324,4
+uvalda,1324,6
+uvalda,1324,8
+uvalda,1324,9
+uvalda,1324,10
+uvalda,1325,0
+uvalda,1325,1
+uvalda,1325,2
+uvalda,1325,3
+uvalda,1326,0
+uvalda,1326,1
+uvalda,1326,2
+uvalda,1327,0
+uvalda,1327,1
+uvalda,1327,2
+uvalda,1327,3
+uvalda,1328,0
+uvalda,1328,1
+uvalda,1328,2
+uvalda,1328,3
+uvalda,1329,0
+uvalda,1329,1
+uvalda,1329,2
+uvalda,1331,0
+uvalda,1331,1
+uvalda,1331,2
+uvalda,1331,3
+uvalda,1332,0
+uvalda,1332,1
+uvalda,1332,2
+uvalda,1332,3
+uvalda,1332,4
+uvalda,1332,5
+uvalda,1333,0
+uvalda,1333,1
+uvalda,1333,2
+uvalda,1333,3
+uvalda,1333,4
+uvalda,1333,5
+uvalda,1333,6
+uvalda,1333,7
+uvalda,1333,8
+uvalda,1333,9
+uvalda,1334,0
+uvalda,1334,1
+uvalda,1334,2
+uvalda,1334,3
+uvalda,1335,0
+uvalda,1335,1
+uvalda,1335,2
+uvalda,1335,3
+uvalda,1335,4
+uvalda,1335,5
+uvalda,1335,6
+uvalda,1336,0
+uvalda,1336,1
+uvalda,1336,2
+uvalda,1336,3
+uvalda,1336,6
+uvalda,1336,8
+uvalda,1336,9
+uvalda,1336,10
+uvalda,1336,11
+uvalda,1336,12
+uvalda,1337,0
+uvalda,1337,1
+uvalda,1337,2
+uvalda,1338,0
+uvalda,1338,1
+uvalda,1338,2
+uvalda,1338,5
+uvalda,1338,7
+uvalda,1338,8
+uvalda,1338,9
+uvalda,1338,10
+uvalda,1338,11
+uvalda,1338,12
+uvalda,1339,0
+uvalda,1339,1
+uvalda,1339,2
+uvalda,1339,3
+uvalda,1339,4
+uvalda,1339,5
+uvalda,1339,6
+uvalda,1340,0
+uvalda,1340,1
+uvalda,1340,2
+uvalda,1340,3
+uvalda,1340,4
+uvalda,1341,0
+uvalda,1341,1
+uvalda,1341,2
+uvalda,1341,3
+uvalda,1341,4
+uvalda,1341,5
+uvalda,1342,0
+uvalda,1342,1
+uvalda,1342,3
+uvalda,1342,5
+uvalda,1342,6
+uvalda,1342,7
+uvalda,1342,8
+uvalda,1342,9
+uvalda,1342,10
+uvalda,1342,12
+uvalda,1342,13
+uvalda,1343,0
+uvalda,1343,1
+uvalda,1343,2
+uvalda,1343,3
+uvalda,1343,4
+uvalda,1344,0
+uvalda,1344,1
+uvalda,1344,2
+uvalda,1344,4
+uvalda,1344,6
+uvalda,1344,7
+uvalda,1345,0
+uvalda,1345,1
+uvalda,1345,2
+uvalda,1346,0
+uvalda,1346,1
+uvalda,1346,2
+uvalda,1346,3
+uvalda,1347,0
+uvalda,1347,1
+uvalda,1347,2
+uvalda,1347,3
+uvalda,1347,4
+uvalda,1348,1
+uvalda,1348,2
+uvalda,1348,3
+uvalda,1348,4
+uvalda,1348,5
+uvalda,1348,6
+uvalda,1348,7
+uvalda,1348,8
+uvalda,1348,9
+uvalda,1349,0
+uvalda,1349,1
+uvalda,1349,2
+uvalda,1349,3
+uvalda,1349,4
+uvalda,1349,5
+uvalda,1349,6
+uvalda,1349,7
+uvalda,1349,8
+uvalda,1350,0
+uvalda,1350,1
+uvalda,1350,2
+uvalda,1350,3
+uvalda,1350,4
+uvalda,1350,5
+uvalda,1350,6
+uvalda,1350,7
+uvalda,1350,8
+uvalda,1350,9
+uvalda,1350,10
+uvalda,1350,11
+uvalda,1350,12
+uvalda,1350,13
+uvalda,1351,0
+uvalda,1351,1
+uvalda,1351,2
+uvalda,1351,3
+uvalda,1351,4
+uvalda,1351,5
+uvalda,1351,6
+uvalda,1352,0
+uvalda,1352,1
+uvalda,1352,2
+uvalda,1353,0
+uvalda,1353,1
+uvalda,1353,2
+uvalda,1354,0
+uvalda,1354,1
+uvalda,1354,2
+uvalda,1354,3
+uvalda,1355,0
+uvalda,1355,1
+uvalda,1355,2
+uvalda,1355,3
+uvalda,1355,4
+uvalda,1355,5
+uvalda,1356,0
+uvalda,1356,1
+uvalda,1356,2
+uvalda,1356,3
+uvalda,1356,4
+uvalda,1356,5
+uvalda,1356,6
+uvalda,1356,7
+uvalda,1356,8
+uvalda,1356,9
+uvalda,1356,10
+uvalda,1356,11
+uvalda,1357,1
+uvalda,1357,2
+uvalda,1357,3
+uvalda,1357,5
+uvalda,1357,6
+uvalda,1357,7
+uvalda,1357,9
+uvalda,1357,10
+uvalda,1357,11
+uvalda,1357,12
+uvalda,1358,0
+uvalda,1358,1
+uvalda,1358,2
+uvalda,1359,0
+uvalda,1359,1
+uvalda,1359,2
+uvalda,1359,3
+uvalda,1360,0
+uvalda,1360,3
+uvalda,1361,0
+uvalda,1361,1
+uvalda,1361,2
+uvalda,1361,3
+uvalda,1361,4
+uvalda,1361,5
+uvalda,1361,8
+uvalda,1361,9
+uvalda,1361,11
+uvalda,1362,0
+uvalda,1362,1
+uvalda,1362,2
+uvalda,1363,0
+uvalda,1363,1
+uvalda,1363,2
+uvalda,1363,3
+uvalda,1363,4
+uvalda,1363,5
+uvalda,1364,0
+uvalda,1364,1
+uvalda,1364,2
+uvalda,1364,3
+uvalda,1364,4
+uvalda,1365,0
+uvalda,1365,1
+uvalda,1365,2
+uvalda,1365,3
+uvalda,1365,4
+uvalda,1365,5
+uvalda,1366,0
+uvalda,1366,1
+uvalda,1366,2
+uvalda,1366,3
+uvalda,1366,4
+uvalda,1366,5
+uvalda,1366,6
+uvalda,1366,7
+uvalda,1366,8
+uvalda,1367,0
+uvalda,1367,1
+uvalda,1367,3
+uvalda,1367,5
+uvalda,1367,7
+uvalda,1367,8
+uvalda,1367,9
+uvalda,1367,10
+uvalda,1367,11
+uvalda,1367,12
+uvalda,1368,0
+uvalda,1368,1
+uvalda,1368,2
+uvalda,1368,3
+uvalda,1368,4
+uvalda,1368,6
+uvalda,1368,7
+uvalda,1368,8
+uvalda,1368,9
+uvalda,1368,12
+uvalda,1368,13
+uvalda,1369,0
+uvalda,1369,1
+uvalda,1369,2
+uvalda,1369,3
+uvalda,1369,5
+uvalda,1369,7
+uvalda,1369,8
+uvalda,1369,10
+uvalda,1369,11
+uvalda,1370,0
+uvalda,1370,2
+uvalda,1370,3
+uvalda,1370,4
+uvalda,1370,5
+uvalda,1370,6
+uvalda,1370,8
+uvalda,1370,10
+uvalda,1370,11
+uvalda,1370,12
+uvalda,1371,0
+uvalda,1371,1
+uvalda,1371,2
+uvalda,1371,3
+uvalda,1371,4
+uvalda,1371,5
+uvalda,1372,0
+uvalda,1372,1
+uvalda,1372,2
+uvalda,1372,3
+uvalda,1372,4
+uvalda,1372,5
+uvalda,1373,0
+uvalda,1373,1
+uvalda,1373,2
+uvalda,1374,0
+uvalda,1374,1
+uvalda,1374,2
+uvalda,1374,3
+uvalda,1375,0
+uvalda,1375,1
+uvalda,1375,2
+uvalda,1375,3
+uvalda,1376,0
+uvalda,1376,1
+uvalda,1376,2
+uvalda,1376,3
+uvalda,1376,4
+uvalda,1377,0
+uvalda,1377,1
+uvalda,1377,2
+uvalda,1377,3
+uvalda,1377,4
+uvalda,1377,5
+uvalda,1377,6
+uvalda,1377,7
+uvalda,1378,0
+uvalda,1378,1
+uvalda,1378,2
+uvalda,1379,0
+uvalda,1379,1
+uvalda,1379,2
+uvalda,1379,3
+uvalda,1379,4
+uvalda,1379,5
+uvalda,1379,6
+uvalda,1379,7
+uvalda,1379,8
+uvalda,1379,9
+uvalda,1379,10
+uvalda,1380,0
+uvalda,1380,1
+uvalda,1380,2
+uvalda,1381,0
+uvalda,1381,1
+uvalda,1381,2
+uvalda,1381,3
+uvalda,1382,0
+uvalda,1382,1
+uvalda,1382,3
+uvalda,1382,4
+uvalda,1382,5
+uvalda,1382,6
+uvalda,1382,7
+uvalda,1382,8
+uvalda,1382,10
+uvalda,1382,11
+uvalda,1383,0
+uvalda,1383,1
+uvalda,1383,2
+uvalda,1383,3
+uvalda,1384,0
+uvalda,1384,1
+uvalda,1384,2
+uvalda,1384,3
+uvalda,1384,4
+uvalda,1385,0
+uvalda,1385,1
+uvalda,1385,2
+uvalda,1386,1
+uvalda,1386,2
+uvalda,1386,3
+uvalda,1386,4
+uvalda,1386,5
+uvalda,1386,6
+uvalda,1386,9
+uvalda,1386,10
+uvalda,1387,0
+uvalda,1387,1
+uvalda,1387,2
+uvalda,1387,3
+uvalda,1387,4
+uvalda,1387,5
+uvalda,1387,6
+uvalda,1388,0
+uvalda,1388,1
+uvalda,1388,2
+uvalda,1389,0
+uvalda,1389,1
+uvalda,1389,2
+uvalda,1389,3
+uvalda,1389,4
+uvalda,1389,5
+uvalda,1390,0
+uvalda,1390,2
+uvalda,1390,4
+uvalda,1391,0
+uvalda,1391,1
+uvalda,1391,2
+uvalda,1392,0
+uvalda,1392,1
+uvalda,1392,2
+uvalda,1393,0
+uvalda,1393,1
+uvalda,1393,2
+uvalda,1393,3
+uvalda,1393,4
+uvalda,1394,0
+uvalda,1394,1
+uvalda,1394,2
+uvalda,1394,3
+uvalda,1395,0
+uvalda,1395,1
+uvalda,1395,2
+uvalda,1395,3
+uvalda,1395,4
+uvalda,1395,5
+uvalda,1396,0
+uvalda,1396,1
+uvalda,1396,2
+uvalda,1396,3
+uvalda,1396,4
+uvalda,1397,0
+uvalda,1397,1
+uvalda,1397,2
+uvalda,1397,3
+uvalda,1397,4
+uvalda,1397,5
+uvalda,1397,6
+uvalda,1397,7
+uvalda,1397,8
+uvalda,1397,9
+uvalda,1398,0
+uvalda,1398,1
+uvalda,1398,2
+uvalda,1398,3
+uvalda,1398,4
+uvalda,1398,5
+uvalda,1398,6
+uvalda,1398,7
+uvalda,1398,8
+uvalda,1399,0
+uvalda,1399,1
+uvalda,1399,2
+uvalda,1399,3
+uvalda,1400,0
+uvalda,1400,1
+uvalda,1400,2
+uvalda,1401,0
+uvalda,1401,1
+uvalda,1401,2
+uvalda,1401,3
+uvalda,1401,4
+uvalda,1401,5
+uvalda,1401,6
+uvalda,1401,7
+uvalda,1401,8
+uvalda,1402,0
+uvalda,1402,1
+uvalda,1402,2
+uvalda,1402,4
+uvalda,1402,5
+uvalda,1402,6
+uvalda,1402,8
+uvalda,1402,9
+uvalda,1402,10
+uvalda,1402,12
+uvalda,1402,13
+uvalda,1403,0
+uvalda,1403,1
+uvalda,1403,2
+uvalda,1404,0
+uvalda,1404,1
+uvalda,1404,2
+uvalda,1405,1
+uvalda,1405,3
+uvalda,1405,4
+uvalda,1405,5
+uvalda,1405,6
+uvalda,1405,7
+uvalda,1405,8
+uvalda,1405,10
+uvalda,1406,0
+uvalda,1406,1
+uvalda,1406,2
+uvalda,1406,3
+uvalda,1406,4
+uvalda,1406,5
+uvalda,1406,6
+uvalda,1407,0
+uvalda,1407,1
+uvalda,1407,2
+uvalda,1407,3
+uvalda,1407,4
+uvalda,1408,0
+uvalda,1408,1
+uvalda,1408,2
+uvalda,1408,3
+uvalda,1408,4
+uvalda,1409,0
+uvalda,1409,1
+uvalda,1409,2
+uvalda,1409,3
+uvalda,1410,0
+uvalda,1410,1
+uvalda,1410,2
+uvalda,1411,0
+uvalda,1411,1
+uvalda,1411,2
+uvalda,1411,3
+uvalda,1411,4
+uvalda,1412,0
+uvalda,1412,1
+uvalda,1412,2
+uvalda,1412,3
+uvalda,1412,4
+uvalda,1413,0
+uvalda,1413,1
+uvalda,1413,2
+uvalda,1413,3
+uvalda,1414,0
+uvalda,1414,1
+uvalda,1414,2
+uvalda,1414,3
+uvalda,1414,4
+uvalda,1414,5
+uvalda,1415,0
+uvalda,1415,1
+uvalda,1415,2
+uvalda,1415,3
+uvalda,1416,0
+uvalda,1416,1
+uvalda,1416,2
+uvalda,1416,3
+uvalda,1417,0
+uvalda,1417,1
+uvalda,1417,2
+uvalda,1418,0
+uvalda,1418,1
+uvalda,1418,2
+uvalda,1418,3
+uvalda,1418,4
+uvalda,1418,5
+uvalda,1418,6
+uvalda,1419,0
+uvalda,1419,1
+uvalda,1419,2
+uvalda,1421,0
+uvalda,1421,1
+uvalda,1421,2
+uvalda,1422,0
+uvalda,1422,1
+uvalda,1422,2
+uvalda,1423,0
+uvalda,1423,1
+uvalda,1423,2
+uvalda,1423,3
+uvalda,1424,0
+uvalda,1424,1
+uvalda,1424,2
+uvalda,1424,5
+uvalda,1424,7
+uvalda,1425,0
+uvalda,1425,1
+uvalda,1425,2
+uvalda,1426,0
+uvalda,1426,1
+uvalda,1426,2
+uvalda,1426,3
+uvalda,1426,4
+uvalda,1427,0
+uvalda,1427,1
+uvalda,1427,2
+uvalda,1427,3
+uvalda,1427,4
+uvalda,1427,5
+uvalda,1428,0
+uvalda,1428,1
+uvalda,1428,2
+uvalda,1428,3
+uvalda,1428,4
+uvalda,1429,1
+uvalda,1429,2
+uvalda,1429,3
+uvalda,1429,4
+uvalda,1429,6
+uvalda,1429,7
+uvalda,1429,8
+uvalda,1429,9
+uvalda,1429,10
+uvalda,1429,12
+uvalda,1429,13
+uvalda,1429,14
+uvalda,1430,0
+uvalda,1430,1
+uvalda,1430,2
+uvalda,1431,0
+uvalda,1431,1
+uvalda,1431,2
+uvalda,1432,0
+uvalda,1432,1
+uvalda,1432,2
+uvalda,1432,5
+uvalda,1432,6
+uvalda,1433,0
+uvalda,1433,1
+uvalda,1433,2
+uvalda,1433,3
+uvalda,1433,5
+uvalda,1433,6
+uvalda,1433,7
+uvalda,1433,9
+uvalda,1433,10
+uvalda,1433,11
+uvalda,1433,12
+uvalda,1433,13
+uvalda,1433,14
+uvalda,1433,16
+uvalda,1434,0
+uvalda,1434,1
+uvalda,1434,2
+uvalda,1434,3
+uvalda,1434,4
+uvalda,1434,5
+uvalda,1435,0
+uvalda,1435,1
+uvalda,1435,2
+uvalda,1435,3
+uvalda,1435,4
+uvalda,1435,5
+uvalda,1435,6
+uvalda,1435,7
+uvalda,1436,0
+uvalda,1436,1
+uvalda,1436,2
+uvalda,1436,3
+uvalda,1436,4
+uvalda,1436,7
+uvalda,1436,9
+uvalda,1436,10
+uvalda,1436,11
+uvalda,1436,12
+uvalda,1436,13
+uvalda,1436,14
+uvalda,1436,15
+uvalda,1436,16
+uvalda,1436,17
+uvalda,1437,0
+uvalda,1437,1
+uvalda,1437,5
+uvalda,1437,6
+uvalda,1437,7
+uvalda,1437,8
+uvalda,1437,9
+uvalda,1437,10
+uvalda,1437,11
+uvalda,1437,12
+uvalda,1438,0
+uvalda,1438,1
+uvalda,1438,2
+uvalda,1438,3
+uvalda,1438,4
+uvalda,1439,0
+uvalda,1439,1
+uvalda,1439,2
+uvalda,1439,3
+uvalda,1439,4
+uvalda,1439,5
+uvalda,1439,7
+uvalda,1439,8
+uvalda,1439,9
+uvalda,1439,11
+uvalda,1439,12
+uvalda,1439,13
+uvalda,1439,14
+uvalda,1439,15
+uvalda,1439,16
+uvalda,1439,17
+uvalda,1440,0
+uvalda,1440,1
+uvalda,1440,2
+uvalda,1441,0
+uvalda,1441,1
+uvalda,1441,2
+uvalda,1441,3
+uvalda,1441,4
+uvalda,1441,5
+uvalda,1441,6
+uvalda,1442,0
+uvalda,1442,1
+uvalda,1442,2
+uvalda,1442,3
+uvalda,1442,4
+uvalda,1442,5
+uvalda,1443,0
+uvalda,1443,1
+uvalda,1443,2
+uvalda,1443,3
+uvalda,1443,4
+uvalda,1444,0
+uvalda,1444,1
+uvalda,1444,2
+uvalda,1444,3
+uvalda,1444,4
+uvalda,1445,0
+uvalda,1445,1
+uvalda,1445,2
+uvalda,1446,0
+uvalda,1446,1
+uvalda,1446,2
+uvalda,1446,3
+uvalda,1447,0
+uvalda,1447,1
+uvalda,1447,2
+uvalda,1448,0
+uvalda,1448,1
+uvalda,1448,2
+uvalda,1448,3
+uvalda,1449,0
+uvalda,1449,1
+uvalda,1449,2
+uvalda,1450,0
+uvalda,1450,1
+uvalda,1450,2
+uvalda,1450,3
+uvalda,1450,4
+uvalda,1450,5
+uvalda,1451,0
+uvalda,1451,2
+uvalda,1451,3
+uvalda,1451,4
+uvalda,1451,6
+uvalda,1451,7
+uvalda,1451,8
+uvalda,1451,9
+uvalda,1451,10
+uvalda,1451,12
+uvalda,1451,13
+uvalda,1451,14
+uvalda,1452,0
+uvalda,1452,1
+uvalda,1452,2
+uvalda,1453,0
+uvalda,1453,1
+uvalda,1453,2
+uvalda,1453,3
+uvalda,1454,0
+uvalda,1454,1
+uvalda,1454,2
+uvalda,1454,3
+uvalda,1454,4
+uvalda,1455,0
+uvalda,1455,1
+uvalda,1455,2
+uvalda,1455,3
+uvalda,1456,0
+uvalda,1456,1
+uvalda,1456,2
+uvalda,1456,3
+uvalda,1456,4
+uvalda,1456,5
+uvalda,1456,6
+uvalda,1457,0
+uvalda,1457,1
+uvalda,1457,2
+uvalda,1457,3
+uvalda,1457,4
+uvalda,1457,5
+uvalda,1457,6
+uvalda,1458,0
+uvalda,1458,1
+uvalda,1458,2
+uvalda,1458,3
+uvalda,1458,4
+uvalda,1458,6
+uvalda,1458,9
+uvalda,1458,10
+uvalda,1459,0
+uvalda,1459,1
+uvalda,1459,2
+uvalda,1460,0
+uvalda,1460,1
+uvalda,1460,2
+uvalda,1460,3
+uvalda,1461,0
+uvalda,1461,1
+uvalda,1461,2
+uvalda,1461,3
+uvalda,1461,4
+uvalda,1461,7
+uvalda,1461,9
+uvalda,1462,2
+uvalda,1462,4
+uvalda,1462,5
+uvalda,1463,0
+uvalda,1463,1
+uvalda,1463,2
+uvalda,1464,0
+uvalda,1464,1
+uvalda,1464,2
+uvalda,1464,3
+uvalda,1465,0
+uvalda,1465,2
+uvalda,1465,3
+uvalda,1465,4
+uvalda,1465,5
+uvalda,1465,6
+uvalda,1465,7
+uvalda,1465,8
+uvalda,1465,9
+uvalda,1465,10
+uvalda,1465,12
+uvalda,1466,0
+uvalda,1466,1
+uvalda,1466,2
+uvalda,1466,3
+uvalda,1466,4
+uvalda,1466,5
+uvalda,1466,6
+uvalda,1466,7
+uvalda,1466,8
+uvalda,1466,9
+uvalda,1466,10
+uvalda,1466,11
+uvalda,1466,12
+uvalda,1466,13
+uvalda,1467,0
+uvalda,1467,1
+uvalda,1467,2
+uvalda,1467,3
+uvalda,1467,4
+uvalda,1467,5
+uvalda,1467,6
+uvalda,1467,7
+uvalda,1468,0
+uvalda,1468,1
+uvalda,1468,2
+uvalda,1468,3
+uvalda,1468,4
+uvalda,1469,0
+uvalda,1469,1
+uvalda,1469,2
+uvalda,1469,3
+uvalda,1470,0
+uvalda,1470,1
+uvalda,1470,2
+uvalda,1470,3
+uvalda,1470,4
+uvalda,1470,5
+uvalda,1470,6
+uvalda,1470,7
+uvalda,1470,8
+uvalda,1470,9
+uvalda,1471,0
+uvalda,1471,1
+uvalda,1471,2
+uvalda,1471,3
+uvalda,1472,0
+uvalda,1472,1
+uvalda,1472,2
+uvalda,1472,3
+uvalda,1472,4
+uvalda,1472,5
+uvalda,1473,0
+uvalda,1473,1
+uvalda,1473,2
+uvalda,1473,3
+uvalda,1473,4
+uvalda,1473,5
+uvalda,1473,6
+uvalda,1473,7
+uvalda,1473,8
+uvalda,1473,9
+uvalda,1473,10
+uvalda,1473,11
+uvalda,1474,0
+uvalda,1474,1
+uvalda,1474,2
+uvalda,1474,3
+uvalda,1474,4
+uvalda,1474,5
+uvalda,1474,6
+uvalda,1474,7
+uvalda,1475,0
+uvalda,1475,1
+uvalda,1475,2
+uvalda,1475,3
+uvalda,1475,4
+uvalda,1475,5
+uvalda,1475,6
+uvalda,1475,7
+uvalda,1475,8
+uvalda,1475,10
+uvalda,1475,11
+uvalda,1475,12
+uvalda,1475,13
+uvalda,1475,14
+uvalda,1475,17
+uvalda,1476,0
+uvalda,1476,1
+uvalda,1476,2
+uvalda,1476,3
+uvalda,1476,4
+uvalda,1477,0
+uvalda,1477,1
+uvalda,1477,2
+uvalda,1477,3
+uvalda,1478,0
+uvalda,1478,1
+uvalda,1478,2
+uvalda,1478,3
+uvalda,1478,4
+uvalda,1478,5
+uvalda,1478,6
+uvalda,1478,7
+uvalda,1479,0
+uvalda,1479,1
+uvalda,1479,2
+uvalda,1479,3
+uvalda,1480,0
+uvalda,1480,1
+uvalda,1480,2
+uvalda,1481,0
+uvalda,1481,1
+uvalda,1481,2
+uvalda,1481,3
+uvalda,1482,0
+uvalda,1482,1
+uvalda,1482,2
+uvalda,1483,0
+uvalda,1483,1
+uvalda,1483,2
+uvalda,1483,3
+uvalda,1483,4
+uvalda,1483,5
+uvalda,1483,6
+uvalda,1483,7
+uvalda,1484,0
+uvalda,1484,1
+uvalda,1484,2
+uvalda,1484,3
+uvalda,1484,4
+uvalda,1484,5
+uvalda,1485,0
+uvalda,1485,1
+uvalda,1485,2
+uvalda,1486,0
+uvalda,1486,1
+uvalda,1486,2
+uvalda,1487,0
+uvalda,1487,1
+uvalda,1487,2
+uvalda,1487,3
+uvalda,1487,4
+uvalda,1487,5
+uvalda,1487,6
+uvalda,1487,7
+uvalda,1487,8
+uvalda,1487,9
+uvalda,1487,10
+uvalda,1487,11
+uvalda,1488,0
+uvalda,1488,1
+uvalda,1488,2
+uvalda,1489,0
+uvalda,1489,1
+uvalda,1489,2
+uvalda,1489,3
+uvalda,1490,0
+uvalda,1490,1
+uvalda,1490,2
+uvalda,1490,3
+uvalda,1490,4
+uvalda,1490,5
+uvalda,1491,0
+uvalda,1491,1
+uvalda,1491,2
+uvalda,1491,3
+uvalda,1492,0
+uvalda,1492,2
+uvalda,1492,3
+uvalda,1492,4
+uvalda,1492,5
+uvalda,1492,6
+uvalda,1492,8
+uvalda,1492,9
+uvalda,1492,10
+uvalda,1492,11
+uvalda,1492,12
+uvalda,1492,14
+uvalda,1492,15
+uvalda,1492,16
+uvalda,1493,0
+uvalda,1493,1
+uvalda,1493,2
+uvalda,1494,0
+uvalda,1494,1
+uvalda,1494,2
+uvalda,1494,3
+uvalda,1495,0
+uvalda,1495,1
+uvalda,1495,2
+uvalda,1495,3
+uvalda,1495,4
+uvalda,1495,5
+uvalda,1496,0
+uvalda,1496,1
+uvalda,1496,2
+uvalda,1496,3
+uvalda,1496,4
+uvalda,1496,5
+uvalda,1496,6
+uvalda,1497,0
+uvalda,1497,1
+uvalda,1497,2
+uvalda,1497,3
+uvalda,1497,4
+uvalda,1498,0
+uvalda,1498,1
+uvalda,1498,2
+uvalda,1498,3
+uvalda,1499,0
+uvalda,1499,1
+uvalda,1499,2
+uvalda,1499,3
+uvalda,1499,4
+uvalda,1499,5
+uvalda,1499,6
+uvalda,1499,7
+uvalda,1499,8
+uvalda,1499,9
+uvalda,1500,0
+uvalda,1500,2
+uvalda,1500,3
+uvalda,1500,4
+uvalda,1500,5
+uvalda,1500,6
+uvalda,1500,7
+uvalda,1500,8
+uvalda,1500,10
+uvalda,1501,0
+uvalda,1501,1
+uvalda,1501,2
+uvalda,1501,3
+uvalda,1501,4
+uvalda,1501,5
+uvalda,1501,6
+uvalda,1501,7
+uvalda,1501,8
+uvalda,1502,1
+uvalda,1502,3
+uvalda,1502,5
+uvalda,1502,6
+uvalda,1502,7
+uvalda,1503,0
+uvalda,1503,1
+uvalda,1503,2
+uvalda,1503,3
+uvalda,1504,0
+uvalda,1504,1
+uvalda,1504,2
+uvalda,1504,3
+uvalda,1505,0
+uvalda,1505,1
+uvalda,1505,2
+uvalda,1505,3
+uvalda,1505,4
+uvalda,1506,0
+uvalda,1506,1
+uvalda,1506,2
+uvalda,1507,0
+uvalda,1507,1
+uvalda,1507,2
+uvalda,1507,3
+uvalda,1507,4
+uvalda,1507,5
+uvalda,1508,0
+uvalda,1508,1
+uvalda,1508,2
+uvalda,1508,3
+uvalda,1508,4
+uvalda,1508,5
+uvalda,1508,6
+uvalda,1508,7
+uvalda,1508,8
+uvalda,1508,9
+uvalda,1508,10
+uvalda,1508,11
+uvalda,1508,12
+uvalda,1508,13
+uvalda,1508,14
+uvalda,1509,0
+uvalda,1509,1
+uvalda,1509,2
+uvalda,1509,3
+uvalda,1509,4
+uvalda,1509,5
+uvalda,1509,6
+uvalda,1510,0
+uvalda,1510,1
+uvalda,1510,2
+uvalda,1511,0
+uvalda,1511,1
+uvalda,1511,2
+uvalda,1512,0
+uvalda,1512,1
+uvalda,1512,2
+uvalda,1512,3
+uvalda,1512,4
+uvalda,1513,0
+uvalda,1513,1
+uvalda,1513,2
+uvalda,1514,0
+uvalda,1514,1
+uvalda,1514,2
+uvalda,1514,3
+uvalda,1515,0
+uvalda,1515,1
+uvalda,1515,2
+uvalda,1515,3
+uvalda,1515,4
+uvalda,1516,0
+uvalda,1516,1
+uvalda,1516,2
+uvalda,1516,3
+uvalda,1516,4
+uvalda,1516,5
+uvalda,1517,0
+uvalda,1517,1
+uvalda,1517,2
+uvalda,1517,3
+uvalda,1518,0
+uvalda,1518,1
+uvalda,1518,2
+uvalda,1518,3
+uvalda,1519,0
+uvalda,1519,1
+uvalda,1519,2
+uvalda,1519,3
+uvalda,1519,4
+uvalda,1519,5
+uvalda,1519,6
+uvalda,1520,0
+uvalda,1520,1
+uvalda,1520,2
+uvalda,1520,3
+uvalda,1520,4
+uvalda,1521,1
+uvalda,1521,3
+uvalda,1521,4
+uvalda,1521,5
+uvalda,1521,6
+uvalda,1521,7
+uvalda,1521,8
+uvalda,1521,10
+uvalda,1521,11
+uvalda,1521,12
+uvalda,1521,13
+uvalda,1521,14
+uvalda,1521,15
+uvalda,1521,16
+uvalda,1522,0
+uvalda,1522,1
+uvalda,1522,2
+uvalda,1522,4
+uvalda,1522,5
+uvalda,1522,6
+uvalda,1522,7
+uvalda,1523,0
+uvalda,1523,1
+uvalda,1523,2
+uvalda,1524,0
+uvalda,1524,1
+uvalda,1524,2
+uvalda,1525,0
+uvalda,1525,1
+uvalda,1525,2
+uvalda,1526,0
+uvalda,1526,1
+uvalda,1526,2
+uvalda,1526,3
+uvalda,1526,4
+uvalda,1526,5
+uvalda,1526,6
+uvalda,1526,7
+uvalda,1527,0
+uvalda,1527,1
+uvalda,1527,2
+uvalda,1527,3
+uvalda,1528,0
+uvalda,1528,1
+uvalda,1528,2
+uvalda,1528,3
+uvalda,1528,4
+uvalda,1529,0
+uvalda,1529,1
+uvalda,1529,2
+uvalda,1529,3
+uvalda,1530,0
+uvalda,1530,1
+uvalda,1530,2
+uvalda,1530,3
+uvalda,1530,4
+uvalda,1530,5
+uvalda,1531,0
+uvalda,1531,1
+uvalda,1531,2
+uvalda,1531,3
+uvalda,1531,4
+uvalda,1532,0
+uvalda,1532,1
+uvalda,1532,2
+uvalda,1533,1
+uvalda,1533,2
+uvalda,1533,3
+uvalda,1533,4
+uvalda,1533,5
+uvalda,1533,6
+uvalda,1533,8
+uvalda,1533,10
+uvalda,1533,11
+uvalda,1533,12
+uvalda,1534,0
+uvalda,1534,2
+uvalda,1534,3
+uvalda,1534,4
+uvalda,1534,5
+uvalda,1534,6
+uvalda,1534,7
+uvalda,1534,8
+uvalda,1534,9
+uvalda,1535,0
+uvalda,1535,1
+uvalda,1535,2
+uvalda,1535,3
+uvalda,1535,4
+uvalda,1535,5
+uvalda,1535,6
+uvalda,1535,7
+uvalda,1535,8
+uvalda,1535,9
+uvalda,1536,0
+uvalda,1536,1
+uvalda,1536,2
+uvalda,1536,3
+uvalda,1537,0
+uvalda,1537,1
+uvalda,1537,2
+uvalda,1537,3
+uvalda,1537,4
+uvalda,1538,0
+uvalda,1538,1
+uvalda,1538,2
+uvalda,1539,0
+uvalda,1539,1
+uvalda,1539,2
+uvalda,1539,4
+uvalda,1539,5
+uvalda,1539,8
+uvalda,1539,9
+uvalda,1539,10
+uvalda,1540,0
+uvalda,1540,1
+uvalda,1540,2
+uvalda,1541,0
+uvalda,1541,1
+uvalda,1541,3
+uvalda,1541,4
+uvalda,1541,6
+uvalda,1541,7
+uvalda,1541,8
+uvalda,1541,9
+uvalda,1541,10
+uvalda,1541,12
+uvalda,1541,13
+uvalda,1541,14
+uvalda,1542,0
+uvalda,1542,1
+uvalda,1542,2
+uvalda,1542,3
+uvalda,1542,4
+uvalda,1543,0
+uvalda,1543,1
+uvalda,1543,2
+uvalda,1543,4
+uvalda,1543,5
+uvalda,1543,6
+uvalda,1543,7
+uvalda,1543,9
+uvalda,1543,10
+uvalda,1543,11
+uvalda,1543,13
+uvalda,1543,14
+uvalda,1543,15
+uvalda,1543,16
+uvalda,1544,0
+uvalda,1544,1
+uvalda,1544,2
+uvalda,1544,3
+uvalda,1545,0
+uvalda,1545,1
+uvalda,1545,2
+uvalda,1545,3
+uvalda,1545,4
+uvalda,1545,5
+uvalda,1546,0
+uvalda,1546,1
+uvalda,1546,2
+uvalda,1546,3
+uvalda,1546,4
+uvalda,1546,5
+uvalda,1546,6
+uvalda,1546,7
+uvalda,1546,8
+uvalda,1546,9
+uvalda,1546,10
+uvalda,1546,11
+uvalda,1547,0
+uvalda,1547,1
+uvalda,1547,2
+uvalda,1548,0
+uvalda,1548,1
+uvalda,1548,2
+uvalda,1548,3
+uvalda,1548,4
+uvalda,1548,5
+uvalda,1548,6
+uvalda,1548,7
+uvalda,1548,8
+uvalda,1548,9
+uvalda,1549,0
+uvalda,1549,1
+uvalda,1549,2
+uvalda,1550,0
+uvalda,1550,1
+uvalda,1550,3
+uvalda,1550,4
+uvalda,1550,5
+uvalda,1550,6
+uvalda,1550,7
+uvalda,1550,8
+uvalda,1550,9
+uvalda,1550,10
+uvalda,1550,13
+uvalda,1550,14
+uvalda,1551,0
+uvalda,1551,1
+uvalda,1551,2
+uvalda,1551,3
+uvalda,1551,4
+uvalda,1551,5
+uvalda,1552,0
+uvalda,1552,1
+uvalda,1552,2
+uvalda,1552,3
+uvalda,1552,4
+uvalda,1552,5
+uvalda,1553,0
+uvalda,1553,1
+uvalda,1553,2
+uvalda,1553,3
+uvalda,1554,0
+uvalda,1554,1
+uvalda,1554,2
+uvalda,1554,3
+uvalda,1554,5
+uvalda,1554,8
+uvalda,1555,0
+uvalda,1555,1
+uvalda,1555,2
+uvalda,1556,0
+uvalda,1556,1
+uvalda,1556,2
+uvalda,1556,3
+uvalda,1557,0
+uvalda,1557,1
+uvalda,1557,2
+uvalda,1557,3
+uvalda,1557,4
+uvalda,1558,0
+uvalda,1558,1
+uvalda,1558,2
+uvalda,1560,0
+uvalda,1560,1
+uvalda,1560,2
+uvalda,1560,3
+uvalda,1560,4
+uvalda,1560,5
+uvalda,1560,6
+uvalda,1560,7
+uvalda,1560,8
+uvalda,1561,0
+uvalda,1561,1
+uvalda,1561,2
+uvalda,1562,0
+uvalda,1562,1
+uvalda,1562,2
+uvalda,1562,3
+uvalda,1562,4
+uvalda,1563,0
+uvalda,1563,1
+uvalda,1563,2
+uvalda,1563,3
+uvalda,1563,4
+uvalda,1564,0
+uvalda,1564,1
+uvalda,1564,2
+uvalda,1564,3
+uvalda,1564,4
+uvalda,1564,5
+uvalda,1564,6
+uvalda,1564,7
+uvalda,1565,0
+uvalda,1565,1
+uvalda,1565,2
+uvalda,1565,5
+uvalda,1565,6
+uvalda,1565,7
+uvalda,1565,9
+uvalda,1565,10
+uvalda,1565,11
+uvalda,1566,0
+uvalda,1566,1
+uvalda,1566,2
+uvalda,1566,3
+uvalda,1567,0
+uvalda,1567,1
+uvalda,1567,2
+uvalda,1567,3
+uvalda,1567,4
+uvalda,1567,5
+uvalda,1567,6
+uvalda,1568,0
+uvalda,1568,1
+uvalda,1568,2
+uvalda,1568,3
+uvalda,1569,0
+uvalda,1569,1
+uvalda,1569,2
+uvalda,1569,3
+uvalda,1569,4
+uvalda,1569,5
+uvalda,1569,6
+uvalda,1569,7
+uvalda,1570,0
+uvalda,1570,1
+uvalda,1570,2
+uvalda,1570,4
+uvalda,1570,5
+uvalda,1570,6
+uvalda,1570,8
+uvalda,1570,9
+uvalda,1570,10
+uvalda,1570,12
+uvalda,1570,13
+uvalda,1570,14
+uvalda,1570,15
+uvalda,1570,16
+uvalda,1571,0
+uvalda,1571,1
+uvalda,1571,2
+uvalda,1571,3
+uvalda,1571,4
+uvalda,1571,5
+uvalda,1571,6
+uvalda,1571,7
+uvalda,1572,0
+uvalda,1572,1
+uvalda,1572,2
+uvalda,1572,3
+uvalda,1572,4
+uvalda,1573,0
+uvalda,1573,1
+uvalda,1573,2
+uvalda,1573,3
+uvalda,1573,4
+uvalda,1573,6
+uvalda,1573,7
+uvalda,1573,9
+uvalda,1573,10
+uvalda,1574,0
+uvalda,1574,1
+uvalda,1574,2
+uvalda,1574,3
+uvalda,1575,0
+uvalda,1575,2
+uvalda,1575,3
+uvalda,1575,4
+uvalda,1575,6
+uvalda,1575,7
+uvalda,1576,0
+uvalda,1576,1
+uvalda,1576,2
+uvalda,1577,2
+uvalda,1577,3
+uvalda,1577,4
+uvalda,1577,5
+uvalda,1577,6
+uvalda,1577,7
+uvalda,1577,8
+uvalda,1577,9
+uvalda,1577,10
+uvalda,1578,0
+uvalda,1578,1
+uvalda,1578,2
+uvalda,1578,3
+uvalda,1578,4
+uvalda,1578,5
+uvalda,1579,0
+uvalda,1579,1
+uvalda,1579,2
+uvalda,1579,3
+uvalda,1579,4
+uvalda,1579,5
+uvalda,1579,6
+uvalda,1579,7
+uvalda,1579,8
+uvalda,1579,9
+uvalda,1579,10
+uvalda,1581,0
+uvalda,1581,1
+uvalda,1581,2
+uvalda,1581,3
+uvalda,1581,4
+uvalda,1581,5
+uvalda,1581,6
+uvalda,1582,0
+uvalda,1582,1
+uvalda,1582,2
+uvalda,1582,3
+uvalda,1582,4
+uvalda,1583,0
+uvalda,1583,1
+uvalda,1583,2
+uvalda,1583,3
+uvalda,1583,4
+uvalda,1584,0
+uvalda,1584,1
+uvalda,1584,2
+uvalda,1584,3
+uvalda,1584,4
+uvalda,1584,5
+uvalda,1584,6
+uvalda,1584,7
+uvalda,1584,8
+uvalda,1585,0
+uvalda,1585,1
+uvalda,1585,2
+uvalda,1585,3
+uvalda,1585,4
+uvalda,1585,5
+uvalda,1585,6
+uvalda,1585,7
+uvalda,1585,8
+uvalda,1585,9
+uvalda,1586,0
+uvalda,1586,1
+uvalda,1586,2
+uvalda,1587,0
+uvalda,1587,1
+uvalda,1587,2
+uvalda,1587,3
+uvalda,1587,6
+uvalda,1588,0
+uvalda,1588,1
+uvalda,1588,2
+uvalda,1588,3
+uvalda,1589,0
+uvalda,1589,1
+uvalda,1589,2
+uvalda,1590,0
+uvalda,1590,1
+uvalda,1590,2
+uvalda,1590,3
+uvalda,1590,4
+uvalda,1590,5
+uvalda,1590,6
+uvalda,1590,7
+uvalda,1591,0
+uvalda,1591,1
+uvalda,1591,2
+uvalda,1591,3
+uvalda,1591,4
+uvalda,1592,0
+uvalda,1592,1
+uvalda,1592,2
+uvalda,1592,3
+uvalda,1592,4
+uvalda,1592,5
+uvalda,1593,0
+uvalda,1593,1
+uvalda,1593,2
+uvalda,1593,3
+uvalda,1593,5
+uvalda,1593,8
+uvalda,1593,9
+uvalda,1593,10
+uvalda,1593,11
+uvalda,1594,0
+uvalda,1594,1
+uvalda,1594,2
+uvalda,1594,3
+uvalda,1594,4
+uvalda,1594,5
+uvalda,1594,6
+uvalda,1594,7
+uvalda,1594,8
+uvalda,1594,9
+uvalda,1595,0
+uvalda,1595,1
+uvalda,1595,2
+uvalda,1595,3
+uvalda,1595,4
+uvalda,1595,7
+uvalda,1595,8
+uvalda,1595,9
+uvalda,1595,10
+uvalda,1595,12
+uvalda,1595,13
+uvalda,1596,0
+uvalda,1596,1
+uvalda,1596,2
+uvalda,1596,3
+uvalda,1596,4
+uvalda,1598,0
+uvalda,1598,1
+uvalda,1598,2
+uvalda,1598,3
+uvalda,1598,4
+uvalda,1599,0
+uvalda,1599,1
+uvalda,1599,2
+uvalda,1599,3
+uvalda,1599,4
+uvalda,1599,5
+uvalda,1600,0
+uvalda,1600,1
+uvalda,1600,2
+uvalda,1600,3
+uvalda,1600,4
+uvalda,1600,5
+uvalda,1601,0
+uvalda,1601,1
+uvalda,1601,2
+uvalda,1602,0
+uvalda,1602,1
+uvalda,1602,2
+uvalda,1602,3
+uvalda,1603,0
+uvalda,1603,1
+uvalda,1603,2
+uvalda,1604,0
+uvalda,1604,1
+uvalda,1604,2
+uvalda,1604,3
+uvalda,1604,4
+uvalda,1604,5
+uvalda,1605,0
+uvalda,1605,1
+uvalda,1605,2
+uvalda,1605,3
+uvalda,1605,4
+uvalda,1605,5
+uvalda,1606,0
+uvalda,1606,1
+uvalda,1606,2
+uvalda,1606,3
+uvalda,1607,0
+uvalda,1607,1
+uvalda,1607,2
+uvalda,1607,3
+uvalda,1608,0
+uvalda,1608,1
+uvalda,1608,2
+uvalda,1609,0
+uvalda,1609,1
+uvalda,1609,2
+uvalda,1610,0
+uvalda,1610,1
+uvalda,1610,2
+uvalda,1610,3
+uvalda,1610,4
+uvalda,1610,5
+uvalda,1610,6
+uvalda,1611,0
+uvalda,1611,1
+uvalda,1611,2
+uvalda,1612,0
+uvalda,1612,1
+uvalda,1612,2
+uvalda,1612,3
+uvalda,1613,0
+uvalda,1613,1
+uvalda,1613,2
+uvalda,1613,3
+uvalda,1613,4
+uvalda,1613,5
+uvalda,1613,6
+uvalda,1614,0
+uvalda,1614,1
+uvalda,1614,2
+uvalda,1614,3
+uvalda,1615,0
+uvalda,1615,1
+uvalda,1615,2
+uvalda,1616,0
+uvalda,1616,1
+uvalda,1616,2
+uvalda,1616,3
+uvalda,1616,4
+uvalda,1616,5
+uvalda,1616,6
+uvalda,1616,7
+uvalda,1616,8
+uvalda,1617,0
+uvalda,1617,1
+uvalda,1617,2
+uvalda,1618,0
+uvalda,1618,1
+uvalda,1618,2
+uvalda,1618,3
+uvalda,1618,4
+uvalda,1618,5
+uvalda,1618,6
+uvalda,1618,7
+uvalda,1618,8
+uvalda,1619,0
+uvalda,1619,1
+uvalda,1619,2
+uvalda,1619,3
+uvalda,1619,5
+uvalda,1619,8
+uvalda,1619,9
+uvalda,1619,10
+uvalda,1619,11
+uvalda,1619,12
+uvalda,1619,13
+uvalda,1619,14
+uvalda,1619,15
+uvalda,1619,16
+uvalda,1620,1
+uvalda,1620,3
+uvalda,1620,4
+uvalda,1620,5
+uvalda,1620,6
+uvalda,1620,8
+uvalda,1620,9
+uvalda,1620,10
+uvalda,1620,11
+uvalda,1620,12
+uvalda,1621,0
+uvalda,1621,1
+uvalda,1621,2
+uvalda,1621,3
+uvalda,1621,4
+uvalda,1621,5
+uvalda,1622,0
+uvalda,1622,1
+uvalda,1622,2
+uvalda,1623,0
+uvalda,1623,1
+uvalda,1623,2
+uvalda,1623,3
+uvalda,1623,4
+uvalda,1624,0
+uvalda,1624,1
+uvalda,1624,2
+uvalda,1624,3
+uvalda,1624,4
+uvalda,1624,5
+uvalda,1624,6
+uvalda,1625,0
+uvalda,1625,1
+uvalda,1625,2
+uvalda,1625,3
+uvalda,1625,4
+uvalda,1626,0
+uvalda,1626,1
+uvalda,1626,2
+uvalda,1626,3
+uvalda,1627,0
+uvalda,1627,1
+uvalda,1627,2
+uvalda,1627,3
+uvalda,1628,0
+uvalda,1628,1
+uvalda,1628,2
+uvalda,1629,0
+uvalda,1629,1
+uvalda,1629,2
+uvalda,1629,3
+uvalda,1629,4
+uvalda,1629,5
+uvalda,1629,6
+uvalda,1629,7
+uvalda,1629,8
+uvalda,1629,9
+uvalda,1630,0
+uvalda,1630,1
+uvalda,1630,2
+uvalda,1630,3
+uvalda,1630,4
+uvalda,1630,5
+uvalda,1630,6
+uvalda,1630,7
+uvalda,1630,8
+uvalda,1630,9
+uvalda,1630,10
+uvalda,1630,11
+uvalda,1631,0
+uvalda,1631,1
+uvalda,1631,2
+uvalda,1631,3
+uvalda,1631,4
+uvalda,1631,5
+uvalda,1631,6
+uvalda,1631,7
+uvalda,1631,8
+uvalda,1632,0
+uvalda,1632,1
+uvalda,1632,2
+uvalda,1632,3
+uvalda,1632,4
+uvalda,1632,5
+uvalda,1632,6
+uvalda,1632,7
+uvalda,1632,8
+uvalda,1632,9
+uvalda,1632,10
+uvalda,1633,0
+uvalda,1633,1
+uvalda,1633,2
+uvalda,1633,3
+uvalda,1633,4
+uvalda,1633,5
+uvalda,1633,6
+uvalda,1633,7
+uvalda,1633,8
+uvalda,1634,0
+uvalda,1634,1
+uvalda,1634,2
+uvalda,1634,3
+uvalda,1635,0
+uvalda,1635,3
+uvalda,1635,4
+uvalda,1635,6
+uvalda,1636,0
+uvalda,1636,1
+uvalda,1636,2
+uvalda,1636,3
+uvalda,1636,4
+uvalda,1637,0
+uvalda,1637,1
+uvalda,1637,2
+uvalda,1637,3
+uvalda,1637,4
+uvalda,1638,0
+uvalda,1638,1
+uvalda,1638,2
+uvalda,1638,3
+uvalda,1639,0
+uvalda,1639,1
+uvalda,1639,2
+uvalda,1639,3
+uvalda,1639,4
+uvalda,1639,5
+uvalda,1640,0
+uvalda,1640,1
+uvalda,1640,2
+uvalda,1641,0
+uvalda,1641,1
+uvalda,1641,2
+uvalda,1641,3
+uvalda,1641,4
+uvalda,1641,5
+uvalda,1641,7
+uvalda,1641,9
+uvalda,1641,10
+uvalda,1641,11
+uvalda,1641,13
+uvalda,1641,14
+uvalda,1641,15
+uvalda,1642,0
+uvalda,1642,1
+uvalda,1642,2
+uvalda,1642,3
+uvalda,1642,4
+uvalda,1642,5
+uvalda,1643,0
+uvalda,1643,1
+uvalda,1643,2
+uvalda,1643,3
+uvalda,1644,0
+uvalda,1644,1
+uvalda,1644,2
+uvalda,1644,3
+uvalda,1644,4
+uvalda,1645,0
+uvalda,1645,1
+uvalda,1645,2
+uvalda,1645,3
+uvalda,1645,4
+uvalda,1645,5
+uvalda,1646,0
+uvalda,1646,1
+uvalda,1646,2
+uvalda,1647,0
+uvalda,1647,1
+uvalda,1647,2
+uvalda,1648,0
+uvalda,1648,1
+uvalda,1648,2
+uvalda,1648,3
+uvalda,1649,0
+uvalda,1649,1
+uvalda,1649,2
+uvalda,1649,3
+uvalda,1649,4
+uvalda,1650,0
+uvalda,1650,1
+uvalda,1650,2
+uvalda,1650,3
+uvalda,1651,0
+uvalda,1651,1
+uvalda,1651,2
+uvalda,1651,3
+uvalda,1651,4
+uvalda,1651,5
+uvalda,1652,0
+uvalda,1652,1
+uvalda,1652,2
+uvalda,1652,3
+uvalda,1653,0
+uvalda,1653,1
+uvalda,1653,2
+uvalda,1653,3
+uvalda,1653,5
+uvalda,1653,7
+uvalda,1653,8
+uvalda,1653,9
+uvalda,1653,10
+uvalda,1653,12
+uvalda,1654,0
+uvalda,1654,1
+uvalda,1654,2
+uvalda,1654,3
+uvalda,1654,4
+uvalda,1654,5
+uvalda,1654,6
+uvalda,1654,7
+uvalda,1654,8
+uvalda,1654,9
+uvalda,1654,10
+uvalda,1655,0
+uvalda,1655,1
+uvalda,1655,2
+uvalda,1656,0
+uvalda,1656,1
+uvalda,1656,2
+uvalda,1656,3
+uvalda,1657,0
+uvalda,1657,1
+uvalda,1657,2
+uvalda,1657,3
+uvalda,1658,0
+uvalda,1658,1
+uvalda,1658,2
+uvalda,1658,3
+uvalda,1658,4
+uvalda,1658,5
+uvalda,1658,6
+uvalda,1658,7
+uvalda,1658,8
+uvalda,1659,2
+uvalda,1659,3
+uvalda,1659,4
+uvalda,1659,5
+uvalda,1659,7
+uvalda,1659,8
+uvalda,1659,9
+uvalda,1659,10
+uvalda,1659,11
+uvalda,1660,0
+uvalda,1660,1
+uvalda,1660,2
+uvalda,1661,0
+uvalda,1661,1
+uvalda,1661,2
+uvalda,1662,0
+uvalda,1662,1
+uvalda,1662,2
+uvalda,1663,1
+uvalda,1663,3
+uvalda,1663,5
+uvalda,1663,6
+uvalda,1663,7
+uvalda,1663,8
+uvalda,1663,9
+uvalda,1663,10
+uvalda,1663,11
+uvalda,1663,12
+uvalda,1663,13
+uvalda,1663,14
+uvalda,1664,1
+uvalda,1664,2
+uvalda,1664,3
+uvalda,1664,4
+uvalda,1665,0
+uvalda,1665,1
+uvalda,1665,2
+uvalda,1665,3
+uvalda,1665,4
+uvalda,1665,5
+uvalda,1665,6
+uvalda,1666,0
+uvalda,1666,1
+uvalda,1666,2
+uvalda,1666,3
+uvalda,1666,4
+uvalda,1667,0
+uvalda,1667,1
+uvalda,1667,2
+uvalda,1667,3
+uvalda,1668,0
+uvalda,1668,1
+uvalda,1668,2
+uvalda,1668,3
+uvalda,1668,4
+uvalda,1668,5
+uvalda,1668,6
+uvalda,1668,7
+uvalda,1668,8
+uvalda,1668,11
+uvalda,1668,12
+uvalda,1668,13
+uvalda,1668,14
+uvalda,1668,15
+uvalda,1669,0
+uvalda,1669,1
+uvalda,1669,2
+uvalda,1669,3
+uvalda,1670,0
+uvalda,1670,1
+uvalda,1670,2
+uvalda,1670,3
+uvalda,1670,4
+uvalda,1671,0
+uvalda,1671,1
+uvalda,1671,2
+uvalda,1671,3
+uvalda,1671,4
+uvalda,1672,0
+uvalda,1672,1
+uvalda,1672,3
+uvalda,1672,4
+uvalda,1672,6
+uvalda,1672,7
+uvalda,1672,9
+uvalda,1672,10
+uvalda,1672,11
+uvalda,1673,0
+uvalda,1673,1
+uvalda,1673,2
+uvalda,1673,3
+uvalda,1673,4
+uvalda,1673,5
+uvalda,1673,6
+uvalda,1673,7
+uvalda,1673,8
+uvalda,1674,0
+uvalda,1674,1
+uvalda,1674,2
+uvalda,1674,3
+uvalda,1675,0
+uvalda,1675,1
+uvalda,1675,2
+uvalda,1676,0
+uvalda,1676,1
+uvalda,1676,2
+uvalda,1677,0
+uvalda,1677,1
+uvalda,1677,2
+uvalda,1677,3
+uvalda,1677,4
+uvalda,1677,5
+uvalda,1678,0
+uvalda,1678,1
+uvalda,1678,2
+uvalda,1678,3
+uvalda,1678,4
+uvalda,1678,5
+uvalda,1679,0
+uvalda,1679,1
+uvalda,1679,2
+uvalda,1679,3
+uvalda,1679,4
+uvalda,1679,5
+uvalda,1679,6
+uvalda,1680,0
+uvalda,1680,1
+uvalda,1680,2
+uvalda,1680,3
+uvalda,1680,4
+uvalda,1680,5
+uvalda,1681,0
+uvalda,1681,1
+uvalda,1681,2
+uvalda,1681,3
+uvalda,1681,4
+uvalda,1682,0
+uvalda,1682,1
+uvalda,1682,2
+uvalda,1683,0
+uvalda,1683,1
+uvalda,1683,2
+uvalda,1684,0
+uvalda,1684,1
+uvalda,1684,2
+uvalda,1684,3
+uvalda,1685,0
+uvalda,1685,1
+uvalda,1685,2
+uvalda,1685,3
+uvalda,1686,0
+uvalda,1686,1
+uvalda,1686,2
+uvalda,1686,3
+uvalda,1687,0
+uvalda,1687,2
+uvalda,1687,3
+uvalda,1687,4
+uvalda,1687,5
+uvalda,1687,6
+uvalda,1687,7
+uvalda,1687,8
+uvalda,1687,9
+uvalda,1687,10
+uvalda,1687,13
+uvalda,1688,0
+uvalda,1688,1
+uvalda,1688,2
+uvalda,1689,0
+uvalda,1689,1
+uvalda,1689,2
+uvalda,1690,0
+uvalda,1690,1
+uvalda,1690,2
+uvalda,1690,3
+uvalda,1691,0
+uvalda,1691,1
+uvalda,1691,2
+uvalda,1692,0
+uvalda,1692,1
+uvalda,1692,2
+uvalda,1692,3
+uvalda,1692,4
+uvalda,1693,0
+uvalda,1693,1
+uvalda,1693,2
+uvalda,1693,3
+uvalda,1694,0
+uvalda,1694,1
+uvalda,1694,2
+uvalda,1694,3
+uvalda,1694,4
+uvalda,1695,0
+uvalda,1695,1
+uvalda,1695,2
+uvalda,1695,3
+uvalda,1695,4
+uvalda,1696,0
+uvalda,1696,1
+uvalda,1696,2
+uvalda,1696,3
+uvalda,1696,4
+uvalda,1696,5
+uvalda,1696,6
+uvalda,1696,7
+uvalda,1696,8
+uvalda,1696,9
+uvalda,1696,10
+uvalda,1697,0
+uvalda,1697,1
+uvalda,1697,2
+uvalda,1697,3
+uvalda,1697,4
+uvalda,1697,5
+uvalda,1697,6
+uvalda,1697,7
+uvalda,1698,0
+uvalda,1698,1
+uvalda,1698,2
+uvalda,1699,0
+uvalda,1699,1
+uvalda,1699,2
+uvalda,1700,0
+uvalda,1700,1
+uvalda,1700,2
+uvalda,1700,3
+uvalda,1700,4
+uvalda,1700,5
+uvalda,1700,6
+uvalda,1701,0
+uvalda,1701,1
+uvalda,1701,2
+uvalda,1702,0
+uvalda,1702,1
+uvalda,1702,2
+uvalda,1702,4
+uvalda,1702,5
+uvalda,1702,6
+uvalda,1702,7
+uvalda,1702,10
+uvalda,1702,11
+uvalda,1703,0
+uvalda,1703,1
+uvalda,1703,2
+uvalda,1703,3
+uvalda,1703,4
+uvalda,1703,5
+uvalda,1703,6
+uvalda,1704,0
+uvalda,1704,1
+uvalda,1704,2
+uvalda,1704,3
+uvalda,1704,4
+uvalda,1705,0
+uvalda,1705,1
+uvalda,1705,2
+uvalda,1705,3
+uvalda,1706,0
+uvalda,1706,1
+uvalda,1706,2
+uvalda,1706,3
+uvalda,1706,4
+uvalda,1706,5
+uvalda,1707,0
+uvalda,1707,1
+uvalda,1707,2
+uvalda,1707,3
+uvalda,1707,4
+uvalda,1707,5
+uvalda,1707,6
+uvalda,1707,7
+uvalda,1707,8
+uvalda,1708,0
+uvalda,1708,1
+uvalda,1708,2
+uvalda,1708,3
+uvalda,1709,0
+uvalda,1709,1
+uvalda,1709,2
+uvalda,1709,3
+uvalda,1709,4
+uvalda,1710,0
+uvalda,1710,1
+uvalda,1710,2
+uvalda,1710,3
+uvalda,1710,4
+uvalda,1711,0
+uvalda,1711,1
+uvalda,1711,2
+uvalda,1712,0
+uvalda,1712,1
+uvalda,1712,2
+uvalda,1712,3
+uvalda,1712,4
+uvalda,1713,0
+uvalda,1713,1
+uvalda,1713,2
+uvalda,1713,3
+uvalda,1713,5
+uvalda,1713,7
+uvalda,1713,9
+uvalda,1713,10
+uvalda,1713,11
+uvalda,1714,0
+uvalda,1714,1
+uvalda,1714,2
+uvalda,1715,0
+uvalda,1715,2
+uvalda,1715,4
+uvalda,1715,5
+uvalda,1715,6
+uvalda,1715,7
+uvalda,1715,8
+uvalda,1715,10
+uvalda,1715,11
+uvalda,1715,12
+uvalda,1715,13
+uvalda,1715,14
+uvalda,1715,15
+uvalda,1715,16
+uvalda,1716,0
+uvalda,1716,1
+uvalda,1716,2
+uvalda,1716,3
+uvalda,1716,4
+uvalda,1716,5
+uvalda,1716,6
+uvalda,1717,0
+uvalda,1717,1
+uvalda,1717,2
+uvalda,1717,3
+uvalda,1717,4
+uvalda,1717,5
+uvalda,1718,0
+uvalda,1718,1
+uvalda,1718,2
+uvalda,1719,0
+uvalda,1719,1
+uvalda,1719,2
+uvalda,1720,0
+uvalda,1720,1
+uvalda,1720,2
+uvalda,1720,3
+uvalda,1721,0
+uvalda,1721,1
+uvalda,1721,2
+uvalda,1721,4
+uvalda,1721,6
+uvalda,1721,8
+uvalda,1721,9
+uvalda,1721,10
+uvalda,1721,11
+uvalda,1721,12
+uvalda,1721,13
+uvalda,1721,14
+uvalda,1721,15
+uvalda,1721,16
+uvalda,1722,0
+uvalda,1722,1
+uvalda,1722,2
+uvalda,1723,0
+uvalda,1723,1
+uvalda,1723,2
+uvalda,1723,3
+uvalda,1724,0
+uvalda,1724,1
+uvalda,1724,2
+uvalda,1724,3
+uvalda,1724,4
+uvalda,1725,0
+uvalda,1725,1
+uvalda,1725,2
+uvalda,1725,5
+uvalda,1725,6
+uvalda,1725,7
+uvalda,1725,8
+uvalda,1725,9
+uvalda,1725,11
+uvalda,1726,0
+uvalda,1726,1
+uvalda,1726,2
+uvalda,1726,3
+uvalda,1726,4
+uvalda,1727,0
+uvalda,1727,1
+uvalda,1727,3
+uvalda,1727,4
+uvalda,1727,6
+uvalda,1727,8
+uvalda,1727,9
+uvalda,1728,0
+uvalda,1728,1
+uvalda,1728,2
+uvalda,1729,0
+uvalda,1729,1
+uvalda,1729,2
+uvalda,1729,3
+uvalda,1730,0
+uvalda,1730,1
+uvalda,1730,2
+uvalda,1730,3
+uvalda,1730,4
+uvalda,1730,5
+uvalda,1730,6
+uvalda,1730,7
+uvalda,1730,8
+uvalda,1730,9
+uvalda,1731,0
+uvalda,1731,1
+uvalda,1731,2
+uvalda,1732,0
+uvalda,1732,1
+uvalda,1732,2
+uvalda,1733,0
+uvalda,1733,1
+uvalda,1733,2
+uvalda,1734,0
+uvalda,1734,1
+uvalda,1734,2
+uvalda,1734,3
+uvalda,1734,4
+uvalda,1735,0
+uvalda,1735,1
+uvalda,1735,2
+uvalda,1736,0
+uvalda,1736,1
+uvalda,1736,2
+uvalda,1736,3
+uvalda,1736,4
+uvalda,1737,0
+uvalda,1737,1
+uvalda,1737,2
+uvalda,1738,0
+uvalda,1738,1
+uvalda,1738,2
+uvalda,1738,3
+uvalda,1739,0
+uvalda,1739,1
+uvalda,1739,2
+uvalda,1739,3
+uvalda,1739,4
+uvalda,1739,5
+uvalda,1740,0
+uvalda,1740,1
+uvalda,1740,2
+uvalda,1740,3
+uvalda,1741,0
+uvalda,1741,1
+uvalda,1741,2
+uvalda,1742,0
+uvalda,1742,1
+uvalda,1742,2
+uvalda,1742,3
+uvalda,1742,4
+uvalda,1742,5
+uvalda,1742,6
+uvalda,1742,7
+uvalda,1743,0
+uvalda,1743,1
+uvalda,1743,2
+uvalda,1743,3
+uvalda,1743,4
+uvalda,1743,5
+uvalda,1743,6
+uvalda,1743,7
+uvalda,1744,0
+uvalda,1744,1
+uvalda,1744,2
+uvalda,1744,3
+uvalda,1745,0
+uvalda,1745,1
+uvalda,1745,2
+uvalda,1746,0
+uvalda,1746,1
+uvalda,1746,2
+uvalda,1747,0
+uvalda,1747,1
+uvalda,1747,2
+uvalda,1747,3
+uvalda,1748,0
+uvalda,1748,1
+uvalda,1748,2
+uvalda,1748,3
+uvalda,1748,4
+uvalda,1748,5
+uvalda,1749,0
+uvalda,1749,1
+uvalda,1749,2
+uvalda,1749,3
+uvalda,1749,4
+uvalda,1749,5
+uvalda,1749,6
+uvalda,1750,0
+uvalda,1750,1
+uvalda,1750,2
+uvalda,1751,0
+uvalda,1751,1
+uvalda,1751,2
+uvalda,1751,3
+uvalda,1751,4
+uvalda,1751,5
+uvalda,1751,6
+uvalda,1751,7
+uvalda,1752,0
+uvalda,1752,1
+uvalda,1752,2
+uvalda,1752,3
+uvalda,1752,4
+uvalda,1753,0
+uvalda,1753,1
+uvalda,1753,2
+uvalda,1753,3
+uvalda,1753,4
+uvalda,1753,5
+uvalda,1754,0
+uvalda,1754,1
+uvalda,1754,2
+uvalda,1754,3
+uvalda,1754,4
+uvalda,1754,5
+uvalda,1755,0
+uvalda,1755,1
+uvalda,1755,2
+uvalda,1756,0
+uvalda,1756,1
+uvalda,1756,2
+uvalda,1756,3
+uvalda,1756,4
+uvalda,1756,5
+uvalda,1756,6
+uvalda,1756,7
+uvalda,1756,8
+uvalda,1756,9
+uvalda,1757,0
+uvalda,1757,1
+uvalda,1757,2
+uvalda,1758,0
+uvalda,1758,1
+uvalda,1758,2
+uvalda,1758,3
+uvalda,1758,4
+uvalda,1759,0
+uvalda,1759,1
+uvalda,1759,2
+uvalda,1759,3
+uvalda,1759,4
+uvalda,1759,5
+uvalda,1759,6
+uvalda,1759,7
+uvalda,1760,0
+uvalda,1760,1
+uvalda,1760,2
+uvalda,1761,0
+uvalda,1761,1
+uvalda,1761,2
+uvalda,1762,0
+uvalda,1762,1
+uvalda,1762,2
+uvalda,1762,3
+uvalda,1762,4
+uvalda,1762,5
+uvalda,1762,6
+uvalda,1762,7
+uvalda,1762,8
+uvalda,1762,9
+uvalda,1762,10
+uvalda,1763,0
+uvalda,1763,1
+uvalda,1763,2
+uvalda,1763,3
+uvalda,1763,5
+uvalda,1763,6
+uvalda,1763,7
+uvalda,1763,8
+uvalda,1763,9
+uvalda,1763,11
+uvalda,1763,12
+uvalda,1763,13
+uvalda,1763,15
+uvalda,1764,0
+uvalda,1764,1
+uvalda,1764,2
+uvalda,1765,0
+uvalda,1765,1
+uvalda,1765,2
+uvalda,1766,0
+uvalda,1766,1
+uvalda,1766,2
+uvalda,1766,3
+uvalda,1766,4
+uvalda,1766,5
+uvalda,1767,0
+uvalda,1767,1
+uvalda,1767,2
+uvalda,1768,0
+uvalda,1768,1
+uvalda,1768,2
+uvalda,1769,0
+uvalda,1769,2
+uvalda,1769,3
+uvalda,1769,4
+uvalda,1769,6
+uvalda,1769,8
+uvalda,1770,0
+uvalda,1770,1
+uvalda,1770,2
+uvalda,1770,3
+uvalda,1771,1
+uvalda,1771,3
+uvalda,1771,4
+uvalda,1771,5
+uvalda,1771,6
+uvalda,1771,8
+uvalda,1771,9
+uvalda,1772,0
+uvalda,1772,1
+uvalda,1772,2
+uvalda,1772,3
+uvalda,1772,4
+uvalda,1772,5
+uvalda,1772,6
+uvalda,1772,7
+uvalda,1773,0
+uvalda,1773,1
+uvalda,1773,2
+uvalda,1773,3
+uvalda,1774,0
+uvalda,1774,1
+uvalda,1774,2
+uvalda,1774,3
+uvalda,1774,4
+uvalda,1774,5
+uvalda,1774,6
+uvalda,1774,7
+uvalda,1774,8
+uvalda,1774,9
+uvalda,1774,10
+uvalda,1774,11
+uvalda,1775,0
+uvalda,1775,1
+uvalda,1775,2
+uvalda,1775,3
+uvalda,1775,4
+uvalda,1776,0
+uvalda,1776,1
+uvalda,1776,2
+uvalda,1777,0
+uvalda,1777,1
+uvalda,1777,2
+uvalda,1777,3
+uvalda,1778,0
+uvalda,1778,1
+uvalda,1778,2
+uvalda,1778,3
+uvalda,1778,4
+uvalda,1778,5
+uvalda,1778,6
+uvalda,1778,7
+uvalda,1779,0
+uvalda,1779,1
+uvalda,1779,2
+uvalda,1779,3
+uvalda,1780,0
+uvalda,1780,1
+uvalda,1780,2
+uvalda,1780,3
+uvalda,1780,4
+uvalda,1780,5
+uvalda,1780,6
+uvalda,1780,7
+uvalda,1780,9
+uvalda,1780,11
+uvalda,1781,0
+uvalda,1781,1
+uvalda,1781,2
+uvalda,1781,3
+uvalda,1782,0
+uvalda,1782,1
+uvalda,1782,2
+uvalda,1783,0
+uvalda,1783,1
+uvalda,1783,2
+uvalda,1783,3
+uvalda,1783,4
+uvalda,1783,5
+uvalda,1784,0
+uvalda,1784,1
+uvalda,1784,2
+uvalda,1785,0
+uvalda,1785,1
+uvalda,1785,2
+uvalda,1785,3
+uvalda,1785,4
+uvalda,1786,0
+uvalda,1786,1
+uvalda,1786,2
+uvalda,1786,4
+uvalda,1786,5
+uvalda,1786,7
+uvalda,1786,8
+uvalda,1786,9
+uvalda,1786,10
+uvalda,1786,11
+uvalda,1786,13
+uvalda,1786,14
+uvalda,1786,15
+uvalda,1787,0
+uvalda,1787,1
+uvalda,1787,2
+uvalda,1787,3
+uvalda,1787,4
+uvalda,1788,0
+uvalda,1788,1
+uvalda,1788,2
+uvalda,1788,3
+uvalda,1788,4
+uvalda,1788,5
+uvalda,1788,6
+uvalda,1789,0
+uvalda,1789,1
+uvalda,1789,2
+uvalda,1790,0
+uvalda,1790,1
+uvalda,1790,2
+uvalda,1790,3
+uvalda,1790,4
+uvalda,1790,5
+uvalda,1790,6
+uvalda,1790,7
+uvalda,1791,0
+uvalda,1791,1
+uvalda,1791,2
+uvalda,1791,3
+uvalda,1791,4
+uvalda,1791,5
+uvalda,1791,6
+uvalda,1791,7
+uvalda,1792,0
+uvalda,1792,1
+uvalda,1792,2
+uvalda,1792,3
+uvalda,1793,0
+uvalda,1793,1
+uvalda,1793,2
+uvalda,1793,3
+uvalda,1793,4
+uvalda,1793,5
+uvalda,1794,0
+uvalda,1794,1
+uvalda,1794,2
+uvalda,1795,0
+uvalda,1795,1
+uvalda,1795,2
+uvalda,1795,3
+uvalda,1795,4
+uvalda,1795,5
+uvalda,1795,6
+uvalda,1795,7
+uvalda,1795,8
+uvalda,1796,0
+uvalda,1796,1
+uvalda,1796,2
+uvalda,1797,0
+uvalda,1797,1
+uvalda,1797,2
+uvalda,1798,0
+uvalda,1798,1
+uvalda,1798,2
+uvalda,1798,5
+uvalda,1798,7
+uvalda,1799,0
+uvalda,1799,1
+uvalda,1799,2
+uvalda,1799,3
+uvalda,1799,4
+uvalda,1799,5
+uvalda,1799,6
+uvalda,1800,0
+uvalda,1800,1
+uvalda,1800,2
+uvalda,1801,0
+uvalda,1801,1
+uvalda,1801,2
+uvalda,1801,3
+uvalda,1801,4
+uvalda,1801,5
+uvalda,1802,0
+uvalda,1802,2
+uvalda,1802,3
+uvalda,1802,4
+uvalda,1802,5
+uvalda,1802,6
+uvalda,1802,7
+uvalda,1802,8
+uvalda,1802,9
+uvalda,1802,10
+uvalda,1802,12
+uvalda,1802,13
+uvalda,1802,14
+uvalda,1802,16
+uvalda,1802,17
+uvalda,1803,0
+uvalda,1803,3
+uvalda,1803,5
+uvalda,1803,6
+uvalda,1803,7
+uvalda,1804,0
+uvalda,1804,1
+uvalda,1804,2
+uvalda,1805,0
+uvalda,1805,1
+uvalda,1805,2
+uvalda,1805,3
+uvalda,1805,4
+uvalda,1805,5
+uvalda,1805,6
+uvalda,1805,7
+uvalda,1806,0
+uvalda,1806,1
+uvalda,1806,2
+uvalda,1807,0
+uvalda,1807,1
+uvalda,1807,2
+uvalda,1807,3
+uvalda,1807,4
+uvalda,1807,5
+uvalda,1807,6
+uvalda,1808,0
+uvalda,1808,1
+uvalda,1808,3
+uvalda,1808,4
+uvalda,1808,5
+uvalda,1808,6
+uvalda,1808,8
+uvalda,1808,9
+uvalda,1808,10
+uvalda,1808,11
+uvalda,1808,12
+uvalda,1808,14
+uvalda,1809,0
+uvalda,1809,1
+uvalda,1809,2
+uvalda,1809,3
+uvalda,1809,4
+uvalda,1809,5
+uvalda,1810,0
+uvalda,1810,1
+uvalda,1810,2
+uvalda,1810,3
+uvalda,1810,4
+uvalda,1810,5
+uvalda,1810,7
+uvalda,1811,0
+uvalda,1811,1
+uvalda,1811,2
+uvalda,1811,3
+uvalda,1811,4
+uvalda,1811,5
+uvalda,1812,0
+uvalda,1812,1
+uvalda,1812,2
+uvalda,1813,0
+uvalda,1813,1
+uvalda,1813,2
+uvalda,1814,0
+uvalda,1814,1
+uvalda,1814,2
+uvalda,1814,3
+uvalda,1814,4
+uvalda,1815,1
+uvalda,1815,3
+uvalda,1815,4
+uvalda,1815,5
+uvalda,1815,7
+uvalda,1815,8
+uvalda,1815,9
+uvalda,1815,10
+uvalda,1815,11
+uvalda,1815,12
+uvalda,1815,13
+uvalda,1816,1
+uvalda,1816,2
+uvalda,1816,3
+uvalda,1816,5
+uvalda,1816,6
+uvalda,1816,8
+uvalda,1816,9
+uvalda,1816,10
+uvalda,1816,11
+uvalda,1816,12
+uvalda,1816,13
+uvalda,1817,0
+uvalda,1817,1
+uvalda,1817,2
+uvalda,1817,3
+uvalda,1817,4
+uvalda,1817,5
+uvalda,1817,6
+uvalda,1817,7
+uvalda,1818,0
+uvalda,1818,1
+uvalda,1818,2
+uvalda,1818,3
+uvalda,1818,4
+uvalda,1818,5
+uvalda,1818,6
+uvalda,1818,7
+uvalda,1818,8
+uvalda,1819,0
+uvalda,1819,1
+uvalda,1819,2
+uvalda,1820,0
+uvalda,1820,1
+uvalda,1820,2
+uvalda,1820,3
+uvalda,1820,4
+uvalda,1820,5
+uvalda,1820,6
+uvalda,1820,7
+uvalda,1820,8
+uvalda,1820,9
+uvalda,1821,0
+uvalda,1821,1
+uvalda,1821,2
+uvalda,1822,0
+uvalda,1822,1
+uvalda,1822,2
+uvalda,1822,3
+uvalda,1823,0
+uvalda,1823,1
+uvalda,1823,2
+uvalda,1823,3
+uvalda,1824,0
+uvalda,1824,1
+uvalda,1824,2
+uvalda,1824,3
+uvalda,1825,0
+uvalda,1825,1
+uvalda,1825,2
+uvalda,1825,3
+uvalda,1825,4
+uvalda,1825,5
+uvalda,1825,6
+uvalda,1826,0
+uvalda,1826,1
+uvalda,1826,2
+uvalda,1827,0
+uvalda,1827,2
+uvalda,1827,3
+uvalda,1827,4
+uvalda,1827,5
+uvalda,1827,8
+uvalda,1828,0
+uvalda,1828,1
+uvalda,1828,3
+uvalda,1828,4
+uvalda,1828,6
+uvalda,1828,8
+uvalda,1828,9
+uvalda,1828,10
+uvalda,1828,11
+uvalda,1829,0
+uvalda,1829,1
+uvalda,1829,2
+uvalda,1829,3
+uvalda,1829,4
+uvalda,1829,5
+uvalda,1829,6
+uvalda,1830,0
+uvalda,1830,1
+uvalda,1830,2
+uvalda,1830,3
+uvalda,1831,0
+uvalda,1831,1
+uvalda,1831,2
+uvalda,1831,3
+uvalda,1831,4
+uvalda,1831,5
+uvalda,1831,6
+uvalda,1831,8
+uvalda,1831,9
+uvalda,1831,10
+uvalda,1831,12
+uvalda,1832,0
+uvalda,1832,1
+uvalda,1832,2
+uvalda,1832,3
+uvalda,1832,4
+uvalda,1832,5
+uvalda,1832,6
+uvalda,1833,0
+uvalda,1833,1
+uvalda,1833,2
+uvalda,1833,3
+uvalda,1833,4
+uvalda,1833,5
+uvalda,1833,6
+uvalda,1834,0
+uvalda,1834,1
+uvalda,1834,3
+uvalda,1834,4
+uvalda,1834,6
+uvalda,1834,7
+uvalda,1834,8
+uvalda,1834,9
+uvalda,1834,10
+uvalda,1834,11
+uvalda,1834,12
+uvalda,1834,13
+uvalda,1834,15
+uvalda,1835,1
+uvalda,1835,3
+uvalda,1835,4
+uvalda,1836,0
+uvalda,1836,1
+uvalda,1836,2
+uvalda,1836,3
+uvalda,1836,4
+uvalda,1836,5
+uvalda,1837,0
+uvalda,1837,1
+uvalda,1837,2
+uvalda,1837,3
+uvalda,1837,4
+uvalda,1837,5
+uvalda,1837,6
+uvalda,1837,7
+uvalda,1837,8
+uvalda,1837,9
+uvalda,1838,0
+uvalda,1838,1
+uvalda,1838,2
+uvalda,1838,3
+uvalda,1839,0
+uvalda,1839,1
+uvalda,1839,2
+uvalda,1839,3
+uvalda,1840,0
+uvalda,1840,1
+uvalda,1840,2
+uvalda,1840,3
+uvalda,1840,4
+uvalda,1840,5
+uvalda,1840,6
+uvalda,1840,7
+uvalda,1841,0
+uvalda,1841,1
+uvalda,1841,2
+uvalda,1841,3
+uvalda,1841,4
+uvalda,1841,5
+uvalda,1841,6
+uvalda,1842,0
+uvalda,1842,1
+uvalda,1842,2
+uvalda,1842,3
+uvalda,1843,0
+uvalda,1843,1
+uvalda,1843,2
+uvalda,1844,0
+uvalda,1844,1
+uvalda,1844,2
+uvalda,1844,3
+uvalda,1845,0
+uvalda,1845,1
+uvalda,1845,2
+uvalda,1846,0
+uvalda,1846,1
+uvalda,1846,2
+uvalda,1847,0
+uvalda,1847,1
+uvalda,1847,2
+uvalda,1848,0
+uvalda,1848,1
+uvalda,1848,2
+uvalda,1849,0
+uvalda,1849,1
+uvalda,1849,2
+uvalda,1850,0
+uvalda,1850,1
+uvalda,1850,2
+uvalda,1850,3
+uvalda,1851,0
+uvalda,1851,1
+uvalda,1851,2
+uvalda,1852,0
+uvalda,1852,1
+uvalda,1852,2
+uvalda,1853,0
+uvalda,1853,1
+uvalda,1853,2
+uvalda,1853,3
+uvalda,1853,4
+uvalda,1853,5
+uvalda,1853,6
+uvalda,1853,7
+uvalda,1854,0
+uvalda,1854,1
+uvalda,1854,2
+uvalda,1855,0
+uvalda,1855,1
+uvalda,1855,2
+uvalda,1856,0
+uvalda,1856,1
+uvalda,1856,2
+uvalda,1856,3
+uvalda,1856,4
+uvalda,1856,5
+uvalda,1856,6
+uvalda,1856,7
+uvalda,1856,8
+uvalda,1856,9
+uvalda,1857,0
+uvalda,1857,1
+uvalda,1857,2
+uvalda,1857,3
+uvalda,1857,4
+uvalda,1857,5
+uvalda,1857,6
+uvalda,1857,7
+uvalda,1857,8
+uvalda,1857,9
+uvalda,1858,0
+uvalda,1858,1
+uvalda,1858,2
+uvalda,1858,3
+uvalda,1858,4
+uvalda,1858,5
+uvalda,1858,6
+uvalda,1858,7
+uvalda,1859,0
+uvalda,1859,1
+uvalda,1859,2
+uvalda,1859,3
+uvalda,1860,0
+uvalda,1860,1
+uvalda,1860,2
+uvalda,1860,3
+uvalda,1860,4
+uvalda,1861,0
+uvalda,1861,1
+uvalda,1861,2
+uvalda,1861,3
+uvalda,1861,4
+uvalda,1861,5
+uvalda,1862,0
+uvalda,1862,1
+uvalda,1862,2
+uvalda,1862,3
+uvalda,1862,4
+uvalda,1862,5
+uvalda,1862,6
+uvalda,1862,7
+uvalda,1863,0
+uvalda,1863,1
+uvalda,1863,2
+uvalda,1863,3
+uvalda,1863,4
+uvalda,1863,5
+uvalda,1863,6
+uvalda,1864,0
+uvalda,1864,1
+uvalda,1864,2
+uvalda,1864,3
+uvalda,1864,4
+uvalda,1865,1
+uvalda,1865,2
+uvalda,1865,3
+uvalda,1865,4
+uvalda,1865,5
+uvalda,1865,6
+uvalda,1865,8
+uvalda,1865,10
+uvalda,1866,0
+uvalda,1866,1
+uvalda,1866,2
+uvalda,1866,3
+uvalda,1866,4
+uvalda,1866,5
+uvalda,1866,6
+uvalda,1866,7
+uvalda,1866,8
+uvalda,1866,11
+uvalda,1866,12
+uvalda,1866,13
+uvalda,1866,14
+uvalda,1866,15
+uvalda,1866,16
+uvalda,1867,0
+uvalda,1867,1
+uvalda,1867,2
+uvalda,1867,3
+uvalda,1867,4
+uvalda,1868,0
+uvalda,1868,1
+uvalda,1868,2
+uvalda,1869,0
+uvalda,1869,1
+uvalda,1869,2
+uvalda,1870,0
+uvalda,1870,1
+uvalda,1870,2
+uvalda,1870,3
+uvalda,1871,0
+uvalda,1871,1
+uvalda,1871,2
+uvalda,1871,3
+uvalda,1871,4
+uvalda,1871,5
+uvalda,1871,6
+uvalda,1871,7
+uvalda,1871,8
+uvalda,1871,9
+uvalda,1871,10
+uvalda,1871,11
+uvalda,1871,12
+uvalda,1872,0
+uvalda,1872,1
+uvalda,1872,2
+uvalda,1872,3
+uvalda,1872,4
+uvalda,1872,5
+uvalda,1872,6
+uvalda,1872,7
+uvalda,1872,8
+uvalda,1873,1
+uvalda,1873,2
+uvalda,1873,3
+uvalda,1873,4
+uvalda,1873,5
+uvalda,1873,7
+uvalda,1873,8
+uvalda,1873,9
+uvalda,1873,10
+uvalda,1873,11
+uvalda,1873,13
+uvalda,1874,3
+uvalda,1874,4
+uvalda,1874,5
+uvalda,1874,6
+uvalda,1875,0
+uvalda,1875,1
+uvalda,1875,2
+uvalda,1875,3
+uvalda,1875,4
+uvalda,1875,5
+uvalda,1875,6
+uvalda,1875,7
+uvalda,1875,8
+uvalda,1875,10
+uvalda,1875,11
+uvalda,1875,13
+uvalda,1876,0
+uvalda,1876,1
+uvalda,1876,2
+uvalda,1876,3
+uvalda,1877,0
+uvalda,1877,1
+uvalda,1877,2
+uvalda,1878,0
+uvalda,1878,1
+uvalda,1878,2
+uvalda,1878,3
+uvalda,1878,4
+uvalda,1878,5
+uvalda,1878,6
+uvalda,1878,7
+uvalda,1878,8
+uvalda,1878,9
+uvalda,1878,10
+uvalda,1879,0
+uvalda,1879,1
+uvalda,1879,2
+uvalda,1880,0
+uvalda,1880,1
+uvalda,1880,2
+uvalda,1881,0
+uvalda,1881,1
+uvalda,1881,2
+uvalda,1881,3
+uvalda,1881,4
+uvalda,1881,5
+uvalda,1881,6
+uvalda,1881,7
+uvalda,1881,8
+uvalda,1882,0
+uvalda,1882,1
+uvalda,1882,2
+uvalda,1882,3
+uvalda,1882,4
+uvalda,1883,0
+uvalda,1883,1
+uvalda,1883,2
+uvalda,1883,3
+uvalda,1883,4
+uvalda,1884,0
+uvalda,1884,1
+uvalda,1884,2
+uvalda,1884,3
+uvalda,1885,0
+uvalda,1885,1
+uvalda,1885,2
+uvalda,1885,3
+uvalda,1885,4
+uvalda,1885,5
+uvalda,1885,6
+uvalda,1886,1
+uvalda,1886,2
+uvalda,1886,3
+uvalda,1886,4
+uvalda,1886,5
+uvalda,1886,6
+uvalda,1886,8
+uvalda,1886,10
+uvalda,1886,11
+uvalda,1886,12
+uvalda,1886,13
+uvalda,1886,14
+uvalda,1886,15
+uvalda,1886,16
+uvalda,1886,17
+uvalda,1887,0
+uvalda,1887,1
+uvalda,1887,2
+uvalda,1887,3
+uvalda,1887,4
+uvalda,1887,6
+uvalda,1887,7
+uvalda,1887,9
+uvalda,1887,10
+uvalda,1887,12
+uvalda,1887,13
+uvalda,1887,14
+uvalda,1888,0
+uvalda,1888,1
+uvalda,1888,2
+uvalda,1888,3
+uvalda,1888,4
+uvalda,1889,0
+uvalda,1889,1
+uvalda,1889,2
+uvalda,1889,3
+uvalda,1890,0
+uvalda,1890,1
+uvalda,1890,2
+uvalda,1891,0
+uvalda,1891,1
+uvalda,1891,2
+uvalda,1892,2
+uvalda,1892,3
+uvalda,1892,4
+uvalda,1892,5
+uvalda,1892,7
+uvalda,1893,0
+uvalda,1893,1
+uvalda,1893,2
+uvalda,1893,3
+uvalda,1893,4
+uvalda,1893,5
+uvalda,1893,6
+uvalda,1893,7
+uvalda,1894,0
+uvalda,1894,1
+uvalda,1894,2
+uvalda,1894,3
+uvalda,1895,0
+uvalda,1895,1
+uvalda,1895,2
+uvalda,1895,3
+uvalda,1896,0
+uvalda,1896,1
+uvalda,1896,2
+uvalda,1896,3
+uvalda,1896,4
+uvalda,1896,5
+uvalda,1896,6
+uvalda,1896,7
+uvalda,1896,8
+uvalda,1896,9
+uvalda,1897,2
+uvalda,1897,3
+uvalda,1897,4
+uvalda,1897,5
+uvalda,1897,6
+uvalda,1897,7
+uvalda,1897,8
+uvalda,1897,10
+uvalda,1897,11
+uvalda,1898,0
+uvalda,1898,1
+uvalda,1898,2
+uvalda,1898,3
+uvalda,1898,4
+uvalda,1898,5
+uvalda,1898,6
+uvalda,1898,7
+uvalda,1898,8
+uvalda,1899,0
+uvalda,1899,1
+uvalda,1899,2
+uvalda,1899,3
+uvalda,1900,0
+uvalda,1900,1
+uvalda,1900,2
+uvalda,1900,3
+uvalda,1900,4
+uvalda,1900,5
+uvalda,1900,6
+uvalda,1901,2
+uvalda,1901,3
+uvalda,1901,4
+uvalda,1901,5
+uvalda,1901,6
+uvalda,1901,7
+uvalda,1902,0
+uvalda,1902,1
+uvalda,1902,2
+uvalda,1902,3
+uvalda,1902,4
+uvalda,1902,5
+uvalda,1902,6
+uvalda,1903,0
+uvalda,1903,1
+uvalda,1903,2
+uvalda,1903,3
+uvalda,1903,4
+uvalda,1903,5
+uvalda,1903,6
+uvalda,1903,7
+uvalda,1903,8
+uvalda,1903,9
+uvalda,1903,10
+uvalda,1903,11
+uvalda,1903,12
+uvalda,1903,13
+uvalda,1903,14
+uvalda,1904,0
+uvalda,1904,1
+uvalda,1904,2
+uvalda,1904,3
+uvalda,1904,4
+uvalda,1904,5
+uvalda,1905,0
+uvalda,1905,1
+uvalda,1905,2
+uvalda,1905,3
+uvalda,1905,4
+uvalda,1905,5
+uvalda,1906,0
+uvalda,1906,1
+uvalda,1906,2
+uvalda,1906,3
+uvalda,1906,4
+uvalda,1907,0
+uvalda,1907,1
+uvalda,1907,2
+uvalda,1907,3
+uvalda,1908,0
+uvalda,1908,1
+uvalda,1908,2
+uvalda,1909,0
+uvalda,1909,1
+uvalda,1909,2
+uvalda,1909,3
+uvalda,1909,4
+uvalda,1909,5
+uvalda,1910,0
+uvalda,1910,1
+uvalda,1910,2
+uvalda,1910,3
+uvalda,1910,4
+uvalda,1911,0
+uvalda,1911,1
+uvalda,1911,2
+uvalda,1912,0
+uvalda,1912,1
+uvalda,1912,2
+uvalda,1912,3
+uvalda,1912,4
+uvalda,1913,0
+uvalda,1913,1
+uvalda,1913,2
+uvalda,1913,3
+uvalda,1913,4
+uvalda,1913,5
+uvalda,1913,6
+uvalda,1913,7
+uvalda,1913,8
+uvalda,1913,9
+uvalda,1913,10
+uvalda,1914,0
+uvalda,1914,1
+uvalda,1914,2
+uvalda,1915,0
+uvalda,1915,1
+uvalda,1915,2
+uvalda,1916,0
+uvalda,1916,1
+uvalda,1916,2
+uvalda,1916,3
+uvalda,1917,0
+uvalda,1917,1
+uvalda,1917,2
+uvalda,1917,3
+uvalda,1917,4
+uvalda,1917,5
+uvalda,1917,8
+uvalda,1917,9
+uvalda,1917,10
+uvalda,1917,12
+uvalda,1917,13
+uvalda,1917,14
+uvalda,1918,0
+uvalda,1918,1
+uvalda,1918,2
+uvalda,1918,3
+uvalda,1918,4
+uvalda,1918,5
+uvalda,1918,6
+uvalda,1918,7
+uvalda,1918,8
+uvalda,1918,9
+uvalda,1918,10
+uvalda,1919,0
+uvalda,1919,1
+uvalda,1919,3
+uvalda,1919,4
+uvalda,1919,6
+uvalda,1919,7
+uvalda,1919,8
+uvalda,1919,9
+uvalda,1919,10
+uvalda,1919,11
+uvalda,1919,12
+uvalda,1919,14
+uvalda,1920,0
+uvalda,1920,1
+uvalda,1920,2
+uvalda,1921,0
+uvalda,1921,1
+uvalda,1921,2
+uvalda,1922,0
+uvalda,1922,1
+uvalda,1922,2
+uvalda,1922,3
+uvalda,1923,0
+uvalda,1923,1
+uvalda,1923,2
+uvalda,1924,0
+uvalda,1924,1
+uvalda,1924,2
+uvalda,1924,3
+uvalda,1924,4
+uvalda,1924,5
+uvalda,1924,6
+uvalda,1925,0
+uvalda,1925,1
+uvalda,1925,2
+uvalda,1925,3
+uvalda,1925,4
+uvalda,1925,5
+uvalda,1925,6
+uvalda,1925,7
+uvalda,1925,8
+uvalda,1925,9
+uvalda,1925,10
+uvalda,1925,11
+uvalda,1925,12
+uvalda,1925,14
+uvalda,1925,15
+uvalda,1926,0
+uvalda,1926,1
+uvalda,1926,2
+uvalda,1927,0
+uvalda,1927,1
+uvalda,1927,2
+uvalda,1927,3
+uvalda,1927,4
+uvalda,1927,5
+uvalda,1928,0
+uvalda,1928,1
+uvalda,1928,2
+uvalda,1928,3
+uvalda,1928,4
+uvalda,1928,5
+uvalda,1928,6
+uvalda,1928,7
+uvalda,1929,0
+uvalda,1929,1
+uvalda,1929,2
+uvalda,1929,3
+uvalda,1929,4
+uvalda,1929,5
+uvalda,1930,0
+uvalda,1930,1
+uvalda,1930,2
+uvalda,1930,3
+uvalda,1930,4
+uvalda,1931,0
+uvalda,1931,1
+uvalda,1931,2
+uvalda,1931,3
+uvalda,1931,4
+uvalda,1931,5
+uvalda,1931,6
+uvalda,1931,7
+uvalda,1931,8
+uvalda,1931,9
+uvalda,1931,10
+uvalda,1932,0
+uvalda,1932,1
+uvalda,1932,2
+uvalda,1932,3
+uvalda,1932,4
+uvalda,1932,5
+uvalda,1933,0
+uvalda,1933,1
+uvalda,1933,2
+uvalda,1933,3
+uvalda,1933,4
+uvalda,1933,5
+uvalda,1934,0
+uvalda,1934,1
+uvalda,1934,2
+uvalda,1934,3
+uvalda,1934,4
+uvalda,1935,0
+uvalda,1935,1
+uvalda,1935,2
+uvalda,1935,3
+uvalda,1935,4
+uvalda,1935,5
+uvalda,1935,6
+uvalda,1935,7
+uvalda,1935,8
+uvalda,1936,0
+uvalda,1936,1
+uvalda,1936,2
+uvalda,1936,3
+uvalda,1937,0
+uvalda,1937,1
+uvalda,1937,2
+uvalda,1937,3
+uvalda,1938,0
+uvalda,1938,1
+uvalda,1938,2
+uvalda,1938,3
+uvalda,1938,4
+uvalda,1938,5
+uvalda,1939,0
+uvalda,1939,1
+uvalda,1939,2
+uvalda,1939,3
+uvalda,1939,4
+uvalda,1940,0
+uvalda,1940,1
+uvalda,1940,2
+uvalda,1941,0
+uvalda,1941,1
+uvalda,1941,2
+uvalda,1942,0
+uvalda,1942,1
+uvalda,1942,2
+uvalda,1942,3
+uvalda,1942,4
+uvalda,1942,7
+uvalda,1942,8
+uvalda,1942,9
+uvalda,1942,10
+uvalda,1942,11
+uvalda,1942,13
+uvalda,1942,14
+uvalda,1942,15
+uvalda,1942,16
+uvalda,1943,0
+uvalda,1943,1
+uvalda,1943,2
+uvalda,1943,3
+uvalda,1944,1
+uvalda,1944,2
+uvalda,1944,3
+uvalda,1944,4
+uvalda,1944,5
+uvalda,1944,7
+uvalda,1944,8
+uvalda,1944,9
+uvalda,1944,10
+uvalda,1944,11
+uvalda,1944,13
+uvalda,1945,0
+uvalda,1945,2
+uvalda,1945,3
+uvalda,1946,0
+uvalda,1946,1
+uvalda,1946,2
+uvalda,1946,3
+uvalda,1946,4
+uvalda,1947,0
+uvalda,1947,1
+uvalda,1947,2
+uvalda,1947,3
+uvalda,1948,0
+uvalda,1948,1
+uvalda,1948,2
+uvalda,1948,3
+uvalda,1948,4
+uvalda,1948,5
+uvalda,1948,6
+uvalda,1948,7
+uvalda,1949,0
+uvalda,1949,1
+uvalda,1949,2
+uvalda,1949,3
+uvalda,1950,0
+uvalda,1950,1
+uvalda,1950,2
+uvalda,1950,3
+uvalda,1950,4
+uvalda,1951,0
+uvalda,1951,1
+uvalda,1951,2
+uvalda,1951,3
+uvalda,1951,4
+uvalda,1952,0
+uvalda,1952,1
+uvalda,1952,2
+uvalda,1952,3
+uvalda,1952,4
+uvalda,1953,0
+uvalda,1953,1
+uvalda,1953,2
+uvalda,1953,3
+uvalda,1954,0
+uvalda,1954,1
+uvalda,1954,2
+uvalda,1954,3
+uvalda,1955,0
+uvalda,1955,1
+uvalda,1955,2
+uvalda,1955,3
+uvalda,1956,0
+uvalda,1956,1
+uvalda,1956,2
+uvalda,1956,3
+uvalda,1956,4
+uvalda,1957,0
+uvalda,1957,1
+uvalda,1957,2
+uvalda,1957,3
+uvalda,1957,4
+uvalda,1957,5
+uvalda,1958,0
+uvalda,1958,1
+uvalda,1958,2
+uvalda,1958,3
+uvalda,1959,0
+uvalda,1959,1
+uvalda,1959,2
+uvalda,1959,3
+uvalda,1960,0
+uvalda,1960,2
+uvalda,1960,4
+uvalda,1960,5
+uvalda,1960,6
+uvalda,1960,7
+uvalda,1960,8
+uvalda,1960,9
+uvalda,1960,11
+uvalda,1960,12
+uvalda,1960,13
+uvalda,1960,14
+uvalda,1960,15
+uvalda,1960,16
+uvalda,1960,17
+uvalda,1960,18
+uvalda,1961,0
+uvalda,1961,1
+uvalda,1961,2
+uvalda,1961,3
+uvalda,1961,4
+uvalda,1961,5
+uvalda,1961,6
+uvalda,1962,0
+uvalda,1962,1
+uvalda,1962,2
+uvalda,1963,0
+uvalda,1963,1
+uvalda,1963,2
+uvalda,1963,3
+uvalda,1963,4
+uvalda,1963,5
+uvalda,1963,6
+uvalda,1963,7
+uvalda,1963,8
+uvalda,1964,0
+uvalda,1964,1
+uvalda,1964,2
+uvalda,1964,3
+uvalda,1964,4
+uvalda,1964,5
+uvalda,1964,6
+uvalda,1965,0
+uvalda,1965,1
+uvalda,1965,2
+uvalda,1966,0
+uvalda,1966,1
+uvalda,1966,2
+uvalda,1966,3
+uvalda,1966,4
+uvalda,1966,5
+uvalda,1966,6
+uvalda,1966,7
+uvalda,1966,8
+uvalda,1967,0
+uvalda,1967,1
+uvalda,1967,2
+uvalda,1968,0
+uvalda,1968,1
+uvalda,1968,2
+uvalda,1968,3
+uvalda,1968,4
+uvalda,1969,0
+uvalda,1969,1
+uvalda,1969,2
+uvalda,1969,3
+uvalda,1969,4
+uvalda,1969,5
+uvalda,1969,6
+uvalda,1969,7
+uvalda,1970,0
+uvalda,1970,1
+uvalda,1970,2
+uvalda,1970,3
+uvalda,1970,4
+uvalda,1971,0
+uvalda,1971,1
+uvalda,1971,2
+uvalda,1971,3
+uvalda,1971,4
+uvalda,1971,5
+uvalda,1971,6
+uvalda,1972,0
+uvalda,1972,1
+uvalda,1972,2
+uvalda,1972,3
+uvalda,1972,4
+uvalda,1972,5
+uvalda,1972,6
+uvalda,1972,7
+uvalda,1972,8
+uvalda,1972,10
+uvalda,1973,0
+uvalda,1973,1
+uvalda,1973,2
+uvalda,1973,3
+uvalda,1973,7
+uvalda,1973,8
+uvalda,1973,9
+uvalda,1973,10
+uvalda,1973,11
+uvalda,1973,12
+uvalda,1973,13
+uvalda,1973,14
+uvalda,1973,15
+uvalda,1973,16
+uvalda,1974,0
+uvalda,1974,1
+uvalda,1974,2
+uvalda,1975,0
+uvalda,1975,1
+uvalda,1975,2
+uvalda,1975,3
+uvalda,1975,4
+uvalda,1975,5
+uvalda,1975,6
+uvalda,1975,7
+uvalda,1975,9
+uvalda,1975,10
+uvalda,1975,11
+uvalda,1975,12
+uvalda,1975,14
+uvalda,1975,15
+uvalda,1976,0
+uvalda,1976,1
+uvalda,1976,2
+uvalda,1976,4
+uvalda,1976,6
+uvalda,1976,7
+uvalda,1976,8
+uvalda,1976,9
+uvalda,1976,11
+uvalda,1977,0
+uvalda,1977,2
+uvalda,1977,3
+uvalda,1977,4
+uvalda,1977,5
+uvalda,1977,8
+uvalda,1977,9
+uvalda,1977,10
+uvalda,1977,11
+uvalda,1978,0
+uvalda,1978,1
+uvalda,1978,2
+uvalda,1978,3
+uvalda,1979,0
+uvalda,1979,2
+uvalda,1979,3
+uvalda,1979,4
+uvalda,1979,5
+uvalda,1979,6
+uvalda,1979,7
+uvalda,1979,8
+uvalda,1979,9
+uvalda,1979,10
+uvalda,1979,12
+uvalda,1979,13
+uvalda,1979,15
+uvalda,1979,16
+uvalda,1980,0
+uvalda,1980,1
+uvalda,1980,2
+uvalda,1981,0
+uvalda,1981,1
+uvalda,1981,2
+uvalda,1981,3
+uvalda,1981,4
+uvalda,1982,0
+uvalda,1982,1
+uvalda,1982,2
+uvalda,1982,3
+uvalda,1983,0
+uvalda,1983,1
+uvalda,1983,2
+uvalda,1983,3
+uvalda,1983,4
+uvalda,1983,5
+uvalda,1983,6
+uvalda,1983,7
+uvalda,1983,8
+uvalda,1983,9
+uvalda,1984,0
+uvalda,1984,1
+uvalda,1984,2
+uvalda,1985,0
+uvalda,1985,1
+uvalda,1985,2
+uvalda,1986,0
+uvalda,1986,1
+uvalda,1986,2
+uvalda,1986,3
+uvalda,1986,4
+uvalda,1986,5
+uvalda,1986,6
+uvalda,1986,7
+uvalda,1986,8
+uvalda,1986,9
+uvalda,1986,10
+uvalda,1986,11
+uvalda,1987,0
+uvalda,1987,1
+uvalda,1987,2
+uvalda,1987,3
+uvalda,1988,0
+uvalda,1988,1
+uvalda,1988,2
+uvalda,1988,3
+uvalda,1988,5
+uvalda,1988,6
+uvalda,1988,7
+uvalda,1988,8
+uvalda,1988,11
+uvalda,1988,12
+uvalda,1988,13
+uvalda,1988,14
+uvalda,1988,15
+uvalda,1989,0
+uvalda,1989,1
+uvalda,1989,3
+uvalda,1989,4
+uvalda,1989,5
+uvalda,1989,6
+uvalda,1989,7
+uvalda,1989,10
+uvalda,1989,11
+uvalda,1989,12
+uvalda,1989,13
+uvalda,1989,14
+uvalda,1989,15
+uvalda,1989,16
+uvalda,1990,0
+uvalda,1990,1
+uvalda,1990,2
+uvalda,1990,3
+uvalda,1991,0
+uvalda,1991,1
+uvalda,1991,2
+uvalda,1991,3
+uvalda,1992,0
+uvalda,1992,1
+uvalda,1992,2
+uvalda,1992,3
+uvalda,1992,4
+uvalda,1992,5
+uvalda,1993,0
+uvalda,1993,1
+uvalda,1993,2
+uvalda,1993,3
+uvalda,1994,0
+uvalda,1994,1
+uvalda,1994,2
+uvalda,1994,3
+uvalda,1994,4
+uvalda,1994,5
+uvalda,1994,6
+uvalda,1995,0
+uvalda,1995,1
+uvalda,1995,2
+uvalda,1995,3
+uvalda,1996,0
+uvalda,1996,1
+uvalda,1996,2
+uvalda,1996,3
+uvalda,1997,0
+uvalda,1997,1
+uvalda,1997,2
+uvalda,1997,3
+uvalda,1997,4
+uvalda,1998,0
+uvalda,1998,1
+uvalda,1998,2
+uvalda,1998,3
+uvalda,1998,4
+uvalda,1998,5
+uvalda,1998,6
+uvalda,1998,7
+uvalda,1998,8
+uvalda,1998,9
+uvalda,1998,10
+uvalda,1998,11
+uvalda,1998,12
+uvalda,1998,13
+uvalda,1998,14
+uvalda,1999,0
+uvalda,1999,1
+uvalda,1999,2
+uvalda,2000,0
+uvalda,2000,1
+uvalda,2000,2
+uvalda,2000,3
+uvalda,2000,4
+uvalda,2001,0
+uvalda,2001,1
+uvalda,2001,2
+uvalda,2001,3
+uvalda,2001,4
+uvalda,2002,0
+uvalda,2002,1
+uvalda,2002,2
+uvalda,2003,0
+uvalda,2003,1
+uvalda,2003,2
+uvalda,2004,0
+uvalda,2004,1
+uvalda,2004,2
+uvalda,2004,3
+uvalda,2004,4
+uvalda,2004,5
+uvalda,2004,6
+uvalda,2004,7
+uvalda,2004,8
+uvalda,2005,0
+uvalda,2005,1
+uvalda,2005,2
+uvalda,2006,0
+uvalda,2006,1
+uvalda,2006,2
+uvalda,2007,0
+uvalda,2007,1
+uvalda,2007,2
+uvalda,2007,3
+uvalda,2007,4
+uvalda,2007,5
+uvalda,2007,6
+uvalda,2008,0
+uvalda,2008,1
+uvalda,2008,2
+uvalda,2008,3
+uvalda,2008,4
+uvalda,2008,5
+uvalda,2008,6
+uvalda,2009,0
+uvalda,2009,1
+uvalda,2009,2
+uvalda,2009,3
+uvalda,2009,4
+uvalda,2009,8
+uvalda,2009,9
+uvalda,2009,10
+uvalda,2009,11
+uvalda,2009,12
+uvalda,2009,13
+uvalda,2009,14
+uvalda,2010,0
+uvalda,2010,1
+uvalda,2010,2
+uvalda,2011,0
+uvalda,2011,1
+uvalda,2011,2
+uvalda,2011,3
+uvalda,2011,4
+uvalda,2011,5
+uvalda,2012,0
+uvalda,2012,1
+uvalda,2012,2
+uvalda,2013,0
+uvalda,2013,1
+uvalda,2013,2
+uvalda,2014,0
+uvalda,2014,1
+uvalda,2014,2
+uvalda,2014,3
+uvalda,2015,0
+uvalda,2015,1
+uvalda,2015,2
+uvalda,2015,3
+uvalda,2016,1
+uvalda,2016,2
+uvalda,2016,5
+uvalda,2016,6
+uvalda,2016,7
+uvalda,2016,8
+uvalda,2017,0
+uvalda,2017,1
+uvalda,2017,2
+uvalda,2018,0
+uvalda,2018,1
+uvalda,2018,2
+uvalda,2018,3
+uvalda,2018,5
+uvalda,2018,6
+uvalda,2018,7
+uvalda,2018,8
+uvalda,2018,11
+uvalda,2018,12
+uvalda,2019,0
+uvalda,2019,1
+uvalda,2019,2
+uvalda,2019,4
+uvalda,2019,5
+uvalda,2019,6
+uvalda,2019,7
+uvalda,2019,10
+uvalda,2019,11
+uvalda,2019,12
+uvalda,2020,0
+uvalda,2020,1
+uvalda,2020,2
+uvalda,2020,3
+uvalda,2020,4
+uvalda,2020,5
+uvalda,2020,6
+uvalda,2021,0
+uvalda,2021,1
+uvalda,2021,2
+uvalda,2021,3
+uvalda,2022,0
+uvalda,2022,1
+uvalda,2022,2
+uvalda,2022,3
+uvalda,2022,4
+uvalda,2022,5
+uvalda,2022,6
+uvalda,2022,7
+uvalda,2022,8
+uvalda,2022,9
+uvalda,2022,12
+uvalda,2022,14
+uvalda,2022,15
+uvalda,2022,16
+uvalda,2022,17
+uvalda,2023,0
+uvalda,2023,1
+uvalda,2023,2
+uvalda,2024,0
+uvalda,2024,1
+uvalda,2024,2
+uvalda,2024,3
+uvalda,2025,0
+uvalda,2025,1
+uvalda,2025,2
+uvalda,2025,3
+uvalda,2025,4
+uvalda,2025,5
+uvalda,2025,8
+uvalda,2025,9
+uvalda,2025,10
+uvalda,2025,11
+uvalda,2025,12
+uvalda,2025,13
+uvalda,2026,0
+uvalda,2026,1
+uvalda,2026,2
+uvalda,2026,3
+uvalda,2026,4
+uvalda,2027,0
+uvalda,2027,1
+uvalda,2027,2
+uvalda,2028,0
+uvalda,2028,1
+uvalda,2028,2
+uvalda,2029,1
+uvalda,2029,2
+uvalda,2029,3
+uvalda,2029,5
+uvalda,2029,6
+uvalda,2029,7
+uvalda,2029,8
+uvalda,2029,9
+uvalda,2029,10
+uvalda,2029,11
+uvalda,2029,12
+uvalda,2029,13
+uvalda,2029,14
+uvalda,2030,0
+uvalda,2030,1
+uvalda,2030,2
+uvalda,2030,3
+uvalda,2030,4
+uvalda,2030,5
+uvalda,2031,0
+uvalda,2031,1
+uvalda,2031,2
+uvalda,2031,3
+uvalda,2031,4
+uvalda,2031,5
+uvalda,2032,0
+uvalda,2032,1
+uvalda,2032,2
+uvalda,2032,3
+uvalda,2032,4
+uvalda,2032,5
+uvalda,2033,0
+uvalda,2033,1
+uvalda,2033,2
+uvalda,2033,3
+uvalda,2033,4
+uvalda,2033,5
+uvalda,2033,6
+uvalda,2034,0
+uvalda,2034,1
+uvalda,2034,2
+uvalda,2034,3
+uvalda,2034,4
+uvalda,2035,0
+uvalda,2035,1
+uvalda,2035,2
+uvalda,2035,3
+uvalda,2035,4
+uvalda,2035,5
+uvalda,2036,0
+uvalda,2036,3
+uvalda,2036,4
+uvalda,2036,6
+uvalda,2036,7
+uvalda,2036,8
+uvalda,2036,9
+uvalda,2037,0
+uvalda,2037,1
+uvalda,2037,2
+uvalda,2037,3
+uvalda,2037,4
+uvalda,2037,5
+uvalda,2038,0
+uvalda,2038,1
+uvalda,2038,2
+uvalda,2038,3
+uvalda,2038,4
+uvalda,2038,5
+uvalda,2039,0
+uvalda,2039,1
+uvalda,2039,2
+uvalda,2040,0
+uvalda,2040,1
+uvalda,2040,2
+uvalda,2040,3
+uvalda,2040,4
+uvalda,2040,5
+uvalda,2040,6
+uvalda,2040,7
+uvalda,2040,8
+uvalda,2041,0
+uvalda,2041,1
+uvalda,2041,2
+uvalda,2041,3
+uvalda,2041,4
+uvalda,2041,5
+uvalda,2042,0
+uvalda,2042,1
+uvalda,2042,2
+uvalda,2042,3
+uvalda,2042,4
+uvalda,2042,5
+uvalda,2042,6
+uvalda,2043,0
+uvalda,2043,1
+uvalda,2043,2
+uvalda,2043,3
+uvalda,2043,4
+uvalda,2043,5
+uvalda,2043,6
+uvalda,2043,7
+uvalda,2043,8
+uvalda,2043,9
+uvalda,2044,0
+uvalda,2044,1
+uvalda,2044,2
+uvalda,2044,3
+uvalda,2044,4
+uvalda,2044,5
+uvalda,2044,6
+uvalda,2045,0
+uvalda,2045,1
+uvalda,2045,2
+uvalda,2045,3
+uvalda,2046,0
+uvalda,2046,1
+uvalda,2046,2
+uvalda,2046,3
+uvalda,2047,0
+uvalda,2047,1
+uvalda,2047,2
+uvalda,2047,3
+uvalda,2047,4
+uvalda,2047,5
+uvalda,2047,6
+uvalda,2047,7
+uvalda,2047,8
+uvalda,2047,9
+uvalda,2048,0
+uvalda,2048,1
+uvalda,2048,2
+uvalda,2048,3
+uvalda,2048,4
+uvalda,2048,5
+uvalda,2048,6
+uvalda,2048,7
+uvalda,2048,8
+uvalda,2049,0
+uvalda,2049,1
+uvalda,2049,2
+uvalda,2049,3
+uvalda,2049,4
+uvalda,2050,0
+uvalda,2050,2
+uvalda,2050,3
+uvalda,2050,4
+uvalda,2050,5
+uvalda,2050,6
+uvalda,2050,8
+uvalda,2050,9
+uvalda,2050,10
+uvalda,2050,12
+uvalda,2050,13
+uvalda,2050,14
+uvalda,2051,0
+uvalda,2051,1
+uvalda,2051,2
+uvalda,2051,3
+uvalda,2052,0
+uvalda,2052,1
+uvalda,2052,2
+uvalda,2052,3
+uvalda,2052,4
+uvalda,2052,5
+uvalda,2052,6
+uvalda,2052,7
+uvalda,2052,8
+uvalda,2052,9
+uvalda,2052,10
+uvalda,2052,11
+uvalda,2053,0
+uvalda,2053,1
+uvalda,2053,2
+uvalda,2054,0
+uvalda,2054,2
+uvalda,2054,3
+uvalda,2054,4
+uvalda,2054,6
+uvalda,2054,8
+uvalda,2054,9
+uvalda,2054,10
+uvalda,2054,11
+uvalda,2054,12
+uvalda,2054,13
+uvalda,2054,14
+uvalda,2055,0
+uvalda,2055,1
+uvalda,2055,2
+uvalda,2056,0
+uvalda,2056,1
+uvalda,2056,2
+uvalda,2057,0
+uvalda,2057,1
+uvalda,2057,2
+uvalda,2057,3
+uvalda,2057,4
+uvalda,2057,5
+uvalda,2057,6
+uvalda,2058,0
+uvalda,2058,1
+uvalda,2058,2
+uvalda,2059,0
+uvalda,2059,1
+uvalda,2059,2
+uvalda,2059,3
+uvalda,2060,0
+uvalda,2060,1
+uvalda,2060,2
+uvalda,2060,3
+uvalda,2061,0
+uvalda,2061,1
+uvalda,2061,2
+uvalda,2062,0
+uvalda,2062,1
+uvalda,2062,2
+uvalda,2062,3
+uvalda,2062,4
+uvalda,2064,0
+uvalda,2064,1
+uvalda,2064,2
+uvalda,2064,3
+uvalda,2064,5
+uvalda,2064,6
+uvalda,2064,7
+uvalda,2064,8
+uvalda,2064,11
+uvalda,2064,12
+uvalda,2064,13
+uvalda,2065,0
+uvalda,2065,1
+uvalda,2065,2
+uvalda,2066,0
+uvalda,2066,1
+uvalda,2066,2
+uvalda,2066,3
+uvalda,2066,4
+uvalda,2066,5
+uvalda,2066,6
+uvalda,2066,7
+uvalda,2067,0
+uvalda,2067,1
+uvalda,2067,2
+uvalda,2067,3
+uvalda,2067,4
+uvalda,2068,0
+uvalda,2068,1
+uvalda,2068,2
+uvalda,2068,3
+uvalda,2068,4
+uvalda,2068,5
+uvalda,2068,6
+uvalda,2069,0
+uvalda,2069,1
+uvalda,2069,2
+uvalda,2069,3
+uvalda,2069,4
+uvalda,2069,5
+uvalda,2069,6
+uvalda,2069,7
+uvalda,2069,8
+uvalda,2069,10
+uvalda,2069,13
+uvalda,2069,14
+uvalda,2070,0
+uvalda,2070,1
+uvalda,2070,2
+uvalda,2070,3
+uvalda,2071,0
+uvalda,2071,1
+uvalda,2071,2
+uvalda,2071,3
+uvalda,2071,4
+uvalda,2072,0
+uvalda,2072,1
+uvalda,2072,2
+uvalda,2072,3
+uvalda,2072,4
+uvalda,2072,5
+uvalda,2073,0
+uvalda,2073,1
+uvalda,2073,2
+uvalda,2073,3
+uvalda,2074,0
+uvalda,2074,1
+uvalda,2074,2
+uvalda,2074,3
+uvalda,2074,4
+uvalda,2074,5
+uvalda,2075,1
+uvalda,2075,2
+uvalda,2075,3
+uvalda,2075,4
+uvalda,2075,6
+uvalda,2075,7
+uvalda,2076,1
+uvalda,2076,2
+uvalda,2076,3
+uvalda,2076,4
+uvalda,2076,5
+uvalda,2076,6
+uvalda,2076,8
+uvalda,2076,10
+uvalda,2076,11
+uvalda,2076,12
+uvalda,2076,13
+uvalda,2077,1
+uvalda,2077,2
+uvalda,2077,3
+uvalda,2077,5
+uvalda,2077,6
+uvalda,2077,8
+uvalda,2077,9
+uvalda,2078,0
+uvalda,2078,1
+uvalda,2078,2
+uvalda,2078,3
+uvalda,2078,4
+uvalda,2078,5
+uvalda,2078,6
+uvalda,2079,0
+uvalda,2079,1
+uvalda,2079,2
+uvalda,2079,3
+uvalda,2080,0
+uvalda,2080,1
+uvalda,2080,2
+uvalda,2080,3
+uvalda,2080,4
+uvalda,2080,5
+uvalda,2080,6
+uvalda,2080,7
+uvalda,2080,8
+uvalda,2080,9
+uvalda,2081,0
+uvalda,2081,1
+uvalda,2081,2
+uvalda,2081,3
+uvalda,2081,4
+uvalda,2081,5
+uvalda,2082,0
+uvalda,2082,1
+uvalda,2082,2
+uvalda,2082,3
+uvalda,2082,4
+uvalda,2083,0
+uvalda,2083,1
+uvalda,2083,2
+uvalda,2083,3
+uvalda,2083,4
+uvalda,2083,5
+uvalda,2083,6
+uvalda,2083,7
+uvalda,2083,8
+uvalda,2084,0
+uvalda,2084,1
+uvalda,2084,2
+uvalda,2085,0
+uvalda,2085,1
+uvalda,2085,2
+uvalda,2085,3
+uvalda,2085,4
+uvalda,2086,0
+uvalda,2086,1
+uvalda,2086,2
+uvalda,2086,3
+uvalda,2086,4
+uvalda,2086,5
+uvalda,2087,0
+uvalda,2087,1
+uvalda,2087,2
+uvalda,2088,0
+uvalda,2088,1
+uvalda,2088,2
+uvalda,2088,3
+uvalda,2089,0
+uvalda,2089,1
+uvalda,2089,2
+uvalda,2089,3
+uvalda,2089,4
+uvalda,2089,5
+uvalda,2089,6
+uvalda,2089,7
+uvalda,2090,0
+uvalda,2090,1
+uvalda,2090,2
+uvalda,2091,0
+uvalda,2091,1
+uvalda,2091,2
+uvalda,2092,0
+uvalda,2092,1
+uvalda,2092,2
+uvalda,2092,3
+uvalda,2092,4
+uvalda,2092,5
+uvalda,2093,0
+uvalda,2093,1
+uvalda,2093,2
+uvalda,2093,3
+uvalda,2094,0
+uvalda,2094,1
+uvalda,2094,2
+uvalda,2094,3
+uvalda,2094,4
+uvalda,2094,5
+uvalda,2094,6
+uvalda,2094,7
+uvalda,2094,8
+uvalda,2094,9
+uvalda,2094,10
+uvalda,2094,11
+uvalda,2095,0
+uvalda,2095,1
+uvalda,2095,2
+uvalda,2095,4
+uvalda,2095,7
+uvalda,2095,8
+uvalda,2095,9
+uvalda,2095,10
+uvalda,2095,11
+uvalda,2095,12
+uvalda,2095,13
+uvalda,2096,0
+uvalda,2096,1
+uvalda,2096,2
+uvalda,2096,5
+uvalda,2096,7
+uvalda,2096,8
+uvalda,2096,9
+uvalda,2096,10
+uvalda,2096,11
+uvalda,2096,12
+uvalda,2096,13
+uvalda,2097,0
+uvalda,2097,1
+uvalda,2097,2
+uvalda,2097,3
+uvalda,2097,4
+uvalda,2098,0
+uvalda,2098,1
+uvalda,2098,2
+uvalda,2098,3
+uvalda,2099,0
+uvalda,2099,1
+uvalda,2099,2
+uvalda,2099,3
+uvalda,2099,4
+uvalda,2100,0
+uvalda,2100,1
+uvalda,2100,2
+uvalda,2100,3
+uvalda,2100,4
+uvalda,2101,0
+uvalda,2101,1
+uvalda,2101,2
+uvalda,2102,0
+uvalda,2102,1
+uvalda,2102,2
+uvalda,2103,0
+uvalda,2103,1
+uvalda,2103,2
+uvalda,2103,3
+uvalda,2104,0
+uvalda,2104,1
+uvalda,2104,2
+uvalda,2104,3
+uvalda,2104,4
+uvalda,2104,5
+uvalda,2104,6
+uvalda,2104,7
+uvalda,2105,0
+uvalda,2105,1
+uvalda,2105,2
+uvalda,2105,3
+uvalda,2105,4
+uvalda,2105,5
+uvalda,2106,0
+uvalda,2106,1
+uvalda,2106,2
+uvalda,2106,3
+uvalda,2106,4
+uvalda,2106,5
+uvalda,2107,0
+uvalda,2107,1
+uvalda,2107,2
+uvalda,2108,0
+uvalda,2108,1
+uvalda,2108,2
+uvalda,2108,3
+uvalda,2109,0
+uvalda,2109,1
+uvalda,2109,2
+uvalda,2109,3
+uvalda,2109,4
+uvalda,2109,5
+uvalda,2109,6
+uvalda,2109,7
+uvalda,2110,0
+uvalda,2110,1
+uvalda,2110,2
+uvalda,2110,3
+uvalda,2110,4
+uvalda,2110,5
+uvalda,2110,6
+uvalda,2110,7
+uvalda,2110,8
+uvalda,2111,0
+uvalda,2111,1
+uvalda,2111,2
+uvalda,2112,0
+uvalda,2112,1
+uvalda,2112,2
+uvalda,2112,3
+uvalda,2113,0
+uvalda,2113,1
+uvalda,2113,2
+uvalda,2113,3
+uvalda,2113,4
+uvalda,2113,5
+uvalda,2114,0
+uvalda,2114,1
+uvalda,2114,2
+uvalda,2114,3
+uvalda,2115,0
+uvalda,2115,1
+uvalda,2115,2
+uvalda,2116,0
+uvalda,2116,1
+uvalda,2116,2
+uvalda,2116,3
+uvalda,2117,0
+uvalda,2117,1
+uvalda,2117,2
+uvalda,2117,3
+uvalda,2117,4
+uvalda,2117,5
+uvalda,2118,0
+uvalda,2118,1
+uvalda,2118,2
+uvalda,2118,3
+uvalda,2118,4
+uvalda,2119,2
+uvalda,2119,3
+uvalda,2119,4
+uvalda,2119,5
+uvalda,2119,6
+uvalda,2119,8
+uvalda,2119,9
+uvalda,2119,10
+uvalda,2119,11
+uvalda,2119,12
+uvalda,2119,13
+uvalda,2119,14
+uvalda,2119,15
+uvalda,2120,0
+uvalda,2120,1
+uvalda,2120,2
+uvalda,2120,3
+uvalda,2120,4
+uvalda,2120,5
+uvalda,2120,6
+uvalda,2120,7
+uvalda,2121,0
+uvalda,2121,1
+uvalda,2121,2
+uvalda,2121,3
+uvalda,2121,4
+uvalda,2121,5
+uvalda,2121,6
+uvalda,2121,7
+uvalda,2121,8
+uvalda,2122,0
+uvalda,2122,1
+uvalda,2122,2
+uvalda,2122,3
+uvalda,2123,0
+uvalda,2123,1
+uvalda,2123,2
+uvalda,2124,0
+uvalda,2124,1
+uvalda,2124,2
+uvalda,2124,3
+uvalda,2125,0
+uvalda,2125,1
+uvalda,2125,2
+uvalda,2125,3
+uvalda,2126,0
+uvalda,2126,1
+uvalda,2126,2
+uvalda,2127,0
+uvalda,2127,1
+uvalda,2127,2
+uvalda,2127,3
+uvalda,2127,4
+uvalda,2127,5
+uvalda,2128,0
+uvalda,2128,1
+uvalda,2128,2
+uvalda,2128,3
+uvalda,2128,6
+uvalda,2128,8
+uvalda,2128,9
+uvalda,2128,10
+uvalda,2128,11
+uvalda,2128,12
+uvalda,2129,0
+uvalda,2129,1
+uvalda,2129,2
+uvalda,2129,3
+uvalda,2129,4
+uvalda,2129,5
+uvalda,2129,6
+uvalda,2129,7
+uvalda,2129,8
+uvalda,2130,0
+uvalda,2130,2
+uvalda,2130,3
+uvalda,2130,5
+uvalda,2130,6
+uvalda,2130,7
+uvalda,2130,8
+uvalda,2130,9
+uvalda,2130,10
+uvalda,2130,11
+uvalda,2130,12
+uvalda,2130,13
+uvalda,2130,14
+uvalda,2130,15
+uvalda,2131,0
+uvalda,2131,1
+uvalda,2131,2
+uvalda,2131,3
+uvalda,2131,4
+uvalda,2131,5
+uvalda,2131,6
+uvalda,2132,1
+uvalda,2132,2
+uvalda,2132,3
+uvalda,2132,6
+uvalda,2132,7
+uvalda,2132,8
+uvalda,2132,9
+uvalda,2132,10
+uvalda,2132,11
+uvalda,2133,0
+uvalda,2133,1
+uvalda,2133,2
+uvalda,2133,3
+uvalda,2133,4
+uvalda,2133,5
+uvalda,2134,0
+uvalda,2134,3
+uvalda,2134,4
+uvalda,2134,5
+uvalda,2134,6
+uvalda,2134,7
+uvalda,2134,8
+uvalda,2134,9
+uvalda,2134,10
+uvalda,2134,12
+uvalda,2135,0
+uvalda,2135,2
+uvalda,2135,4
+uvalda,2135,5
+uvalda,2135,7
+uvalda,2135,8
+uvalda,2135,9
+uvalda,2135,10
+uvalda,2135,11
+uvalda,2136,0
+uvalda,2136,1
+uvalda,2136,2
+uvalda,2136,3
+uvalda,2136,4
+uvalda,2136,5
+uvalda,2136,6
+uvalda,2137,0
+uvalda,2137,1
+uvalda,2137,2
+uvalda,2137,3
+uvalda,2137,4
+uvalda,2137,5
+uvalda,2137,6
+uvalda,2137,7
+uvalda,2137,8
+uvalda,2138,0
+uvalda,2138,1
+uvalda,2138,2
+uvalda,2138,3
+uvalda,2138,4
+uvalda,2138,5
+uvalda,2139,0
+uvalda,2139,1
+uvalda,2139,2
+uvalda,2139,3
+uvalda,2140,0
+uvalda,2140,1
+uvalda,2140,2
+uvalda,2141,0
+uvalda,2141,1
+uvalda,2141,2
+uvalda,2141,3
+uvalda,2142,0
+uvalda,2142,1
+uvalda,2142,2
+uvalda,2142,3
+uvalda,2142,4
+uvalda,2143,0
+uvalda,2143,1
+uvalda,2143,2
+uvalda,2144,0
+uvalda,2144,1
+uvalda,2144,2
+uvalda,2144,3
+uvalda,2144,4
+uvalda,2145,0
+uvalda,2145,1
+uvalda,2145,2
+uvalda,2146,0
+uvalda,2146,1
+uvalda,2146,2
+uvalda,2147,0
+uvalda,2147,1
+uvalda,2147,2
+uvalda,2147,3
+uvalda,2147,4
+uvalda,2147,5
+uvalda,2147,6
+uvalda,2148,0
+uvalda,2148,1
+uvalda,2148,2
+uvalda,2148,3
+uvalda,2148,5
+uvalda,2148,6
+uvalda,2148,7
+uvalda,2148,8
+uvalda,2148,11
+uvalda,2149,0
+uvalda,2149,1
+uvalda,2149,2
+uvalda,2149,3
+uvalda,2149,4
+uvalda,2149,5
+uvalda,2150,1
+uvalda,2150,2
+uvalda,2150,3
+uvalda,2150,4
+uvalda,2150,5
+uvalda,2150,6
+uvalda,2150,7
+uvalda,2150,9
+uvalda,2150,10
+uvalda,2150,11
+uvalda,2150,13
+uvalda,2150,14
+uvalda,2150,15
+uvalda,2150,16
+uvalda,2150,17
+uvalda,2151,0
+uvalda,2151,1
+uvalda,2151,2
+uvalda,2152,0
+uvalda,2152,1
+uvalda,2152,2
+uvalda,2152,3
+uvalda,2152,4
+uvalda,2153,2
+uvalda,2153,3
+uvalda,2153,4
+uvalda,2153,6
+uvalda,2153,7
+uvalda,2153,8
+uvalda,2153,9
+uvalda,2153,10
+uvalda,2154,0
+uvalda,2154,1
+uvalda,2154,2
+uvalda,2154,3
+uvalda,2155,0
+uvalda,2155,1
+uvalda,2155,2
+uvalda,2156,0
+uvalda,2156,1
+uvalda,2156,2
+uvalda,2157,0
+uvalda,2157,1
+uvalda,2157,3
+uvalda,2157,4
+uvalda,2157,5
+uvalda,2157,6
+uvalda,2157,7
+uvalda,2157,8
+uvalda,2157,9
+uvalda,2157,10
+uvalda,2157,11
+uvalda,2157,14
+uvalda,2158,0
+uvalda,2158,1
+uvalda,2158,2
+uvalda,2158,3
+uvalda,2158,4
+uvalda,2158,5
+uvalda,2159,0
+uvalda,2159,1
+uvalda,2159,2
+uvalda,2160,0
+uvalda,2160,1
+uvalda,2160,2
+uvalda,2160,3
+uvalda,2160,4
+uvalda,2160,5
+uvalda,2160,6
+uvalda,2160,7
+uvalda,2161,0
+uvalda,2161,2
+uvalda,2161,3
+uvalda,2161,4
+uvalda,2161,5
+uvalda,2161,6
+uvalda,2161,7
+uvalda,2161,8
+uvalda,2161,9
+uvalda,2161,10
+uvalda,2161,12
+uvalda,2161,13
+uvalda,2161,15
+uvalda,2161,16
+uvalda,2162,0
+uvalda,2162,1
+uvalda,2162,2
+uvalda,2163,0
+uvalda,2163,1
+uvalda,2163,2
+uvalda,2163,3
+uvalda,2163,4
+uvalda,2163,5
+uvalda,2164,0
+uvalda,2164,1
+uvalda,2164,2
+uvalda,2164,3
+uvalda,2164,4
+uvalda,2165,0
+uvalda,2165,1
+uvalda,2165,2
+uvalda,2165,3
+uvalda,2165,4
+uvalda,2166,0
+uvalda,2166,1
+uvalda,2166,2
+uvalda,2166,3
+uvalda,2167,0
+uvalda,2167,1
+uvalda,2167,2
+uvalda,2168,0
+uvalda,2168,1
+uvalda,2168,2
+uvalda,2168,3
+uvalda,2168,4
+uvalda,2168,5
+uvalda,2168,6
+uvalda,2169,0
+uvalda,2169,1
+uvalda,2169,2
+uvalda,2169,3
+uvalda,2169,4
+uvalda,2169,5
+uvalda,2169,6
+uvalda,2169,7
+uvalda,2169,8
+uvalda,2169,9
+uvalda,2169,10
+uvalda,2170,0
+uvalda,2170,1
+uvalda,2170,2
+uvalda,2170,3
+uvalda,2170,4
+uvalda,2170,5
+uvalda,2170,6
+uvalda,2170,7
+uvalda,2170,8
+uvalda,2171,0
+uvalda,2171,1
+uvalda,2171,2
+uvalda,2171,4
+uvalda,2171,5
+uvalda,2171,6
+uvalda,2172,0
+uvalda,2172,1
+uvalda,2172,2
+uvalda,2172,3
+uvalda,2172,4
+uvalda,2173,0
+uvalda,2173,1
+uvalda,2173,2
+uvalda,2173,3
+uvalda,2174,0
+uvalda,2174,1
+uvalda,2174,2
+uvalda,2174,3
+uvalda,2175,0
+uvalda,2175,1
+uvalda,2175,2
+uvalda,2175,3
+uvalda,2176,0
+uvalda,2176,1
+uvalda,2176,2
+uvalda,2176,3
+uvalda,2176,4
+uvalda,2177,0
+uvalda,2177,1
+uvalda,2177,2
+uvalda,2177,3
+uvalda,2178,0
+uvalda,2178,1
+uvalda,2178,2
+uvalda,2178,3
+uvalda,2179,1
+uvalda,2179,2
+uvalda,2179,3
+uvalda,2179,5
+uvalda,2179,7
+uvalda,2180,0
+uvalda,2180,1
+uvalda,2180,2
+uvalda,2180,3
+uvalda,2181,0
+uvalda,2181,1
+uvalda,2181,2
+uvalda,2181,3
+uvalda,2181,4
+uvalda,2181,5
+uvalda,2181,6
+uvalda,2181,7
+uvalda,2181,8
+uvalda,2182,0
+uvalda,2182,1
+uvalda,2182,2
+uvalda,2182,3
+uvalda,2182,4
+uvalda,2183,0
+uvalda,2183,1
+uvalda,2183,2
+uvalda,2183,3
+uvalda,2183,4
+uvalda,2184,0
+uvalda,2184,1
+uvalda,2184,2
+uvalda,2184,3
+uvalda,2184,4
+uvalda,2184,5
+uvalda,2185,0
+uvalda,2185,1
+uvalda,2185,2
+uvalda,2185,3
+uvalda,2185,5
+uvalda,2185,7
+uvalda,2185,8
+uvalda,2185,9
+uvalda,2185,11
+uvalda,2185,12
+uvalda,2185,13
+uvalda,2186,0
+uvalda,2186,1
+uvalda,2186,2
+uvalda,2187,0
+uvalda,2187,1
+uvalda,2187,2
+uvalda,2187,3
+uvalda,2188,0
+uvalda,2188,1
+uvalda,2188,2
+uvalda,2188,3
+uvalda,2188,4
+uvalda,2189,0
+uvalda,2189,1
+uvalda,2189,2
+uvalda,2189,3
+uvalda,2189,4
+uvalda,2189,5
+uvalda,2189,6
+uvalda,2189,7
+uvalda,2189,8
+uvalda,2189,10
+uvalda,2189,11
+uvalda,2189,14
+uvalda,2189,15
+uvalda,2189,16
+uvalda,2190,0
+uvalda,2190,2
+uvalda,2190,3
+uvalda,2190,4
+uvalda,2190,5
+uvalda,2190,6
+uvalda,2190,7
+uvalda,2191,0
+uvalda,2191,1
+uvalda,2191,2
+uvalda,2191,3
+uvalda,2191,4
+uvalda,2191,5
+uvalda,2191,6
+uvalda,2191,7
+uvalda,2192,0
+uvalda,2192,1
+uvalda,2192,2
+uvalda,2192,3
+uvalda,2193,0
+uvalda,2193,1
+uvalda,2193,2
+uvalda,2193,3
+uvalda,2194,0
+uvalda,2194,1
+uvalda,2194,2
+uvalda,2194,3
+uvalda,2194,4
+uvalda,2194,5
+uvalda,2194,6
+uvalda,2194,7
+uvalda,2194,8
+uvalda,2194,9
+uvalda,2194,10
+uvalda,2194,11
+uvalda,2194,12
+uvalda,2194,13
+uvalda,2195,0
+uvalda,2195,1
+uvalda,2195,2
+uvalda,2196,0
+uvalda,2196,1
+uvalda,2196,2
+uvalda,2196,3
+uvalda,2196,4
+uvalda,2196,5
+uvalda,2196,6
+uvalda,2197,0
+uvalda,2197,1
+uvalda,2197,2
+uvalda,2197,3
+uvalda,2197,4
+uvalda,2197,5
+uvalda,2197,6
+uvalda,2197,7
+uvalda,2197,8
+uvalda,2198,0
+uvalda,2198,1
+uvalda,2198,2
+uvalda,2198,3
+uvalda,2198,4
+uvalda,2198,5
+uvalda,2198,6
+uvalda,2199,0
+uvalda,2199,1
+uvalda,2199,2
+uvalda,2199,3
+uvalda,2199,4
+uvalda,2199,5
+uvalda,2199,6
+uvalda,2199,7
+uvalda,2199,8
+uvalda,2199,9
+uvalda,2199,10
+uvalda,2200,0
+uvalda,2200,1
+uvalda,2200,2
+uvalda,2200,3
+uvalda,2201,0
+uvalda,2201,1
+uvalda,2201,2
+uvalda,2201,3
+uvalda,2201,4
+uvalda,2201,5
+uvalda,2201,6
+uvalda,2201,7
+uvalda,2202,0
+uvalda,2202,1
+uvalda,2202,3
+uvalda,2202,4
+uvalda,2202,6
+uvalda,2203,0
+uvalda,2203,1
+uvalda,2203,2
+uvalda,2203,3
+uvalda,2203,4
+uvalda,2203,5
+uvalda,2203,6
+uvalda,2203,7
+uvalda,2204,0
+uvalda,2204,2
+uvalda,2204,4
+uvalda,2204,5
+uvalda,2204,7
+uvalda,2204,8
+uvalda,2204,9
+uvalda,2204,10
+uvalda,2205,0
+uvalda,2205,1
+uvalda,2205,2
+uvalda,2205,3
+uvalda,2205,4
+uvalda,2205,5
+uvalda,2206,0
+uvalda,2206,1
+uvalda,2206,2
+uvalda,2206,3
+uvalda,2207,0
+uvalda,2207,1
+uvalda,2207,2
+uvalda,2207,3
+uvalda,2209,1
+uvalda,2209,2
+uvalda,2210,0
+uvalda,2210,2
+uvalda,2210,3
+uvalda,2210,4
+uvalda,2210,5
+uvalda,2210,6
+uvalda,2210,7
+uvalda,2210,8
+uvalda,2210,9
+uvalda,2210,11
+uvalda,2210,12
+uvalda,2210,13
+uvalda,2210,14
+uvalda,2210,16
+uvalda,2211,0
+uvalda,2211,1
+uvalda,2211,2
+uvalda,2211,3
+uvalda,2212,1
+uvalda,2212,2
+uvalda,2212,3
+uvalda,2212,4
+uvalda,2212,7
+uvalda,2212,8
+uvalda,2212,9
+uvalda,2212,10
+uvalda,2212,11
+uvalda,2212,12
+uvalda,2212,13
+uvalda,2213,0
+uvalda,2213,1
+uvalda,2213,2
+uvalda,2214,0
+uvalda,2214,1
+uvalda,2214,2
+uvalda,2214,3
+uvalda,2214,4
+uvalda,2214,5
+uvalda,2214,6
+uvalda,2215,0
+uvalda,2215,1
+uvalda,2215,2
+uvalda,2215,3
+uvalda,2215,4
+uvalda,2216,0
+uvalda,2216,1
+uvalda,2216,2
+uvalda,2216,3
+uvalda,2216,4
+uvalda,2216,5
+uvalda,2216,6
+uvalda,2216,7
+uvalda,2216,8
+uvalda,2216,9
+uvalda,2217,0
+uvalda,2217,1
+uvalda,2217,2
+uvalda,2217,3
+uvalda,2218,0
+uvalda,2218,1
+uvalda,2218,2
+uvalda,2218,3
+uvalda,2218,4
+uvalda,2219,0
+uvalda,2219,1
+uvalda,2219,2
+uvalda,2220,0
+uvalda,2220,1
+uvalda,2220,2
+uvalda,2220,3
+uvalda,2220,4
+uvalda,2221,0
+uvalda,2221,1
+uvalda,2221,2
+uvalda,2221,3
+uvalda,2222,0
+uvalda,2222,1
+uvalda,2222,2
+uvalda,2222,3
+uvalda,2222,4
+uvalda,2222,5
+uvalda,2222,6
+uvalda,2223,0
+uvalda,2223,1
+uvalda,2223,2
+uvalda,2224,0
+uvalda,2224,1
+uvalda,2224,2
+uvalda,2224,3
+uvalda,2224,4
+uvalda,2224,5
+uvalda,2224,6
+uvalda,2224,10
+uvalda,2224,11
+uvalda,2225,0
+uvalda,2225,1
+uvalda,2225,2
+uvalda,2226,1
+uvalda,2226,2
+uvalda,2226,3
+uvalda,2226,4
+uvalda,2226,5
+uvalda,2226,7
+uvalda,2226,9
+uvalda,2226,10
+uvalda,2226,11
+uvalda,2226,12
+uvalda,2226,13
+uvalda,2226,14
+uvalda,2227,0
+uvalda,2227,2
+uvalda,2227,3
+uvalda,2227,4
+uvalda,2227,6
+uvalda,2227,8
+uvalda,2228,0
+uvalda,2228,1
+uvalda,2228,3
+uvalda,2228,4
+uvalda,2228,5
+uvalda,2228,7
+uvalda,2228,9
+uvalda,2228,10
+uvalda,2228,11
+uvalda,2228,12
+uvalda,2229,0
+uvalda,2229,1
+uvalda,2229,2
+uvalda,2229,3
+uvalda,2230,0
+uvalda,2230,1
+uvalda,2230,2
+uvalda,2230,3
+uvalda,2230,4
+uvalda,2230,5
+uvalda,2231,0
+uvalda,2231,1
+uvalda,2231,2
+uvalda,2232,0
+uvalda,2232,1
+uvalda,2232,2
+uvalda,2232,3
+uvalda,2233,0
+uvalda,2233,1
+uvalda,2233,2
+uvalda,2233,3
+uvalda,2233,4
+uvalda,2233,5
+uvalda,2233,7
+uvalda,2233,8
+uvalda,2233,10
+uvalda,2233,12
+uvalda,2233,13
+uvalda,2233,14
+uvalda,2233,15
+uvalda,2233,16
+uvalda,2233,17
+uvalda,2234,0
+uvalda,2234,1
+uvalda,2234,2
+uvalda,2234,3
+uvalda,2234,4
+uvalda,2234,5
+uvalda,2234,6
+uvalda,2234,7
+uvalda,2234,8
+uvalda,2235,1
+uvalda,2235,3
+uvalda,2235,4
+uvalda,2235,5
+uvalda,2235,6
+uvalda,2236,0
+uvalda,2236,1
+uvalda,2236,2
+uvalda,2236,3
+uvalda,2236,4
+uvalda,2237,0
+uvalda,2237,1
+uvalda,2237,2
+uvalda,2237,3
+uvalda,2237,4
+uvalda,2237,5
+uvalda,2238,0
+uvalda,2238,1
+uvalda,2238,2
+uvalda,2239,0
+uvalda,2239,1
+uvalda,2239,2
+uvalda,2239,3
+uvalda,2239,4
+uvalda,2239,5
+uvalda,2239,6
+uvalda,2239,7
+uvalda,2239,8
+uvalda,2239,9
+uvalda,2239,10
+uvalda,2239,11
+uvalda,2240,0
+uvalda,2240,1
+uvalda,2240,2
+uvalda,2241,0
+uvalda,2241,1
+uvalda,2241,2
+uvalda,2241,3
+uvalda,2241,4
+uvalda,2241,5
+uvalda,2241,6
+uvalda,2241,7
+uvalda,2241,10
+uvalda,2241,11
+uvalda,2241,12
+uvalda,2241,13
+uvalda,2241,14
+uvalda,2241,15
+uvalda,2241,16
+uvalda,2241,17
+uvalda,2242,0
+uvalda,2242,1
+uvalda,2242,2
+uvalda,2242,3
+uvalda,2242,4
+uvalda,2242,5
+uvalda,2242,6
+uvalda,2242,7
+uvalda,2242,8
+uvalda,2242,9
+uvalda,2242,10
+uvalda,2243,0
+uvalda,2243,1
+uvalda,2243,2
+uvalda,2243,3
+uvalda,2243,4
+uvalda,2243,5
+uvalda,2243,6
+uvalda,2243,7
+uvalda,2244,0
+uvalda,2244,1
+uvalda,2244,2
+uvalda,2244,3
+uvalda,2244,4
+uvalda,2244,5
+uvalda,2245,0
+uvalda,2245,1
+uvalda,2245,2
+uvalda,2245,3
+uvalda,2246,0
+uvalda,2246,1
+uvalda,2246,2
+uvalda,2247,0
+uvalda,2247,1
+uvalda,2247,2
+uvalda,2248,0
+uvalda,2248,1
+uvalda,2248,2
+uvalda,2249,0
+uvalda,2249,1
+uvalda,2249,2
+uvalda,2250,0
+uvalda,2250,1
+uvalda,2250,2
+uvalda,2250,3
+uvalda,2250,4
+uvalda,2250,5
+uvalda,2250,6
+uvalda,2250,7
+uvalda,2250,8
+uvalda,2250,9
+uvalda,2250,10
+uvalda,2251,0
+uvalda,2251,1
+uvalda,2251,2
+uvalda,2251,3
+uvalda,2252,0
+uvalda,2252,2
+uvalda,2252,3
+uvalda,2252,4
+uvalda,2252,5
+uvalda,2252,7
+uvalda,2252,8
+uvalda,2252,10
+uvalda,2253,0
+uvalda,2253,1
+uvalda,2253,2
+uvalda,2253,3
+uvalda,2253,4
+uvalda,2253,5
+uvalda,2254,0
+uvalda,2254,1
+uvalda,2254,2
+uvalda,2255,0
+uvalda,2255,1
+uvalda,2255,2
+uvalda,2255,3
+uvalda,2255,4
+uvalda,2255,5
+uvalda,2255,6
+uvalda,2255,7
+uvalda,2256,0
+uvalda,2256,1
+uvalda,2256,2
+uvalda,2257,0
+uvalda,2257,1
+uvalda,2257,2
+uvalda,2258,0
+uvalda,2258,1
+uvalda,2258,2
+uvalda,2258,3
+uvalda,2258,4
+uvalda,2258,5
+uvalda,2258,6
+uvalda,2258,7
+uvalda,2258,8
+uvalda,2258,9
+uvalda,2259,0
+uvalda,2259,1
+uvalda,2259,2
+uvalda,2259,3
+uvalda,2261,0
+uvalda,2261,1
+uvalda,2261,2
+uvalda,2261,3
+uvalda,2261,4
+uvalda,2261,5
+uvalda,2261,6
+uvalda,2262,0
+uvalda,2262,1
+uvalda,2262,2
+uvalda,2262,3
+uvalda,2262,5
+uvalda,2262,6
+uvalda,2262,7
+uvalda,2262,9
+uvalda,2263,0
+uvalda,2263,1
+uvalda,2263,2
+uvalda,2263,3
+uvalda,2264,0
+uvalda,2264,1
+uvalda,2264,2
+uvalda,2264,3
+uvalda,2265,0
+uvalda,2265,1
+uvalda,2265,2
+uvalda,2265,3
+uvalda,2265,4
+uvalda,2265,5
+uvalda,2265,6
+uvalda,2265,7
+uvalda,2266,0
+uvalda,2266,1
+uvalda,2266,3
+uvalda,2266,4
+uvalda,2266,5
+uvalda,2266,6
+uvalda,2266,7
+uvalda,2266,9
+uvalda,2266,10
+uvalda,2266,11
+uvalda,2266,12
+uvalda,2266,13
+uvalda,2266,14
+uvalda,2266,16
+uvalda,2267,0
+uvalda,2267,1
+uvalda,2267,2
+uvalda,2268,0
+uvalda,2268,1
+uvalda,2268,2
+uvalda,2268,3
+uvalda,2268,4
+uvalda,2268,5
+uvalda,2268,6
+uvalda,2269,0
+uvalda,2269,1
+uvalda,2269,2
+uvalda,2269,3
+uvalda,2270,0
+uvalda,2270,1
+uvalda,2270,2
+uvalda,2270,3
+uvalda,2271,0
+uvalda,2271,1
+uvalda,2271,2
+uvalda,2271,3
+uvalda,2272,0
+uvalda,2272,1
+uvalda,2272,2
+uvalda,2272,3
+uvalda,2272,4
+uvalda,2272,5
+uvalda,2272,6
+uvalda,2272,7
+uvalda,2272,8
+uvalda,2273,0
+uvalda,2273,1
+uvalda,2273,2
+uvalda,2274,0
+uvalda,2274,1
+uvalda,2274,2
+uvalda,2274,3
+uvalda,2274,4
+uvalda,2274,5
+uvalda,2274,6
+uvalda,2275,0
+uvalda,2275,1
+uvalda,2275,2
+uvalda,2275,3
+uvalda,2275,4
+uvalda,2275,5
+uvalda,2275,6
+uvalda,2275,7
+uvalda,2276,0
+uvalda,2276,1
+uvalda,2276,2
+uvalda,2276,3
+uvalda,2276,4
+uvalda,2277,0
+uvalda,2277,1
+uvalda,2277,2
+uvalda,2277,3
+uvalda,2277,4
+uvalda,2277,5
+uvalda,2277,6
+uvalda,2277,7
+uvalda,2277,8
+uvalda,2278,0
+uvalda,2278,1
+uvalda,2278,2
+uvalda,2280,0
+uvalda,2280,1
+uvalda,2280,2
+uvalda,2280,3
+uvalda,2280,4
+uvalda,2280,5
+uvalda,2280,6
+uvalda,2281,0
+uvalda,2281,1
+uvalda,2281,2
+uvalda,2282,0
+uvalda,2282,1
+uvalda,2282,2
+uvalda,2282,3
+uvalda,2282,4
+uvalda,2282,5
+uvalda,2282,6
+uvalda,2282,7
+uvalda,2283,0
+uvalda,2283,1
+uvalda,2283,2
+uvalda,2283,3
+uvalda,2284,0
+uvalda,2284,1
+uvalda,2284,2
+uvalda,2285,0
+uvalda,2285,1
+uvalda,2285,2
+uvalda,2285,3
+uvalda,2285,4
+uvalda,2286,0
+uvalda,2286,3
+uvalda,2286,4
+uvalda,2286,5
+uvalda,2286,6
+uvalda,2286,8
+uvalda,2286,9
+uvalda,2286,10
+uvalda,2286,11
+uvalda,2286,12
+uvalda,2287,0
+uvalda,2287,1
+uvalda,2287,2
+uvalda,2287,3
+uvalda,2288,0
+uvalda,2288,1
+uvalda,2288,2
+uvalda,2288,3
+uvalda,2288,4
+uvalda,2288,5
+uvalda,2288,6
+uvalda,2289,0
+uvalda,2289,1
+uvalda,2289,2
+uvalda,2289,3
+uvalda,2289,4
+uvalda,2289,5
+uvalda,2290,0
+uvalda,2290,1
+uvalda,2290,2
+uvalda,2291,0
+uvalda,2291,1
+uvalda,2291,2
+uvalda,2291,3
+uvalda,2291,4
+uvalda,2292,0
+uvalda,2292,1
+uvalda,2292,2
+uvalda,2292,3
+uvalda,2292,4
+uvalda,2292,5
+uvalda,2292,6
+uvalda,2293,0
+uvalda,2293,1
+uvalda,2293,2
+uvalda,2293,3
+uvalda,2293,4
+uvalda,2293,5
+uvalda,2293,6
+uvalda,2293,7
+uvalda,2293,8
+uvalda,2293,9
+uvalda,2293,10
+uvalda,2294,0
+uvalda,2294,1
+uvalda,2294,2
+uvalda,2294,3
+uvalda,2294,4
+uvalda,2295,0
+uvalda,2295,1
+uvalda,2295,2
+uvalda,2295,3
+uvalda,2296,0
+uvalda,2296,1
+uvalda,2296,2
+uvalda,2296,3
+uvalda,2296,4
+uvalda,2296,5
+uvalda,2296,6
+uvalda,2297,0
+uvalda,2297,1
+uvalda,2297,2
+uvalda,2297,3
+uvalda,2297,4
+uvalda,2298,0
+uvalda,2298,1
+uvalda,2298,2
+uvalda,2298,3
+uvalda,2298,4
+uvalda,2299,0
+uvalda,2299,1
+uvalda,2299,2
+uvalda,2299,3
+uvalda,2300,0
+uvalda,2300,1
+uvalda,2300,2
+uvalda,2300,3
+uvalda,2300,4
+uvalda,2301,0
+uvalda,2301,1
+uvalda,2301,2
+uvalda,2301,3
+uvalda,2301,4
+uvalda,2301,5
+uvalda,2301,6
+uvalda,2301,7
+uvalda,2301,9
+uvalda,2301,11
+uvalda,2301,12
+uvalda,2301,13
+uvalda,2301,15
+uvalda,2302,0
+uvalda,2302,1
+uvalda,2302,2
+uvalda,2302,3
+uvalda,2302,4
+uvalda,2303,0
+uvalda,2303,1
+uvalda,2303,2
+uvalda,2303,3
+uvalda,2304,0
+uvalda,2304,1
+uvalda,2304,2
+uvalda,2305,0
+uvalda,2305,1
+uvalda,2305,2
+uvalda,2306,0
+uvalda,2306,1
+uvalda,2306,2
+uvalda,2306,3
+uvalda,2307,0
+uvalda,2307,1
+uvalda,2307,2
+uvalda,2307,3
+uvalda,2307,4
+uvalda,2307,5
+uvalda,2308,0
+uvalda,2308,1
+uvalda,2308,2
+uvalda,2309,1
+uvalda,2309,2
+uvalda,2309,3
+uvalda,2309,5
+uvalda,2309,7
+uvalda,2309,8
+uvalda,2309,9
+uvalda,2309,10
+uvalda,2309,11
+uvalda,2309,12
+uvalda,2309,13
+uvalda,2309,14
+uvalda,2309,15
+uvalda,2309,16
+uvalda,2310,0
+uvalda,2310,1
+uvalda,2310,2
+uvalda,2311,0
+uvalda,2311,1
+uvalda,2311,2
+uvalda,2311,3
+uvalda,2312,0
+uvalda,2312,1
+uvalda,2312,2
+uvalda,2313,0
+uvalda,2313,1
+uvalda,2313,2
+uvalda,2313,3
+uvalda,2313,4
+uvalda,2313,5
+uvalda,2314,0
+uvalda,2314,1
+uvalda,2314,2
+uvalda,2315,0
+uvalda,2315,1
+uvalda,2315,2
+uvalda,2315,3
+uvalda,2315,4
+uvalda,2315,5
+uvalda,2315,6
+uvalda,2315,7
+uvalda,2315,8
+uvalda,2315,9
+uvalda,2316,0
+uvalda,2316,1
+uvalda,2316,2
+uvalda,2316,3
+uvalda,2317,0
+uvalda,2317,1
+uvalda,2317,2
+uvalda,2317,3
+uvalda,2318,0
+uvalda,2318,1
+uvalda,2318,2
+uvalda,2318,3
+uvalda,2319,0
+uvalda,2319,1
+uvalda,2319,2
+uvalda,2319,3
+uvalda,2319,4
+uvalda,2319,5
+uvalda,2319,6
+uvalda,2319,7
+uvalda,2319,8
+uvalda,2319,9
+uvalda,2320,0
+uvalda,2320,1
+uvalda,2320,2
+uvalda,2320,3
+uvalda,2320,4
+uvalda,2320,5
+uvalda,2320,6
+uvalda,2320,7
+uvalda,2321,0
+uvalda,2321,1
+uvalda,2321,2
+uvalda,2322,0
+uvalda,2322,1
+uvalda,2322,2
+uvalda,2322,3
+uvalda,2323,0
+uvalda,2323,1
+uvalda,2323,2
+uvalda,2323,3
+uvalda,2323,4
+uvalda,2323,5
+uvalda,2324,0
+uvalda,2324,1
+uvalda,2324,2
+uvalda,2324,3
+uvalda,2324,4
+uvalda,2324,5
+uvalda,2325,0
+uvalda,2325,1
+uvalda,2325,2
+uvalda,2325,3
+uvalda,2325,4
+uvalda,2326,0
+uvalda,2326,1
+uvalda,2326,2
+uvalda,2326,3
+uvalda,2326,4
+uvalda,2326,5
+uvalda,2326,6
+uvalda,2326,7
+uvalda,2326,8
+uvalda,2326,9
+uvalda,2326,10
+uvalda,2326,11
+uvalda,2326,12
+uvalda,2326,13
+uvalda,2327,0
+uvalda,2327,1
+uvalda,2327,2
+uvalda,2328,0
+uvalda,2328,1
+uvalda,2328,2
+uvalda,2328,3
+uvalda,2328,4
+uvalda,2328,5
+uvalda,2328,6
+uvalda,2328,7
+uvalda,2328,8
+uvalda,2329,0
+uvalda,2329,1
+uvalda,2329,2
+uvalda,2329,3
+uvalda,2329,4
+uvalda,2330,0
+uvalda,2330,1
+uvalda,2330,2
+uvalda,2330,3
+uvalda,2330,4
+uvalda,2331,0
+uvalda,2331,1
+uvalda,2331,2
+uvalda,2331,3
+uvalda,2331,4
+uvalda,2331,5
+uvalda,2331,8
+uvalda,2331,9
+uvalda,2331,10
+uvalda,2331,11
+uvalda,2331,12
+uvalda,2331,13
+uvalda,2332,0
+uvalda,2332,1
+uvalda,2332,2
+uvalda,2332,4
+uvalda,2332,5
+uvalda,2332,7
+uvalda,2332,8
+uvalda,2332,9
+uvalda,2332,11
+uvalda,2332,12
+uvalda,2332,13
+uvalda,2333,0
+uvalda,2333,1
+uvalda,2333,2
+uvalda,2333,3
+uvalda,2334,0
+uvalda,2334,1
+uvalda,2334,2
+uvalda,2335,0
+uvalda,2335,1
+uvalda,2335,2
+uvalda,2335,3
+uvalda,2336,0
+uvalda,2336,1
+uvalda,2336,2
+uvalda,2336,3
+uvalda,2336,4
+uvalda,2336,5
+uvalda,2336,6
+uvalda,2337,0
+uvalda,2337,1
+uvalda,2337,2
+uvalda,2337,3
+uvalda,2337,4
+uvalda,2337,5
+uvalda,2337,6
+uvalda,2337,7
+uvalda,2337,8
+uvalda,2337,9
+uvalda,2337,10
+uvalda,2338,0
+uvalda,2338,1
+uvalda,2338,2
+uvalda,2338,3
+uvalda,2338,4
+uvalda,2338,5
+uvalda,2338,6
+uvalda,2339,0
+uvalda,2339,1
+uvalda,2339,2
+uvalda,2339,3
+uvalda,2339,4
+uvalda,2339,5
+uvalda,2339,6
+uvalda,2339,7
+uvalda,2341,0
+uvalda,2341,1
+uvalda,2341,2
+uvalda,2342,0
+uvalda,2342,1
+uvalda,2342,2
+uvalda,2342,3
+uvalda,2342,4
+uvalda,2343,0
+uvalda,2343,1
+uvalda,2343,2
+uvalda,2343,3
+uvalda,2343,4
+uvalda,2343,5
+uvalda,2343,7
+uvalda,2343,8
+uvalda,2343,10
+uvalda,2343,11
+uvalda,2343,13
+uvalda,2343,14
+uvalda,2343,15
+uvalda,2344,0
+uvalda,2344,1
+uvalda,2344,2
+uvalda,2344,3
+uvalda,2344,4
+uvalda,2345,0
+uvalda,2345,1
+uvalda,2345,2
+uvalda,2346,0
+uvalda,2346,1
+uvalda,2346,2
+uvalda,2346,3
+uvalda,2346,4
+uvalda,2346,5
+uvalda,2347,0
+uvalda,2347,1
+uvalda,2347,2
+uvalda,2347,3
+uvalda,2347,4
+uvalda,2347,5
+uvalda,2347,6
+uvalda,2347,7
+uvalda,2347,8
+uvalda,2347,9
+uvalda,2347,10
+uvalda,2347,11
+uvalda,2348,0
+uvalda,2348,1
+uvalda,2348,2
+uvalda,2348,3
+uvalda,2348,4
+uvalda,2348,5
+uvalda,2349,0
+uvalda,2349,1
+uvalda,2349,2
+uvalda,2349,3
+uvalda,2350,0
+uvalda,2350,1
+uvalda,2350,2
+uvalda,2350,3
+uvalda,2350,4
+uvalda,2350,5
+uvalda,2350,6
+uvalda,2350,7
+uvalda,2351,0
+uvalda,2351,1
+uvalda,2351,2
+uvalda,2351,3
+uvalda,2351,4
+uvalda,2352,0
+uvalda,2352,1
+uvalda,2352,2
+uvalda,2352,3
+uvalda,2352,4
+uvalda,2352,5
+uvalda,2352,6
+uvalda,2352,7
+uvalda,2352,8
+uvalda,2352,9
+uvalda,2352,10
+uvalda,2352,11
+uvalda,2353,0
+uvalda,2353,1
+uvalda,2353,2
+uvalda,2353,3
+uvalda,2354,0
+uvalda,2354,1
+uvalda,2354,2
+uvalda,2354,3
+uvalda,2355,0
+uvalda,2355,1
+uvalda,2355,2
+uvalda,2355,3
+uvalda,2355,4
+uvalda,2355,5
+uvalda,2356,0
+uvalda,2356,1
+uvalda,2356,2
+uvalda,2356,3
+uvalda,2357,0
+uvalda,2357,1
+uvalda,2357,2
+uvalda,2358,0
+uvalda,2358,1
+uvalda,2358,2
+uvalda,2358,3
+uvalda,2359,0
+uvalda,2359,1
+uvalda,2359,2
+uvalda,2359,3
+uvalda,2359,4
+uvalda,2359,5
+uvalda,2359,6
+uvalda,2359,7
+uvalda,2360,0
+uvalda,2360,1
+uvalda,2360,2
+uvalda,2360,3
+uvalda,2360,4
+uvalda,2360,5
+uvalda,2361,0
+uvalda,2361,1
+uvalda,2361,2
+uvalda,2361,3
+uvalda,2361,4
+uvalda,2361,5
+uvalda,2361,6
+uvalda,2362,0
+uvalda,2362,1
+uvalda,2362,2
+uvalda,2362,3
+uvalda,2362,4
+uvalda,2362,5
+uvalda,2362,6
+uvalda,2362,7
+uvalda,2362,8
+uvalda,2362,9
+uvalda,2362,10
+uvalda,2362,11
+uvalda,2362,12
+uvalda,2362,13
+uvalda,2362,14
+uvalda,2363,0
+uvalda,2363,1
+uvalda,2363,2
+uvalda,2363,3
+uvalda,2363,4
+uvalda,2364,0
+uvalda,2364,1
+uvalda,2364,2
+uvalda,2364,3
+uvalda,2365,0
+uvalda,2365,1
+uvalda,2365,2
+uvalda,2366,0
+uvalda,2366,1
+uvalda,2366,2
+uvalda,2366,3
+uvalda,2366,4
+uvalda,2366,5
+uvalda,2367,0
+uvalda,2367,1
+uvalda,2367,2
+uvalda,2368,0
+uvalda,2368,1
+uvalda,2368,2
+uvalda,2368,3
+uvalda,2368,4
+uvalda,2368,5
+uvalda,2368,6
+uvalda,2369,0
+uvalda,2369,1
+uvalda,2369,2
+uvalda,2369,3
+uvalda,2369,4
+uvalda,2369,5
+uvalda,2369,6
+uvalda,2369,7
+uvalda,2369,8
+uvalda,2370,0
+uvalda,2370,1
+uvalda,2370,2
+uvalda,2370,3
+uvalda,2370,4
+uvalda,2371,0
+uvalda,2371,1
+uvalda,2371,2
+uvalda,2371,3
+uvalda,2371,4
+uvalda,2372,0
+uvalda,2372,1
+uvalda,2372,2
+uvalda,2372,3
+uvalda,2372,4
+uvalda,2372,5
+uvalda,2372,6
+uvalda,2372,7
+uvalda,2373,0
+uvalda,2373,1
+uvalda,2373,2
+uvalda,2373,3
+uvalda,2374,0
+uvalda,2374,1
+uvalda,2374,2
+uvalda,2375,0
+uvalda,2375,2
+uvalda,2375,3
+uvalda,2375,4
+uvalda,2375,5
+uvalda,2375,6
+uvalda,2375,8
+uvalda,2375,10
+uvalda,2375,11
+uvalda,2375,12
+uvalda,2376,0
+uvalda,2376,1
+uvalda,2376,2
+uvalda,2376,3
+uvalda,2376,4
+uvalda,2377,0
+uvalda,2377,1
+uvalda,2377,2
+uvalda,2378,0
+uvalda,2378,1
+uvalda,2378,2
+uvalda,2379,0
+uvalda,2379,1
+uvalda,2379,2
+uvalda,2379,3
+uvalda,2379,4
+noxapater,0,0
+noxapater,0,1
+noxapater,0,2
+noxapater,0,3
+noxapater,0,4
+noxapater,1,0
+noxapater,1,1
+noxapater,1,2
+noxapater,1,3
+noxapater,1,4
+noxapater,1,5
+noxapater,2,0
+noxapater,2,1
+noxapater,2,2
+noxapater,2,3
+noxapater,2,4
+noxapater,2,5
+noxapater,2,6
+noxapater,3,0
+noxapater,3,1
+noxapater,3,2
+noxapater,3,3
+noxapater,4,0
+noxapater,4,1
+noxapater,4,2
+noxapater,5,0
+noxapater,5,1
+noxapater,5,2
+noxapater,6,0
+noxapater,6,1
+noxapater,6,2
+noxapater,6,3
+noxapater,7,0
+noxapater,7,1
+noxapater,7,2
+noxapater,7,3
+noxapater,8,0
+noxapater,8,1
+noxapater,8,2
+noxapater,9,0
+noxapater,9,1
+noxapater,9,2
+noxapater,9,3
+noxapater,9,4
+noxapater,10,0
+noxapater,10,1
+noxapater,10,2
+noxapater,10,3
+noxapater,10,4
+noxapater,10,5
+noxapater,11,0
+noxapater,11,1
+noxapater,11,2
+noxapater,11,3
+noxapater,11,4
+noxapater,11,5
+noxapater,11,6
+noxapater,12,0
+noxapater,12,1
+noxapater,12,2
+noxapater,12,3
+noxapater,12,4
+noxapater,12,5
+noxapater,12,6
+noxapater,12,7
+noxapater,12,8
+noxapater,13,0
+noxapater,13,1
+noxapater,13,2
+noxapater,13,3
+noxapater,13,4
+noxapater,13,5
+noxapater,14,0
+noxapater,14,1
+noxapater,14,2
+noxapater,14,3
+noxapater,15,0
+noxapater,15,1
+noxapater,15,2
+noxapater,15,3
+noxapater,15,4
+noxapater,15,5
+noxapater,16,0
+noxapater,16,1
+noxapater,16,2
+noxapater,16,3
+noxapater,16,4
+noxapater,17,0
+noxapater,17,1
+noxapater,17,2
+noxapater,17,3
+noxapater,18,0
+noxapater,18,1
+noxapater,18,2
+noxapater,18,3
+noxapater,20,0
+noxapater,20,1
+noxapater,20,2
+noxapater,20,3
+noxapater,20,4
+noxapater,21,0
+noxapater,21,1
+noxapater,21,2
+noxapater,21,3
+noxapater,22,0
+noxapater,22,1
+noxapater,22,2
+noxapater,22,3
+noxapater,22,4
+noxapater,22,5
+noxapater,23,0
+noxapater,23,1
+noxapater,23,2
+noxapater,23,3
+noxapater,24,0
+noxapater,24,1
+noxapater,24,2
+noxapater,24,3
+noxapater,24,4
+noxapater,25,0
+noxapater,25,1
+noxapater,25,2
+noxapater,25,3
+noxapater,26,0
+noxapater,26,1
+noxapater,26,2
+noxapater,27,0
+noxapater,27,1
+noxapater,27,2
+noxapater,28,0
+noxapater,28,1
+noxapater,28,2
+noxapater,28,3
+noxapater,28,4
+noxapater,29,0
+noxapater,29,1
+noxapater,29,2
+noxapater,30,0
+noxapater,30,1
+noxapater,30,2
+noxapater,30,3
+noxapater,30,4
+noxapater,30,5
+noxapater,30,6
+noxapater,30,7
+noxapater,31,0
+noxapater,31,1
+noxapater,31,2
+noxapater,31,3
+noxapater,31,4
+noxapater,32,0
+noxapater,32,1
+noxapater,32,2
+noxapater,33,0
+noxapater,33,1
+noxapater,33,2
+noxapater,33,3
+noxapater,34,0
+noxapater,34,1
+noxapater,34,2
+noxapater,34,3
+noxapater,34,4
+noxapater,34,5
+noxapater,34,6
+noxapater,34,7
+noxapater,35,0
+noxapater,35,1
+noxapater,35,2
+noxapater,35,3
+noxapater,35,4
+noxapater,36,0
+noxapater,36,1
+noxapater,36,2
+noxapater,36,3
+noxapater,37,0
+noxapater,37,1
+noxapater,37,2
+noxapater,37,3
+noxapater,37,4
+noxapater,38,0
+noxapater,38,1
+noxapater,38,2
+noxapater,38,3
+noxapater,38,4
+noxapater,38,5
+noxapater,39,0
+noxapater,39,1
+noxapater,39,2
+noxapater,40,0
+noxapater,40,1
+noxapater,40,2
+noxapater,41,0
+noxapater,41,1
+noxapater,41,2
+noxapater,42,0
+noxapater,42,1
+noxapater,42,2
+noxapater,42,3
+noxapater,42,4
+noxapater,43,0
+noxapater,43,1
+noxapater,43,2
+noxapater,43,3
+noxapater,43,4
+noxapater,44,0
+noxapater,44,1
+noxapater,44,2
+noxapater,44,3
+noxapater,45,0
+noxapater,45,1
+noxapater,45,2
+noxapater,46,0
+noxapater,46,1
+noxapater,46,2
+noxapater,46,3
+noxapater,46,4
+noxapater,47,0
+noxapater,47,1
+noxapater,47,2
+noxapater,47,3
+noxapater,48,0
+noxapater,48,1
+noxapater,48,2
+noxapater,48,3
+noxapater,48,4
+noxapater,49,0
+noxapater,49,1
+noxapater,49,2
+noxapater,49,3
+noxapater,50,0
+noxapater,50,1
+noxapater,50,2
+noxapater,50,3
+noxapater,50,4
+noxapater,51,0
+noxapater,51,1
+noxapater,51,2
+noxapater,51,3
+noxapater,51,4
+noxapater,51,5
+noxapater,51,6
+noxapater,51,7
+noxapater,52,0
+noxapater,52,1
+noxapater,52,2
+noxapater,52,3
+noxapater,52,4
+noxapater,53,0
+noxapater,53,1
+noxapater,53,2
+noxapater,53,3
+noxapater,54,0
+noxapater,54,1
+noxapater,54,2
+noxapater,54,3
+noxapater,54,4
+noxapater,55,0
+noxapater,55,1
+noxapater,55,2
+noxapater,56,0
+noxapater,56,1
+noxapater,56,2
+noxapater,56,3
+noxapater,56,4
+noxapater,57,0
+noxapater,57,1
+noxapater,57,2
+noxapater,58,0
+noxapater,58,1
+noxapater,58,2
+noxapater,59,0
+noxapater,59,1
+noxapater,59,2
+noxapater,59,3
+noxapater,59,4
+noxapater,59,5
+noxapater,59,6
+noxapater,59,7
+noxapater,60,0
+noxapater,60,1
+noxapater,60,2
+noxapater,61,0
+noxapater,61,1
+noxapater,61,2
+noxapater,62,0
+noxapater,62,1
+noxapater,62,2
+noxapater,62,3
+noxapater,62,4
+noxapater,63,0
+noxapater,63,1
+noxapater,63,2
+noxapater,63,3
+noxapater,64,0
+noxapater,64,1
+noxapater,64,2
+noxapater,64,3
+noxapater,65,0
+noxapater,65,1
+noxapater,65,2
+noxapater,65,3
+noxapater,65,4
+noxapater,65,5
+noxapater,65,6
+noxapater,65,7
+noxapater,65,8
+noxapater,65,9
+noxapater,65,10
+noxapater,67,0
+noxapater,67,1
+noxapater,67,2
+noxapater,67,3
+noxapater,67,4
+noxapater,67,5
+noxapater,67,6
+noxapater,67,7
+noxapater,67,8
+noxapater,67,9
+noxapater,67,10
+noxapater,68,0
+noxapater,68,1
+noxapater,68,2
+noxapater,68,3
+noxapater,68,4
+noxapater,68,5
+noxapater,68,6
+noxapater,68,7
+noxapater,69,0
+noxapater,69,1
+noxapater,69,2
+noxapater,70,0
+noxapater,70,1
+noxapater,70,2
+noxapater,70,3
+noxapater,70,4
+noxapater,70,5
+noxapater,71,0
+noxapater,71,1
+noxapater,71,2
+noxapater,71,3
+noxapater,72,0
+noxapater,72,1
+noxapater,72,2
+noxapater,72,3
+noxapater,72,4
+noxapater,72,5
+noxapater,73,0
+noxapater,73,1
+noxapater,73,2
+noxapater,73,3
+noxapater,73,4
+noxapater,74,0
+noxapater,74,1
+noxapater,74,2
+noxapater,74,3
+noxapater,74,4
+noxapater,75,0
+noxapater,75,1
+noxapater,75,2
+noxapater,75,3
+noxapater,76,0
+noxapater,76,1
+noxapater,76,2
+noxapater,76,3
+noxapater,76,4
+noxapater,76,5
+noxapater,76,6
+noxapater,77,0
+noxapater,77,1
+noxapater,77,2
+noxapater,78,0
+noxapater,78,1
+noxapater,78,2
+noxapater,79,0
+noxapater,79,1
+noxapater,79,2
+noxapater,79,3
+noxapater,80,0
+noxapater,80,1
+noxapater,80,2
+noxapater,80,3
+noxapater,80,4
+noxapater,81,0
+noxapater,81,1
+noxapater,81,2
+noxapater,81,3
+noxapater,81,4
+noxapater,82,0
+noxapater,82,1
+noxapater,82,2
+noxapater,82,3
+noxapater,82,4
+noxapater,83,0
+noxapater,83,1
+noxapater,83,2
+noxapater,83,3
+noxapater,84,0
+noxapater,84,1
+noxapater,84,2
+noxapater,84,3
+noxapater,84,4
+noxapater,85,0
+noxapater,85,1
+noxapater,85,2
+noxapater,85,3
+noxapater,85,4
+noxapater,85,5
+noxapater,85,6
+noxapater,86,0
+noxapater,86,1
+noxapater,86,2
+noxapater,86,3
+noxapater,86,4
+noxapater,87,0
+noxapater,87,1
+noxapater,87,2
+noxapater,87,3
+noxapater,88,0
+noxapater,88,1
+noxapater,88,2
+noxapater,89,0
+noxapater,89,1
+noxapater,89,2
+noxapater,89,3
+noxapater,90,0
+noxapater,90,1
+noxapater,90,2
+noxapater,90,3
+noxapater,90,4
+noxapater,91,0
+noxapater,91,1
+noxapater,91,2
+noxapater,91,3
+noxapater,91,4
+noxapater,92,0
+noxapater,92,1
+noxapater,92,2
+noxapater,92,3
+noxapater,92,4
+noxapater,92,5
+noxapater,93,0
+noxapater,93,1
+noxapater,93,2
+noxapater,93,3
+noxapater,93,4
+noxapater,94,0
+noxapater,94,1
+noxapater,94,2
+noxapater,94,3
+noxapater,94,4
+noxapater,95,0
+noxapater,95,1
+noxapater,95,2
+noxapater,96,0
+noxapater,96,1
+noxapater,96,2
+noxapater,96,3
+noxapater,96,4
+noxapater,96,5
+noxapater,96,6
+noxapater,96,7
+noxapater,97,0
+noxapater,97,1
+noxapater,97,2
+noxapater,98,0
+noxapater,98,1
+noxapater,98,2
+noxapater,98,3
+noxapater,98,4
+noxapater,98,5
+noxapater,99,0
+noxapater,99,1
+noxapater,99,2
+noxapater,100,0
+noxapater,100,1
+noxapater,100,2
+noxapater,100,3
+noxapater,100,4
+noxapater,100,5
+noxapater,100,6
+noxapater,101,0
+noxapater,101,1
+noxapater,101,2
+noxapater,102,0
+noxapater,102,1
+noxapater,102,2
+noxapater,102,3
+noxapater,102,4
+noxapater,103,0
+noxapater,103,1
+noxapater,103,2
+noxapater,103,3
+noxapater,104,0
+noxapater,104,1
+noxapater,104,2
+noxapater,105,0
+noxapater,105,1
+noxapater,105,2
+noxapater,105,3
+noxapater,105,4
+noxapater,106,0
+noxapater,106,1
+noxapater,106,2
+noxapater,106,3
+noxapater,106,4
+noxapater,107,0
+noxapater,107,1
+noxapater,107,2
+noxapater,107,3
+noxapater,107,4
+noxapater,108,0
+noxapater,108,1
+noxapater,108,2
+noxapater,108,3
+noxapater,108,4
+noxapater,108,5
+noxapater,108,6
+noxapater,108,7
+noxapater,108,8
+noxapater,108,9
+noxapater,109,0
+noxapater,109,1
+noxapater,109,2
+noxapater,109,3
+noxapater,109,4
+noxapater,110,0
+noxapater,110,1
+noxapater,110,2
+noxapater,110,3
+noxapater,110,4
+noxapater,110,5
+noxapater,111,0
+noxapater,111,1
+noxapater,111,2
+noxapater,111,3
+noxapater,111,4
+noxapater,111,5
+noxapater,112,0
+noxapater,112,1
+noxapater,112,2
+noxapater,113,0
+noxapater,113,1
+noxapater,113,2
+noxapater,113,3
+noxapater,113,4
+noxapater,114,0
+noxapater,114,1
+noxapater,114,2
+noxapater,114,3
+noxapater,115,0
+noxapater,115,1
+noxapater,115,2
+noxapater,115,3
+noxapater,116,0
+noxapater,116,1
+noxapater,116,2
+noxapater,117,0
+noxapater,117,1
+noxapater,117,2
+noxapater,118,0
+noxapater,118,1
+noxapater,118,2
+noxapater,118,3
+noxapater,118,4
+noxapater,119,0
+noxapater,119,1
+noxapater,119,2
+noxapater,119,3
+noxapater,119,4
+noxapater,120,0
+noxapater,120,1
+noxapater,120,2
+noxapater,120,3
+noxapater,120,4
+noxapater,120,5
+noxapater,121,0
+noxapater,121,1
+noxapater,121,2
+noxapater,122,0
+noxapater,122,1
+noxapater,122,2
+noxapater,123,0
+noxapater,123,1
+noxapater,123,2
+noxapater,123,3
+noxapater,123,4
+noxapater,123,5
+noxapater,124,0
+noxapater,124,1
+noxapater,124,2
+noxapater,124,3
+noxapater,125,0
+noxapater,125,1
+noxapater,125,2
+noxapater,125,3
+noxapater,125,4
+noxapater,126,0
+noxapater,126,1
+noxapater,126,2
+noxapater,127,0
+noxapater,127,1
+noxapater,127,2
+noxapater,127,3
+noxapater,127,4
+noxapater,127,5
+noxapater,127,6
+noxapater,127,7
+noxapater,127,8
+noxapater,128,0
+noxapater,128,1
+noxapater,128,2
+noxapater,128,3
+noxapater,128,4
+noxapater,128,5
+noxapater,128,6
+noxapater,128,7
+noxapater,129,0
+noxapater,129,1
+noxapater,129,2
+noxapater,129,3
+noxapater,129,4
+noxapater,129,5
+noxapater,129,6
+noxapater,130,0
+noxapater,130,1
+noxapater,130,2
+noxapater,130,3
+noxapater,130,4
+noxapater,130,5
+noxapater,130,6
+noxapater,130,7
+noxapater,130,8
+noxapater,130,9
+noxapater,131,0
+noxapater,131,1
+noxapater,131,2
+noxapater,131,3
+noxapater,131,4
+noxapater,132,0
+noxapater,132,1
+noxapater,132,2
+noxapater,132,3
+noxapater,132,4
+noxapater,132,5
+noxapater,132,6
+noxapater,132,7
+noxapater,132,8
+noxapater,132,9
+noxapater,132,10
+noxapater,132,11
+noxapater,133,0
+noxapater,133,1
+noxapater,133,2
+noxapater,133,3
+noxapater,134,0
+noxapater,134,1
+noxapater,134,2
+noxapater,135,0
+noxapater,135,1
+noxapater,135,2
+noxapater,136,0
+noxapater,136,1
+noxapater,136,2
+noxapater,137,0
+noxapater,137,1
+noxapater,137,2
+noxapater,138,0
+noxapater,138,1
+noxapater,138,2
+noxapater,139,0
+noxapater,139,1
+noxapater,139,2
+noxapater,140,0
+noxapater,140,1
+noxapater,140,2
+noxapater,140,3
+noxapater,140,4
+noxapater,141,0
+noxapater,141,1
+noxapater,141,2
+noxapater,141,3
+noxapater,141,4
+noxapater,141,5
+noxapater,141,6
+noxapater,142,0
+noxapater,142,1
+noxapater,142,2
+noxapater,142,3
+noxapater,142,4
+noxapater,144,0
+noxapater,144,1
+noxapater,144,2
+noxapater,144,3
+noxapater,144,4
+noxapater,145,0
+noxapater,145,1
+noxapater,145,2
+noxapater,146,0
+noxapater,146,1
+noxapater,146,2
+noxapater,146,3
+noxapater,147,0
+noxapater,147,1
+noxapater,147,2
+noxapater,147,3
+noxapater,147,4
+noxapater,147,5
+noxapater,147,6
+noxapater,148,0
+noxapater,148,1
+noxapater,148,2
+noxapater,148,3
+noxapater,148,4
+noxapater,148,5
+noxapater,148,6
+noxapater,148,7
+noxapater,149,0
+noxapater,149,1
+noxapater,149,2
+noxapater,149,3
+noxapater,149,4
+noxapater,149,5
+noxapater,150,0
+noxapater,150,1
+noxapater,150,2
+noxapater,150,3
+noxapater,150,4
+noxapater,150,5
+noxapater,150,6
+noxapater,150,7
+noxapater,150,8
+noxapater,150,9
+noxapater,150,10
+noxapater,150,11
+noxapater,150,12
+noxapater,151,0
+noxapater,151,1
+noxapater,151,2
+noxapater,152,0
+noxapater,152,1
+noxapater,152,2
+noxapater,152,3
+noxapater,152,4
+noxapater,152,5
+noxapater,152,6
+noxapater,153,0
+noxapater,153,1
+noxapater,153,2
+noxapater,153,3
+noxapater,153,4
+noxapater,153,5
+noxapater,153,6
+noxapater,154,0
+noxapater,154,1
+noxapater,154,2
+noxapater,155,0
+noxapater,155,1
+noxapater,155,2
+noxapater,155,3
+noxapater,155,4
+noxapater,155,5
+noxapater,155,6
+noxapater,156,0
+noxapater,156,1
+noxapater,156,2
+noxapater,157,0
+noxapater,157,1
+noxapater,157,2
+noxapater,158,0
+noxapater,158,1
+noxapater,158,2
+noxapater,159,0
+noxapater,159,1
+noxapater,159,2
+noxapater,160,0
+noxapater,160,1
+noxapater,160,2
+noxapater,161,0
+noxapater,161,1
+noxapater,161,2
+noxapater,161,3
+noxapater,161,4
+noxapater,161,5
+noxapater,161,6
+noxapater,162,0
+noxapater,162,1
+noxapater,162,2
+noxapater,162,3
+noxapater,162,4
+noxapater,163,0
+noxapater,163,1
+noxapater,163,2
+noxapater,163,3
+noxapater,164,0
+noxapater,164,1
+noxapater,164,2
+noxapater,165,0
+noxapater,165,1
+noxapater,165,2
+noxapater,165,3
+noxapater,166,0
+noxapater,166,1
+noxapater,166,2
+noxapater,166,3
+noxapater,166,4
+noxapater,166,5
+noxapater,166,6
+noxapater,166,7
+noxapater,166,8
+noxapater,166,9
+noxapater,166,10
+noxapater,167,0
+noxapater,167,1
+noxapater,167,2
+noxapater,167,3
+noxapater,167,4
+noxapater,167,5
+noxapater,167,6
+noxapater,168,0
+noxapater,168,1
+noxapater,168,2
+noxapater,168,3
+noxapater,168,4
+noxapater,169,0
+noxapater,169,1
+noxapater,169,2
+noxapater,170,0
+noxapater,170,1
+noxapater,170,2
+noxapater,170,3
+noxapater,171,0
+noxapater,171,1
+noxapater,171,2
+noxapater,171,3
+noxapater,172,0
+noxapater,172,1
+noxapater,172,2
+noxapater,172,3
+noxapater,172,4
+noxapater,172,5
+noxapater,172,6
+noxapater,173,0
+noxapater,173,1
+noxapater,173,2
+noxapater,174,0
+noxapater,174,1
+noxapater,174,2
+noxapater,174,3
+noxapater,175,0
+noxapater,175,1
+noxapater,175,2
+noxapater,176,0
+noxapater,176,1
+noxapater,176,2
+noxapater,176,3
+noxapater,177,0
+noxapater,177,1
+noxapater,177,2
+noxapater,177,3
+noxapater,178,0
+noxapater,178,1
+noxapater,178,2
+noxapater,179,0
+noxapater,179,1
+noxapater,179,2
+noxapater,179,3
+noxapater,179,4
+noxapater,179,5
+noxapater,179,6
+noxapater,179,7
+noxapater,179,8
+noxapater,180,0
+noxapater,180,1
+noxapater,180,2
+noxapater,181,0
+noxapater,181,1
+noxapater,181,2
+noxapater,181,3
+noxapater,181,4
+noxapater,181,5
+noxapater,181,6
+noxapater,181,7
+noxapater,181,8
+noxapater,181,9
+noxapater,181,10
+noxapater,182,0
+noxapater,182,1
+noxapater,182,2
+noxapater,183,0
+noxapater,183,1
+noxapater,183,2
+noxapater,184,0
+noxapater,184,1
+noxapater,184,2
+noxapater,184,3
+noxapater,185,0
+noxapater,185,1
+noxapater,185,2
+noxapater,185,3
+noxapater,185,4
+noxapater,185,5
+noxapater,185,6
+noxapater,186,0
+noxapater,186,1
+noxapater,186,2
+noxapater,186,3
+noxapater,187,0
+noxapater,187,1
+noxapater,187,2
+noxapater,187,3
+noxapater,187,4
+noxapater,187,5
+noxapater,188,0
+noxapater,188,1
+noxapater,188,2
+noxapater,188,3
+noxapater,188,4
+noxapater,189,0
+noxapater,189,1
+noxapater,189,2
+noxapater,189,3
+noxapater,189,4
+noxapater,189,5
+noxapater,190,0
+noxapater,190,1
+noxapater,190,2
+noxapater,190,3
+noxapater,190,4
+noxapater,190,5
+noxapater,190,6
+noxapater,190,7
+noxapater,190,8
+noxapater,191,0
+noxapater,191,1
+noxapater,191,2
+noxapater,191,3
+noxapater,192,0
+noxapater,192,1
+noxapater,192,2
+noxapater,193,0
+noxapater,193,1
+noxapater,193,2
+noxapater,193,3
+noxapater,194,0
+noxapater,194,1
+noxapater,194,2
+noxapater,194,3
+noxapater,194,4
+noxapater,194,5
+noxapater,194,6
+noxapater,195,0
+noxapater,195,1
+noxapater,195,2
+noxapater,196,0
+noxapater,196,1
+noxapater,196,2
+noxapater,196,3
+noxapater,196,4
+noxapater,196,5
+noxapater,196,6
+noxapater,196,7
+noxapater,196,8
+noxapater,197,0
+noxapater,197,1
+noxapater,197,2
+noxapater,197,3
+noxapater,197,4
+noxapater,198,0
+noxapater,198,1
+noxapater,198,2
+noxapater,199,0
+noxapater,199,1
+noxapater,199,2
+noxapater,199,3
+noxapater,199,4
+noxapater,199,5
+noxapater,199,6
+noxapater,199,7
+noxapater,199,8
+noxapater,200,0
+noxapater,200,1
+noxapater,200,2
+noxapater,201,0
+noxapater,201,1
+noxapater,201,2
+noxapater,201,3
+noxapater,201,4
+noxapater,202,0
+noxapater,202,1
+noxapater,202,2
+noxapater,202,3
+noxapater,202,4
+noxapater,202,5
+noxapater,202,6
+noxapater,203,0
+noxapater,203,1
+noxapater,203,2
+noxapater,203,3
+noxapater,204,0
+noxapater,204,1
+noxapater,204,2
+noxapater,204,3
+noxapater,205,0
+noxapater,205,1
+noxapater,205,2
+noxapater,206,0
+noxapater,206,1
+noxapater,206,2
+noxapater,206,3
+noxapater,206,4
+noxapater,206,5
+noxapater,206,6
+noxapater,206,7
+noxapater,206,8
+noxapater,207,0
+noxapater,207,1
+noxapater,207,2
+noxapater,207,3
+noxapater,207,4
+noxapater,208,0
+noxapater,208,1
+noxapater,208,2
+noxapater,208,3
+noxapater,208,4
+noxapater,208,5
+noxapater,208,6
+noxapater,208,7
+noxapater,208,8
+noxapater,209,0
+noxapater,209,1
+noxapater,209,2
+noxapater,209,3
+noxapater,210,0
+noxapater,210,1
+noxapater,210,2
+noxapater,210,3
+noxapater,211,0
+noxapater,211,1
+noxapater,211,2
+noxapater,212,0
+noxapater,212,1
+noxapater,212,2
+noxapater,213,0
+noxapater,213,1
+noxapater,213,2
+noxapater,213,3
+noxapater,213,4
+noxapater,213,5
+noxapater,213,6
+noxapater,214,0
+noxapater,214,1
+noxapater,214,2
+noxapater,215,0
+noxapater,215,1
+noxapater,215,2
+noxapater,215,3
+noxapater,215,4
+noxapater,216,0
+noxapater,216,1
+noxapater,216,2
+noxapater,216,3
+noxapater,217,0
+noxapater,217,1
+noxapater,217,2
+noxapater,218,0
+noxapater,218,1
+noxapater,218,2
+noxapater,218,3
+noxapater,218,4
+noxapater,219,0
+noxapater,219,1
+noxapater,219,2
+noxapater,219,3
+noxapater,219,4
+noxapater,220,0
+noxapater,220,1
+noxapater,220,2
+noxapater,220,3
+noxapater,221,0
+noxapater,221,1
+noxapater,221,2
+noxapater,221,3
+noxapater,221,4
+noxapater,221,5
+noxapater,222,0
+noxapater,222,1
+noxapater,222,2
+noxapater,222,3
+noxapater,222,4
+noxapater,223,0
+noxapater,223,1
+noxapater,223,2
+noxapater,223,3
+noxapater,223,4
+noxapater,224,0
+noxapater,224,1
+noxapater,224,2
+noxapater,225,0
+noxapater,225,1
+noxapater,225,2
+noxapater,225,3
+noxapater,225,4
+noxapater,226,0
+noxapater,226,1
+noxapater,226,2
+noxapater,226,3
+noxapater,227,0
+noxapater,227,1
+noxapater,227,2
+noxapater,227,3
+noxapater,227,4
+noxapater,227,5
+noxapater,228,0
+noxapater,228,1
+noxapater,228,2
+noxapater,228,3
+noxapater,228,4
+noxapater,228,5
+noxapater,228,6
+noxapater,229,0
+noxapater,229,1
+noxapater,229,2
+noxapater,230,0
+noxapater,230,1
+noxapater,230,2
+noxapater,231,0
+noxapater,231,1
+noxapater,231,2
+noxapater,231,3
+noxapater,232,0
+noxapater,232,1
+noxapater,232,2
+noxapater,232,3
+noxapater,232,4
+noxapater,232,5
+noxapater,233,0
+noxapater,233,1
+noxapater,233,2
+noxapater,233,3
+noxapater,233,4
+noxapater,233,5
+noxapater,234,0
+noxapater,234,1
+noxapater,234,2
+noxapater,234,3
+noxapater,234,4
+noxapater,235,0
+noxapater,235,1
+noxapater,235,2
+noxapater,235,3
+noxapater,235,4
+noxapater,235,5
+noxapater,236,0
+noxapater,236,1
+noxapater,236,2
+noxapater,237,0
+noxapater,237,1
+noxapater,237,2
+noxapater,237,3
+noxapater,237,4
+noxapater,238,0
+noxapater,238,1
+noxapater,238,2
+noxapater,238,3
+noxapater,238,4
+noxapater,239,0
+noxapater,239,1
+noxapater,239,2
+noxapater,239,3
+noxapater,240,0
+noxapater,240,1
+noxapater,240,2
+noxapater,241,0
+noxapater,241,1
+noxapater,241,2
+noxapater,241,3
+noxapater,242,0
+noxapater,242,1
+noxapater,242,2
+noxapater,242,3
+noxapater,242,4
+noxapater,242,5
+noxapater,242,6
+noxapater,242,7
+noxapater,242,8
+noxapater,242,9
+noxapater,242,10
+noxapater,243,0
+noxapater,243,1
+noxapater,243,2
+noxapater,243,3
+noxapater,243,4
+noxapater,244,0
+noxapater,244,1
+noxapater,244,2
+noxapater,244,3
+noxapater,244,4
+noxapater,245,0
+noxapater,245,1
+noxapater,245,2
+noxapater,245,3
+noxapater,245,4
+noxapater,245,5
+noxapater,246,0
+noxapater,246,1
+noxapater,246,2
+noxapater,246,3
+noxapater,246,4
+noxapater,246,5
+noxapater,246,6
+noxapater,246,7
+noxapater,246,8
+noxapater,246,9
+noxapater,247,0
+noxapater,247,1
+noxapater,247,2
+noxapater,248,0
+noxapater,248,1
+noxapater,248,2
+noxapater,248,3
+noxapater,248,4
+noxapater,248,5
+noxapater,248,6
+noxapater,248,7
+noxapater,248,8
+noxapater,249,0
+noxapater,249,1
+noxapater,249,2
+noxapater,250,0
+noxapater,250,1
+noxapater,250,2
+noxapater,251,0
+noxapater,251,1
+noxapater,251,2
+noxapater,251,3
+noxapater,252,0
+noxapater,252,1
+noxapater,252,2
+noxapater,253,0
+noxapater,253,1
+noxapater,253,2
+noxapater,253,3
+noxapater,254,0
+noxapater,254,1
+noxapater,254,2
+noxapater,254,3
+noxapater,254,4
+noxapater,254,5
+noxapater,254,6
+noxapater,255,0
+noxapater,255,1
+noxapater,255,2
+noxapater,255,3
+noxapater,256,0
+noxapater,256,1
+noxapater,256,2
+noxapater,256,3
+noxapater,257,0
+noxapater,257,1
+noxapater,257,2
+noxapater,257,3
+noxapater,257,4
+noxapater,257,5
+noxapater,257,6
+noxapater,257,7
+noxapater,257,8
+noxapater,258,0
+noxapater,258,1
+noxapater,258,2
+noxapater,258,3
+noxapater,258,4
+noxapater,259,0
+noxapater,259,1
+noxapater,259,2
+noxapater,259,3
+noxapater,259,4
+noxapater,260,0
+noxapater,260,1
+noxapater,260,2
+noxapater,260,3
+noxapater,261,0
+noxapater,261,1
+noxapater,261,2
+noxapater,261,3
+noxapater,262,0
+noxapater,262,1
+noxapater,262,2
+noxapater,263,0
+noxapater,263,1
+noxapater,263,2
+noxapater,263,3
+noxapater,263,4
+noxapater,263,5
+noxapater,264,0
+noxapater,264,1
+noxapater,264,2
+noxapater,264,3
+noxapater,264,4
+noxapater,265,0
+noxapater,265,1
+noxapater,265,2
+noxapater,265,3
+noxapater,265,4
+noxapater,265,5
+noxapater,265,6
+noxapater,266,0
+noxapater,266,1
+noxapater,266,2
+noxapater,266,3
+noxapater,266,4
+noxapater,267,0
+noxapater,267,1
+noxapater,267,2
+noxapater,267,3
+noxapater,267,4
+noxapater,268,0
+noxapater,268,1
+noxapater,268,2
+noxapater,269,0
+noxapater,269,1
+noxapater,269,2
+noxapater,270,0
+noxapater,270,1
+noxapater,270,2
+noxapater,270,3
+noxapater,270,4
+noxapater,271,0
+noxapater,271,1
+noxapater,271,2
+noxapater,271,3
+noxapater,272,0
+noxapater,272,1
+noxapater,272,2
+noxapater,272,3
+noxapater,272,4
+noxapater,272,5
+noxapater,273,0
+noxapater,273,1
+noxapater,273,2
+noxapater,273,3
+noxapater,273,4
+noxapater,274,0
+noxapater,274,1
+noxapater,274,2
+noxapater,274,3
+noxapater,275,0
+noxapater,275,1
+noxapater,275,2
+noxapater,275,3
+noxapater,276,0
+noxapater,276,1
+noxapater,276,2
+noxapater,276,3
+noxapater,276,4
+noxapater,277,0
+noxapater,277,1
+noxapater,277,2
+noxapater,277,3
+noxapater,277,4
+noxapater,277,5
+noxapater,277,6
+noxapater,277,7
+noxapater,278,0
+noxapater,278,1
+noxapater,278,2
+noxapater,279,0
+noxapater,279,1
+noxapater,279,2
+noxapater,279,3
+noxapater,280,0
+noxapater,280,1
+noxapater,280,2
+noxapater,280,3
+noxapater,280,4
+noxapater,280,5
+noxapater,281,0
+noxapater,281,1
+noxapater,281,2
+noxapater,281,3
+noxapater,282,0
+noxapater,282,1
+noxapater,282,2
+noxapater,282,3
+noxapater,283,0
+noxapater,283,1
+noxapater,283,2
+noxapater,283,3
+noxapater,284,0
+noxapater,284,1
+noxapater,284,2
+noxapater,284,3
+noxapater,284,4
+noxapater,284,5
+noxapater,284,6
+noxapater,284,7
+noxapater,284,8
+noxapater,285,0
+noxapater,285,1
+noxapater,285,2
+noxapater,285,3
+noxapater,285,4
+noxapater,286,0
+noxapater,286,1
+noxapater,286,2
+noxapater,286,3
+noxapater,286,4
+noxapater,286,5
+noxapater,286,6
+noxapater,287,0
+noxapater,287,1
+noxapater,287,2
+noxapater,288,0
+noxapater,288,1
+noxapater,288,2
+noxapater,288,3
+noxapater,288,4
+noxapater,289,0
+noxapater,289,1
+noxapater,289,2
+noxapater,289,3
+noxapater,289,4
+noxapater,290,0
+noxapater,290,1
+noxapater,290,2
+noxapater,290,3
+noxapater,290,4
+noxapater,290,5
+noxapater,290,6
+noxapater,290,7
+noxapater,291,0
+noxapater,291,1
+noxapater,291,2
+noxapater,291,3
+noxapater,291,4
+noxapater,292,0
+noxapater,292,1
+noxapater,292,2
+noxapater,293,0
+noxapater,293,1
+noxapater,293,2
+noxapater,293,3
+noxapater,294,0
+noxapater,294,1
+noxapater,294,2
+noxapater,294,3
+noxapater,294,4
+noxapater,294,5
+noxapater,294,6
+noxapater,294,7
+noxapater,295,0
+noxapater,295,1
+noxapater,295,2
+noxapater,296,0
+noxapater,296,1
+noxapater,296,2
+noxapater,296,3
+noxapater,297,0
+noxapater,297,1
+noxapater,297,2
+noxapater,297,3
+noxapater,297,4
+noxapater,297,5
+noxapater,297,6
+noxapater,297,7
+noxapater,298,0
+noxapater,298,1
+noxapater,298,2
+noxapater,298,3
+noxapater,299,0
+noxapater,299,1
+noxapater,299,2
+noxapater,299,3
+noxapater,299,4
+noxapater,299,5
+noxapater,300,0
+noxapater,300,1
+noxapater,300,2
+noxapater,300,3
+noxapater,301,0
+noxapater,301,1
+noxapater,301,2
+noxapater,302,0
+noxapater,302,1
+noxapater,302,2
+noxapater,302,3
+noxapater,302,4
+noxapater,303,0
+noxapater,303,1
+noxapater,303,2
+noxapater,304,0
+noxapater,304,1
+noxapater,304,2
+noxapater,304,3
+noxapater,304,4
+noxapater,304,5
+noxapater,305,0
+noxapater,305,1
+noxapater,305,2
+noxapater,306,0
+noxapater,306,1
+noxapater,306,2
+noxapater,307,0
+noxapater,307,1
+noxapater,307,2
+noxapater,307,3
+noxapater,307,4
+noxapater,307,5
+noxapater,308,0
+noxapater,308,1
+noxapater,308,2
+noxapater,308,3
+noxapater,308,4
+noxapater,308,5
+noxapater,309,0
+noxapater,309,1
+noxapater,309,2
+noxapater,309,3
+noxapater,309,4
+noxapater,310,0
+noxapater,310,1
+noxapater,310,2
+noxapater,310,3
+noxapater,310,4
+noxapater,310,5
+noxapater,310,6
+noxapater,311,0
+noxapater,311,1
+noxapater,311,2
+noxapater,311,3
+noxapater,311,4
+noxapater,311,5
+noxapater,311,6
+noxapater,311,7
+noxapater,311,8
+noxapater,312,0
+noxapater,312,1
+noxapater,312,2
+noxapater,312,3
+noxapater,312,4
+noxapater,312,5
+noxapater,312,6
+noxapater,313,0
+noxapater,313,1
+noxapater,313,2
+noxapater,313,3
+noxapater,314,0
+noxapater,314,1
+noxapater,314,2
+noxapater,315,0
+noxapater,315,1
+noxapater,315,2
+noxapater,316,0
+noxapater,316,1
+noxapater,316,2
+noxapater,316,3
+noxapater,316,4
+noxapater,317,0
+noxapater,317,1
+noxapater,317,2
+noxapater,317,3
+noxapater,317,4
+noxapater,318,0
+noxapater,318,1
+noxapater,318,2
+noxapater,319,0
+noxapater,319,1
+noxapater,319,2
+noxapater,319,3
+noxapater,319,4
+noxapater,320,0
+noxapater,320,1
+noxapater,320,2
+noxapater,320,3
+noxapater,320,4
+noxapater,320,5
+noxapater,320,6
+noxapater,320,7
+noxapater,321,0
+noxapater,321,1
+noxapater,321,2
+noxapater,321,3
+noxapater,322,0
+noxapater,322,1
+noxapater,322,2
+noxapater,322,3
+noxapater,322,4
+noxapater,323,0
+noxapater,323,1
+noxapater,323,2
+noxapater,323,3
+noxapater,323,4
+noxapater,324,0
+noxapater,324,1
+noxapater,324,2
+noxapater,324,3
+noxapater,324,4
+noxapater,324,5
+noxapater,324,6
+noxapater,324,7
+noxapater,325,0
+noxapater,325,1
+noxapater,325,2
+noxapater,326,0
+noxapater,326,1
+noxapater,326,2
+noxapater,327,0
+noxapater,327,1
+noxapater,327,2
+noxapater,327,3
+noxapater,327,4
+noxapater,328,0
+noxapater,328,1
+noxapater,328,2
+noxapater,329,0
+noxapater,329,1
+noxapater,329,2
+noxapater,330,0
+noxapater,330,1
+noxapater,330,2
+noxapater,330,3
+noxapater,330,4
+noxapater,330,5
+noxapater,331,0
+noxapater,331,1
+noxapater,331,2
+noxapater,332,0
+noxapater,332,1
+noxapater,332,2
+noxapater,332,3
+noxapater,333,0
+noxapater,333,1
+noxapater,333,2
+noxapater,333,3
+noxapater,334,0
+noxapater,334,1
+noxapater,334,2
+noxapater,334,3
+noxapater,334,4
+noxapater,334,5
+noxapater,335,0
+noxapater,335,1
+noxapater,335,2
+noxapater,335,3
+noxapater,337,0
+noxapater,337,1
+noxapater,337,2
+noxapater,337,3
+noxapater,338,0
+noxapater,338,1
+noxapater,338,2
+noxapater,339,0
+noxapater,339,1
+noxapater,339,2
+noxapater,339,3
+noxapater,339,4
+noxapater,339,5
+noxapater,339,6
+noxapater,340,0
+noxapater,340,1
+noxapater,340,2
+noxapater,340,3
+noxapater,340,4
+noxapater,341,0
+noxapater,341,1
+noxapater,341,2
+noxapater,342,0
+noxapater,342,1
+noxapater,342,2
+noxapater,342,3
+noxapater,342,4
+noxapater,343,0
+noxapater,343,1
+noxapater,343,2
+noxapater,343,3
+noxapater,343,4
+noxapater,343,5
+noxapater,343,6
+noxapater,343,7
+noxapater,343,8
+noxapater,344,0
+noxapater,344,1
+noxapater,344,2
+noxapater,344,3
+noxapater,345,0
+noxapater,345,1
+noxapater,345,2
+noxapater,346,0
+noxapater,346,1
+noxapater,346,2
+noxapater,346,3
+noxapater,346,4
+noxapater,347,0
+noxapater,347,1
+noxapater,347,2
+noxapater,347,3
+noxapater,347,4
+noxapater,347,5
+noxapater,347,6
+noxapater,348,0
+noxapater,348,1
+noxapater,348,2
+noxapater,348,3
+noxapater,348,4
+noxapater,348,5
+noxapater,349,0
+noxapater,349,1
+noxapater,349,2
+noxapater,349,3
+noxapater,349,4
+noxapater,349,5
+noxapater,349,6
+noxapater,349,7
+noxapater,349,8
+noxapater,349,9
+noxapater,349,10
+noxapater,349,11
+noxapater,349,12
+noxapater,350,0
+noxapater,350,1
+noxapater,350,2
+noxapater,350,3
+noxapater,350,4
+noxapater,350,5
+noxapater,351,0
+noxapater,351,1
+noxapater,351,2
+noxapater,352,0
+noxapater,352,1
+noxapater,352,2
+noxapater,353,0
+noxapater,353,1
+noxapater,353,2
+noxapater,353,3
+noxapater,353,4
+noxapater,354,0
+noxapater,354,1
+noxapater,354,2
+noxapater,355,0
+noxapater,355,1
+noxapater,355,2
+noxapater,356,0
+noxapater,356,1
+noxapater,356,2
+noxapater,356,3
+noxapater,357,0
+noxapater,357,1
+noxapater,357,2
+noxapater,358,0
+noxapater,358,1
+noxapater,358,2
+noxapater,358,3
+noxapater,359,0
+noxapater,359,1
+noxapater,359,2
+noxapater,359,3
+noxapater,359,4
+noxapater,360,0
+noxapater,360,1
+noxapater,360,2
+noxapater,360,3
+noxapater,360,4
+noxapater,360,5
+noxapater,361,0
+noxapater,361,1
+noxapater,361,2
+noxapater,361,3
+noxapater,361,4
+noxapater,361,5
+noxapater,361,6
+noxapater,362,0
+noxapater,362,1
+noxapater,362,2
+noxapater,362,3
+noxapater,362,4
+noxapater,363,0
+noxapater,363,1
+noxapater,363,2
+noxapater,364,0
+noxapater,364,1
+noxapater,364,2
+noxapater,365,0
+noxapater,365,1
+noxapater,365,2
+noxapater,365,3
+noxapater,366,0
+noxapater,366,1
+noxapater,366,2
+noxapater,366,3
+noxapater,366,4
+noxapater,367,0
+noxapater,367,1
+noxapater,367,2
+noxapater,368,0
+noxapater,368,1
+noxapater,368,2
+noxapater,369,0
+noxapater,369,1
+noxapater,369,2
+noxapater,369,3
+noxapater,369,4
+noxapater,369,5
+noxapater,370,0
+noxapater,370,1
+noxapater,370,2
+noxapater,370,3
+noxapater,370,4
+noxapater,370,5
+noxapater,370,6
+noxapater,371,0
+noxapater,371,1
+noxapater,371,2
+noxapater,372,0
+noxapater,372,1
+noxapater,372,2
+noxapater,372,3
+noxapater,372,4
+noxapater,372,5
+noxapater,373,0
+noxapater,373,1
+noxapater,373,2
+noxapater,373,3
+noxapater,373,4
+noxapater,373,5
+noxapater,373,6
+noxapater,374,0
+noxapater,374,1
+noxapater,374,2
+noxapater,374,3
+noxapater,374,4
+noxapater,375,0
+noxapater,375,1
+noxapater,375,2
+noxapater,375,3
+noxapater,375,4
+noxapater,376,0
+noxapater,376,1
+noxapater,376,2
+noxapater,376,3
+noxapater,376,4
+noxapater,376,5
+noxapater,376,6
+noxapater,377,0
+noxapater,377,1
+noxapater,377,2
+noxapater,377,3
+noxapater,377,4
+noxapater,377,5
+noxapater,378,0
+noxapater,378,1
+noxapater,378,2
+noxapater,378,3
+noxapater,379,0
+noxapater,379,1
+noxapater,379,2
+noxapater,379,3
+noxapater,379,4
+noxapater,380,0
+noxapater,380,1
+noxapater,380,2
+noxapater,380,3
+noxapater,380,4
+noxapater,380,5
+noxapater,380,6
+noxapater,380,7
+noxapater,380,8
+noxapater,380,9
+noxapater,380,10
+noxapater,381,0
+noxapater,381,1
+noxapater,381,2
+noxapater,382,0
+noxapater,382,1
+noxapater,382,2
+noxapater,382,3
+noxapater,382,4
+noxapater,382,5
+noxapater,383,0
+noxapater,383,1
+noxapater,383,2
+noxapater,384,0
+noxapater,384,1
+noxapater,384,2
+noxapater,385,0
+noxapater,385,1
+noxapater,385,2
+noxapater,385,3
+noxapater,385,4
+noxapater,385,5
+noxapater,385,6
+noxapater,386,0
+noxapater,386,1
+noxapater,386,2
+noxapater,386,3
+noxapater,386,4
+noxapater,386,5
+noxapater,386,6
+noxapater,386,7
+noxapater,387,0
+noxapater,387,1
+noxapater,387,2
+noxapater,387,3
+noxapater,388,0
+noxapater,388,1
+noxapater,388,2
+noxapater,388,3
+noxapater,388,4
+noxapater,388,5
+noxapater,388,6
+noxapater,388,7
+noxapater,388,8
+noxapater,389,0
+noxapater,389,1
+noxapater,389,2
+noxapater,389,3
+noxapater,389,4
+noxapater,389,5
+noxapater,390,0
+noxapater,390,1
+noxapater,390,2
+noxapater,390,3
+noxapater,390,4
+noxapater,390,5
+noxapater,390,6
+noxapater,391,0
+noxapater,391,1
+noxapater,391,2
+noxapater,391,3
+noxapater,391,4
+noxapater,392,0
+noxapater,392,1
+noxapater,392,2
+noxapater,392,3
+noxapater,393,0
+noxapater,393,1
+noxapater,393,2
+noxapater,394,0
+noxapater,394,1
+noxapater,394,2
+noxapater,394,3
+noxapater,395,0
+noxapater,395,1
+noxapater,395,2
+noxapater,395,3
+noxapater,396,0
+noxapater,396,1
+noxapater,396,2
+noxapater,396,3
+noxapater,396,4
+noxapater,397,0
+noxapater,397,1
+noxapater,397,2
+noxapater,398,0
+noxapater,398,1
+noxapater,398,2
+noxapater,398,3
+noxapater,398,4
+noxapater,399,0
+noxapater,399,1
+noxapater,399,2
+noxapater,399,3
+noxapater,400,0
+noxapater,400,1
+noxapater,400,2
+noxapater,400,3
+noxapater,400,4
+noxapater,401,0
+noxapater,401,1
+noxapater,401,2
+noxapater,402,0
+noxapater,402,1
+noxapater,402,2
+noxapater,403,0
+noxapater,403,1
+noxapater,403,2
+noxapater,403,3
+noxapater,404,0
+noxapater,404,1
+noxapater,404,2
+noxapater,404,3
+noxapater,404,4
+noxapater,405,0
+noxapater,405,1
+noxapater,405,2
+noxapater,405,3
+noxapater,406,0
+noxapater,406,1
+noxapater,406,2
+noxapater,406,3
+noxapater,406,4
+noxapater,406,5
+noxapater,407,0
+noxapater,407,1
+noxapater,407,2
+noxapater,408,0
+noxapater,408,1
+noxapater,408,2
+noxapater,408,3
+noxapater,408,4
+noxapater,408,5
+noxapater,409,0
+noxapater,409,1
+noxapater,409,2
+noxapater,410,0
+noxapater,410,1
+noxapater,410,2
+noxapater,411,0
+noxapater,411,1
+noxapater,411,2
+noxapater,411,3
+noxapater,412,0
+noxapater,412,1
+noxapater,412,2
+noxapater,412,3
+noxapater,413,0
+noxapater,413,1
+noxapater,413,2
+noxapater,414,0
+noxapater,414,1
+noxapater,414,2
+noxapater,414,3
+noxapater,414,4
+noxapater,414,5
+noxapater,414,6
+noxapater,414,7
+noxapater,414,8
+noxapater,414,9
+noxapater,414,10
+noxapater,415,0
+noxapater,415,1
+noxapater,415,2
+noxapater,415,3
+noxapater,415,4
+noxapater,415,5
+noxapater,416,0
+noxapater,416,1
+noxapater,416,2
+noxapater,417,0
+noxapater,417,1
+noxapater,417,2
+noxapater,418,0
+noxapater,418,1
+noxapater,418,2
+noxapater,419,0
+noxapater,419,1
+noxapater,419,2
+noxapater,419,3
+noxapater,420,0
+noxapater,420,1
+noxapater,420,2
+noxapater,420,3
+noxapater,420,4
+noxapater,420,5
+noxapater,421,0
+noxapater,421,1
+noxapater,421,2
+noxapater,421,3
+noxapater,422,0
+noxapater,422,1
+noxapater,422,2
+noxapater,422,3
+noxapater,423,0
+noxapater,423,1
+noxapater,423,2
+noxapater,424,0
+noxapater,424,1
+noxapater,424,2
+noxapater,424,3
+noxapater,424,4
+noxapater,424,5
+noxapater,424,6
+noxapater,424,7
+noxapater,424,8
+noxapater,424,9
+noxapater,424,10
+noxapater,425,0
+noxapater,425,1
+noxapater,425,2
+noxapater,425,3
+noxapater,425,4
+noxapater,425,5
+noxapater,425,6
+noxapater,426,0
+noxapater,426,1
+noxapater,426,2
+noxapater,426,3
+noxapater,426,4
+noxapater,426,5
+noxapater,426,6
+noxapater,426,7
+noxapater,426,8
+noxapater,426,9
+noxapater,427,0
+noxapater,427,1
+noxapater,427,2
+noxapater,428,0
+noxapater,428,1
+noxapater,428,2
+noxapater,428,3
+noxapater,428,4
+noxapater,429,0
+noxapater,429,1
+noxapater,429,2
+noxapater,430,0
+noxapater,430,1
+noxapater,430,2
+noxapater,430,3
+noxapater,431,0
+noxapater,431,1
+noxapater,431,2
+noxapater,431,3
+noxapater,431,4
+noxapater,431,5
+noxapater,431,6
+noxapater,431,7
+noxapater,432,0
+noxapater,432,1
+noxapater,432,2
+noxapater,433,0
+noxapater,433,1
+noxapater,433,2
+noxapater,433,3
+noxapater,433,4
+noxapater,433,5
+noxapater,433,6
+noxapater,433,7
+noxapater,433,8
+noxapater,434,0
+noxapater,434,1
+noxapater,434,2
+noxapater,434,3
+noxapater,434,4
+noxapater,434,5
+noxapater,434,6
+noxapater,435,0
+noxapater,435,1
+noxapater,435,2
+noxapater,435,3
+noxapater,436,0
+noxapater,436,1
+noxapater,436,2
+noxapater,436,3
+noxapater,436,4
+noxapater,436,5
+noxapater,436,6
+noxapater,436,7
+noxapater,436,8
+noxapater,436,9
+noxapater,437,0
+noxapater,437,1
+noxapater,437,2
+noxapater,437,3
+noxapater,437,4
+noxapater,438,0
+noxapater,438,1
+noxapater,438,2
+noxapater,439,0
+noxapater,439,1
+noxapater,439,2
+noxapater,439,3
+noxapater,439,4
+noxapater,439,5
+noxapater,440,0
+noxapater,440,1
+noxapater,440,2
+noxapater,440,3
+noxapater,440,4
+noxapater,440,5
+noxapater,440,6
+noxapater,440,7
+noxapater,441,0
+noxapater,441,1
+noxapater,441,2
+noxapater,441,3
+noxapater,442,0
+noxapater,442,1
+noxapater,442,2
+noxapater,442,3
+noxapater,443,0
+noxapater,443,1
+noxapater,443,2
+noxapater,443,3
+noxapater,443,4
+noxapater,443,5
+noxapater,443,6
+noxapater,444,0
+noxapater,444,1
+noxapater,444,2
+noxapater,444,3
+noxapater,444,4
+noxapater,444,5
+noxapater,444,6
+noxapater,444,7
+noxapater,444,8
+noxapater,444,9
+noxapater,445,0
+noxapater,445,1
+noxapater,445,2
+noxapater,445,3
+noxapater,445,4
+noxapater,446,0
+noxapater,446,1
+noxapater,446,2
+noxapater,446,3
+noxapater,446,4
+noxapater,447,0
+noxapater,447,1
+noxapater,447,2
+noxapater,447,3
+noxapater,447,4
+noxapater,447,5
+noxapater,447,6
+noxapater,447,7
+noxapater,448,0
+noxapater,448,1
+noxapater,448,2
+noxapater,448,3
+noxapater,448,4
+noxapater,448,5
+noxapater,448,6
+noxapater,448,7
+noxapater,448,8
+noxapater,449,0
+noxapater,449,1
+noxapater,449,2
+noxapater,449,3
+noxapater,449,4
+noxapater,450,0
+noxapater,450,1
+noxapater,450,2
+noxapater,450,3
+noxapater,451,0
+noxapater,451,1
+noxapater,451,2
+noxapater,452,0
+noxapater,452,1
+noxapater,452,2
+noxapater,453,0
+noxapater,453,1
+noxapater,453,2
+noxapater,453,3
+noxapater,453,4
+noxapater,453,5
+noxapater,453,6
+noxapater,453,7
+noxapater,453,8
+noxapater,454,0
+noxapater,454,1
+noxapater,454,2
+noxapater,454,3
+noxapater,455,0
+noxapater,455,1
+noxapater,455,2
+noxapater,455,3
+noxapater,455,4
+noxapater,455,5
+noxapater,455,6
+noxapater,456,0
+noxapater,456,1
+noxapater,456,2
+noxapater,456,3
+noxapater,456,4
+noxapater,456,5
+noxapater,456,6
+noxapater,456,7
+noxapater,456,8
+noxapater,456,9
+noxapater,456,10
+noxapater,456,11
+noxapater,457,0
+noxapater,457,1
+noxapater,457,2
+noxapater,457,3
+noxapater,458,0
+noxapater,458,1
+noxapater,458,2
+noxapater,458,3
+noxapater,458,4
+noxapater,458,5
+noxapater,458,6
+noxapater,458,7
+noxapater,458,8
+noxapater,459,0
+noxapater,459,1
+noxapater,459,2
+noxapater,459,3
+noxapater,459,4
+noxapater,459,5
+noxapater,459,6
+noxapater,459,7
+noxapater,459,8
+noxapater,459,9
+noxapater,460,0
+noxapater,460,1
+noxapater,460,2
+noxapater,461,0
+noxapater,461,1
+noxapater,461,2
+noxapater,462,0
+noxapater,462,1
+noxapater,462,2
+noxapater,463,0
+noxapater,463,1
+noxapater,463,2
+noxapater,463,3
+noxapater,463,4
+noxapater,464,0
+noxapater,464,1
+noxapater,464,2
+noxapater,464,3
+noxapater,465,0
+noxapater,465,1
+noxapater,465,2
+noxapater,465,3
+noxapater,465,4
+noxapater,466,0
+noxapater,466,1
+noxapater,466,2
+noxapater,467,0
+noxapater,467,1
+noxapater,467,2
+noxapater,468,0
+noxapater,468,1
+noxapater,468,2
+noxapater,468,3
+noxapater,469,0
+noxapater,469,1
+noxapater,469,2
+noxapater,469,3
+noxapater,470,0
+noxapater,470,1
+noxapater,470,2
+noxapater,470,3
+noxapater,471,0
+noxapater,471,1
+noxapater,471,2
+noxapater,471,3
+noxapater,471,4
+noxapater,471,5
+noxapater,471,6
+noxapater,471,7
+noxapater,471,8
+noxapater,471,9
+noxapater,472,0
+noxapater,472,1
+noxapater,472,2
+noxapater,472,3
+noxapater,472,4
+noxapater,472,5
+noxapater,472,6
+noxapater,473,0
+noxapater,473,1
+noxapater,473,2
+noxapater,473,3
+noxapater,474,0
+noxapater,474,1
+noxapater,474,2
+noxapater,474,3
+noxapater,474,4
+noxapater,474,5
+noxapater,475,0
+noxapater,475,1
+noxapater,475,2
+noxapater,475,3
+noxapater,475,4
+noxapater,475,5
+noxapater,475,6
+noxapater,475,7
+noxapater,475,8
+noxapater,476,0
+noxapater,476,1
+noxapater,476,2
+noxapater,476,3
+noxapater,477,0
+noxapater,477,1
+noxapater,477,2
+noxapater,478,0
+noxapater,478,1
+noxapater,478,2
+noxapater,478,3
+noxapater,478,4
+noxapater,478,5
+noxapater,478,6
+noxapater,478,7
+noxapater,478,8
+noxapater,478,9
+noxapater,478,10
+noxapater,479,0
+noxapater,479,1
+noxapater,479,2
+noxapater,479,3
+noxapater,480,0
+noxapater,480,1
+noxapater,480,2
+noxapater,480,3
+noxapater,480,4
+noxapater,481,0
+noxapater,481,1
+noxapater,481,2
+noxapater,481,3
+noxapater,481,4
+noxapater,482,0
+noxapater,482,1
+noxapater,482,2
+noxapater,482,3
+noxapater,482,4
+noxapater,482,5
+noxapater,482,6
+noxapater,482,7
+noxapater,482,8
+noxapater,483,0
+noxapater,483,1
+noxapater,483,2
+noxapater,483,3
+noxapater,484,0
+noxapater,484,1
+noxapater,484,2
+noxapater,484,3
+noxapater,484,4
+noxapater,484,5
+noxapater,485,0
+noxapater,485,1
+noxapater,485,2
+noxapater,485,3
+noxapater,485,4
+noxapater,485,5
+noxapater,485,6
+noxapater,486,0
+noxapater,486,1
+noxapater,486,2
+noxapater,486,3
+noxapater,486,4
+noxapater,486,5
+noxapater,486,6
+noxapater,487,0
+noxapater,487,1
+noxapater,487,2
+noxapater,487,3
+noxapater,488,0
+noxapater,488,1
+noxapater,488,2
+noxapater,488,3
+noxapater,488,4
+noxapater,488,5
+noxapater,489,0
+noxapater,489,1
+noxapater,489,2
+noxapater,490,0
+noxapater,490,1
+noxapater,490,2
+noxapater,490,3
+noxapater,490,4
+noxapater,490,5
+noxapater,490,6
+noxapater,491,0
+noxapater,491,1
+noxapater,491,2
+noxapater,491,3
+noxapater,492,0
+noxapater,492,1
+noxapater,492,2
+noxapater,492,3
+noxapater,492,4
+noxapater,492,5
+noxapater,492,6
+noxapater,492,7
+noxapater,493,0
+noxapater,493,1
+noxapater,493,2
+noxapater,493,3
+noxapater,493,4
+noxapater,493,5
+noxapater,493,6
+noxapater,493,7
+noxapater,493,8
+noxapater,493,9
+noxapater,493,10
+noxapater,494,0
+noxapater,494,1
+noxapater,494,2
+noxapater,494,3
+noxapater,494,4
+noxapater,495,0
+noxapater,495,1
+noxapater,495,2
+noxapater,495,3
+noxapater,495,4
+noxapater,496,0
+noxapater,496,1
+noxapater,496,2
+noxapater,496,3
+noxapater,497,0
+noxapater,497,1
+noxapater,497,2
+noxapater,497,3
+noxapater,497,4
+noxapater,498,0
+noxapater,498,1
+noxapater,498,2
+noxapater,498,3
+noxapater,499,0
+noxapater,499,1
+noxapater,499,2
+noxapater,499,3
+noxapater,499,4
+noxapater,499,5
+noxapater,499,6
+noxapater,499,7
+noxapater,500,0
+noxapater,500,1
+noxapater,500,2
+noxapater,500,3
+noxapater,500,4
+noxapater,500,5
+noxapater,500,6
+noxapater,501,0
+noxapater,501,1
+noxapater,501,2
+noxapater,502,0
+noxapater,502,1
+noxapater,502,2
+noxapater,502,3
+noxapater,502,4
+noxapater,503,0
+noxapater,503,1
+noxapater,503,2
+noxapater,503,3
+noxapater,504,0
+noxapater,504,1
+noxapater,504,2
+noxapater,504,3
+noxapater,504,4
+noxapater,504,5
+noxapater,505,0
+noxapater,505,1
+noxapater,505,2
+noxapater,505,3
+noxapater,506,0
+noxapater,506,1
+noxapater,506,2
+noxapater,506,3
+noxapater,507,0
+noxapater,507,1
+noxapater,507,2
+noxapater,508,0
+noxapater,508,1
+noxapater,508,2
+noxapater,508,3
+noxapater,509,0
+noxapater,509,1
+noxapater,509,2
+noxapater,509,3
+noxapater,509,4
+noxapater,509,5
+noxapater,510,0
+noxapater,510,1
+noxapater,510,2
+noxapater,510,3
+noxapater,510,4
+noxapater,510,5
+noxapater,511,0
+noxapater,511,1
+noxapater,511,2
+noxapater,511,3
+noxapater,511,4
+noxapater,512,0
+noxapater,512,1
+noxapater,512,2
+noxapater,512,3
+noxapater,512,4
+noxapater,512,5
+noxapater,514,0
+noxapater,514,1
+noxapater,514,2
+noxapater,515,0
+noxapater,515,1
+noxapater,515,2
+noxapater,516,0
+noxapater,516,1
+noxapater,516,2
+noxapater,516,3
+noxapater,516,4
+noxapater,516,5
+noxapater,516,6
+noxapater,516,7
+noxapater,516,8
+noxapater,516,9
+noxapater,516,10
+noxapater,517,0
+noxapater,517,1
+noxapater,517,2
+noxapater,517,3
+noxapater,518,0
+noxapater,518,1
+noxapater,518,2
+noxapater,518,3
+noxapater,519,0
+noxapater,519,1
+noxapater,519,2
+noxapater,519,3
+noxapater,520,0
+noxapater,520,1
+noxapater,520,2
+noxapater,520,3
+noxapater,520,4
+noxapater,520,5
+noxapater,520,6
+noxapater,521,0
+noxapater,521,1
+noxapater,521,2
+noxapater,522,0
+noxapater,522,1
+noxapater,522,2
+noxapater,522,3
+noxapater,522,4
+noxapater,522,5
+noxapater,523,0
+noxapater,523,1
+noxapater,523,2
+noxapater,523,3
+noxapater,524,0
+noxapater,524,1
+noxapater,524,2
+noxapater,524,3
+noxapater,524,4
+noxapater,524,5
+noxapater,525,0
+noxapater,525,1
+noxapater,525,2
+noxapater,525,3
+noxapater,526,0
+noxapater,526,1
+noxapater,526,2
+noxapater,526,3
+noxapater,526,4
+noxapater,526,5
+noxapater,526,6
+noxapater,526,7
+noxapater,526,8
+noxapater,527,0
+noxapater,527,1
+noxapater,527,2
+noxapater,528,0
+noxapater,528,1
+noxapater,528,2
+noxapater,528,3
+noxapater,528,4
+noxapater,529,0
+noxapater,529,1
+noxapater,529,2
+noxapater,529,3
+noxapater,529,4
+noxapater,530,0
+noxapater,530,1
+noxapater,530,2
+noxapater,531,0
+noxapater,531,1
+noxapater,531,2
+noxapater,531,3
+noxapater,531,4
+noxapater,531,5
+noxapater,531,6
+noxapater,531,7
+noxapater,531,8
+noxapater,531,9
+noxapater,531,10
+noxapater,531,11
+noxapater,532,0
+noxapater,532,1
+noxapater,532,2
+noxapater,532,3
+noxapater,532,4
+noxapater,533,0
+noxapater,533,1
+noxapater,533,2
+noxapater,534,0
+noxapater,534,1
+noxapater,534,2
+noxapater,534,3
+noxapater,534,4
+noxapater,534,5
+noxapater,535,0
+noxapater,535,1
+noxapater,535,2
+noxapater,535,3
+noxapater,535,4
+noxapater,535,5
+noxapater,536,0
+noxapater,536,1
+noxapater,536,2
+noxapater,536,3
+noxapater,536,4
+noxapater,536,5
+noxapater,536,6
+noxapater,537,0
+noxapater,537,1
+noxapater,537,2
+noxapater,537,3
+noxapater,538,0
+noxapater,538,1
+noxapater,538,2
+noxapater,538,3
+noxapater,538,4
+noxapater,538,5
+noxapater,538,6
+noxapater,538,7
+noxapater,538,8
+noxapater,538,9
+noxapater,539,0
+noxapater,539,1
+noxapater,539,2
+noxapater,540,0
+noxapater,540,1
+noxapater,540,2
+noxapater,541,0
+noxapater,541,1
+noxapater,541,2
+noxapater,542,0
+noxapater,542,1
+noxapater,542,2
+noxapater,542,3
+noxapater,543,0
+noxapater,543,1
+noxapater,543,2
+noxapater,544,0
+noxapater,544,1
+noxapater,544,2
+noxapater,544,3
+noxapater,544,4
+noxapater,545,0
+noxapater,545,1
+noxapater,545,2
+noxapater,545,3
+noxapater,545,4
+noxapater,546,0
+noxapater,546,1
+noxapater,546,2
+noxapater,546,3
+noxapater,546,4
+noxapater,547,0
+noxapater,547,1
+noxapater,547,2
+noxapater,548,0
+noxapater,548,1
+noxapater,548,2
+noxapater,548,3
+noxapater,548,4
+noxapater,548,5
+noxapater,548,6
+noxapater,548,7
+noxapater,549,0
+noxapater,549,1
+noxapater,549,2
+noxapater,549,3
+noxapater,549,4
+noxapater,549,5
+noxapater,549,6
+noxapater,550,0
+noxapater,550,1
+noxapater,550,2
+noxapater,550,3
+noxapater,550,4
+noxapater,550,5
+noxapater,551,0
+noxapater,551,1
+noxapater,551,2
+noxapater,551,3
+noxapater,552,0
+noxapater,552,1
+noxapater,552,2
+noxapater,552,3
+noxapater,552,4
+noxapater,552,5
+noxapater,552,6
+noxapater,552,7
+noxapater,552,8
+noxapater,552,9
+noxapater,552,10
+noxapater,553,0
+noxapater,553,1
+noxapater,553,2
+noxapater,553,3
+noxapater,554,0
+noxapater,554,1
+noxapater,554,2
+noxapater,554,3
+noxapater,554,4
+noxapater,554,5
+noxapater,554,6
+noxapater,555,0
+noxapater,555,1
+noxapater,555,2
+noxapater,555,3
+noxapater,556,0
+noxapater,556,1
+noxapater,556,2
+noxapater,557,0
+noxapater,557,1
+noxapater,557,2
+noxapater,558,0
+noxapater,558,1
+noxapater,558,2
+noxapater,558,3
+noxapater,558,4
+noxapater,559,0
+noxapater,559,1
+noxapater,559,2
+noxapater,559,3
+noxapater,560,0
+noxapater,560,1
+noxapater,560,2
+noxapater,560,3
+noxapater,560,4
+noxapater,561,0
+noxapater,561,1
+noxapater,561,2
+noxapater,561,3
+noxapater,562,0
+noxapater,562,1
+noxapater,562,2
+noxapater,562,3
+noxapater,562,4
+noxapater,562,5
+noxapater,563,0
+noxapater,563,1
+noxapater,563,2
+noxapater,563,3
+noxapater,564,0
+noxapater,564,1
+noxapater,564,2
+noxapater,565,0
+noxapater,565,1
+noxapater,565,2
+noxapater,565,3
+noxapater,565,4
+noxapater,565,5
+noxapater,566,0
+noxapater,566,1
+noxapater,566,2
+noxapater,566,3
+noxapater,566,4
+noxapater,566,5
+noxapater,566,6
+noxapater,566,7
+noxapater,567,0
+noxapater,567,1
+noxapater,567,2
+noxapater,568,0
+noxapater,568,1
+noxapater,568,2
+noxapater,568,3
+noxapater,568,4
+noxapater,568,5
+noxapater,568,6
+noxapater,568,7
+noxapater,569,0
+noxapater,569,1
+noxapater,569,2
+noxapater,569,3
+noxapater,569,4
+noxapater,569,5
+noxapater,569,6
+noxapater,570,0
+noxapater,570,1
+noxapater,570,2
+noxapater,570,3
+noxapater,571,0
+noxapater,571,1
+noxapater,571,2
+noxapater,571,3
+noxapater,572,0
+noxapater,572,1
+noxapater,572,2
+noxapater,573,0
+noxapater,573,1
+noxapater,573,2
+noxapater,573,3
+noxapater,573,4
+noxapater,573,5
+noxapater,574,0
+noxapater,574,1
+noxapater,574,2
+noxapater,574,3
+noxapater,574,4
+noxapater,574,5
+noxapater,575,0
+noxapater,575,1
+noxapater,575,2
+noxapater,575,3
+noxapater,575,4
+noxapater,576,0
+noxapater,576,1
+noxapater,576,2
+noxapater,576,3
+noxapater,576,4
+noxapater,576,5
+noxapater,577,0
+noxapater,577,1
+noxapater,577,2
+noxapater,577,3
+noxapater,578,0
+noxapater,578,1
+noxapater,578,2
+noxapater,578,3
+noxapater,578,4
+noxapater,579,0
+noxapater,579,1
+noxapater,579,2
+noxapater,579,3
+noxapater,579,4
+noxapater,580,0
+noxapater,580,1
+noxapater,580,2
+noxapater,580,3
+noxapater,581,0
+noxapater,581,1
+noxapater,581,2
+noxapater,581,3
+noxapater,581,4
+noxapater,581,5
+noxapater,581,6
+noxapater,582,0
+noxapater,582,1
+noxapater,582,2
+noxapater,582,3
+noxapater,582,4
+noxapater,582,5
+noxapater,582,6
+noxapater,583,0
+noxapater,583,1
+noxapater,583,2
+noxapater,584,0
+noxapater,584,1
+noxapater,584,2
+noxapater,584,3
+noxapater,584,4
+noxapater,585,0
+noxapater,585,1
+noxapater,585,2
+noxapater,585,3
+noxapater,586,0
+noxapater,586,1
+noxapater,586,2
+noxapater,586,3
+noxapater,587,0
+noxapater,587,1
+noxapater,587,2
+noxapater,587,3
+noxapater,588,0
+noxapater,588,1
+noxapater,588,2
+noxapater,588,3
+noxapater,588,4
+noxapater,589,0
+noxapater,589,1
+noxapater,589,2
+noxapater,589,3
+noxapater,590,0
+noxapater,590,1
+noxapater,590,2
+noxapater,591,0
+noxapater,591,1
+noxapater,591,2
+noxapater,591,3
+noxapater,592,0
+noxapater,592,1
+noxapater,592,2
+noxapater,592,3
+noxapater,592,4
+noxapater,592,5
+noxapater,593,0
+noxapater,593,1
+noxapater,593,2
+noxapater,593,3
+noxapater,593,4
+noxapater,593,5
+noxapater,594,0
+noxapater,594,1
+noxapater,594,2
+noxapater,594,3
+noxapater,594,4
+noxapater,594,5
+noxapater,594,6
+noxapater,595,0
+noxapater,595,1
+noxapater,595,2
+noxapater,596,0
+noxapater,596,1
+noxapater,596,2
+noxapater,596,3
+noxapater,597,0
+noxapater,597,1
+noxapater,597,2
+noxapater,597,3
+noxapater,597,4
+noxapater,597,5
+noxapater,597,6
+noxapater,597,7
+noxapater,598,0
+noxapater,598,1
+noxapater,598,2
+noxapater,598,3
+noxapater,598,4
+noxapater,598,5
+noxapater,598,6
+noxapater,598,7
+noxapater,599,0
+noxapater,599,1
+noxapater,599,2
+noxapater,599,3
+noxapater,600,0
+noxapater,600,1
+noxapater,600,2
+noxapater,600,3
+noxapater,601,0
+noxapater,601,1
+noxapater,601,2
+noxapater,601,3
+noxapater,601,4
+noxapater,601,5
+noxapater,602,0
+noxapater,602,1
+noxapater,602,2
+noxapater,602,3
+noxapater,602,4
+noxapater,603,0
+noxapater,603,1
+noxapater,603,2
+noxapater,603,3
+noxapater,603,4
+noxapater,603,5
+noxapater,604,0
+noxapater,604,1
+noxapater,604,2
+noxapater,604,3
+noxapater,604,4
+noxapater,604,5
+noxapater,604,6
+noxapater,605,0
+noxapater,605,1
+noxapater,605,2
+noxapater,606,0
+noxapater,606,1
+noxapater,606,2
+noxapater,607,0
+noxapater,607,1
+noxapater,607,2
+noxapater,607,3
+noxapater,608,0
+noxapater,608,1
+noxapater,608,2
+noxapater,609,0
+noxapater,609,1
+noxapater,609,2
+noxapater,609,3
+noxapater,610,0
+noxapater,610,1
+noxapater,610,2
+noxapater,611,0
+noxapater,611,1
+noxapater,611,2
+noxapater,612,0
+noxapater,612,1
+noxapater,612,2
+noxapater,613,0
+noxapater,613,1
+noxapater,613,2
+noxapater,613,3
+noxapater,613,4
+noxapater,613,5
+noxapater,614,0
+noxapater,614,1
+noxapater,614,2
+noxapater,614,3
+noxapater,614,4
+noxapater,614,5
+noxapater,614,6
+noxapater,614,7
+noxapater,614,8
+noxapater,614,9
+noxapater,614,10
+noxapater,615,0
+noxapater,615,1
+noxapater,615,2
+noxapater,616,0
+noxapater,616,1
+noxapater,616,2
+noxapater,616,3
+noxapater,616,4
+noxapater,616,5
+noxapater,616,6
+noxapater,616,7
+noxapater,616,8
+noxapater,616,9
+noxapater,616,10
+noxapater,617,0
+noxapater,617,1
+noxapater,617,2
+noxapater,617,3
+noxapater,617,4
+noxapater,617,5
+noxapater,617,6
+noxapater,617,7
+noxapater,617,8
+noxapater,618,0
+noxapater,618,1
+noxapater,618,2
+noxapater,619,0
+noxapater,619,1
+noxapater,619,2
+noxapater,620,0
+noxapater,620,1
+noxapater,620,2
+noxapater,621,0
+noxapater,621,1
+noxapater,621,2
+noxapater,621,3
+noxapater,622,0
+noxapater,622,1
+noxapater,622,2
+noxapater,622,3
+noxapater,622,4
+noxapater,623,0
+noxapater,623,1
+noxapater,623,2
+noxapater,623,3
+noxapater,624,0
+noxapater,624,1
+noxapater,624,2
+noxapater,624,3
+noxapater,624,4
+noxapater,624,5
+noxapater,624,6
+noxapater,624,7
+noxapater,625,0
+noxapater,625,1
+noxapater,625,2
+noxapater,625,3
+noxapater,626,0
+noxapater,626,1
+noxapater,626,2
+noxapater,626,3
+noxapater,626,4
+noxapater,627,0
+noxapater,627,1
+noxapater,627,2
+noxapater,627,3
+noxapater,627,4
+noxapater,627,5
+noxapater,627,6
+noxapater,628,0
+noxapater,628,1
+noxapater,628,2
+noxapater,628,3
+noxapater,628,4
+noxapater,628,5
+noxapater,629,0
+noxapater,629,1
+noxapater,629,2
+noxapater,629,3
+noxapater,629,4
+noxapater,629,5
+noxapater,629,6
+noxapater,629,7
+noxapater,630,0
+noxapater,630,1
+noxapater,630,2
+noxapater,631,0
+noxapater,631,1
+noxapater,631,2
+noxapater,631,3
+noxapater,631,4
+noxapater,632,0
+noxapater,632,1
+noxapater,632,2
+noxapater,633,0
+noxapater,633,1
+noxapater,633,2
+noxapater,634,0
+noxapater,634,1
+noxapater,634,2
+noxapater,635,0
+noxapater,635,1
+noxapater,635,2
+noxapater,635,3
+noxapater,635,4
+noxapater,635,5
+noxapater,635,6
+noxapater,636,0
+noxapater,636,1
+noxapater,636,2
+noxapater,636,3
+noxapater,636,4
+noxapater,636,5
+noxapater,636,6
+noxapater,636,7
+noxapater,636,8
+noxapater,637,0
+noxapater,637,1
+noxapater,637,2
+noxapater,637,3
+noxapater,638,0
+noxapater,638,1
+noxapater,638,2
+noxapater,638,3
+noxapater,638,4
+noxapater,639,0
+noxapater,639,1
+noxapater,639,2
+noxapater,640,0
+noxapater,640,1
+noxapater,640,2
+noxapater,640,3
+noxapater,641,0
+noxapater,641,1
+noxapater,641,2
+noxapater,641,3
+noxapater,641,4
+noxapater,641,5
+noxapater,641,6
+noxapater,641,7
+noxapater,641,8
+noxapater,641,9
+noxapater,642,0
+noxapater,642,1
+noxapater,642,2
+noxapater,642,3
+noxapater,643,0
+noxapater,643,1
+noxapater,643,2
+noxapater,643,3
+noxapater,643,4
+noxapater,644,0
+noxapater,644,1
+noxapater,644,2
+noxapater,645,0
+noxapater,645,1
+noxapater,645,2
+noxapater,645,3
+noxapater,645,4
+noxapater,645,5
+noxapater,645,6
+noxapater,645,7
+noxapater,645,8
+noxapater,646,0
+noxapater,646,1
+noxapater,646,2
+noxapater,646,3
+noxapater,646,4
+noxapater,646,5
+noxapater,646,6
+noxapater,646,7
+noxapater,647,0
+noxapater,647,1
+noxapater,647,2
+noxapater,647,3
+noxapater,647,4
+noxapater,647,5
+noxapater,647,6
+noxapater,648,0
+noxapater,648,1
+noxapater,648,2
+noxapater,648,3
+noxapater,648,4
+noxapater,649,0
+noxapater,649,1
+noxapater,649,2
+noxapater,650,0
+noxapater,650,1
+noxapater,650,2
+noxapater,651,0
+noxapater,651,1
+noxapater,651,2
+noxapater,652,0
+noxapater,652,1
+noxapater,652,2
+noxapater,652,3
+noxapater,652,4
+noxapater,652,5
+noxapater,653,0
+noxapater,653,1
+noxapater,653,2
+noxapater,654,0
+noxapater,654,1
+noxapater,654,2
+noxapater,655,0
+noxapater,655,1
+noxapater,655,2
+noxapater,655,3
+noxapater,655,4
+noxapater,655,5
+noxapater,655,6
+noxapater,655,7
+noxapater,655,8
+noxapater,655,9
+noxapater,655,10
+noxapater,655,11
+noxapater,655,12
+noxapater,655,13
+noxapater,656,0
+noxapater,656,1
+noxapater,656,2
+noxapater,656,3
+noxapater,656,4
+noxapater,656,5
+noxapater,656,6
+noxapater,657,0
+noxapater,657,1
+noxapater,657,2
+noxapater,658,0
+noxapater,658,1
+noxapater,658,2
+noxapater,659,0
+noxapater,659,1
+noxapater,659,2
+noxapater,659,3
+noxapater,659,4
+noxapater,660,0
+noxapater,660,1
+noxapater,660,2
+noxapater,660,3
+noxapater,660,4
+noxapater,660,5
+noxapater,661,0
+noxapater,661,1
+noxapater,661,2
+noxapater,661,3
+noxapater,662,0
+noxapater,662,1
+noxapater,662,2
+noxapater,662,3
+noxapater,663,0
+noxapater,663,1
+noxapater,663,2
+noxapater,663,3
+noxapater,663,4
+noxapater,664,0
+noxapater,664,1
+noxapater,664,2
+noxapater,664,3
+noxapater,665,0
+noxapater,665,1
+noxapater,665,2
+noxapater,665,3
+noxapater,665,4
+noxapater,665,5
+noxapater,665,6
+noxapater,666,0
+noxapater,666,1
+noxapater,666,2
+noxapater,666,3
+noxapater,666,4
+noxapater,666,5
+noxapater,666,6
+noxapater,666,7
+noxapater,666,8
+noxapater,666,9
+noxapater,666,10
+noxapater,666,11
+noxapater,667,0
+noxapater,667,1
+noxapater,667,2
+noxapater,667,3
+noxapater,668,0
+noxapater,668,1
+noxapater,668,2
+noxapater,669,0
+noxapater,669,1
+noxapater,669,2
+noxapater,669,3
+noxapater,669,4
+noxapater,669,5
+noxapater,670,0
+noxapater,670,1
+noxapater,670,2
+noxapater,670,3
+noxapater,670,4
+noxapater,670,5
+noxapater,671,0
+noxapater,671,1
+noxapater,671,2
+noxapater,672,0
+noxapater,672,1
+noxapater,672,2
+noxapater,673,0
+noxapater,673,1
+noxapater,673,2
+noxapater,674,0
+noxapater,674,1
+noxapater,674,2
+noxapater,674,3
+noxapater,675,0
+noxapater,675,1
+noxapater,675,2
+noxapater,676,0
+noxapater,676,1
+noxapater,676,2
+noxapater,677,0
+noxapater,677,1
+noxapater,677,2
+noxapater,677,3
+noxapater,677,4
+noxapater,678,0
+noxapater,678,1
+noxapater,678,2
+noxapater,678,3
+noxapater,678,4
+noxapater,678,5
+noxapater,679,0
+noxapater,679,1
+noxapater,679,2
+noxapater,680,0
+noxapater,680,1
+noxapater,680,2
+noxapater,680,3
+noxapater,681,0
+noxapater,681,1
+noxapater,681,2
+noxapater,681,3
+noxapater,682,0
+noxapater,682,1
+noxapater,682,2
+noxapater,682,3
+noxapater,682,4
+noxapater,682,5
+noxapater,682,6
+noxapater,683,0
+noxapater,683,1
+noxapater,683,2
+noxapater,683,3
+noxapater,684,0
+noxapater,684,1
+noxapater,684,2
+noxapater,684,3
+noxapater,684,4
+noxapater,684,5
+noxapater,685,0
+noxapater,685,1
+noxapater,685,2
+noxapater,685,3
+noxapater,686,0
+noxapater,686,1
+noxapater,686,2
+noxapater,687,0
+noxapater,687,1
+noxapater,687,2
+noxapater,687,3
+noxapater,687,4
+noxapater,687,5
+noxapater,687,6
+noxapater,687,7
+noxapater,687,8
+noxapater,687,9
+noxapater,687,10
+noxapater,688,0
+noxapater,688,1
+noxapater,688,2
+noxapater,689,0
+noxapater,689,1
+noxapater,689,2
+noxapater,689,3
+noxapater,689,4
+noxapater,690,0
+noxapater,690,1
+noxapater,690,2
+noxapater,690,3
+noxapater,690,4
+noxapater,690,5
+noxapater,690,6
+noxapater,690,7
+noxapater,690,8
+noxapater,690,9
+noxapater,690,10
+noxapater,691,0
+noxapater,691,1
+noxapater,691,2
+noxapater,691,3
+noxapater,691,4
+noxapater,692,0
+noxapater,692,1
+noxapater,692,2
+noxapater,692,3
+noxapater,692,4
+noxapater,693,0
+noxapater,693,1
+noxapater,693,2
+noxapater,693,3
+noxapater,693,4
+noxapater,693,5
+noxapater,693,6
+noxapater,694,0
+noxapater,694,1
+noxapater,694,2
+noxapater,695,0
+noxapater,695,1
+noxapater,695,2
+noxapater,696,0
+noxapater,696,1
+noxapater,696,2
+noxapater,696,3
+noxapater,697,0
+noxapater,697,1
+noxapater,697,2
+noxapater,697,3
+noxapater,697,4
+noxapater,697,5
+noxapater,697,6
+noxapater,698,0
+noxapater,698,1
+noxapater,698,2
+noxapater,699,0
+noxapater,699,1
+noxapater,699,2
+noxapater,700,0
+noxapater,700,1
+noxapater,700,2
+noxapater,700,3
+noxapater,701,0
+noxapater,701,1
+noxapater,701,2
+noxapater,701,3
+noxapater,701,4
+noxapater,701,5
+noxapater,702,0
+noxapater,702,1
+noxapater,702,2
+noxapater,702,3
+noxapater,703,0
+noxapater,703,1
+noxapater,703,2
+noxapater,703,3
+noxapater,703,4
+noxapater,703,5
+noxapater,704,0
+noxapater,704,1
+noxapater,704,2
+noxapater,704,3
+noxapater,705,0
+noxapater,705,1
+noxapater,705,2
+noxapater,705,3
+noxapater,705,4
+noxapater,705,5
+noxapater,705,6
+noxapater,706,0
+noxapater,706,1
+noxapater,706,2
+noxapater,706,3
+noxapater,706,4
+noxapater,707,0
+noxapater,707,1
+noxapater,707,2
+noxapater,708,0
+noxapater,708,1
+noxapater,708,2
+noxapater,708,3
+noxapater,708,4
+noxapater,709,0
+noxapater,709,1
+noxapater,709,2
+noxapater,709,3
+noxapater,709,4
+noxapater,709,5
+noxapater,709,6
+noxapater,710,0
+noxapater,710,1
+noxapater,710,2
+noxapater,710,3
+noxapater,710,4
+noxapater,710,5
+noxapater,711,0
+noxapater,711,1
+noxapater,711,2
+noxapater,712,0
+noxapater,712,1
+noxapater,712,2
+noxapater,713,0
+noxapater,713,1
+noxapater,713,2
+noxapater,713,3
+noxapater,713,4
+noxapater,714,0
+noxapater,714,1
+noxapater,714,2
+noxapater,714,3
+noxapater,714,4
+noxapater,714,5
+noxapater,714,6
+noxapater,715,0
+noxapater,715,1
+noxapater,715,2
+noxapater,715,3
+noxapater,715,4
+noxapater,715,5
+noxapater,715,6
+noxapater,715,7
+noxapater,715,8
+noxapater,715,9
+noxapater,715,10
+noxapater,715,11
+noxapater,716,0
+noxapater,716,1
+noxapater,716,2
+noxapater,716,3
+noxapater,716,4
+noxapater,716,5
+noxapater,716,6
+noxapater,716,7
+noxapater,716,8
+noxapater,717,0
+noxapater,717,1
+noxapater,717,2
+noxapater,718,0
+noxapater,718,1
+noxapater,718,2
+noxapater,718,3
+noxapater,718,4
+noxapater,719,0
+noxapater,719,1
+noxapater,719,2
+noxapater,720,0
+noxapater,720,1
+noxapater,720,2
+noxapater,720,3
+noxapater,720,4
+noxapater,721,0
+noxapater,721,1
+noxapater,721,2
+noxapater,721,3
+noxapater,721,4
+noxapater,722,0
+noxapater,722,1
+noxapater,722,2
+noxapater,722,3
+noxapater,722,4
+noxapater,723,0
+noxapater,723,1
+noxapater,723,2
+noxapater,724,0
+noxapater,724,1
+noxapater,724,2
+noxapater,724,3
+noxapater,724,4
+noxapater,724,5
+noxapater,724,6
+noxapater,724,7
+noxapater,724,8
+noxapater,725,0
+noxapater,725,1
+noxapater,725,2
+noxapater,725,3
+noxapater,725,4
+noxapater,726,0
+noxapater,726,1
+noxapater,726,2
+noxapater,726,3
+noxapater,727,0
+noxapater,727,1
+noxapater,727,2
+noxapater,727,3
+noxapater,727,4
+noxapater,727,5
+noxapater,727,6
+noxapater,727,7
+noxapater,727,8
+noxapater,728,0
+noxapater,728,1
+noxapater,728,2
+noxapater,728,3
+noxapater,728,4
+noxapater,728,5
+noxapater,728,6
+noxapater,728,7
+noxapater,729,0
+noxapater,729,1
+noxapater,729,2
+noxapater,729,3
+noxapater,729,4
+noxapater,729,5
+noxapater,730,0
+noxapater,730,1
+noxapater,730,2
+noxapater,730,3
+noxapater,731,0
+noxapater,731,1
+noxapater,731,2
+noxapater,731,3
+noxapater,732,0
+noxapater,732,1
+noxapater,732,2
+noxapater,732,3
+noxapater,733,0
+noxapater,733,1
+noxapater,733,2
+noxapater,734,0
+noxapater,734,1
+noxapater,734,2
+noxapater,734,3
+noxapater,734,4
+noxapater,734,5
+noxapater,735,0
+noxapater,735,1
+noxapater,735,2
+noxapater,735,3
+noxapater,735,4
+noxapater,736,0
+noxapater,736,1
+noxapater,736,2
+noxapater,736,3
+noxapater,737,0
+noxapater,737,1
+noxapater,737,2
+noxapater,738,0
+noxapater,738,1
+noxapater,738,2
+noxapater,738,3
+noxapater,739,0
+noxapater,739,1
+noxapater,739,2
+noxapater,739,3
+noxapater,739,4
+noxapater,739,5
+noxapater,739,6
+noxapater,739,7
+noxapater,740,0
+noxapater,740,1
+noxapater,740,2
+noxapater,740,3
+noxapater,741,0
+noxapater,741,1
+noxapater,741,2
+noxapater,741,3
+noxapater,741,4
+noxapater,741,5
+noxapater,742,0
+noxapater,742,1
+noxapater,742,2
+noxapater,742,3
+noxapater,743,0
+noxapater,743,1
+noxapater,743,2
+noxapater,743,3
+noxapater,743,4
+noxapater,743,5
+noxapater,743,6
+noxapater,743,7
+noxapater,743,8
+noxapater,743,9
+noxapater,743,10
+noxapater,744,0
+noxapater,744,1
+noxapater,744,2
+noxapater,744,3
+noxapater,744,4
+noxapater,745,0
+noxapater,745,1
+noxapater,745,2
+noxapater,746,0
+noxapater,746,1
+noxapater,746,2
+noxapater,746,3
+noxapater,746,4
+noxapater,747,0
+noxapater,747,1
+noxapater,747,2
+noxapater,748,0
+noxapater,748,1
+noxapater,748,2
+noxapater,748,3
+noxapater,748,4
+noxapater,748,5
+noxapater,750,0
+noxapater,750,1
+noxapater,750,2
+noxapater,750,3
+noxapater,751,0
+noxapater,751,1
+noxapater,751,2
+noxapater,751,3
+noxapater,752,0
+noxapater,752,1
+noxapater,752,2
+noxapater,753,0
+noxapater,753,1
+noxapater,753,2
+noxapater,753,3
+noxapater,753,4
+noxapater,754,0
+noxapater,754,1
+noxapater,754,2
+noxapater,754,3
+noxapater,754,4
+noxapater,754,5
+noxapater,755,0
+noxapater,755,1
+noxapater,755,2
+noxapater,755,3
+noxapater,755,4
+noxapater,755,5
+noxapater,756,0
+noxapater,756,1
+noxapater,756,2
+noxapater,757,0
+noxapater,757,1
+noxapater,757,2
+noxapater,757,3
+noxapater,757,4
+noxapater,757,5
+noxapater,757,6
+noxapater,757,7
+noxapater,757,8
+noxapater,758,0
+noxapater,758,1
+noxapater,758,2
+noxapater,758,3
+noxapater,759,0
+noxapater,759,1
+noxapater,759,2
+noxapater,759,3
+noxapater,759,4
+noxapater,759,5
+noxapater,759,6
+noxapater,759,7
+noxapater,759,8
+noxapater,759,9
+noxapater,759,10
+noxapater,760,0
+noxapater,760,1
+noxapater,760,2
+noxapater,761,0
+noxapater,761,1
+noxapater,761,2
+noxapater,761,3
+noxapater,761,4
+noxapater,761,5
+noxapater,761,6
+noxapater,761,7
+noxapater,761,8
+noxapater,762,0
+noxapater,762,1
+noxapater,762,2
+noxapater,763,0
+noxapater,763,1
+noxapater,763,2
+noxapater,764,0
+noxapater,764,1
+noxapater,764,2
+noxapater,764,3
+noxapater,765,0
+noxapater,765,1
+noxapater,765,2
+noxapater,765,3
+noxapater,765,4
+noxapater,766,0
+noxapater,766,1
+noxapater,766,2
+noxapater,766,3
+noxapater,766,4
+noxapater,767,0
+noxapater,767,1
+noxapater,767,2
+noxapater,767,3
+noxapater,767,4
+noxapater,767,5
+noxapater,767,6
+noxapater,767,7
+noxapater,767,8
+noxapater,768,0
+noxapater,768,1
+noxapater,768,2
+noxapater,768,3
+noxapater,769,0
+noxapater,769,1
+noxapater,769,2
+noxapater,770,0
+noxapater,770,1
+noxapater,770,2
+noxapater,770,3
+noxapater,770,4
+noxapater,771,0
+noxapater,771,1
+noxapater,771,2
+noxapater,772,0
+noxapater,772,1
+noxapater,772,2
+noxapater,772,3
+noxapater,773,0
+noxapater,773,1
+noxapater,773,2
+noxapater,773,3
+noxapater,773,4
+noxapater,774,0
+noxapater,774,1
+noxapater,774,2
+noxapater,774,3
+noxapater,774,4
+noxapater,775,0
+noxapater,775,1
+noxapater,775,2
+noxapater,775,3
+noxapater,775,4
+noxapater,776,0
+noxapater,776,1
+noxapater,776,2
+noxapater,777,0
+noxapater,777,1
+noxapater,777,2
+noxapater,778,0
+noxapater,778,1
+noxapater,778,2
+noxapater,778,3
+noxapater,778,4
+noxapater,778,5
+noxapater,779,0
+noxapater,779,1
+noxapater,779,2
+noxapater,779,3
+noxapater,780,0
+noxapater,780,1
+noxapater,780,2
+noxapater,780,3
+noxapater,780,4
+noxapater,780,5
+noxapater,780,6
+noxapater,781,0
+noxapater,781,1
+noxapater,781,2
+noxapater,781,3
+noxapater,782,0
+noxapater,782,1
+noxapater,782,2
+noxapater,782,3
+noxapater,782,4
+noxapater,782,5
+noxapater,783,0
+noxapater,783,1
+noxapater,783,2
+noxapater,783,3
+noxapater,783,4
+noxapater,784,0
+noxapater,784,1
+noxapater,784,2
+noxapater,784,3
+noxapater,784,4
+noxapater,785,0
+noxapater,785,1
+noxapater,785,2
+noxapater,786,0
+noxapater,786,1
+noxapater,786,2
+noxapater,786,3
+noxapater,787,0
+noxapater,787,1
+noxapater,787,2
+noxapater,787,3
+noxapater,788,0
+noxapater,788,1
+noxapater,788,2
+noxapater,788,3
+noxapater,789,0
+noxapater,789,1
+noxapater,789,2
+noxapater,790,0
+noxapater,790,1
+noxapater,790,2
+noxapater,791,0
+noxapater,791,1
+noxapater,791,2
+noxapater,792,0
+noxapater,792,1
+noxapater,792,2
+noxapater,793,0
+noxapater,793,1
+noxapater,793,2
+noxapater,793,3
+noxapater,793,4
+noxapater,793,5
+noxapater,793,6
+noxapater,793,7
+noxapater,794,0
+noxapater,794,1
+noxapater,794,2
+noxapater,794,3
+noxapater,795,0
+noxapater,795,1
+noxapater,795,2
+noxapater,795,3
+noxapater,795,4
+noxapater,795,5
+noxapater,795,6
+noxapater,795,7
+noxapater,795,8
+noxapater,795,9
+noxapater,795,10
+noxapater,795,11
+noxapater,795,12
+noxapater,796,0
+noxapater,796,1
+noxapater,796,2
+noxapater,796,3
+noxapater,796,4
+noxapater,796,5
+noxapater,796,6
+noxapater,797,0
+noxapater,797,1
+noxapater,797,2
+noxapater,797,3
+noxapater,797,4
+noxapater,798,0
+noxapater,798,1
+noxapater,798,2
+noxapater,798,3
+noxapater,799,0
+noxapater,799,1
+noxapater,799,2
+noxapater,800,0
+noxapater,800,1
+noxapater,800,2
+noxapater,800,3
+noxapater,800,4
+noxapater,801,0
+noxapater,801,1
+noxapater,801,2
+noxapater,802,0
+noxapater,802,1
+noxapater,802,2
+noxapater,802,3
+noxapater,802,4
+noxapater,803,0
+noxapater,803,1
+noxapater,803,2
+noxapater,803,3
+noxapater,803,4
+noxapater,804,0
+noxapater,804,1
+noxapater,804,2
+noxapater,804,3
+noxapater,804,4
+noxapater,804,5
+noxapater,804,6
+noxapater,804,7
+noxapater,805,0
+noxapater,805,1
+noxapater,805,2
+noxapater,806,0
+noxapater,806,1
+noxapater,806,2
+noxapater,806,3
+noxapater,806,4
+noxapater,807,0
+noxapater,807,1
+noxapater,807,2
+noxapater,807,3
+noxapater,807,4
+noxapater,807,5
+noxapater,807,6
+noxapater,807,7
+noxapater,807,8
+noxapater,808,0
+noxapater,808,1
+noxapater,808,2
+noxapater,809,0
+noxapater,809,1
+noxapater,809,2
+noxapater,809,3
+noxapater,809,4
+noxapater,809,5
+noxapater,809,6
+noxapater,810,0
+noxapater,810,1
+noxapater,810,2
+noxapater,810,3
+noxapater,810,4
+noxapater,811,0
+noxapater,811,1
+noxapater,811,2
+noxapater,811,3
+noxapater,811,4
+noxapater,811,5
+noxapater,812,0
+noxapater,812,1
+noxapater,812,2
+noxapater,812,3
+noxapater,812,4
+noxapater,812,5
+noxapater,812,6
+noxapater,813,0
+noxapater,813,1
+noxapater,813,2
+noxapater,814,0
+noxapater,814,1
+noxapater,814,2
+noxapater,814,3
+noxapater,815,0
+noxapater,815,1
+noxapater,815,2
+noxapater,816,0
+noxapater,816,1
+noxapater,816,2
+noxapater,816,3
+noxapater,816,4
+noxapater,816,5
+noxapater,816,6
+noxapater,817,0
+noxapater,817,1
+noxapater,817,2
+noxapater,818,0
+noxapater,818,1
+noxapater,818,2
+noxapater,818,3
+noxapater,818,4
+noxapater,818,5
+noxapater,819,0
+noxapater,819,1
+noxapater,819,2
+noxapater,819,3
+noxapater,819,4
+noxapater,819,5
+noxapater,820,0
+noxapater,820,1
+noxapater,820,2
+noxapater,820,3
+noxapater,821,0
+noxapater,821,1
+noxapater,821,2
+noxapater,821,3
+noxapater,822,0
+noxapater,822,1
+noxapater,822,2
+noxapater,822,3
+noxapater,822,4
+noxapater,822,5
+noxapater,822,6
+noxapater,823,0
+noxapater,823,1
+noxapater,823,2
+noxapater,823,3
+noxapater,823,4
+noxapater,823,5
+noxapater,823,6
+noxapater,824,0
+noxapater,824,1
+noxapater,824,2
+noxapater,824,3
+noxapater,824,4
+noxapater,825,0
+noxapater,825,1
+noxapater,825,2
+noxapater,825,3
+noxapater,825,4
+noxapater,826,0
+noxapater,826,1
+noxapater,826,2
+noxapater,827,0
+noxapater,827,1
+noxapater,827,2
+noxapater,827,3
+noxapater,828,0
+noxapater,828,1
+noxapater,828,2
+noxapater,828,3
+noxapater,828,4
+noxapater,828,5
+noxapater,828,6
+noxapater,829,0
+noxapater,829,1
+noxapater,829,2
+noxapater,830,0
+noxapater,830,1
+noxapater,830,2
+noxapater,830,3
+noxapater,830,4
+noxapater,830,5
+noxapater,831,0
+noxapater,831,1
+noxapater,831,2
+noxapater,831,3
+noxapater,831,4
+noxapater,831,5
+noxapater,831,6
+noxapater,832,0
+noxapater,832,1
+noxapater,832,2
+noxapater,832,3
+noxapater,833,0
+noxapater,833,1
+noxapater,833,2
+noxapater,833,3
+noxapater,834,0
+noxapater,834,1
+noxapater,834,2
+noxapater,835,0
+noxapater,835,1
+noxapater,835,2
+noxapater,835,3
+noxapater,835,4
+noxapater,835,5
+noxapater,836,0
+noxapater,836,1
+noxapater,836,2
+noxapater,836,3
+noxapater,836,4
+noxapater,837,0
+noxapater,837,1
+noxapater,837,2
+noxapater,837,3
+noxapater,838,0
+noxapater,838,1
+noxapater,838,2
+noxapater,838,3
+noxapater,838,4
+noxapater,838,5
+noxapater,839,0
+noxapater,839,1
+noxapater,839,2
+noxapater,839,3
+noxapater,839,4
+noxapater,839,5
+noxapater,839,6
+noxapater,840,0
+noxapater,840,1
+noxapater,840,2
+noxapater,840,3
+noxapater,840,4
+noxapater,840,5
+noxapater,840,6
+noxapater,840,7
+noxapater,840,8
+noxapater,840,9
+noxapater,840,10
+noxapater,840,11
+noxapater,840,12
+noxapater,841,0
+noxapater,841,1
+noxapater,841,2
+noxapater,841,3
+noxapater,842,0
+noxapater,842,1
+noxapater,842,2
+noxapater,842,3
+noxapater,842,4
+noxapater,843,0
+noxapater,843,1
+noxapater,843,2
+noxapater,844,0
+noxapater,844,1
+noxapater,844,2
+noxapater,845,0
+noxapater,845,1
+noxapater,845,2
+noxapater,845,3
+noxapater,845,4
+noxapater,845,5
+noxapater,845,6
+noxapater,846,0
+noxapater,846,1
+noxapater,846,2
+noxapater,846,3
+noxapater,846,4
+noxapater,848,0
+noxapater,848,1
+noxapater,848,2
+noxapater,848,3
+noxapater,848,4
+noxapater,849,0
+noxapater,849,1
+noxapater,849,2
+noxapater,849,3
+noxapater,849,4
+noxapater,849,5
+noxapater,849,6
+noxapater,849,7
+noxapater,849,8
+noxapater,849,9
+noxapater,850,0
+noxapater,850,1
+noxapater,850,2
+noxapater,850,3
+noxapater,850,4
+noxapater,851,0
+noxapater,851,1
+noxapater,851,2
+noxapater,852,0
+noxapater,852,1
+noxapater,852,2
+noxapater,852,3
+noxapater,853,0
+noxapater,853,1
+noxapater,853,2
+noxapater,853,3
+noxapater,853,4
+noxapater,853,5
+noxapater,853,6
+noxapater,853,7
+noxapater,854,0
+noxapater,854,1
+noxapater,854,2
+noxapater,854,3
+noxapater,855,0
+noxapater,855,1
+noxapater,855,2
+noxapater,855,3
+noxapater,855,4
+noxapater,855,5
+noxapater,856,0
+noxapater,856,1
+noxapater,856,2
+noxapater,856,3
+noxapater,856,4
+noxapater,856,5
+noxapater,857,0
+noxapater,857,1
+noxapater,857,2
+noxapater,857,3
+noxapater,857,4
+noxapater,857,5
+noxapater,857,6
+noxapater,857,7
+noxapater,857,8
+noxapater,857,9
+noxapater,858,0
+noxapater,858,1
+noxapater,858,2
+noxapater,858,3
+noxapater,858,4
+noxapater,858,5
+noxapater,859,0
+noxapater,859,1
+noxapater,859,2
+noxapater,859,3
+noxapater,859,4
+noxapater,859,5
+noxapater,859,6
+noxapater,859,7
+noxapater,859,8
+noxapater,860,0
+noxapater,860,1
+noxapater,860,2
+noxapater,861,0
+noxapater,861,1
+noxapater,861,2
+noxapater,861,3
+noxapater,861,4
+noxapater,861,5
+noxapater,862,0
+noxapater,862,1
+noxapater,862,2
+noxapater,862,3
+noxapater,863,0
+noxapater,863,1
+noxapater,863,2
+noxapater,863,3
+noxapater,864,0
+noxapater,864,1
+noxapater,864,2
+noxapater,864,3
+noxapater,865,0
+noxapater,865,1
+noxapater,865,2
+noxapater,865,3
+noxapater,866,0
+noxapater,866,1
+noxapater,866,2
+noxapater,866,3
+noxapater,866,4
+noxapater,866,5
+noxapater,867,0
+noxapater,867,1
+noxapater,867,2
+noxapater,867,3
+noxapater,867,4
+noxapater,868,0
+noxapater,868,1
+noxapater,868,2
+noxapater,868,3
+noxapater,868,4
+noxapater,868,5
+noxapater,868,6
+noxapater,869,0
+noxapater,869,1
+noxapater,869,2
+noxapater,870,0
+noxapater,870,1
+noxapater,870,2
+noxapater,870,3
+noxapater,870,4
+noxapater,870,5
+noxapater,870,6
+noxapater,870,7
+noxapater,870,8
+noxapater,870,9
+noxapater,870,10
+noxapater,870,11
+noxapater,870,12
+noxapater,871,0
+noxapater,871,1
+noxapater,871,2
+noxapater,871,3
+noxapater,872,0
+noxapater,872,1
+noxapater,872,2
+noxapater,872,3
+noxapater,872,4
+noxapater,872,5
+noxapater,872,6
+noxapater,873,0
+noxapater,873,1
+noxapater,873,2
+noxapater,874,0
+noxapater,874,1
+noxapater,874,2
+noxapater,875,0
+noxapater,875,1
+noxapater,875,2
+noxapater,875,3
+noxapater,875,4
+noxapater,875,5
+noxapater,875,6
+noxapater,875,7
+noxapater,875,8
+noxapater,876,0
+noxapater,876,1
+noxapater,876,2
+noxapater,877,0
+noxapater,877,1
+noxapater,877,2
+noxapater,877,3
+noxapater,877,4
+noxapater,878,0
+noxapater,878,1
+noxapater,878,2
+noxapater,878,3
+noxapater,878,4
+noxapater,879,0
+noxapater,879,1
+noxapater,879,2
+noxapater,879,3
+mcdade,0,0
+mcdade,0,1
+mcdade,0,2
+mcdade,0,3
+mcdade,0,4
+mcdade,0,5
+mcdade,0,6
+mcdade,1,0
+mcdade,1,1
+mcdade,1,2
+mcdade,1,3
+mcdade,1,4
+mcdade,1,5
+mcdade,1,6
+mcdade,1,7
+mcdade,1,8
+mcdade,2,0
+mcdade,2,1
+mcdade,2,2
+mcdade,2,3
+mcdade,2,4
+mcdade,2,5
+mcdade,2,6
+mcdade,2,7
+mcdade,3,0
+mcdade,3,1
+mcdade,3,2
+mcdade,3,3
+mcdade,3,4
+mcdade,3,5
+mcdade,3,6
+mcdade,4,0
+mcdade,4,1
+mcdade,4,2
+mcdade,4,3
+mcdade,4,4
+mcdade,4,5
+mcdade,4,6
+mcdade,5,0
+mcdade,5,1
+mcdade,5,2
+mcdade,5,3
+mcdade,5,4
+mcdade,6,0
+mcdade,6,1
+mcdade,6,2
+mcdade,6,3
+mcdade,7,0
+mcdade,7,1
+mcdade,7,2
+mcdade,7,3
+mcdade,7,4
+mcdade,7,5
+mcdade,7,6
+mcdade,8,0
+mcdade,8,1
+mcdade,8,2
+mcdade,8,3
+mcdade,8,4
+mcdade,8,5
+mcdade,9,0
+mcdade,9,1
+mcdade,9,2
+mcdade,9,3
+mcdade,9,4
+mcdade,9,5
+mcdade,10,0
+mcdade,10,1
+mcdade,10,2
+mcdade,10,3
+mcdade,11,0
+mcdade,11,1
+mcdade,11,2
+mcdade,11,3
+mcdade,12,0
+mcdade,12,1
+mcdade,12,2
+mcdade,12,3
+mcdade,13,0
+mcdade,13,1
+mcdade,13,2
+mcdade,13,3
+mcdade,13,4
+mcdade,14,0
+mcdade,14,1
+mcdade,14,2
+mcdade,14,3
+mcdade,14,4
+mcdade,14,5
+mcdade,14,6
+mcdade,14,7
+mcdade,14,8
+mcdade,15,0
+mcdade,15,1
+mcdade,15,2
+mcdade,15,3
+mcdade,15,4
+mcdade,15,5
+mcdade,15,6
+mcdade,15,7
+mcdade,15,8
+mcdade,16,0
+mcdade,16,1
+mcdade,16,2
+mcdade,16,3
+mcdade,16,4
+mcdade,16,5
+mcdade,17,0
+mcdade,17,1
+mcdade,17,2
+mcdade,17,3
+mcdade,17,4
+mcdade,18,0
+mcdade,18,1
+mcdade,18,2
+mcdade,18,3
+mcdade,18,4
+mcdade,18,5
+mcdade,18,6
+mcdade,18,7
+mcdade,18,8
+mcdade,18,9
+mcdade,18,10
+mcdade,18,11
+mcdade,18,12
+mcdade,18,13
+mcdade,18,14
+mcdade,18,15
+mcdade,18,16
+mcdade,18,17
+mcdade,18,18
+mcdade,19,0
+mcdade,19,1
+mcdade,19,2
+mcdade,19,3
+mcdade,19,4
+mcdade,19,5
+mcdade,19,6
+mcdade,19,7
+mcdade,19,8
+mcdade,19,9
+mcdade,19,10
+mcdade,19,11
+mcdade,19,12
+mcdade,19,13
+mcdade,19,14
+mcdade,19,15
+mcdade,19,16
+mcdade,19,17
+mcdade,19,18
+mcdade,19,19
+mcdade,20,0
+mcdade,20,1
+mcdade,20,2
+mcdade,20,3
+mcdade,20,4
+mcdade,20,5
+mcdade,21,0
+mcdade,21,1
+mcdade,21,2
+mcdade,22,0
+mcdade,22,1
+mcdade,22,2
+mcdade,22,3
+mcdade,22,4
+mcdade,22,5
+mcdade,22,6
+mcdade,22,7
+mcdade,22,8
+mcdade,22,9
+mcdade,22,10
+mcdade,22,11
+mcdade,22,12
+mcdade,22,13
+mcdade,22,14
+mcdade,22,15
+mcdade,22,16
+mcdade,22,17
+mcdade,22,18
+mcdade,22,19
+mcdade,22,20
+mcdade,22,21
+mcdade,22,22
+mcdade,23,0
+mcdade,23,1
+mcdade,23,2
+mcdade,23,3
+mcdade,23,4
+mcdade,23,5
+mcdade,23,6
+mcdade,23,7
+mcdade,23,8
+mcdade,24,0
+mcdade,24,1
+mcdade,24,2
+mcdade,24,3
+mcdade,24,4
+mcdade,25,0
+mcdade,25,1
+mcdade,25,2
+mcdade,25,3
+mcdade,25,4
+mcdade,25,5
+mcdade,25,6
+mcdade,25,7
+mcdade,26,0
+mcdade,26,1
+mcdade,26,2
+mcdade,26,3
+mcdade,26,4
+mcdade,27,0
+mcdade,27,1
+mcdade,27,2
+mcdade,27,3
+mcdade,27,4
+mcdade,27,5
+mcdade,27,6
+mcdade,27,7
+mcdade,28,0
+mcdade,28,1
+mcdade,28,2
+mcdade,28,3
+mcdade,29,0
+mcdade,29,1
+mcdade,29,2
+mcdade,29,3
+mcdade,30,0
+mcdade,30,1
+mcdade,30,2
+mcdade,30,3
+mcdade,31,0
+mcdade,31,1
+mcdade,31,2
+mcdade,31,3
+mcdade,31,4
+mcdade,32,0
+mcdade,32,1
+mcdade,32,2
+mcdade,32,3
+mcdade,32,4
+mcdade,32,5
+mcdade,32,6
+mcdade,32,7
+mcdade,33,0
+mcdade,33,1
+mcdade,33,2
+mcdade,34,0
+mcdade,34,1
+mcdade,34,2
+mcdade,34,3
+mcdade,35,0
+mcdade,35,1
+mcdade,35,2
+mcdade,35,3
+mcdade,36,0
+mcdade,36,1
+mcdade,36,2
+mcdade,36,3
+mcdade,36,4
+mcdade,36,5
+mcdade,36,6
+mcdade,36,7
+mcdade,36,8
+mcdade,37,0
+mcdade,37,1
+mcdade,37,2
+mcdade,37,3
+mcdade,37,4
+mcdade,37,5
+mcdade,37,6
+mcdade,37,7
+mcdade,37,8
+mcdade,38,0
+mcdade,38,1
+mcdade,38,2
+mcdade,38,3
+mcdade,39,0
+mcdade,39,1
+mcdade,39,2
+mcdade,40,0
+mcdade,40,1
+mcdade,40,2
+mcdade,40,3
+mcdade,41,0
+mcdade,41,1
+mcdade,41,2
+mcdade,41,3
+mcdade,41,4
+mcdade,41,5
+mcdade,42,0
+mcdade,42,1
+mcdade,42,2
+mcdade,43,0
+mcdade,43,1
+mcdade,43,2
+mcdade,43,3
+mcdade,43,4
+mcdade,43,5
+mcdade,43,6
+mcdade,44,0
+mcdade,44,1
+mcdade,44,2
+mcdade,44,3
+mcdade,45,0
+mcdade,45,1
+mcdade,45,2
+mcdade,45,3
+mcdade,45,4
+mcdade,46,0
+mcdade,46,1
+mcdade,46,2
+mcdade,47,0
+mcdade,47,1
+mcdade,47,2
+mcdade,47,3
+mcdade,48,0
+mcdade,48,1
+mcdade,48,2
+mcdade,48,3
+mcdade,48,4
+mcdade,48,5
+mcdade,48,6
+mcdade,48,7
+mcdade,48,8
+mcdade,48,9
+mcdade,48,10
+mcdade,48,11
+mcdade,48,12
+mcdade,48,13
+mcdade,48,14
+mcdade,49,0
+mcdade,49,1
+mcdade,49,2
+mcdade,49,3
+mcdade,49,4
+mcdade,49,5
+mcdade,49,6
+mcdade,50,0
+mcdade,50,1
+mcdade,50,2
+mcdade,50,3
+mcdade,50,4
+mcdade,50,5
+mcdade,50,6
+mcdade,50,7
+mcdade,50,8
+mcdade,50,9
+mcdade,50,10
+mcdade,50,11
+mcdade,50,12
+mcdade,50,13
+mcdade,51,0
+mcdade,51,1
+mcdade,51,2
+mcdade,51,3
+mcdade,51,4
+mcdade,51,5
+mcdade,51,6
+mcdade,51,7
+mcdade,51,8
+mcdade,51,9
+mcdade,51,10
+mcdade,51,11
+mcdade,51,12
+mcdade,51,13
+mcdade,51,14
+mcdade,52,0
+mcdade,52,1
+mcdade,52,2
+mcdade,52,3
+mcdade,53,0
+mcdade,53,1
+mcdade,53,2
+mcdade,53,3
+mcdade,53,4
+mcdade,53,5
+mcdade,53,6
+mcdade,53,7
+mcdade,53,8
+mcdade,53,9
+mcdade,53,10
+mcdade,53,11
+mcdade,54,0
+mcdade,54,1
+mcdade,54,2
+mcdade,54,3
+mcdade,55,0
+mcdade,55,1
+mcdade,55,2
+mcdade,55,3
+mcdade,55,4
+mcdade,56,0
+mcdade,56,1
+mcdade,56,2
+mcdade,56,3
+mcdade,56,4
+mcdade,56,5
+mcdade,56,6
+mcdade,57,0
+mcdade,57,1
+mcdade,57,2
+mcdade,57,3
+mcdade,57,4
+mcdade,57,5
+mcdade,57,6
+mcdade,57,7
+mcdade,57,8
+mcdade,58,0
+mcdade,58,1
+mcdade,58,2
+mcdade,58,3
+mcdade,58,4
+mcdade,58,5
+mcdade,58,6
+mcdade,58,7
+mcdade,58,8
+mcdade,58,9
+mcdade,58,10
+mcdade,59,0
+mcdade,59,1
+mcdade,59,2
+mcdade,60,0
+mcdade,60,1
+mcdade,60,2
+mcdade,60,3
+mcdade,60,4
+mcdade,60,5
+mcdade,60,6
+mcdade,60,7
+mcdade,60,8
+mcdade,60,9
+mcdade,61,0
+mcdade,61,1
+mcdade,61,2
+mcdade,61,3
+mcdade,62,0
+mcdade,62,1
+mcdade,62,2
+mcdade,63,0
+mcdade,63,1
+mcdade,63,2
+mcdade,63,3
+mcdade,63,4
+mcdade,63,5
+mcdade,64,0
+mcdade,64,1
+mcdade,64,2
+mcdade,64,3
+mcdade,64,4
+mcdade,64,5
+mcdade,64,6
+mcdade,64,7
+mcdade,65,0
+mcdade,65,1
+mcdade,65,2
+mcdade,65,3
+mcdade,65,4
+mcdade,65,5
+mcdade,66,0
+mcdade,66,1
+mcdade,66,2
+mcdade,66,3
+mcdade,66,4
+mcdade,67,0
+mcdade,67,1
+mcdade,67,2
+mcdade,67,3
+mcdade,67,4
+mcdade,67,5
+mcdade,67,6
+mcdade,67,7
+mcdade,67,8
+mcdade,68,0
+mcdade,68,1
+mcdade,68,2
+mcdade,68,3
+mcdade,68,4
+mcdade,69,0
+mcdade,69,1
+mcdade,69,2
+mcdade,69,3
+mcdade,69,4
+mcdade,69,5
+mcdade,69,6
+mcdade,69,7
+mcdade,69,8
+mcdade,69,9
+mcdade,69,10
+mcdade,69,11
+mcdade,69,12
+mcdade,69,13
+mcdade,69,14
+mcdade,69,15
+mcdade,69,16
+mcdade,69,17
+mcdade,69,18
+mcdade,69,19
+mcdade,69,20
+mcdade,69,21
+mcdade,69,22
+mcdade,70,0
+mcdade,70,1
+mcdade,70,2
+mcdade,70,3
+mcdade,70,4
+mcdade,70,5
+mcdade,70,6
+mcdade,71,0
+mcdade,71,1
+mcdade,71,2
+mcdade,71,3
+mcdade,71,4
+mcdade,71,5
+mcdade,71,6
+mcdade,71,7
+mcdade,72,0
+mcdade,72,1
+mcdade,72,2
+mcdade,72,3
+mcdade,72,4
+mcdade,72,5
+mcdade,72,6
+mcdade,72,7
+mcdade,73,0
+mcdade,73,1
+mcdade,73,2
+mcdade,73,3
+mcdade,73,4
+mcdade,73,5
+mcdade,73,6
+mcdade,74,0
+mcdade,74,1
+mcdade,74,2
+mcdade,74,3
+mcdade,74,4
+mcdade,74,5
+mcdade,74,6
+mcdade,74,7
+mcdade,74,8
+mcdade,74,9
+mcdade,75,0
+mcdade,75,1
+mcdade,75,2
+mcdade,75,3
+mcdade,75,4
+mcdade,76,0
+mcdade,76,1
+mcdade,76,2
+mcdade,77,0
+mcdade,77,1
+mcdade,77,2
+mcdade,78,0
+mcdade,78,1
+mcdade,78,2
+mcdade,78,3
+mcdade,78,4
+mcdade,79,0
+mcdade,79,1
+mcdade,79,2
+mcdade,79,3
+mcdade,79,4
+mcdade,79,5
+mcdade,80,0
+mcdade,80,1
+mcdade,80,2
+mcdade,80,3
+mcdade,80,4
+mcdade,81,0
+mcdade,81,1
+mcdade,81,2
+mcdade,81,3
+mcdade,81,4
+mcdade,81,5
+mcdade,81,6
+mcdade,82,0
+mcdade,82,1
+mcdade,82,2
+mcdade,82,3
+mcdade,82,4
+mcdade,83,0
+mcdade,83,1
+mcdade,83,2
+mcdade,83,3
+mcdade,83,4
+mcdade,83,5
+mcdade,83,6
+mcdade,84,0
+mcdade,84,1
+mcdade,84,2
+mcdade,84,3
+mcdade,84,4
+mcdade,84,5
+mcdade,84,6
+mcdade,84,7
+mcdade,84,8
+mcdade,84,9
+mcdade,85,0
+mcdade,85,1
+mcdade,85,2
+mcdade,85,3
+mcdade,85,4
+mcdade,85,5
+mcdade,85,6
+mcdade,85,7
+mcdade,85,8
+mcdade,85,9
+mcdade,85,10
+mcdade,85,11
+mcdade,85,12
+mcdade,85,13
+mcdade,85,14
+mcdade,85,15
+mcdade,85,16
+mcdade,86,0
+mcdade,86,1
+mcdade,86,2
+mcdade,86,3
+mcdade,87,0
+mcdade,87,1
+mcdade,87,2
+mcdade,87,3
+mcdade,87,4
+mcdade,88,0
+mcdade,88,1
+mcdade,88,2
+mcdade,88,3
+mcdade,88,4
+mcdade,88,5
+mcdade,88,6
+mcdade,88,7
+mcdade,88,8
+mcdade,88,9
+mcdade,88,10
+mcdade,88,11
+mcdade,88,12
+mcdade,88,13
+mcdade,88,14
+mcdade,89,0
+mcdade,89,1
+mcdade,89,2
+mcdade,89,3
+mcdade,89,4
+mcdade,89,5
+mcdade,89,6
+mcdade,89,7
+mcdade,89,8
+mcdade,89,9
+mcdade,90,0
+mcdade,90,1
+mcdade,90,2
+mcdade,90,3
+mcdade,91,0
+mcdade,91,1
+mcdade,91,2
+mcdade,92,0
+mcdade,92,1
+mcdade,92,2
+mcdade,92,3
+mcdade,93,0
+mcdade,93,1
+mcdade,93,2
+mcdade,93,3
+mcdade,94,0
+mcdade,94,1
+mcdade,94,2
+mcdade,94,3
+mcdade,94,4
+mcdade,94,5
+mcdade,94,6
+mcdade,94,7
+mcdade,94,8
+mcdade,94,9
+mcdade,94,10
+mcdade,94,11
+mcdade,95,0
+mcdade,95,1
+mcdade,95,2
+mcdade,95,3
+mcdade,96,0
+mcdade,96,1
+mcdade,96,2
+mcdade,96,3
+mcdade,96,4
+mcdade,96,5
+mcdade,96,6
+mcdade,96,7
+mcdade,96,8
+mcdade,96,9
+mcdade,96,10
+mcdade,96,11
+mcdade,96,12
+mcdade,96,13
+mcdade,96,14
+mcdade,97,0
+mcdade,97,1
+mcdade,97,2
+mcdade,98,0
+mcdade,98,1
+mcdade,98,2
+mcdade,98,3
+mcdade,99,0
+mcdade,99,1
+mcdade,99,2
+mcdade,99,3
+mcdade,100,0
+mcdade,100,1
+mcdade,100,2
+mcdade,100,3
+mcdade,100,4
+mcdade,100,5
+mcdade,100,6
+mcdade,100,7
+mcdade,100,8
+mcdade,100,9
+mcdade,100,10
+mcdade,100,11
+mcdade,100,12
+mcdade,101,0
+mcdade,101,1
+mcdade,101,2
+mcdade,101,3
+mcdade,101,4
+mcdade,102,0
+mcdade,102,1
+mcdade,102,2
+mcdade,102,3
+mcdade,102,4
+mcdade,102,5
+mcdade,102,6
+mcdade,102,7
+mcdade,102,8
+mcdade,102,9
+mcdade,102,10
+mcdade,102,11
+mcdade,102,12
+mcdade,103,0
+mcdade,103,1
+mcdade,103,2
+mcdade,103,3
+mcdade,103,4
+mcdade,103,5
+mcdade,103,6
+mcdade,103,7
+mcdade,103,8
+mcdade,104,0
+mcdade,104,1
+mcdade,104,2
+mcdade,104,3
+mcdade,105,0
+mcdade,105,1
+mcdade,105,2
+mcdade,105,3
+mcdade,105,4
+mcdade,105,5
+mcdade,105,6
+mcdade,105,7
+mcdade,105,8
+mcdade,106,0
+mcdade,106,1
+mcdade,106,2
+mcdade,106,3
+mcdade,107,0
+mcdade,107,1
+mcdade,107,2
+mcdade,107,3
+mcdade,107,4
+mcdade,107,5
+mcdade,107,6
+mcdade,107,7
+mcdade,108,0
+mcdade,108,1
+mcdade,108,2
+mcdade,108,3
+mcdade,108,4
+mcdade,108,5
+mcdade,108,6
+mcdade,108,7
+mcdade,108,8
+mcdade,108,9
+mcdade,108,10
+mcdade,108,11
+mcdade,108,12
+mcdade,109,0
+mcdade,109,1
+mcdade,109,2
+mcdade,109,3
+mcdade,109,4
+mcdade,109,5
+mcdade,109,6
+mcdade,109,7
+mcdade,109,8
+mcdade,109,9
+mcdade,109,10
+mcdade,109,11
+mcdade,109,12
+mcdade,109,13
+mcdade,110,0
+mcdade,110,1
+mcdade,110,2
+mcdade,110,3
+mcdade,110,4
+mcdade,110,5
+mcdade,110,6
+mcdade,110,7
+mcdade,111,0
+mcdade,111,1
+mcdade,111,2
+mcdade,111,3
+mcdade,111,4
+mcdade,111,5
+mcdade,111,6
+mcdade,111,7
+mcdade,111,8
+mcdade,111,9
+mcdade,111,10
+mcdade,111,11
+mcdade,112,0
+mcdade,112,1
+mcdade,112,2
+mcdade,113,0
+mcdade,113,1
+mcdade,113,2
+mcdade,113,3
+mcdade,113,4
+mcdade,113,5
+mcdade,113,6
+mcdade,114,0
+mcdade,114,1
+mcdade,114,2
+mcdade,114,3
+mcdade,114,4
+mcdade,114,5
+mcdade,114,6
+mcdade,115,0
+mcdade,115,1
+mcdade,115,2
+mcdade,115,3
+mcdade,115,4
+mcdade,115,5
+mcdade,115,6
+mcdade,115,7
+mcdade,115,8
+mcdade,116,0
+mcdade,116,1
+mcdade,116,2
+mcdade,116,3
+mcdade,116,4
+mcdade,116,5
+mcdade,116,6
+mcdade,116,7
+mcdade,117,0
+mcdade,117,1
+mcdade,117,2
+mcdade,117,3
+mcdade,117,4
+mcdade,117,5
+mcdade,117,6
+mcdade,117,7
+mcdade,117,8
+mcdade,117,9
+mcdade,117,10
+mcdade,117,11
+mcdade,117,12
+mcdade,118,0
+mcdade,118,1
+mcdade,118,2
+mcdade,118,3
+mcdade,118,4
+mcdade,118,5
+mcdade,118,6
+mcdade,118,7
+mcdade,118,8
+mcdade,118,9
+mcdade,119,0
+mcdade,119,1
+mcdade,119,2
+mcdade,119,3
+mcdade,119,4
+mcdade,120,0
+mcdade,120,1
+mcdade,120,2
+mcdade,120,3
+mcdade,121,0
+mcdade,121,1
+mcdade,121,2
+mcdade,121,3
+mcdade,121,4
+mcdade,121,5
+mcdade,121,6
+mcdade,122,0
+mcdade,122,1
+mcdade,122,2
+mcdade,122,3
+mcdade,122,4
+mcdade,122,5
+mcdade,123,0
+mcdade,123,1
+mcdade,123,2
+mcdade,123,3
+mcdade,123,4
+mcdade,123,5
+mcdade,123,6
+mcdade,123,7
+mcdade,123,8
+mcdade,124,0
+mcdade,124,1
+mcdade,124,2
+mcdade,124,3
+mcdade,124,4
+mcdade,124,5
+mcdade,124,6
+mcdade,125,0
+mcdade,125,1
+mcdade,125,2
+mcdade,125,3
+mcdade,126,0
+mcdade,126,1
+mcdade,126,2
+mcdade,126,3
+mcdade,126,4
+mcdade,126,5
+mcdade,126,6
+mcdade,126,7
+mcdade,126,8
+mcdade,126,9
+mcdade,126,10
+mcdade,127,0
+mcdade,127,1
+mcdade,127,2
+mcdade,127,3
+mcdade,127,4
+mcdade,128,0
+mcdade,128,1
+mcdade,128,2
+mcdade,128,3
+mcdade,128,4
+mcdade,128,5
+mcdade,129,0
+mcdade,129,1
+mcdade,129,2
+mcdade,129,3
+mcdade,129,4
+mcdade,129,5
+mcdade,129,6
+mcdade,129,7
+mcdade,129,8
+mcdade,129,9
+mcdade,129,10
+mcdade,129,11
+mcdade,129,12
+mcdade,129,13
+mcdade,129,14
+mcdade,129,15
+mcdade,129,16
+mcdade,130,0
+mcdade,130,1
+mcdade,130,2
+mcdade,131,0
+mcdade,131,1
+mcdade,131,2
+mcdade,131,3
+mcdade,131,4
+mcdade,131,5
+mcdade,131,6
+mcdade,131,7
+mcdade,131,8
+mcdade,131,9
+mcdade,131,10
+mcdade,131,11
+mcdade,131,12
+mcdade,131,13
+mcdade,132,0
+mcdade,132,1
+mcdade,132,2
+mcdade,132,3
+mcdade,133,0
+mcdade,133,1
+mcdade,133,2
+mcdade,133,3
+mcdade,134,0
+mcdade,134,1
+mcdade,134,2
+mcdade,134,3
+mcdade,134,4
+mcdade,135,0
+mcdade,135,1
+mcdade,135,2
+mcdade,135,3
+mcdade,135,4
+mcdade,136,0
+mcdade,136,1
+mcdade,136,2
+mcdade,136,3
+mcdade,137,0
+mcdade,137,1
+mcdade,137,2
+mcdade,137,3
+mcdade,138,0
+mcdade,138,1
+mcdade,138,2
+mcdade,138,3
+mcdade,138,4
+mcdade,138,5
+mcdade,139,0
+mcdade,139,1
+mcdade,139,2
+mcdade,140,0
+mcdade,140,1
+mcdade,140,2
+mcdade,140,3
+mcdade,140,4
+mcdade,141,0
+mcdade,141,1
+mcdade,141,2
+mcdade,141,3
+mcdade,141,4
+mcdade,141,5
+mcdade,142,0
+mcdade,142,1
+mcdade,142,2
+mcdade,142,3
+mcdade,142,4
+mcdade,142,5
+mcdade,142,6
+mcdade,143,0
+mcdade,143,1
+mcdade,143,2
+mcdade,143,3
+mcdade,143,4
+mcdade,143,5
+mcdade,144,0
+mcdade,144,1
+mcdade,144,2
+mcdade,144,3
+mcdade,144,4
+mcdade,144,5
+mcdade,144,6
+mcdade,144,7
+mcdade,145,0
+mcdade,145,1
+mcdade,145,2
+mcdade,145,3
+mcdade,145,4
+mcdade,145,5
+mcdade,145,6
+mcdade,145,7
+mcdade,145,8
+mcdade,145,9
+mcdade,146,0
+mcdade,146,1
+mcdade,146,2
+mcdade,146,3
+mcdade,146,4
+mcdade,146,5
+mcdade,146,6
+mcdade,146,7
+mcdade,146,8
+mcdade,146,9
+mcdade,146,10
+mcdade,147,0
+mcdade,147,1
+mcdade,147,2
+mcdade,147,3
+mcdade,147,4
+mcdade,147,5
+mcdade,147,6
+mcdade,148,0
+mcdade,148,1
+mcdade,148,2
+mcdade,148,3
+mcdade,148,4
+mcdade,148,5
+mcdade,148,6
+mcdade,149,0
+mcdade,149,1
+mcdade,149,2
+mcdade,149,3
+mcdade,149,4
+mcdade,149,5
+mcdade,149,6
+mcdade,149,7
+mcdade,150,0
+mcdade,150,1
+mcdade,150,2
+mcdade,150,3
+mcdade,150,4
+mcdade,150,5
+mcdade,150,6
+mcdade,150,7
+mcdade,150,8
+mcdade,151,0
+mcdade,151,1
+mcdade,151,2
+mcdade,151,3
+mcdade,152,0
+mcdade,152,1
+mcdade,152,2
+mcdade,152,3
+mcdade,152,4
+mcdade,152,5
+mcdade,152,6
+mcdade,152,7
+mcdade,152,8
+mcdade,152,9
+mcdade,152,10
+mcdade,152,11
+mcdade,152,12
+mcdade,152,13
+mcdade,152,14
+mcdade,152,15
+mcdade,152,16
+mcdade,152,17
+mcdade,152,18
+mcdade,152,19
+mcdade,152,20
+mcdade,152,21
+mcdade,152,22
+mcdade,152,23
+mcdade,152,24
+mcdade,153,0
+mcdade,153,1
+mcdade,153,2
+mcdade,153,3
+mcdade,153,4
+mcdade,153,5
+mcdade,153,6
+mcdade,153,7
+mcdade,154,0
+mcdade,154,1
+mcdade,154,2
+mcdade,154,3
+mcdade,154,4
+mcdade,154,5
+mcdade,154,6
+mcdade,154,7
+mcdade,154,8
+mcdade,154,9
+mcdade,154,10
+mcdade,155,0
+mcdade,155,1
+mcdade,155,2
+mcdade,155,3
+mcdade,156,0
+mcdade,156,1
+mcdade,156,2
+mcdade,156,3
+mcdade,156,4
+mcdade,156,5
+mcdade,156,6
+mcdade,156,7
+mcdade,156,8
+mcdade,156,9
+mcdade,156,10
+mcdade,156,11
+mcdade,157,0
+mcdade,157,1
+mcdade,157,2
+mcdade,158,0
+mcdade,158,1
+mcdade,158,2
+mcdade,158,3
+mcdade,158,4
+mcdade,158,5
+mcdade,159,0
+mcdade,159,1
+mcdade,159,2
+mcdade,159,3
+mcdade,159,4
+mcdade,159,5
+mcdade,159,6
+mcdade,159,7
+mcdade,159,8
+mcdade,159,9
+mcdade,159,10
+mcdade,159,11
+mcdade,159,12
+mcdade,159,13
+mcdade,159,14
+mcdade,159,15
+mcdade,159,16
+mcdade,159,17
+mcdade,159,18
+mcdade,160,0
+mcdade,160,1
+mcdade,160,2
+mcdade,160,3
+mcdade,161,0
+mcdade,161,1
+mcdade,161,2
+mcdade,161,3
+mcdade,161,4
+mcdade,161,5
+mcdade,162,0
+mcdade,162,1
+mcdade,162,2
+mcdade,163,0
+mcdade,163,1
+mcdade,163,2
+mcdade,163,3
+mcdade,163,4
+mcdade,163,5
+mcdade,164,0
+mcdade,164,1
+mcdade,164,2
+mcdade,164,3
+mcdade,164,4
+mcdade,164,5
+mcdade,164,6
+mcdade,165,0
+mcdade,165,1
+mcdade,165,2
+mcdade,165,3
+mcdade,165,4
+mcdade,165,5
+mcdade,166,0
+mcdade,166,1
+mcdade,166,2
+mcdade,166,3
+mcdade,166,4
+mcdade,166,5
+mcdade,166,6
+mcdade,166,7
+mcdade,166,8
+mcdade,167,0
+mcdade,167,1
+mcdade,167,2
+mcdade,167,3
+mcdade,168,0
+mcdade,168,1
+mcdade,168,2
+mcdade,168,3
+mcdade,168,4
+mcdade,169,0
+mcdade,169,1
+mcdade,169,2
+mcdade,169,3
+mcdade,170,0
+mcdade,170,1
+mcdade,170,2
+mcdade,170,3
+mcdade,170,4
+mcdade,170,5
+mcdade,170,6
+mcdade,170,7
+mcdade,170,8
+mcdade,170,9
+mcdade,170,10
+mcdade,171,0
+mcdade,171,1
+mcdade,171,2
+mcdade,171,3
+mcdade,171,4
+mcdade,171,5
+mcdade,171,6
+mcdade,171,7
+mcdade,171,8
+mcdade,171,9
+mcdade,171,10
+mcdade,171,11
+mcdade,172,0
+mcdade,172,1
+mcdade,172,2
+mcdade,172,3
+mcdade,173,0
+mcdade,173,1
+mcdade,173,2
+mcdade,173,3
+mcdade,173,4
+mcdade,173,5
+mcdade,174,0
+mcdade,174,1
+mcdade,174,2
+mcdade,174,3
+mcdade,174,4
+mcdade,174,5
+mcdade,174,6
+mcdade,174,7
+mcdade,174,8
+mcdade,175,0
+mcdade,175,1
+mcdade,175,2
+mcdade,175,3
+mcdade,175,4
+mcdade,175,5
+mcdade,175,6
+mcdade,175,7
+mcdade,175,8
+mcdade,176,0
+mcdade,176,1
+mcdade,176,2
+mcdade,176,3
+mcdade,177,0
+mcdade,177,1
+mcdade,177,2
+mcdade,177,3
+mcdade,177,4
+mcdade,177,5
+mcdade,177,6
+mcdade,177,7
+mcdade,178,0
+mcdade,178,1
+mcdade,178,2
+mcdade,178,3
+mcdade,178,4
+mcdade,178,5
+mcdade,179,0
+mcdade,179,1
+mcdade,179,2
+mcdade,179,3
+mcdade,179,4
+mcdade,180,0
+mcdade,180,1
+mcdade,180,2
+mcdade,180,3
+mcdade,180,4
+mcdade,180,5
+mcdade,180,6
+mcdade,180,7
+mcdade,180,8
+mcdade,181,0
+mcdade,181,1
+mcdade,181,2
+mcdade,181,3
+mcdade,181,4
+mcdade,181,5
+mcdade,181,6
+mcdade,181,7
+mcdade,181,8
+mcdade,181,9
+mcdade,182,0
+mcdade,182,1
+mcdade,182,2
+mcdade,182,3
+mcdade,182,4
+mcdade,182,5
+mcdade,182,6
+mcdade,182,7
+mcdade,183,0
+mcdade,183,1
+mcdade,183,2
+mcdade,183,3
+mcdade,183,4
+mcdade,183,5
+mcdade,183,6
+mcdade,183,7
+mcdade,183,8
+mcdade,183,9
+mcdade,183,10
+mcdade,184,0
+mcdade,184,1
+mcdade,184,2
+mcdade,185,0
+mcdade,185,1
+mcdade,185,2
+mcdade,185,3
+mcdade,185,4
+mcdade,185,5
+mcdade,185,6
+mcdade,186,0
+mcdade,186,1
+mcdade,186,2
+mcdade,186,3
+mcdade,186,4
+mcdade,187,0
+mcdade,187,1
+mcdade,187,2
+mcdade,187,3
+mcdade,188,0
+mcdade,188,1
+mcdade,188,2
+mcdade,188,3
+mcdade,188,4
+mcdade,188,5
+mcdade,188,6
+mcdade,188,7
+mcdade,188,8
+mcdade,188,9
+mcdade,188,10
+mcdade,188,11
+mcdade,188,12
+mcdade,189,0
+mcdade,189,1
+mcdade,189,2
+mcdade,189,3
+mcdade,190,0
+mcdade,190,1
+mcdade,190,2
+mcdade,190,3
+mcdade,190,4
+mcdade,190,5
+mcdade,190,6
+mcdade,190,7
+mcdade,190,8
+mcdade,191,0
+mcdade,191,1
+mcdade,191,2
+mcdade,191,3
+mcdade,191,4
+mcdade,191,5
+mcdade,192,0
+mcdade,192,1
+mcdade,192,2
+mcdade,193,0
+mcdade,193,1
+mcdade,193,2
+mcdade,193,3
+mcdade,194,0
+mcdade,194,1
+mcdade,194,2
+mcdade,194,3
+mcdade,195,0
+mcdade,195,1
+mcdade,195,2
+mcdade,195,3
+mcdade,196,0
+mcdade,196,1
+mcdade,196,2
+mcdade,196,3
+mcdade,196,4
+mcdade,196,5
+mcdade,196,6
+mcdade,196,7
+mcdade,196,8
+mcdade,196,9
+mcdade,196,10
+mcdade,197,0
+mcdade,197,1
+mcdade,197,2
+mcdade,198,0
+mcdade,198,1
+mcdade,198,2
+mcdade,198,3
+mcdade,198,4
+mcdade,198,5
+mcdade,198,6
+mcdade,198,7
+mcdade,198,8
+mcdade,198,9
+mcdade,198,10
+mcdade,199,0
+mcdade,199,1
+mcdade,199,2
+mcdade,199,3
+mcdade,199,4
+mcdade,199,5
+mcdade,199,6
+mcdade,199,7
+mcdade,199,8
+mcdade,199,9
+mcdade,199,10
+mcdade,199,11
+mcdade,200,0
+mcdade,200,1
+mcdade,200,2
+mcdade,200,3
+mcdade,200,4
+mcdade,200,5
+mcdade,200,6
+mcdade,201,0
+mcdade,201,1
+mcdade,201,2
+mcdade,202,0
+mcdade,202,1
+mcdade,202,2
+mcdade,202,3
+mcdade,202,4
+mcdade,202,5
+mcdade,202,6
+mcdade,202,7
+mcdade,202,8
+mcdade,202,9
+mcdade,203,0
+mcdade,203,1
+mcdade,203,2
+mcdade,203,3
+mcdade,203,4
+mcdade,203,5
+mcdade,204,0
+mcdade,204,1
+mcdade,204,2
+mcdade,204,3
+mcdade,204,4
+mcdade,204,5
+mcdade,204,6
+mcdade,204,7
+mcdade,204,8
+mcdade,204,9
+mcdade,204,10
+mcdade,204,11
+mcdade,204,12
+mcdade,204,13
+mcdade,204,14
+mcdade,204,15
+mcdade,204,16
+mcdade,204,17
+mcdade,204,18
+mcdade,204,19
+mcdade,204,20
+mcdade,204,21
+mcdade,204,22
+mcdade,204,23
+mcdade,205,0
+mcdade,205,1
+mcdade,205,2
+mcdade,206,0
+mcdade,206,1
+mcdade,206,2
+mcdade,206,3
+mcdade,206,4
+mcdade,206,5
+mcdade,206,6
+mcdade,206,7
+mcdade,206,8
+mcdade,206,9
+mcdade,206,10
+mcdade,206,11
+mcdade,206,12
+mcdade,206,13
+mcdade,206,14
+mcdade,206,15
+mcdade,206,16
+mcdade,206,17
+mcdade,206,18
+mcdade,207,0
+mcdade,207,1
+mcdade,207,2
+mcdade,208,0
+mcdade,208,1
+mcdade,208,2
+mcdade,208,3
+mcdade,208,4
+mcdade,208,5
+mcdade,208,6
+mcdade,209,0
+mcdade,209,1
+mcdade,209,2
+mcdade,209,3
+mcdade,209,4
+mcdade,209,5
+mcdade,209,6
+mcdade,209,7
+mcdade,209,8
+mcdade,209,9
+mcdade,209,10
+mcdade,210,0
+mcdade,210,1
+mcdade,210,2
+mcdade,211,0
+mcdade,211,1
+mcdade,211,2
+mcdade,211,3
+mcdade,211,4
+mcdade,211,5
+mcdade,211,6
+mcdade,211,7
+mcdade,212,0
+mcdade,212,1
+mcdade,212,2
+mcdade,212,3
+mcdade,212,4
+mcdade,212,5
+mcdade,212,6
+mcdade,212,7
+mcdade,213,0
+mcdade,213,1
+mcdade,213,2
+mcdade,213,3
+mcdade,213,4
+mcdade,214,0
+mcdade,214,1
+mcdade,214,2
+mcdade,214,3
+mcdade,214,4
+mcdade,215,0
+mcdade,215,1
+mcdade,215,2
+mcdade,215,3
+mcdade,216,0
+mcdade,216,1
+mcdade,216,2
+mcdade,216,3
+mcdade,216,4
+mcdade,216,5
+mcdade,216,6
+mcdade,217,0
+mcdade,217,1
+mcdade,217,2
+mcdade,217,3
+mcdade,217,4
+mcdade,217,5
+mcdade,218,0
+mcdade,218,1
+mcdade,218,2
+mcdade,218,3
+mcdade,219,0
+mcdade,219,1
+mcdade,219,2
+mcdade,220,0
+mcdade,220,1
+mcdade,220,2
+mcdade,221,0
+mcdade,221,1
+mcdade,221,2
+mcdade,221,3
+mcdade,221,4
+mcdade,222,0
+mcdade,222,1
+mcdade,222,2
+mcdade,223,0
+mcdade,223,1
+mcdade,223,2
+mcdade,223,3
+mcdade,223,4
+mcdade,223,5
+mcdade,223,6
+mcdade,224,0
+mcdade,224,1
+mcdade,224,2
+mcdade,225,0
+mcdade,225,1
+mcdade,225,2
+mcdade,225,3
+mcdade,225,4
+mcdade,225,5
+mcdade,225,6
+mcdade,225,7
+mcdade,225,8
+mcdade,226,0
+mcdade,226,1
+mcdade,226,2
+mcdade,226,3
+mcdade,226,4
+mcdade,227,0
+mcdade,227,1
+mcdade,227,2
+mcdade,227,3
+mcdade,227,4
+mcdade,227,5
+mcdade,227,6
+mcdade,227,7
+mcdade,227,8
+mcdade,227,9
+mcdade,227,10
+mcdade,227,11
+mcdade,227,12
+mcdade,227,13
+mcdade,227,14
+mcdade,228,0
+mcdade,228,1
+mcdade,228,2
+mcdade,229,0
+mcdade,229,1
+mcdade,229,2
+mcdade,229,3
+mcdade,229,4
+mcdade,229,5
+mcdade,229,6
+mcdade,229,7
+mcdade,229,8
+mcdade,229,9
+mcdade,230,0
+mcdade,230,1
+mcdade,230,2
+mcdade,230,3
+mcdade,231,0
+mcdade,231,1
+mcdade,231,2
+mcdade,231,3
+mcdade,231,4
+mcdade,231,5
+mcdade,231,6
+mcdade,232,0
+mcdade,232,1
+mcdade,232,2
+mcdade,232,3
+mcdade,232,4
+mcdade,232,5
+mcdade,232,6
+mcdade,232,7
+mcdade,232,8
+mcdade,233,0
+mcdade,233,1
+mcdade,233,2
+mcdade,233,3
+mcdade,233,4
+mcdade,233,5
+mcdade,233,6
+mcdade,234,0
+mcdade,234,1
+mcdade,234,2
+mcdade,234,3
+mcdade,234,4
+mcdade,234,5
+mcdade,235,0
+mcdade,235,1
+mcdade,235,2
+mcdade,235,3
+mcdade,236,0
+mcdade,236,1
+mcdade,236,2
+mcdade,236,3
+mcdade,236,4
+mcdade,237,0
+mcdade,237,1
+mcdade,237,2
+mcdade,237,3
+mcdade,237,4
+mcdade,238,0
+mcdade,238,1
+mcdade,238,2
+mcdade,238,3
+mcdade,238,4
+mcdade,238,5
+mcdade,238,6
+mcdade,239,0
+mcdade,239,1
+mcdade,239,2
+mcdade,240,0
+mcdade,240,1
+mcdade,240,2
+mcdade,240,3
+mcdade,240,4
+mcdade,240,5
+mcdade,240,6
+mcdade,240,7
+mcdade,241,0
+mcdade,241,1
+mcdade,241,2
+mcdade,241,3
+mcdade,242,0
+mcdade,242,1
+mcdade,242,2
+mcdade,242,3
+mcdade,242,4
+mcdade,242,5
+mcdade,242,6
+mcdade,242,7
+mcdade,242,8
+mcdade,242,9
+mcdade,243,0
+mcdade,243,1
+mcdade,243,2
+mcdade,243,3
+mcdade,244,0
+mcdade,244,1
+mcdade,244,2
+mcdade,245,0
+mcdade,245,1
+mcdade,245,2
+mcdade,245,3
+mcdade,245,4
+mcdade,246,0
+mcdade,246,1
+mcdade,246,2
+mcdade,246,3
+mcdade,246,4
+mcdade,246,5
+mcdade,246,6
+mcdade,246,7
+mcdade,246,8
+mcdade,246,9
+mcdade,246,10
+mcdade,246,11
+mcdade,246,12
+mcdade,246,13
+mcdade,247,0
+mcdade,247,1
+mcdade,247,2
+mcdade,247,3
+mcdade,247,4
+mcdade,247,5
+mcdade,248,0
+mcdade,248,1
+mcdade,248,2
+mcdade,248,3
+mcdade,248,4
+mcdade,248,5
+mcdade,248,6
+mcdade,249,0
+mcdade,249,1
+mcdade,249,2
+mcdade,249,3
+mcdade,249,4
+mcdade,249,5
+mcdade,249,6
+mcdade,249,7
+mcdade,249,8
+mcdade,249,9
+mcdade,249,10
+mcdade,249,11
+mcdade,249,12
+mcdade,250,0
+mcdade,250,1
+mcdade,250,2
+mcdade,250,3
+mcdade,250,4
+mcdade,250,5
+mcdade,250,6
+mcdade,250,7
+mcdade,250,8
+mcdade,250,9
+mcdade,250,10
+mcdade,250,11
+mcdade,250,12
+mcdade,251,0
+mcdade,251,1
+mcdade,251,2
+mcdade,251,3
+mcdade,251,4
+mcdade,252,0
+mcdade,252,1
+mcdade,252,2
+mcdade,252,3
+mcdade,253,0
+mcdade,253,1
+mcdade,253,2
+mcdade,253,3
+mcdade,253,4
+mcdade,253,5
+mcdade,254,0
+mcdade,254,1
+mcdade,254,2
+mcdade,254,3
+mcdade,254,4
+mcdade,254,5
+mcdade,254,6
+mcdade,255,0
+mcdade,255,1
+mcdade,255,2
+mcdade,255,3
+mcdade,255,4
+mcdade,255,5
+mcdade,256,0
+mcdade,256,1
+mcdade,256,2
+mcdade,256,3
+mcdade,256,4
+mcdade,256,5
+mcdade,256,6
+mcdade,256,7
+mcdade,256,8
+mcdade,256,9
+mcdade,256,10
+mcdade,256,11
+mcdade,256,12
+mcdade,256,13
+mcdade,257,0
+mcdade,257,1
+mcdade,257,2
+mcdade,258,0
+mcdade,258,1
+mcdade,258,2
+mcdade,258,3
+mcdade,258,4
+mcdade,258,5
+mcdade,259,0
+mcdade,259,1
+mcdade,259,2
+mcdade,259,3
+mcdade,259,4
+mcdade,259,5
+mcdade,259,6
+mcdade,259,7
+mcdade,259,8
+mcdade,259,9
+mcdade,260,0
+mcdade,260,1
+mcdade,260,2
+mcdade,260,3
+mcdade,260,4
+mcdade,260,5
+mcdade,260,6
+mcdade,260,7
+mcdade,260,8
+mcdade,260,9
+mcdade,260,10
+mcdade,260,11
+mcdade,260,12
+mcdade,261,0
+mcdade,261,1
+mcdade,261,2
+mcdade,262,0
+mcdade,262,1
+mcdade,262,2
+mcdade,262,3
+mcdade,262,4
+mcdade,262,5
+mcdade,262,6
+mcdade,263,0
+mcdade,263,1
+mcdade,263,2
+mcdade,263,3
+mcdade,263,4
+mcdade,263,5
+mcdade,264,0
+mcdade,264,1
+mcdade,264,2
+mcdade,264,3
+mcdade,264,4
+mcdade,264,5
+mcdade,264,6
+mcdade,264,7
+mcdade,264,8
+mcdade,264,9
+mcdade,264,10
+mcdade,264,11
+mcdade,264,12
+mcdade,264,13
+mcdade,264,14
+mcdade,264,15
+mcdade,264,16
+mcdade,265,0
+mcdade,265,1
+mcdade,265,2
+mcdade,265,3
+mcdade,265,4
+mcdade,265,5
+mcdade,265,6
+mcdade,266,0
+mcdade,266,1
+mcdade,266,2
+mcdade,266,3
+mcdade,266,4
+mcdade,266,5
+mcdade,266,6
+mcdade,266,7
+mcdade,267,0
+mcdade,267,1
+mcdade,267,2
+mcdade,267,3
+mcdade,267,4
+mcdade,268,0
+mcdade,268,1
+mcdade,268,2
+mcdade,268,3
+mcdade,268,4
+mcdade,268,5
+mcdade,268,6
+mcdade,269,0
+mcdade,269,1
+mcdade,269,2
+mcdade,270,0
+mcdade,270,1
+mcdade,270,2
+mcdade,270,3
+mcdade,271,0
+mcdade,271,1
+mcdade,271,2
+mcdade,271,3
+mcdade,272,0
+mcdade,272,1
+mcdade,272,2
+mcdade,272,3
+mcdade,273,0
+mcdade,273,1
+mcdade,273,2
+mcdade,273,3
+mcdade,273,4
+mcdade,274,0
+mcdade,274,1
+mcdade,274,2
+mcdade,274,3
+mcdade,274,4
+mcdade,275,0
+mcdade,275,1
+mcdade,275,2
+mcdade,275,3
+mcdade,276,0
+mcdade,276,1
+mcdade,276,2
+mcdade,276,3
+mcdade,276,4
+mcdade,277,0
+mcdade,277,1
+mcdade,277,2
+mcdade,277,3
+mcdade,277,4
+mcdade,277,5
+mcdade,277,6
+mcdade,277,7
+mcdade,278,0
+mcdade,278,1
+mcdade,278,2
+mcdade,278,3
+mcdade,279,0
+mcdade,279,1
+mcdade,279,2
+mcdade,280,0
+mcdade,280,1
+mcdade,280,2
+mcdade,280,3
+mcdade,280,4
+mcdade,280,5
+mcdade,281,0
+mcdade,281,1
+mcdade,281,2
+mcdade,281,3
+mcdade,282,0
+mcdade,282,1
+mcdade,282,2
+mcdade,282,3
+mcdade,282,4
+mcdade,282,5
+mcdade,282,6
+mcdade,282,7
+mcdade,282,8
+mcdade,282,9
+mcdade,282,10
+mcdade,283,0
+mcdade,283,1
+mcdade,283,2
+mcdade,283,3
+mcdade,283,4
+mcdade,284,0
+mcdade,284,1
+mcdade,284,2
+mcdade,284,3
+mcdade,284,4
+mcdade,284,5
+mcdade,285,0
+mcdade,285,1
+mcdade,285,2
+mcdade,285,3
+mcdade,286,0
+mcdade,286,1
+mcdade,286,2
+mcdade,286,3
+mcdade,286,4
+mcdade,286,5
+mcdade,286,6
+mcdade,287,0
+mcdade,287,1
+mcdade,287,2
+mcdade,287,3
+mcdade,287,4
+mcdade,288,0
+mcdade,288,1
+mcdade,288,2
+mcdade,288,3
+mcdade,289,0
+mcdade,289,1
+mcdade,289,2
+mcdade,289,3
+mcdade,289,4
+mcdade,289,5
+mcdade,289,6
+mcdade,289,7
+mcdade,290,0
+mcdade,290,1
+mcdade,290,2
+mcdade,291,0
+mcdade,291,1
+mcdade,291,2
+mcdade,291,3
+mcdade,292,0
+mcdade,292,1
+mcdade,292,2
+mcdade,292,3
+mcdade,292,4
+mcdade,292,5
+mcdade,293,0
+mcdade,293,1
+mcdade,293,2
+mcdade,293,3
+mcdade,294,0
+mcdade,294,1
+mcdade,294,2
+mcdade,294,3
+mcdade,294,4
+mcdade,295,0
+mcdade,295,1
+mcdade,295,2
+mcdade,296,0
+mcdade,296,1
+mcdade,296,2
+mcdade,296,3
+mcdade,297,0
+mcdade,297,1
+mcdade,297,2
+mcdade,297,3
+mcdade,297,4
+mcdade,297,5
+mcdade,297,6
+mcdade,297,7
+mcdade,298,0
+mcdade,298,1
+mcdade,298,2
+mcdade,298,3
+mcdade,298,4
+mcdade,298,5
+mcdade,298,6
+mcdade,298,7
+mcdade,298,8
+mcdade,298,9
+mcdade,299,0
+mcdade,299,1
+mcdade,299,2
+mcdade,299,3
+mcdade,300,0
+mcdade,300,1
+mcdade,300,2
+mcdade,300,3
+mcdade,300,4
+mcdade,301,0
+mcdade,301,1
+mcdade,301,2
+mcdade,301,3
+mcdade,301,4
+mcdade,301,5
+mcdade,301,6
+mcdade,301,7
+mcdade,301,8
+mcdade,301,9
+mcdade,301,10
+mcdade,302,0
+mcdade,302,1
+mcdade,302,2
+mcdade,302,3
+mcdade,302,4
+mcdade,302,5
+mcdade,302,6
+mcdade,302,7
+mcdade,302,8
+mcdade,302,9
+mcdade,302,10
+mcdade,302,11
+mcdade,302,12
+mcdade,302,13
+mcdade,302,14
+mcdade,302,15
+mcdade,302,16
+mcdade,302,17
+mcdade,302,18
+mcdade,302,19
+mcdade,302,20
+mcdade,302,21
+mcdade,302,22
+mcdade,303,1
+mcdade,303,2
+mcdade,304,0
+mcdade,304,1
+mcdade,304,2
+mcdade,304,3
+mcdade,304,4
+mcdade,305,0
+mcdade,305,1
+mcdade,305,2
+mcdade,305,3
+mcdade,306,0
+mcdade,306,1
+mcdade,306,2
+mcdade,307,0
+mcdade,307,1
+mcdade,307,2
+mcdade,307,3
+mcdade,307,4
+mcdade,308,0
+mcdade,308,1
+mcdade,308,2
+mcdade,309,0
+mcdade,309,1
+mcdade,309,2
+mcdade,309,3
+mcdade,310,0
+mcdade,310,1
+mcdade,310,2
+mcdade,310,3
+mcdade,310,4
+mcdade,310,5
+mcdade,310,6
+mcdade,310,7
+mcdade,310,8
+mcdade,310,9
+mcdade,311,0
+mcdade,311,1
+mcdade,311,2
+mcdade,311,3
+mcdade,311,4
+mcdade,311,5
+mcdade,311,6
+mcdade,311,7
+mcdade,311,8
+mcdade,311,9
+mcdade,311,10
+mcdade,311,11
+mcdade,311,12
+mcdade,311,13
+mcdade,312,0
+mcdade,312,1
+mcdade,312,2
+mcdade,312,3
+mcdade,312,4
+mcdade,312,5
+mcdade,312,6
+mcdade,312,7
+mcdade,312,8
+mcdade,312,9
+mcdade,313,0
+mcdade,313,1
+mcdade,313,2
+mcdade,313,3
+mcdade,313,4
+mcdade,314,0
+mcdade,314,1
+mcdade,314,2
+mcdade,314,3
+mcdade,314,4
+mcdade,315,0
+mcdade,315,1
+mcdade,315,2
+mcdade,315,3
+mcdade,315,4
+mcdade,315,5
+mcdade,315,6
+mcdade,315,7
+mcdade,315,8
+mcdade,315,9
+mcdade,315,10
+mcdade,315,11
+mcdade,315,12
+mcdade,315,13
+mcdade,315,14
+mcdade,315,15
+mcdade,315,16
+mcdade,315,17
+mcdade,316,0
+mcdade,316,1
+mcdade,316,2
+mcdade,317,0
+mcdade,317,1
+mcdade,317,2
+mcdade,317,3
+mcdade,317,4
+mcdade,318,0
+mcdade,318,1
+mcdade,318,2
+mcdade,318,3
+mcdade,318,4
+mcdade,318,5
+mcdade,318,6
+mcdade,318,7
+mcdade,318,8
+mcdade,319,0
+mcdade,319,1
+mcdade,319,2
+mcdade,320,0
+mcdade,320,1
+mcdade,320,2
+mcdade,320,3
+mcdade,320,4
+mcdade,321,0
+mcdade,321,1
+mcdade,321,2
+mcdade,321,3
+mcdade,321,4
+mcdade,321,5
+mcdade,321,6
+mcdade,321,7
+mcdade,321,8
+mcdade,321,9
+mcdade,322,0
+mcdade,322,1
+mcdade,322,2
+mcdade,322,3
+mcdade,322,4
+mcdade,322,5
+mcdade,323,0
+mcdade,323,1
+mcdade,323,2
+mcdade,323,3
+mcdade,324,0
+mcdade,324,1
+mcdade,324,2
+mcdade,324,3
+mcdade,324,4
+mcdade,324,5
+mcdade,325,0
+mcdade,325,1
+mcdade,325,2
+mcdade,325,3
+mcdade,325,4
+mcdade,326,0
+mcdade,326,1
+mcdade,326,2
+mcdade,326,3
+mcdade,327,0
+mcdade,327,1
+mcdade,327,2
+mcdade,327,3
+mcdade,328,0
+mcdade,328,1
+mcdade,328,2
+mcdade,328,3
+mcdade,328,4
+mcdade,328,5
+mcdade,328,6
+mcdade,328,7
+mcdade,328,8
+mcdade,328,9
+mcdade,328,10
+mcdade,328,11
+mcdade,328,12
+mcdade,328,13
+mcdade,329,0
+mcdade,329,1
+mcdade,329,2
+mcdade,329,3
+mcdade,329,4
+mcdade,329,5
+mcdade,330,0
+mcdade,330,1
+mcdade,330,2
+mcdade,330,3
+mcdade,330,4
+mcdade,330,5
+mcdade,330,6
+mcdade,330,7
+mcdade,331,0
+mcdade,331,1
+mcdade,331,2
+mcdade,331,3
+mcdade,331,4
+mcdade,332,0
+mcdade,332,1
+mcdade,332,2
+mcdade,333,0
+mcdade,333,1
+mcdade,333,2
+mcdade,333,3
+mcdade,333,4
+mcdade,333,5
+mcdade,334,0
+mcdade,334,1
+mcdade,334,2
+mcdade,334,3
+mcdade,335,0
+mcdade,335,1
+mcdade,335,2
+mcdade,336,0
+mcdade,336,1
+mcdade,336,2
+mcdade,337,0
+mcdade,337,1
+mcdade,337,2
+mcdade,337,3
+mcdade,337,4
+mcdade,337,5
+mcdade,338,0
+mcdade,338,1
+mcdade,338,2
+mcdade,338,3
+mcdade,338,4
+mcdade,339,0
+mcdade,339,1
+mcdade,339,2
+mcdade,339,3
+mcdade,339,4
+mcdade,340,0
+mcdade,340,1
+mcdade,340,2
+mcdade,340,3
+mcdade,341,0
+mcdade,341,1
+mcdade,341,2
+mcdade,341,3
+mcdade,342,0
+mcdade,342,1
+mcdade,342,2
+mcdade,342,3
+mcdade,342,4
+mcdade,342,5
+mcdade,342,6
+mcdade,342,7
+mcdade,342,8
+mcdade,342,9
+mcdade,342,10
+mcdade,342,11
+mcdade,342,12
+mcdade,342,13
+mcdade,343,0
+mcdade,343,1
+mcdade,343,2
+mcdade,343,3
+mcdade,343,4
+mcdade,343,5
+mcdade,343,6
+mcdade,343,7
+mcdade,343,8
+mcdade,343,9
+mcdade,344,0
+mcdade,344,1
+mcdade,344,2
+mcdade,345,0
+mcdade,345,1
+mcdade,345,2
+mcdade,345,3
+mcdade,345,4
+mcdade,345,5
+mcdade,345,6
+mcdade,346,0
+mcdade,346,1
+mcdade,346,2
+mcdade,347,0
+mcdade,347,1
+mcdade,347,2
+mcdade,347,3
+mcdade,347,4
+mcdade,347,5
+mcdade,347,6
+mcdade,348,0
+mcdade,348,1
+mcdade,348,2
+mcdade,348,3
+mcdade,349,0
+mcdade,349,1
+mcdade,349,2
+mcdade,349,3
+mcdade,349,4
+mcdade,349,5
+mcdade,349,6
+mcdade,349,7
+mcdade,349,8
+mcdade,349,9
+mcdade,349,10
+mcdade,349,11
+mcdade,349,12
+mcdade,349,13
+mcdade,349,14
+mcdade,349,15
+mcdade,350,0
+mcdade,350,1
+mcdade,350,2
+mcdade,350,3
+mcdade,350,4
+mcdade,350,5
+mcdade,351,0
+mcdade,351,1
+mcdade,351,2
+mcdade,351,3
+mcdade,351,4
+mcdade,351,5
+mcdade,352,0
+mcdade,352,1
+mcdade,352,2
+mcdade,352,3
+mcdade,352,4
+mcdade,352,5
+mcdade,352,6
+mcdade,352,7
+mcdade,352,8
+mcdade,352,9
+mcdade,352,10
+mcdade,353,0
+mcdade,353,1
+mcdade,353,2
+mcdade,353,3
+mcdade,353,4
+mcdade,354,0
+mcdade,354,1
+mcdade,354,2
+mcdade,354,3
+mcdade,354,4
+mcdade,354,5
+mcdade,354,6
+mcdade,354,7
+mcdade,354,8
+mcdade,354,9
+mcdade,354,10
+mcdade,354,11
+mcdade,354,12
+mcdade,354,13
+mcdade,355,0
+mcdade,355,1
+mcdade,355,2
+mcdade,355,3
+mcdade,355,4
+mcdade,355,5
+mcdade,355,6
+mcdade,355,7
+mcdade,356,0
+mcdade,356,1
+mcdade,356,2
+mcdade,356,3
+mcdade,356,4
+mcdade,356,5
+mcdade,357,0
+mcdade,357,1
+mcdade,357,2
+mcdade,357,3
+mcdade,357,4
+mcdade,357,5
+mcdade,357,6
+mcdade,357,7
+mcdade,357,8
+mcdade,358,0
+mcdade,358,1
+mcdade,358,2
+mcdade,358,3
+mcdade,359,0
+mcdade,359,1
+mcdade,359,2
+mcdade,359,3
+mcdade,359,4
+mcdade,360,0
+mcdade,360,1
+mcdade,360,2
+mcdade,360,3
+mcdade,360,4
+mcdade,360,5
+mcdade,360,6
+mcdade,360,7
+mcdade,360,8
+mcdade,360,9
+mcdade,360,10
+mcdade,360,11
+mcdade,361,0
+mcdade,361,1
+mcdade,361,2
+mcdade,362,0
+mcdade,362,1
+mcdade,362,2
+mcdade,362,3
+mcdade,362,4
+mcdade,362,5
+mcdade,362,6
+mcdade,362,7
+mcdade,363,0
+mcdade,363,1
+mcdade,363,2
+mcdade,363,3
+mcdade,363,4
+mcdade,365,0
+mcdade,365,1
+mcdade,365,2
+mcdade,365,3
+mcdade,366,0
+mcdade,366,1
+mcdade,366,2
+mcdade,366,3
+mcdade,366,4
+mcdade,368,0
+mcdade,368,1
+mcdade,368,2
+mcdade,368,3
+mcdade,368,4
+mcdade,368,5
+mcdade,368,6
+mcdade,368,7
+mcdade,369,0
+mcdade,369,1
+mcdade,369,2
+mcdade,369,3
+mcdade,369,4
+mcdade,370,0
+mcdade,370,1
+mcdade,370,2
+mcdade,370,3
+mcdade,370,4
+mcdade,370,5
+mcdade,370,6
+mcdade,371,0
+mcdade,371,1
+mcdade,371,2
+mcdade,371,3
+mcdade,371,4
+mcdade,371,5
+mcdade,371,6
+mcdade,371,7
+mcdade,371,8
+mcdade,371,9
+mcdade,371,10
+mcdade,371,11
+mcdade,372,0
+mcdade,372,1
+mcdade,372,2
+mcdade,372,3
+mcdade,372,4
+mcdade,373,0
+mcdade,373,1
+mcdade,373,2
+mcdade,373,3
+mcdade,373,4
+mcdade,373,5
+mcdade,373,6
+mcdade,373,7
+mcdade,373,8
+mcdade,373,9
+mcdade,373,10
+mcdade,373,11
+mcdade,373,12
+mcdade,373,13
+mcdade,373,14
+mcdade,373,15
+mcdade,373,16
+mcdade,373,17
+mcdade,373,18
+mcdade,373,19
+mcdade,373,20
+mcdade,373,21
+mcdade,373,22
+mcdade,374,0
+mcdade,374,1
+mcdade,374,2
+mcdade,374,3
+mcdade,375,0
+mcdade,375,1
+mcdade,375,2
+mcdade,375,3
+mcdade,376,0
+mcdade,376,1
+mcdade,376,2
+mcdade,376,3
+mcdade,377,0
+mcdade,377,1
+mcdade,377,2
+mcdade,377,3
+mcdade,378,0
+mcdade,378,1
+mcdade,378,2
+mcdade,379,0
+mcdade,379,1
+mcdade,379,2
+mcdade,379,3
+mcdade,379,4
+mcdade,380,0
+mcdade,380,1
+mcdade,380,2
+mcdade,380,3
+mcdade,380,4
+mcdade,380,5
+mcdade,380,6
+mcdade,380,7
+mcdade,380,8
+mcdade,381,0
+mcdade,381,1
+mcdade,381,2
+mcdade,381,3
+mcdade,381,4
+mcdade,381,5
+mcdade,381,6
+mcdade,382,0
+mcdade,382,1
+mcdade,382,2
+mcdade,382,3
+mcdade,382,4
+mcdade,382,5
+mcdade,382,6
+mcdade,383,0
+mcdade,383,1
+mcdade,383,2
+mcdade,383,3
+mcdade,383,4
+mcdade,383,5
+mcdade,383,6
+mcdade,383,7
+mcdade,384,0
+mcdade,384,1
+mcdade,384,2
+mcdade,384,3
+mcdade,385,0
+mcdade,385,1
+mcdade,385,2
+mcdade,386,0
+mcdade,386,1
+mcdade,386,2
+mcdade,386,3
+mcdade,387,0
+mcdade,387,1
+mcdade,387,2
+mcdade,387,3
+mcdade,388,0
+mcdade,388,1
+mcdade,388,2
+mcdade,388,3
+mcdade,388,4
+mcdade,389,0
+mcdade,389,1
+mcdade,389,2
+mcdade,389,3
+mcdade,389,4
+mcdade,390,0
+mcdade,390,1
+mcdade,390,2
+mcdade,390,3
+mcdade,391,0
+mcdade,391,1
+mcdade,391,2
+mcdade,391,3
+mcdade,391,4
+mcdade,391,5
+mcdade,392,0
+mcdade,392,1
+mcdade,392,2
+mcdade,392,3
+mcdade,393,0
+mcdade,393,1
+mcdade,393,2
+mcdade,393,3
+mcdade,393,4
+mcdade,394,0
+mcdade,394,1
+mcdade,394,2
+mcdade,394,3
+mcdade,394,4
+mcdade,394,5
+mcdade,394,6
+mcdade,394,7
+mcdade,394,8
+mcdade,394,9
+mcdade,394,10
+mcdade,394,11
+mcdade,394,12
+mcdade,394,13
+mcdade,394,14
+mcdade,394,15
+mcdade,394,16
+mcdade,394,17
+mcdade,394,18
+mcdade,394,19
+mcdade,394,20
+mcdade,394,21
+mcdade,395,0
+mcdade,395,1
+mcdade,395,2
+mcdade,395,3
+mcdade,395,4
+mcdade,395,5
+mcdade,395,6
+mcdade,395,7
+mcdade,396,0
+mcdade,396,1
+mcdade,396,2
+mcdade,396,3
+mcdade,396,4
+mcdade,396,5
+mcdade,396,6
+mcdade,396,7
+mcdade,396,8
+mcdade,396,9
+mcdade,396,10
+mcdade,397,0
+mcdade,397,1
+mcdade,397,2
+mcdade,397,3
+mcdade,397,4
+mcdade,397,5
+mcdade,398,0
+mcdade,398,1
+mcdade,398,2
+mcdade,398,3
+mcdade,398,4
+mcdade,398,5
+mcdade,399,0
+mcdade,399,1
+mcdade,399,2
+mcdade,399,3
+mcdade,399,4
+mcdade,400,0
+mcdade,400,1
+mcdade,400,2
+mcdade,401,0
+mcdade,401,1
+mcdade,401,2
+mcdade,401,3
+mcdade,401,4
+mcdade,401,5
+mcdade,401,6
+mcdade,401,7
+mcdade,401,8
+mcdade,402,0
+mcdade,402,1
+mcdade,402,2
+mcdade,402,3
+mcdade,402,4
+mcdade,402,5
+mcdade,402,6
+mcdade,402,7
+mcdade,403,0
+mcdade,403,1
+mcdade,403,2
+mcdade,404,0
+mcdade,404,1
+mcdade,404,2
+mcdade,404,3
+mcdade,404,4
+mcdade,404,5
+mcdade,404,6
+mcdade,404,7
+mcdade,405,0
+mcdade,405,1
+mcdade,405,2
+mcdade,405,3
+mcdade,405,4
+mcdade,405,5
+mcdade,405,6
+mcdade,406,0
+mcdade,406,1
+mcdade,406,2
+mcdade,407,1
+mcdade,407,2
+mcdade,408,0
+mcdade,408,1
+mcdade,408,2
+mcdade,408,3
+mcdade,409,0
+mcdade,409,1
+mcdade,409,2
+mcdade,409,3
+mcdade,409,4
+mcdade,409,5
+mcdade,409,6
+mcdade,409,7
+mcdade,409,8
+mcdade,409,9
+mcdade,409,10
+mcdade,410,0
+mcdade,410,1
+mcdade,410,2
+mcdade,410,3
+mcdade,411,0
+mcdade,411,1
+mcdade,411,2
+mcdade,412,0
+mcdade,412,1
+mcdade,412,2
+mcdade,412,3
+mcdade,412,4
+mcdade,413,0
+mcdade,413,1
+mcdade,413,2
+mcdade,413,3
+mcdade,414,0
+mcdade,414,1
+mcdade,414,2
+mcdade,414,3
+mcdade,414,4
+mcdade,414,5
+mcdade,414,6
+mcdade,414,7
+mcdade,414,8
+mcdade,414,9
+mcdade,414,10
+mcdade,414,11
+mcdade,414,12
+mcdade,414,13
+mcdade,414,14
+mcdade,414,15
+mcdade,414,16
+mcdade,415,0
+mcdade,415,1
+mcdade,415,2
+mcdade,415,3
+mcdade,415,4
+mcdade,415,5
+mcdade,415,6
+mcdade,415,7
+mcdade,415,8
+mcdade,415,9
+mcdade,415,10
+mcdade,415,11
+mcdade,415,12
+mcdade,415,13
+mcdade,416,0
+mcdade,416,1
+mcdade,416,2
+mcdade,416,3
+mcdade,417,0
+mcdade,417,1
+mcdade,417,2
+mcdade,418,0
+mcdade,418,1
+mcdade,418,2
+mcdade,418,3
+mcdade,418,4
+mcdade,418,5
+mcdade,418,6
+mcdade,419,0
+mcdade,419,1
+mcdade,419,2
+mcdade,419,3
+mcdade,420,0
+mcdade,420,1
+mcdade,420,2
+mcdade,420,3
+mcdade,420,4
+mcdade,421,0
+mcdade,421,1
+mcdade,421,2
+mcdade,421,3
+mcdade,422,0
+mcdade,422,1
+mcdade,422,2
+mcdade,422,3
+mcdade,422,4
+mcdade,422,5
+mcdade,423,0
+mcdade,423,1
+mcdade,423,2
+mcdade,423,3
+mcdade,423,4
+mcdade,423,5
+mcdade,423,6
+mcdade,423,7
+mcdade,424,0
+mcdade,424,1
+mcdade,424,2
+mcdade,425,0
+mcdade,425,1
+mcdade,425,2
+mcdade,425,3
+mcdade,425,4
+mcdade,425,5
+mcdade,425,6
+mcdade,425,7
+mcdade,425,8
+mcdade,425,9
+mcdade,425,10
+mcdade,425,11
+mcdade,425,12
+mcdade,425,13
+mcdade,425,14
+mcdade,425,15
+mcdade,425,16
+mcdade,425,17
+mcdade,425,18
+mcdade,425,19
+mcdade,426,0
+mcdade,426,1
+mcdade,426,2
+mcdade,426,3
+mcdade,427,0
+mcdade,427,1
+mcdade,427,2
+mcdade,427,3
+mcdade,427,4
+mcdade,427,5
+mcdade,427,6
+mcdade,427,7
+mcdade,427,8
+mcdade,427,9
+mcdade,427,10
+mcdade,427,11
+mcdade,428,0
+mcdade,428,1
+mcdade,428,2
+mcdade,428,3
+mcdade,428,4
+mcdade,428,5
+mcdade,429,0
+mcdade,429,1
+mcdade,429,2
+mcdade,429,3
+mcdade,429,4
+mcdade,429,5
+mcdade,429,6
+mcdade,429,7
+mcdade,430,0
+mcdade,430,1
+mcdade,430,2
+mcdade,430,3
+mcdade,430,4
+mcdade,430,5
+mcdade,430,6
+mcdade,431,0
+mcdade,431,1
+mcdade,431,2
+mcdade,431,3
+mcdade,431,4
+mcdade,431,5
+mcdade,431,6
+mcdade,431,7
+mcdade,431,8
+mcdade,431,9
+mcdade,431,10
+mcdade,431,11
+mcdade,431,12
+mcdade,431,13
+mcdade,431,14
+mcdade,431,15
+mcdade,431,16
+mcdade,431,17
+mcdade,431,18
+mcdade,431,19
+mcdade,431,20
+mcdade,431,21
+mcdade,431,22
+mcdade,431,23
+mcdade,431,24
+mcdade,432,0
+mcdade,432,1
+mcdade,432,2
+mcdade,432,3
+mcdade,432,4
+mcdade,432,5
+mcdade,432,6
+mcdade,433,0
+mcdade,433,1
+mcdade,433,2
+mcdade,433,3
+mcdade,433,4
+mcdade,433,5
+mcdade,434,0
+mcdade,434,1
+mcdade,434,2
+mcdade,435,0
+mcdade,435,1
+mcdade,435,2
+mcdade,436,0
+mcdade,436,1
+mcdade,436,2
+mcdade,437,0
+mcdade,437,1
+mcdade,437,2
+mcdade,438,0
+mcdade,438,1
+mcdade,438,2
+mcdade,438,3
+mcdade,438,4
+mcdade,439,0
+mcdade,439,1
+mcdade,439,2
+mcdade,439,3
+mcdade,439,4
+mcdade,439,5
+mcdade,439,6
+mcdade,440,0
+mcdade,440,1
+mcdade,440,2
+mcdade,440,3
+mcdade,440,4
+mcdade,440,5
+mcdade,440,6
+mcdade,440,7
+mcdade,440,8
+mcdade,441,0
+mcdade,441,1
+mcdade,441,2
+mcdade,442,0
+mcdade,442,1
+mcdade,442,2
+mcdade,442,3
+mcdade,442,4
+mcdade,442,5
+mcdade,442,6
+mcdade,442,7
+mcdade,442,8
+mcdade,442,9
+mcdade,442,10
+mcdade,442,11
+mcdade,442,12
+mcdade,442,13
+mcdade,442,14
+mcdade,442,15
+mcdade,442,16
+mcdade,442,17
+mcdade,442,18
+mcdade,442,19
+mcdade,442,20
+mcdade,442,21
+mcdade,442,22
+mcdade,442,23
+mcdade,443,0
+mcdade,443,1
+mcdade,443,2
+mcdade,443,3
+mcdade,444,0
+mcdade,444,1
+mcdade,444,2
+mcdade,444,3
+mcdade,444,4
+mcdade,444,5
+mcdade,444,6
+mcdade,444,7
+mcdade,444,8
+mcdade,444,9
+mcdade,444,10
+mcdade,444,11
+mcdade,444,12
+mcdade,444,13
+mcdade,445,0
+mcdade,445,1
+mcdade,445,2
+mcdade,445,3
+mcdade,445,4
+mcdade,445,5
+mcdade,445,6
+mcdade,445,7
+mcdade,445,8
+mcdade,445,9
+mcdade,446,0
+mcdade,446,1
+mcdade,446,2
+mcdade,446,3
+mcdade,446,4
+mcdade,446,5
+mcdade,446,6
+mcdade,446,7
+mcdade,446,8
+mcdade,446,9
+mcdade,447,0
+mcdade,447,1
+mcdade,447,2
+mcdade,447,3
+mcdade,447,4
+mcdade,448,0
+mcdade,448,1
+mcdade,448,2
+mcdade,448,3
+mcdade,449,0
+mcdade,449,1
+mcdade,449,2
+mcdade,450,0
+mcdade,450,1
+mcdade,450,2
+mcdade,450,3
+mcdade,451,0
+mcdade,451,1
+mcdade,451,2
+mcdade,451,3
+mcdade,452,0
+mcdade,452,1
+mcdade,452,2
+mcdade,452,3
+mcdade,452,4
+mcdade,452,5
+mcdade,452,6
+mcdade,452,7
+mcdade,452,8
+mcdade,452,9
+mcdade,452,10
+mcdade,452,11
+mcdade,452,12
+mcdade,452,13
+mcdade,452,14
+mcdade,452,15
+mcdade,452,16
+mcdade,452,17
+mcdade,452,18
+mcdade,453,0
+mcdade,453,1
+mcdade,453,2
+mcdade,453,3
+mcdade,453,4
+mcdade,453,5
+mcdade,453,6
+mcdade,453,7
+mcdade,453,8
+mcdade,453,9
+mcdade,453,10
+mcdade,453,11
+mcdade,453,12
+mcdade,453,13
+mcdade,453,14
+mcdade,453,15
+mcdade,454,0
+mcdade,454,1
+mcdade,454,2
+mcdade,455,0
+mcdade,455,1
+mcdade,455,2
+mcdade,455,3
+mcdade,455,4
+mcdade,455,5
+mcdade,455,6
+mcdade,455,7
+mcdade,455,8
+mcdade,455,9
+mcdade,455,10
+mcdade,455,11
+mcdade,456,0
+mcdade,456,1
+mcdade,456,2
+mcdade,456,3
+mcdade,456,4
+mcdade,456,5
+mcdade,456,6
+mcdade,456,7
+mcdade,457,0
+mcdade,457,1
+mcdade,457,2
+mcdade,457,3
+mcdade,457,4
+mcdade,457,5
+mcdade,458,0
+mcdade,458,1
+mcdade,458,2
+mcdade,458,3
+mcdade,458,4
+mcdade,458,5
+mcdade,458,6
+mcdade,458,7
+mcdade,458,8
+mcdade,459,0
+mcdade,459,1
+mcdade,459,2
+mcdade,460,0
+mcdade,460,1
+mcdade,460,2
+mcdade,460,3
+mcdade,460,4
+mcdade,460,5
+mcdade,460,6
+mcdade,461,0
+mcdade,461,1
+mcdade,461,2
+mcdade,461,3
+mcdade,462,0
+mcdade,462,1
+mcdade,462,2
+mcdade,463,0
+mcdade,463,1
+mcdade,463,2
+mcdade,463,3
+mcdade,464,0
+mcdade,464,1
+mcdade,464,2
+mcdade,464,3
+mcdade,464,4
+mcdade,464,5
+mcdade,464,6
+mcdade,464,7
+mcdade,464,8
+mcdade,464,9
+mcdade,464,10
+mcdade,464,11
+mcdade,465,0
+mcdade,465,1
+mcdade,465,2
+mcdade,465,3
+mcdade,465,4
+mcdade,465,5
+mcdade,465,6
+mcdade,465,7
+mcdade,465,8
+mcdade,465,9
+mcdade,465,10
+mcdade,465,11
+mcdade,465,12
+mcdade,465,13
+mcdade,465,14
+mcdade,465,15
+mcdade,465,16
+mcdade,465,17
+mcdade,466,0
+mcdade,466,1
+mcdade,466,2
+mcdade,466,3
+mcdade,466,4
+mcdade,466,5
+mcdade,466,6
+mcdade,466,7
+mcdade,466,8
+mcdade,466,9
+mcdade,466,10
+mcdade,466,11
+mcdade,466,12
+mcdade,466,13
+mcdade,466,14
+mcdade,466,15
+mcdade,466,16
+mcdade,466,17
+mcdade,467,0
+mcdade,467,1
+mcdade,467,2
+mcdade,467,3
+mcdade,467,4
+mcdade,468,0
+mcdade,468,1
+mcdade,468,2
+mcdade,469,0
+mcdade,469,1
+mcdade,469,2
+mcdade,469,3
+mcdade,469,4
+mcdade,469,5
+mcdade,469,6
+mcdade,469,7
+mcdade,469,8
+mcdade,469,9
+mcdade,469,10
+mcdade,469,11
+mcdade,469,12
+mcdade,469,13
+mcdade,469,14
+mcdade,470,0
+mcdade,470,1
+mcdade,470,2
+mcdade,470,3
+mcdade,470,4
+mcdade,471,0
+mcdade,471,1
+mcdade,471,2
+mcdade,471,3
+mcdade,472,0
+mcdade,472,1
+mcdade,472,2
+mcdade,472,3
+mcdade,472,4
+mcdade,473,0
+mcdade,473,1
+mcdade,473,2
+mcdade,474,0
+mcdade,474,1
+mcdade,474,2
+mcdade,474,3
+mcdade,474,4
+mcdade,474,5
+mcdade,474,6
+mcdade,474,7
+mcdade,475,0
+mcdade,475,1
+mcdade,475,2
+mcdade,476,0
+mcdade,476,1
+mcdade,476,2
+mcdade,477,0
+mcdade,477,1
+mcdade,477,2
+mcdade,477,3
+mcdade,477,4
+mcdade,478,0
+mcdade,478,1
+mcdade,478,2
+mcdade,479,0
+mcdade,479,1
+mcdade,479,2
+mcdade,479,3
+mcdade,479,4
+mcdade,480,0
+mcdade,480,1
+mcdade,480,2
+mcdade,481,0
+mcdade,481,1
+mcdade,481,2
+mcdade,481,3
+mcdade,481,4
+mcdade,481,5
+mcdade,482,0
+mcdade,482,1
+mcdade,482,2
+mcdade,482,3
+mcdade,482,4
+mcdade,482,5
+mcdade,482,6
+mcdade,482,7
+mcdade,483,0
+mcdade,483,1
+mcdade,483,2
+mcdade,483,3
+mcdade,483,4
+mcdade,483,5
+mcdade,483,6
+mcdade,483,7
+mcdade,483,8
+mcdade,484,0
+mcdade,484,1
+mcdade,484,2
+mcdade,484,3
+mcdade,484,4
+mcdade,485,0
+mcdade,485,1
+mcdade,485,2
+mcdade,485,3
+mcdade,485,4
+mcdade,485,5
+mcdade,486,0
+mcdade,486,1
+mcdade,486,2
+mcdade,487,0
+mcdade,487,1
+mcdade,487,2
+mcdade,488,0
+mcdade,488,1
+mcdade,488,2
+mcdade,488,3
+mcdade,488,4
+mcdade,488,5
+mcdade,488,6
+mcdade,488,7
+mcdade,488,8
+mcdade,488,9
+mcdade,488,10
+mcdade,488,11
+mcdade,488,12
+mcdade,488,13
+mcdade,489,0
+mcdade,489,1
+mcdade,489,2
+mcdade,489,3
+mcdade,490,1
+mcdade,490,2
+mcdade,490,3
+mcdade,491,0
+mcdade,491,1
+mcdade,491,2
+mcdade,492,0
+mcdade,492,1
+mcdade,492,2
+mcdade,492,3
+mcdade,492,4
+mcdade,492,5
+mcdade,492,6
+mcdade,492,7
+mcdade,492,8
+mcdade,492,9
+mcdade,492,10
+mcdade,492,11
+mcdade,492,12
+mcdade,492,13
+mcdade,492,14
+mcdade,492,15
+mcdade,492,16
+mcdade,492,17
+mcdade,493,0
+mcdade,493,1
+mcdade,493,2
+mcdade,493,3
+mcdade,493,4
+mcdade,493,5
+mcdade,493,6
+mcdade,493,7
+mcdade,493,8
+mcdade,493,9
+mcdade,493,10
+mcdade,493,11
+mcdade,493,12
+mcdade,494,0
+mcdade,494,1
+mcdade,494,2
+mcdade,495,0
+mcdade,495,1
+mcdade,495,2
+mcdade,495,3
+mcdade,495,4
+mcdade,495,5
+mcdade,496,0
+mcdade,496,1
+mcdade,496,2
+mcdade,496,3
+mcdade,496,4
+mcdade,496,5
+mcdade,497,0
+mcdade,497,1
+mcdade,497,2
+mcdade,497,3
+mcdade,497,4
+mcdade,497,5
+mcdade,497,6
+mcdade,498,0
+mcdade,498,1
+mcdade,498,2
+mcdade,499,0
+mcdade,499,1
+mcdade,499,2
+mcdade,499,3
+mcdade,499,4
+mcdade,499,5
+mcdade,499,6
+mcdade,499,7
+mcdade,499,8
+mcdade,499,9
+mcdade,499,10
+mcdade,499,11
+mcdade,499,12
+mcdade,499,13
+mcdade,499,14
+mcdade,500,0
+mcdade,500,1
+mcdade,500,2
+mcdade,500,3
+mcdade,501,0
+mcdade,501,1
+mcdade,501,2
+mcdade,501,3
+mcdade,502,0
+mcdade,502,1
+mcdade,502,2
+mcdade,502,3
+mcdade,502,4
+mcdade,503,0
+mcdade,503,1
+mcdade,503,2
+mcdade,503,3
+mcdade,503,4
+mcdade,503,5
+mcdade,503,6
+mcdade,503,7
+mcdade,504,0
+mcdade,504,1
+mcdade,504,2
+mcdade,506,0
+mcdade,506,1
+mcdade,506,2
+mcdade,506,3
+mcdade,506,4
+mcdade,506,5
+mcdade,507,0
+mcdade,507,1
+mcdade,507,2
+mcdade,507,3
+mcdade,507,4
+mcdade,507,5
+mcdade,507,6
+mcdade,507,7
+mcdade,507,8
+mcdade,508,0
+mcdade,508,1
+mcdade,508,2
+mcdade,508,3
+mcdade,508,4
+mcdade,508,5
+mcdade,508,6
+mcdade,508,7
+mcdade,508,8
+mcdade,508,9
+mcdade,509,0
+mcdade,509,1
+mcdade,509,2
+mcdade,509,3
+mcdade,509,4
+mcdade,509,5
+mcdade,509,6
+mcdade,510,0
+mcdade,510,1
+mcdade,510,2
+mcdade,510,3
+mcdade,510,4
+mcdade,510,5
+mcdade,511,0
+mcdade,511,1
+mcdade,511,2
+mcdade,511,3
+mcdade,511,4
+mcdade,511,5
+mcdade,511,6
+mcdade,511,7
+mcdade,511,8
+mcdade,511,9
+mcdade,511,10
+mcdade,511,11
+mcdade,511,12
+mcdade,511,13
+mcdade,512,0
+mcdade,512,1
+mcdade,512,2
+mcdade,512,3
+mcdade,512,4
+mcdade,512,5
+mcdade,513,0
+mcdade,513,1
+mcdade,513,2
+mcdade,513,3
+mcdade,513,4
+mcdade,513,5
+mcdade,513,6
+mcdade,513,7
+mcdade,513,8
+mcdade,514,0
+mcdade,514,1
+mcdade,514,2
+mcdade,514,3
+mcdade,514,4
+mcdade,514,5
+mcdade,514,6
+mcdade,514,7
+mcdade,515,0
+mcdade,515,1
+mcdade,515,2
+mcdade,515,3
+mcdade,515,4
+mcdade,515,5
+mcdade,515,6
+mcdade,515,7
+mcdade,515,8
+mcdade,515,9
+mcdade,515,10
+mcdade,515,11
+mcdade,515,12
+mcdade,515,13
+mcdade,515,14
+mcdade,516,0
+mcdade,516,1
+mcdade,516,2
+mcdade,516,3
+mcdade,516,4
+mcdade,516,5
+mcdade,516,6
+mcdade,516,7
+mcdade,516,8
+mcdade,516,9
+mcdade,517,0
+mcdade,517,1
+mcdade,517,2
+mcdade,517,3
+mcdade,517,4
+mcdade,517,5
+mcdade,518,0
+mcdade,518,1
+mcdade,518,2
+mcdade,518,3
+mcdade,518,4
+mcdade,518,5
+mcdade,518,6
+mcdade,518,7
+mcdade,518,8
+mcdade,519,0
+mcdade,519,1
+mcdade,519,2
+mcdade,519,3
+mcdade,519,4
+mcdade,519,5
+mcdade,519,6
+mcdade,520,0
+mcdade,520,1
+mcdade,520,2
+mcdade,520,3
+mcdade,521,0
+mcdade,521,1
+mcdade,521,2
+mcdade,521,3
+mcdade,521,4
+mcdade,521,5
+mcdade,522,0
+mcdade,522,1
+mcdade,522,2
+mcdade,522,3
+mcdade,522,4
+mcdade,522,5
+mcdade,522,6
+mcdade,522,7
+mcdade,522,8
+mcdade,522,9
+mcdade,522,10
+mcdade,522,11
+mcdade,522,12
+mcdade,522,13
+mcdade,522,14
+mcdade,522,15
+mcdade,523,0
+mcdade,523,1
+mcdade,523,2
+mcdade,523,3
+mcdade,524,0
+mcdade,524,1
+mcdade,524,2
+mcdade,524,3
+mcdade,524,4
+mcdade,525,0
+mcdade,525,1
+mcdade,525,2
+mcdade,525,3
+mcdade,525,4
+mcdade,525,5
+mcdade,526,0
+mcdade,526,1
+mcdade,526,2
+mcdade,527,0
+mcdade,527,1
+mcdade,527,2
+mcdade,527,3
+mcdade,527,4
+mcdade,527,5
+mcdade,527,6
+mcdade,527,7
+mcdade,527,8
+mcdade,527,9
+mcdade,527,10
+mcdade,527,11
+mcdade,527,12
+mcdade,527,13
+mcdade,527,14
+mcdade,528,0
+mcdade,528,1
+mcdade,528,2
+mcdade,528,3
+mcdade,528,4
+mcdade,528,5
+mcdade,528,6
+mcdade,528,7
+mcdade,528,8
+mcdade,528,9
+mcdade,528,10
+mcdade,528,11
+mcdade,528,12
+mcdade,528,13
+mcdade,528,14
+mcdade,528,15
+mcdade,528,16
+mcdade,528,17
+mcdade,529,0
+mcdade,529,1
+mcdade,529,2
+mcdade,529,3
+mcdade,530,0
+mcdade,530,1
+mcdade,530,2
+mcdade,530,3
+mcdade,531,0
+mcdade,531,1
+mcdade,531,2
+mcdade,531,3
+mcdade,531,4
+mcdade,531,5
+mcdade,531,6
+mcdade,531,7
+mcdade,532,0
+mcdade,532,1
+mcdade,532,2
+mcdade,533,0
+mcdade,533,1
+mcdade,533,2
+mcdade,533,3
+mcdade,533,4
+mcdade,533,5
+mcdade,533,6
+mcdade,533,7
+mcdade,533,8
+mcdade,533,9
+mcdade,533,10
+mcdade,533,11
+mcdade,534,0
+mcdade,534,1
+mcdade,534,2
+mcdade,534,3
+mcdade,536,0
+mcdade,536,1
+mcdade,536,2
+mcdade,536,3
+mcdade,536,4
+mcdade,537,0
+mcdade,537,1
+mcdade,537,2
+mcdade,538,0
+mcdade,538,1
+mcdade,538,2
+mcdade,539,0
+mcdade,539,1
+mcdade,539,2
+mcdade,539,3
+mcdade,539,4
+mcdade,539,5
+mcdade,539,6
+mcdade,539,7
+mcdade,539,8
+mcdade,540,0
+mcdade,540,1
+mcdade,540,2
+mcdade,541,0
+mcdade,541,1
+mcdade,541,2
+mcdade,541,3
+mcdade,541,4
+mcdade,541,5
+mcdade,542,0
+mcdade,542,1
+mcdade,542,2
+mcdade,542,3
+mcdade,542,4
+mcdade,543,0
+mcdade,543,1
+mcdade,543,2
+mcdade,543,3
+mcdade,544,0
+mcdade,544,1
+mcdade,544,2
+mcdade,544,3
+mcdade,544,4
+mcdade,544,5
+mcdade,544,6
+mcdade,544,7
+mcdade,544,8
+mcdade,544,9
+mcdade,545,0
+mcdade,545,1
+mcdade,545,2
+mcdade,546,0
+mcdade,546,1
+mcdade,546,2
+mcdade,547,0
+mcdade,547,1
+mcdade,547,2
+mcdade,547,3
+mcdade,547,4
+mcdade,547,5
+mcdade,547,6
+mcdade,547,7
+mcdade,547,8
+mcdade,548,0
+mcdade,548,1
+mcdade,548,2
+mcdade,548,3
+mcdade,548,4
+mcdade,548,5
+mcdade,548,6
+mcdade,548,7
+mcdade,548,8
+mcdade,548,9
+mcdade,548,10
+mcdade,548,11
+mcdade,548,12
+mcdade,548,13
+mcdade,549,0
+mcdade,549,1
+mcdade,549,2
+mcdade,549,3
+mcdade,549,4
+mcdade,550,0
+mcdade,550,1
+mcdade,550,2
+mcdade,550,3
+mcdade,550,4
+mcdade,550,5
+mcdade,550,6
+mcdade,551,0
+mcdade,551,1
+mcdade,551,2
+mcdade,551,3
+mcdade,551,4
+mcdade,551,5
+mcdade,551,6
+mcdade,552,0
+mcdade,552,1
+mcdade,552,2
+mcdade,552,3
+mcdade,552,4
+mcdade,552,5
+mcdade,552,6
+mcdade,553,0
+mcdade,553,1
+mcdade,553,2
+mcdade,553,3
+mcdade,553,4
+mcdade,553,5
+mcdade,554,0
+mcdade,554,1
+mcdade,554,2
+mcdade,554,3
+mcdade,555,0
+mcdade,555,1
+mcdade,555,2
+mcdade,555,3
+mcdade,555,4
+mcdade,555,5
+mcdade,555,6
+mcdade,555,7
+mcdade,555,8
+mcdade,555,9
+mcdade,555,10
+mcdade,555,11
+mcdade,555,12
+mcdade,555,13
+mcdade,555,14
+mcdade,556,0
+mcdade,556,1
+mcdade,556,2
+mcdade,556,3
+mcdade,556,4
+mcdade,557,0
+mcdade,557,1
+mcdade,557,2
+mcdade,557,3
+mcdade,557,4
+mcdade,557,5
+mcdade,557,6
+mcdade,557,7
+mcdade,557,8
+mcdade,557,9
+mcdade,557,10
+mcdade,557,11
+mcdade,557,12
+mcdade,557,13
+mcdade,557,14
+mcdade,557,15
+mcdade,557,16
+mcdade,558,0
+mcdade,558,1
+mcdade,558,2
+mcdade,558,3
+mcdade,558,4
+mcdade,558,5
+mcdade,558,6
+mcdade,558,7
+mcdade,558,8
+mcdade,559,0
+mcdade,559,1
+mcdade,559,2
+mcdade,560,0
+mcdade,560,1
+mcdade,560,2
+mcdade,561,0
+mcdade,561,1
+mcdade,561,2
+mcdade,561,3
+mcdade,561,4
+mcdade,561,5
+mcdade,561,6
+mcdade,561,7
+mcdade,561,8
+mcdade,561,9
+mcdade,561,10
+mcdade,561,11
+mcdade,561,12
+mcdade,561,13
+mcdade,561,14
+mcdade,561,15
+mcdade,561,16
+mcdade,561,17
+mcdade,561,18
+mcdade,561,19
+mcdade,561,20
+mcdade,562,0
+mcdade,562,1
+mcdade,562,2
+mcdade,563,0
+mcdade,563,1
+mcdade,563,2
+mcdade,563,3
+mcdade,563,4
+mcdade,563,5
+mcdade,563,6
+mcdade,564,0
+mcdade,564,1
+mcdade,564,2
+mcdade,564,3
+mcdade,564,4
+mcdade,564,5
+mcdade,564,6
+mcdade,565,0
+mcdade,565,1
+mcdade,565,2
+mcdade,565,3
+mcdade,565,4
+mcdade,565,5
+mcdade,566,0
+mcdade,566,1
+mcdade,566,2
+mcdade,567,0
+mcdade,567,1
+mcdade,567,2
+mcdade,567,3
+mcdade,567,4
+mcdade,567,5
+mcdade,567,6
+mcdade,568,0
+mcdade,568,1
+mcdade,568,2
+mcdade,568,3
+mcdade,569,0
+mcdade,569,1
+mcdade,569,2
+mcdade,569,3
+mcdade,569,4
+mcdade,569,5
+mcdade,569,6
+mcdade,569,7
+mcdade,569,8
+mcdade,570,0
+mcdade,570,1
+mcdade,570,2
+mcdade,570,3
+mcdade,570,4
+mcdade,570,5
+mcdade,571,0
+mcdade,571,1
+mcdade,571,2
+mcdade,572,0
+mcdade,572,1
+mcdade,572,2
+mcdade,572,3
+mcdade,572,4
+mcdade,572,5
+mcdade,572,6
+mcdade,572,7
+mcdade,572,8
+mcdade,572,9
+mcdade,572,10
+mcdade,572,11
+mcdade,573,0
+mcdade,573,1
+mcdade,573,2
+mcdade,573,3
+mcdade,574,0
+mcdade,574,1
+mcdade,574,2
+mcdade,575,0
+mcdade,575,1
+mcdade,575,2
+mcdade,575,3
+mcdade,575,4
+mcdade,575,5
+mcdade,576,0
+mcdade,576,1
+mcdade,576,2
+mcdade,576,3
+mcdade,576,4
+mcdade,577,0
+mcdade,577,1
+mcdade,577,2
+mcdade,577,3
+mcdade,577,4
+mcdade,577,5
+mcdade,577,6
+mcdade,577,7
+mcdade,577,8
+mcdade,577,9
+mcdade,577,10
+mcdade,577,11
+mcdade,577,12
+mcdade,578,0
+mcdade,578,1
+mcdade,578,2
+mcdade,579,0
+mcdade,579,1
+mcdade,579,2
+mcdade,579,3
+mcdade,579,4
+mcdade,579,5
+mcdade,580,0
+mcdade,580,1
+mcdade,580,2
+mcdade,580,3
+mcdade,580,4
+mcdade,580,5
+mcdade,581,0
+mcdade,581,1
+mcdade,581,2
+mcdade,582,0
+mcdade,582,1
+mcdade,582,2
+mcdade,583,0
+mcdade,583,1
+mcdade,583,2
+mcdade,584,0
+mcdade,584,1
+mcdade,584,2
+mcdade,584,3
+mcdade,584,4
+mcdade,584,5
+mcdade,584,6
+mcdade,584,7
+mcdade,584,8
+mcdade,584,9
+mcdade,584,10
+mcdade,584,11
+mcdade,584,12
+mcdade,584,13
+mcdade,584,14
+mcdade,585,0
+mcdade,585,1
+mcdade,585,2
+mcdade,586,0
+mcdade,586,1
+mcdade,586,2
+mcdade,586,3
+mcdade,587,0
+mcdade,587,1
+mcdade,587,2
+mcdade,587,3
+mcdade,587,4
+mcdade,587,5
+mcdade,587,6
+mcdade,587,7
+mcdade,587,8
+mcdade,587,9
+mcdade,587,10
+mcdade,587,11
+mcdade,587,12
+mcdade,587,13
+mcdade,587,14
+mcdade,587,15
+mcdade,588,0
+mcdade,588,1
+mcdade,588,2
+mcdade,588,3
+mcdade,588,4
+mcdade,588,5
+mcdade,588,6
+mcdade,588,7
+mcdade,588,8
+mcdade,588,9
+mcdade,588,10
+mcdade,588,11
+mcdade,589,0
+mcdade,589,1
+mcdade,589,2
+mcdade,590,0
+mcdade,590,1
+mcdade,590,2
+mcdade,590,3
+mcdade,590,4
+mcdade,590,5
+mcdade,590,6
+mcdade,591,0
+mcdade,591,1
+mcdade,591,2
+mcdade,591,3
+mcdade,591,4
+mcdade,591,5
+mcdade,591,6
+mcdade,591,7
+mcdade,591,8
+mcdade,591,9
+mcdade,591,10
+mcdade,592,0
+mcdade,592,1
+mcdade,592,2
+mcdade,593,0
+mcdade,593,1
+mcdade,593,2
+mcdade,594,0
+mcdade,594,1
+mcdade,594,2
+mcdade,595,0
+mcdade,595,1
+mcdade,595,2
+mcdade,595,3
+mcdade,595,4
+mcdade,596,0
+mcdade,596,1
+mcdade,596,2
+mcdade,596,3
+mcdade,596,4
+mcdade,597,0
+mcdade,597,1
+mcdade,597,2
+mcdade,598,0
+mcdade,598,1
+mcdade,598,2
+mcdade,598,3
+mcdade,599,0
+mcdade,599,1
+mcdade,599,2
+mcdade,599,3
+mcdade,599,4
+mcdade,599,5
+mcdade,599,6
+mcdade,600,0
+mcdade,600,1
+mcdade,600,2
+mcdade,600,3
+mcdade,600,4
+mcdade,600,5
+mcdade,600,6
+mcdade,600,7
+mcdade,600,8
+mcdade,601,0
+mcdade,601,1
+mcdade,601,2
+mcdade,601,3
+mcdade,602,0
+mcdade,602,1
+mcdade,602,2
+mcdade,603,0
+mcdade,603,1
+mcdade,603,2
+mcdade,603,3
+mcdade,603,4
+mcdade,603,5
+mcdade,603,6
+mcdade,603,7
+mcdade,603,8
+mcdade,603,9
+mcdade,604,0
+mcdade,604,1
+mcdade,604,2
+mcdade,604,3
+mcdade,605,0
+mcdade,605,1
+mcdade,605,2
+mcdade,605,3
+mcdade,606,0
+mcdade,606,1
+mcdade,606,2
+mcdade,607,0
+mcdade,607,1
+mcdade,607,2
+mcdade,607,3
+mcdade,607,4
+mcdade,608,0
+mcdade,608,1
+mcdade,608,2
+mcdade,608,3
+mcdade,608,4
+mcdade,608,5
+mcdade,608,6
+mcdade,608,7
+mcdade,608,8
+mcdade,608,9
+mcdade,608,10
+mcdade,608,11
+mcdade,608,12
+mcdade,608,13
+mcdade,608,14
+mcdade,609,0
+mcdade,609,1
+mcdade,609,2
+mcdade,609,3
+mcdade,609,4
+mcdade,609,5
+mcdade,609,6
+mcdade,609,7
+mcdade,609,8
+mcdade,610,0
+mcdade,610,1
+mcdade,610,2
+mcdade,610,3
+mcdade,610,4
+mcdade,610,5
+mcdade,610,6
+mcdade,610,7
+mcdade,610,8
+mcdade,610,9
+mcdade,610,10
+mcdade,610,11
+mcdade,610,12
+mcdade,610,13
+mcdade,610,14
+mcdade,610,15
+mcdade,610,16
+mcdade,610,17
+mcdade,610,18
+mcdade,610,19
+mcdade,611,0
+mcdade,611,1
+mcdade,611,2
+mcdade,611,3
+mcdade,612,0
+mcdade,612,1
+mcdade,612,2
+mcdade,613,0
+mcdade,613,1
+mcdade,613,2
+mcdade,613,3
+mcdade,614,0
+mcdade,614,1
+mcdade,614,2
+mcdade,614,3
+mcdade,615,0
+mcdade,615,1
+mcdade,615,2
+mcdade,615,3
+mcdade,615,4
+mcdade,615,5
+mcdade,615,6
+mcdade,615,7
+mcdade,616,0
+mcdade,616,1
+mcdade,616,2
+mcdade,616,3
+mcdade,616,4
+mcdade,616,5
+mcdade,616,6
+mcdade,616,7
+mcdade,617,0
+mcdade,617,1
+mcdade,617,2
+mcdade,618,0
+mcdade,618,1
+mcdade,618,2
+mcdade,618,3
+mcdade,618,4
+mcdade,619,0
+mcdade,619,1
+mcdade,619,2
+mcdade,619,3
+mcdade,619,4
+mcdade,620,0
+mcdade,620,1
+mcdade,620,2
+mcdade,620,3
+mcdade,620,4
+mcdade,621,0
+mcdade,621,1
+mcdade,621,2
+mcdade,621,3
+mcdade,621,4
+mcdade,621,5
+mcdade,621,6
+mcdade,621,7
+mcdade,621,8
+mcdade,621,9
+mcdade,622,0
+mcdade,622,1
+mcdade,622,2
+mcdade,622,3
+mcdade,623,0
+mcdade,623,1
+mcdade,623,2
+mcdade,623,3
+mcdade,623,4
+mcdade,623,5
+mcdade,623,6
+mcdade,623,7
+mcdade,624,0
+mcdade,624,1
+mcdade,624,2
+mcdade,624,3
+mcdade,624,4
+mcdade,625,0
+mcdade,625,1
+mcdade,625,2
+mcdade,625,3
+mcdade,625,4
+mcdade,625,5
+mcdade,625,6
+mcdade,625,7
+mcdade,625,8
+mcdade,626,0
+mcdade,626,1
+mcdade,626,2
+mcdade,626,3
+mcdade,627,0
+mcdade,627,1
+mcdade,627,2
+mcdade,627,3
+mcdade,627,4
+mcdade,627,5
+mcdade,627,6
+mcdade,627,7
+mcdade,627,8
+mcdade,627,9
+mcdade,627,10
+mcdade,627,11
+mcdade,628,0
+mcdade,628,1
+mcdade,628,2
+mcdade,628,3
+mcdade,628,4
+mcdade,629,0
+mcdade,629,1
+mcdade,629,2
+mcdade,629,3
+mcdade,629,4
+mcdade,630,0
+mcdade,630,1
+mcdade,630,2
+mcdade,631,0
+mcdade,631,1
+mcdade,631,2
+mcdade,631,3
+mcdade,632,0
+mcdade,632,1
+mcdade,632,2
+mcdade,632,3
+mcdade,633,0
+mcdade,633,1
+mcdade,633,2
+mcdade,634,0
+mcdade,634,1
+mcdade,634,2
+mcdade,634,3
+mcdade,635,0
+mcdade,635,1
+mcdade,635,2
+mcdade,635,3
+mcdade,635,4
+mcdade,635,5
+mcdade,636,0
+mcdade,636,1
+mcdade,636,2
+mcdade,636,3
+mcdade,636,4
+mcdade,636,5
+mcdade,636,6
+mcdade,636,7
+mcdade,637,0
+mcdade,637,1
+mcdade,637,2
+mcdade,637,3
+mcdade,638,0
+mcdade,638,1
+mcdade,638,2
+mcdade,638,3
+mcdade,638,4
+mcdade,639,0
+mcdade,639,1
+mcdade,639,2
+mcdade,639,3
+mcdade,639,4
+mcdade,639,5
+mcdade,639,6
+mcdade,639,7
+mcdade,639,8
+mcdade,639,9
+mcdade,639,10
+mcdade,639,11
+mcdade,639,12
+mcdade,639,13
+mcdade,639,14
+mcdade,639,15
+mcdade,639,16
+mcdade,639,17
+mcdade,640,0
+mcdade,640,1
+mcdade,641,0
+mcdade,641,1
+mcdade,641,2
+mcdade,641,3
+mcdade,641,4
+mcdade,641,5
+mcdade,641,6
+mcdade,641,7
+mcdade,641,8
+mcdade,641,9
+mcdade,641,10
+mcdade,641,11
+mcdade,641,12
+mcdade,642,0
+mcdade,642,1
+mcdade,642,2
+mcdade,642,3
+mcdade,643,0
+mcdade,643,1
+mcdade,643,2
+mcdade,643,3
+mcdade,643,4
+mcdade,643,5
+mcdade,643,6
+mcdade,644,0
+mcdade,644,1
+mcdade,644,2
+mcdade,645,0
+mcdade,645,1
+mcdade,645,2
+mcdade,645,3
+mcdade,645,4
+mcdade,645,5
+mcdade,646,0
+mcdade,646,1
+mcdade,646,2
+mcdade,646,3
+mcdade,647,0
+mcdade,647,1
+mcdade,647,2
+mcdade,647,3
+mcdade,647,4
+mcdade,648,0
+mcdade,648,1
+mcdade,648,2
+mcdade,648,3
+mcdade,648,4
+mcdade,648,5
+mcdade,649,0
+mcdade,649,1
+mcdade,649,2
+mcdade,649,3
+mcdade,649,4
+mcdade,649,5
+mcdade,649,6
+mcdade,649,7
+mcdade,649,8
+mcdade,649,9
+mcdade,650,0
+mcdade,650,1
+mcdade,650,2
+mcdade,651,0
+mcdade,651,1
+mcdade,651,2
+mcdade,651,3
+mcdade,651,4
+mcdade,651,5
+mcdade,652,0
+mcdade,652,1
+mcdade,652,2
+mcdade,652,3
+mcdade,652,4
+mcdade,653,0
+mcdade,653,1
+mcdade,653,2
+mcdade,653,3
+mcdade,653,4
+mcdade,653,5
+mcdade,654,0
+mcdade,654,1
+mcdade,654,2
+mcdade,654,3
+mcdade,654,4
+mcdade,654,5
+mcdade,654,6
+mcdade,654,7
+mcdade,655,0
+mcdade,655,1
+mcdade,655,2
+mcdade,655,3
+mcdade,655,4
+mcdade,656,0
+mcdade,656,1
+mcdade,656,2
+mcdade,656,3
+mcdade,657,0
+mcdade,657,1
+mcdade,657,2
+mcdade,657,3
+mcdade,657,4
+mcdade,657,5
+mcdade,658,0
+mcdade,658,1
+mcdade,658,2
+mcdade,658,3
+mcdade,659,0
+mcdade,659,1
+mcdade,659,2
+mcdade,659,3
+mcdade,660,0
+mcdade,660,1
+mcdade,660,2
+mcdade,660,3
+mcdade,660,4
+mcdade,660,5
+mcdade,660,6
+mcdade,660,7
+mcdade,660,8
+mcdade,660,9
+mcdade,661,0
+mcdade,661,1
+mcdade,661,2
+mcdade,661,3
+mcdade,661,4
+mcdade,662,0
+mcdade,662,1
+mcdade,662,2
+mcdade,662,3
+mcdade,663,0
+mcdade,663,1
+mcdade,663,2
+mcdade,664,0
+mcdade,664,1
+mcdade,664,2
+mcdade,664,3
+mcdade,664,4
+mcdade,664,5
+mcdade,665,0
+mcdade,665,1
+mcdade,665,2
+mcdade,665,3
+mcdade,665,4
+mcdade,665,5
+mcdade,665,6
+mcdade,665,7
+mcdade,666,0
+mcdade,666,1
+mcdade,666,2
+mcdade,666,3
+mcdade,666,4
+mcdade,666,5
+mcdade,666,6
+mcdade,666,7
+mcdade,667,0
+mcdade,667,1
+mcdade,667,2
+mcdade,668,0
+mcdade,668,1
+mcdade,668,2
+mcdade,668,3
+mcdade,668,4
+mcdade,669,0
+mcdade,669,1
+mcdade,669,2
+mcdade,669,3
+mcdade,669,4
+mcdade,669,5
+mcdade,669,6
+mcdade,669,7
+mcdade,669,8
+mcdade,669,9
+mcdade,670,0
+mcdade,670,1
+mcdade,670,2
+mcdade,670,3
+mcdade,671,0
+mcdade,671,1
+mcdade,671,2
+mcdade,671,3
+mcdade,671,4
+mcdade,671,5
+mcdade,671,6
+mcdade,671,7
+mcdade,672,0
+mcdade,672,1
+mcdade,672,2
+mcdade,672,3
+mcdade,672,4
+mcdade,672,5
+mcdade,673,0
+mcdade,673,1
+mcdade,673,2
+mcdade,674,0
+mcdade,674,1
+mcdade,674,2
+mcdade,674,3
+mcdade,674,4
+mcdade,674,5
+mcdade,674,6
+mcdade,674,7
+mcdade,674,8
+mcdade,674,9
+mcdade,674,10
+mcdade,674,11
+mcdade,674,12
+mcdade,674,13
+mcdade,674,14
+mcdade,675,0
+mcdade,675,1
+mcdade,675,2
+mcdade,676,0
+mcdade,676,1
+mcdade,676,2
+mcdade,676,3
+mcdade,677,0
+mcdade,677,1
+mcdade,677,2
+mcdade,677,3
+mcdade,677,4
+mcdade,677,5
+mcdade,677,6
+mcdade,677,7
+mcdade,677,8
+mcdade,677,9
+mcdade,677,10
+mcdade,677,11
+mcdade,677,12
+mcdade,677,13
+mcdade,677,14
+mcdade,677,15
+mcdade,677,16
+mcdade,677,17
+mcdade,677,18
+mcdade,677,19
+mcdade,677,20
+mcdade,678,0
+mcdade,678,1
+mcdade,678,2
+mcdade,678,3
+mcdade,678,4
+mcdade,678,5
+mcdade,679,0
+mcdade,679,1
+mcdade,679,2
+mcdade,679,3
+mcdade,679,4
+mcdade,680,0
+mcdade,680,1
+mcdade,680,2
+mcdade,680,3
+mcdade,681,0
+mcdade,681,1
+mcdade,681,2
+mcdade,681,3
+mcdade,681,4
+mcdade,681,5
+mcdade,681,7
+mcdade,681,8
+mcdade,681,9
+mcdade,681,10
+mcdade,681,11
+mcdade,681,12
+mcdade,682,0
+mcdade,682,1
+mcdade,682,2
+mcdade,682,3
+mcdade,682,4
+mcdade,682,5
+mcdade,682,6
+mcdade,682,7
+mcdade,682,8
+mcdade,682,9
+mcdade,682,10
+mcdade,682,11
+mcdade,683,0
+mcdade,683,1
+mcdade,683,2
+mcdade,684,0
+mcdade,684,1
+mcdade,684,2
+mcdade,685,0
+mcdade,685,1
+mcdade,685,2
+mcdade,685,3
+mcdade,685,4
+mcdade,685,5
+mcdade,685,6
+mcdade,685,7
+mcdade,686,0
+mcdade,686,1
+mcdade,686,2
+mcdade,686,3
+mcdade,686,4
+mcdade,687,0
+mcdade,687,1
+mcdade,687,2
+mcdade,687,3
+mcdade,687,4
+mcdade,688,0
+mcdade,688,1
+mcdade,688,2
+mcdade,688,3
+mcdade,688,4
+mcdade,688,5
+mcdade,689,0
+mcdade,689,1
+mcdade,689,2
+mcdade,689,3
+mcdade,689,4
+mcdade,689,5
+mcdade,689,6
+mcdade,689,7
+mcdade,690,0
+mcdade,690,1
+mcdade,690,2
+mcdade,690,3
+mcdade,690,4
+mcdade,691,0
+mcdade,691,1
+mcdade,691,2
+mcdade,691,3
+mcdade,691,4
+mcdade,692,0
+mcdade,692,1
+mcdade,692,2
+mcdade,692,3
+mcdade,692,4
+mcdade,692,5
+mcdade,692,6
+mcdade,692,7
+mcdade,693,0
+mcdade,693,1
+mcdade,693,2
+mcdade,694,0
+mcdade,694,1
+mcdade,694,2
+mcdade,694,3
+mcdade,694,4
+mcdade,694,5
+mcdade,694,6
+mcdade,694,7
+mcdade,694,8
+mcdade,694,9
+mcdade,694,10
+mcdade,694,11
+mcdade,694,12
+mcdade,694,13
+mcdade,694,14
+mcdade,694,15
+mcdade,694,16
+mcdade,694,17
+mcdade,694,18
+mcdade,695,0
+mcdade,695,1
+mcdade,695,2
+mcdade,695,3
+mcdade,696,0
+mcdade,696,1
+mcdade,696,2
+mcdade,698,0
+mcdade,698,1
+mcdade,698,2
+mcdade,699,0
+mcdade,699,1
+mcdade,699,2
+mcdade,699,3
+mcdade,699,4
+mcdade,699,5
+mcdade,699,6
+mcdade,700,0
+mcdade,700,1
+mcdade,700,2
+mcdade,701,0
+mcdade,701,1
+mcdade,701,2
+mcdade,701,3
+mcdade,701,4
+mcdade,702,0
+mcdade,702,1
+mcdade,702,2
+mcdade,702,3
+mcdade,703,0
+mcdade,703,1
+mcdade,703,2
+mcdade,703,3
+mcdade,703,4
+mcdade,703,5
+mcdade,704,0
+mcdade,704,1
+mcdade,704,2
+mcdade,704,3
+mcdade,704,4
+mcdade,704,5
+mcdade,705,0
+mcdade,705,1
+mcdade,705,2
+mcdade,705,3
+mcdade,705,4
+mcdade,706,0
+mcdade,706,1
+mcdade,706,2
+mcdade,707,0
+mcdade,707,1
+mcdade,707,2
+mcdade,707,3
+mcdade,707,4
+mcdade,707,5
+mcdade,708,0
+mcdade,708,1
+mcdade,708,2
+mcdade,708,3
+mcdade,708,4
+mcdade,708,5
+mcdade,708,6
+mcdade,708,7
+mcdade,708,8
+mcdade,708,9
+mcdade,708,10
+mcdade,709,0
+mcdade,709,1
+mcdade,709,2
+mcdade,709,3
+mcdade,710,0
+mcdade,710,1
+mcdade,710,2
+mcdade,710,3
+mcdade,710,4
+mcdade,710,5
+mcdade,710,6
+mcdade,710,7
+mcdade,710,8
+mcdade,710,9
+mcdade,710,10
+mcdade,710,11
+mcdade,710,12
+mcdade,711,0
+mcdade,711,1
+mcdade,711,2
+mcdade,712,0
+mcdade,712,1
+mcdade,712,2
+mcdade,712,3
+mcdade,712,4
+mcdade,712,5
+mcdade,712,6
+mcdade,712,7
+mcdade,712,8
+mcdade,713,0
+mcdade,713,1
+mcdade,713,2
+mcdade,713,3
+mcdade,713,4
+mcdade,713,5
+mcdade,713,6
+mcdade,713,7
+mcdade,713,8
+mcdade,713,9
+mcdade,714,0
+mcdade,714,1
+mcdade,714,2
+mcdade,714,3
+mcdade,714,4
+mcdade,714,5
+mcdade,714,6
+mcdade,714,7
+mcdade,714,8
+mcdade,714,9
+mcdade,714,10
+mcdade,714,11
+mcdade,714,12
+mcdade,714,13
+mcdade,714,14
+mcdade,714,15
+mcdade,714,16
+mcdade,714,17
+mcdade,714,18
+mcdade,714,19
+mcdade,715,0
+mcdade,715,1
+mcdade,715,2
+mcdade,715,3
+mcdade,715,4
+mcdade,715,5
+mcdade,715,6
+mcdade,715,7
+mcdade,715,8
+mcdade,715,9
+mcdade,715,10
+mcdade,715,11
+mcdade,715,12
+mcdade,715,13
+mcdade,715,14
+mcdade,715,15
+mcdade,715,16
+mcdade,716,0
+mcdade,716,1
+mcdade,716,2
+mcdade,716,3
+mcdade,717,0
+mcdade,717,1
+mcdade,717,2
+mcdade,718,0
+mcdade,718,1
+mcdade,718,2
+mcdade,718,3
+mcdade,719,0
+mcdade,719,1
+mcdade,719,2
+mcdade,719,3
+mcdade,719,4
+mcdade,719,5
+mcdade,719,6
+mcdade,719,7
+mcdade,719,8
+mcdade,719,9
+mcdade,719,10
+mcdade,720,0
+mcdade,720,1
+mcdade,720,2
+mcdade,720,3
+mcdade,721,0
+mcdade,721,1
+mcdade,721,2
+mcdade,722,0
+mcdade,722,1
+mcdade,722,2
+mcdade,723,0
+mcdade,723,1
+mcdade,723,2
+mcdade,723,3
+mcdade,723,4
+mcdade,723,5
+mcdade,723,6
+mcdade,723,7
+mcdade,723,8
+mcdade,723,9
+mcdade,723,10
+mcdade,723,11
+mcdade,723,12
+mcdade,723,13
+mcdade,723,14
+mcdade,723,15
+mcdade,724,0
+mcdade,724,1
+mcdade,724,2
+mcdade,724,3
+mcdade,724,4
+mcdade,725,0
+mcdade,725,1
+mcdade,725,2
+mcdade,725,3
+mcdade,726,0
+mcdade,726,1
+mcdade,726,2
+mcdade,726,3
+mcdade,726,4
+mcdade,726,5
+mcdade,726,6
+mcdade,726,7
+mcdade,726,8
+mcdade,726,9
+mcdade,726,10
+mcdade,726,11
+mcdade,726,12
+mcdade,727,0
+mcdade,727,1
+mcdade,727,2
+mcdade,727,3
+mcdade,727,4
+mcdade,727,5
+mcdade,727,6
+mcdade,727,7
+mcdade,727,8
+mcdade,727,9
+mcdade,727,10
+mcdade,728,0
+mcdade,728,1
+mcdade,728,2
+mcdade,728,3
+mcdade,728,4
+mcdade,728,5
+mcdade,728,6
+mcdade,728,7
+mcdade,728,8
+mcdade,728,9
+mcdade,729,0
+mcdade,729,1
+mcdade,729,2
+mcdade,729,3
+mcdade,729,4
+mcdade,729,5
+mcdade,729,6
+mcdade,729,7
+mcdade,729,8
+mcdade,729,9
+mcdade,729,10
+mcdade,729,11
+mcdade,729,12
+mcdade,729,13
+mcdade,729,14
+mcdade,729,15
+mcdade,730,0
+mcdade,730,1
+mcdade,730,2
+mcdade,730,3
+mcdade,730,4
+mcdade,730,5
+mcdade,730,6
+mcdade,730,7
+mcdade,731,0
+mcdade,731,1
+mcdade,731,2
+mcdade,731,3
+mcdade,731,4
+mcdade,731,5
+mcdade,731,6
+mcdade,731,7
+mcdade,732,0
+mcdade,732,1
+mcdade,732,2
+mcdade,732,3
+mcdade,732,4
+mcdade,732,5
+mcdade,733,0
+mcdade,733,1
+mcdade,733,2
+mcdade,733,3
+mcdade,733,4
+mcdade,733,5
+mcdade,733,6
+mcdade,733,7
+mcdade,733,8
+mcdade,733,9
+mcdade,733,10
+mcdade,733,11
+mcdade,733,12
+mcdade,733,13
+mcdade,734,0
+mcdade,734,1
+mcdade,734,2
+mcdade,734,3
+mcdade,735,0
+mcdade,735,1
+mcdade,735,2
+mcdade,735,3
+mcdade,735,4
+mcdade,735,5
+mcdade,737,0
+mcdade,737,1
+mcdade,737,2
+mcdade,737,3
+mcdade,737,4
+mcdade,738,0
+mcdade,738,1
+mcdade,738,2
+mcdade,738,3
+mcdade,738,4
+mcdade,739,0
+mcdade,739,1
+mcdade,739,2
+mcdade,739,3
+mcdade,739,4
+mcdade,740,0
+mcdade,740,1
+mcdade,740,2
+mcdade,741,0
+mcdade,741,1
+mcdade,741,2
+mcdade,742,0
+mcdade,742,1
+mcdade,742,2
+mcdade,742,3
+mcdade,742,4
+mcdade,742,5
+mcdade,742,6
+mcdade,742,7
+mcdade,742,8
+mcdade,742,9
+mcdade,742,10
+mcdade,743,0
+mcdade,743,1
+mcdade,743,2
+mcdade,744,0
+mcdade,744,1
+mcdade,744,2
+mcdade,744,3
+mcdade,744,4
+mcdade,744,5
+mcdade,744,6
+mcdade,744,7
+mcdade,744,8
+mcdade,744,9
+mcdade,744,10
+mcdade,745,0
+mcdade,745,1
+mcdade,745,2
+mcdade,745,3
+mcdade,745,4
+mcdade,745,5
+mcdade,745,6
+mcdade,745,7
+mcdade,745,8
+mcdade,746,0
+mcdade,746,1
+mcdade,746,2
+mcdade,746,3
+mcdade,746,4
+mcdade,746,5
+mcdade,746,6
+mcdade,746,7
+mcdade,746,8
+mcdade,746,9
+mcdade,746,10
+mcdade,746,11
+mcdade,746,12
+mcdade,747,0
+mcdade,747,1
+mcdade,747,2
+mcdade,747,3
+mcdade,747,4
+mcdade,748,0
+mcdade,748,1
+mcdade,748,2
+mcdade,748,3
+mcdade,748,4
+mcdade,748,5
+mcdade,749,0
+mcdade,749,1
+mcdade,749,2
+mcdade,750,0
+mcdade,750,1
+mcdade,750,2
+mcdade,750,3
+mcdade,750,4
+mcdade,750,5
+mcdade,750,6
+mcdade,750,7
+mcdade,750,8
+mcdade,751,0
+mcdade,751,1
+mcdade,751,2
+mcdade,751,3
+mcdade,751,4
+mcdade,751,5
+mcdade,751,6
+mcdade,751,7
+mcdade,751,8
+mcdade,751,9
+mcdade,751,10
+mcdade,751,11
+mcdade,751,12
+mcdade,751,13
+mcdade,752,0
+mcdade,752,1
+mcdade,752,2
+mcdade,752,3
+mcdade,752,4
+mcdade,752,5
+mcdade,752,6
+mcdade,752,7
+mcdade,752,8
+mcdade,752,9
+mcdade,752,10
+mcdade,753,0
+mcdade,753,1
+mcdade,753,2
+mcdade,753,3
+mcdade,753,4
+mcdade,753,5
+mcdade,753,6
+mcdade,753,7
+mcdade,753,8
+mcdade,753,9
+mcdade,753,10
+mcdade,753,11
+mcdade,753,12
+mcdade,753,13
+mcdade,753,14
+mcdade,754,0
+mcdade,754,1
+mcdade,754,2
+mcdade,754,3
+mcdade,754,4
+mcdade,755,0
+mcdade,755,1
+mcdade,755,2
+mcdade,755,3
+mcdade,755,4
+mcdade,756,0
+mcdade,756,1
+mcdade,756,2
+mcdade,756,3
+mcdade,756,4
+mcdade,756,5
+mcdade,756,6
+mcdade,756,7
+mcdade,756,8
+mcdade,756,9
+mcdade,757,0
+mcdade,757,1
+mcdade,757,2
+mcdade,757,3
+mcdade,757,4
+mcdade,758,0
+mcdade,758,1
+mcdade,758,2
+mcdade,758,3
+mcdade,758,4
+mcdade,759,0
+mcdade,759,1
+mcdade,759,2
+mcdade,759,3
+mcdade,760,0
+mcdade,760,1
+mcdade,760,2
+mcdade,760,3
+mcdade,761,0
+mcdade,761,1
+mcdade,761,2
+mcdade,762,0
+mcdade,762,1
+mcdade,762,2
+mcdade,762,3
+mcdade,762,4
+mcdade,763,0
+mcdade,763,1
+mcdade,763,2
+mcdade,763,3
+mcdade,763,4
+mcdade,763,5
+mcdade,763,6
+mcdade,763,7
+mcdade,763,8
+mcdade,763,9
+mcdade,763,10
+mcdade,763,11
+mcdade,763,12
+mcdade,763,13
+mcdade,763,14
+mcdade,763,15
+mcdade,763,16
+mcdade,763,17
+mcdade,763,18
+mcdade,763,19
+mcdade,764,0
+mcdade,764,1
+mcdade,764,2
+mcdade,764,3
+mcdade,764,4
+mcdade,765,0
+mcdade,765,1
+mcdade,765,2
+mcdade,765,3
+mcdade,765,4
+mcdade,765,5
+mcdade,765,6
+mcdade,765,7
+mcdade,765,8
+mcdade,765,9
+mcdade,765,10
+mcdade,765,11
+mcdade,765,12
+mcdade,765,13
+mcdade,765,14
+mcdade,766,0
+mcdade,766,1
+mcdade,766,2
+mcdade,766,3
+mcdade,766,4
+mcdade,766,5
+mcdade,766,6
+mcdade,766,7
+mcdade,766,8
+mcdade,766,9
+mcdade,766,10
+mcdade,767,0
+mcdade,767,1
+mcdade,767,2
+mcdade,767,3
+mcdade,768,0
+mcdade,768,1
+mcdade,768,2
+mcdade,768,3
+mcdade,769,0
+mcdade,769,1
+mcdade,769,2
+mcdade,769,3
+mcdade,769,4
+mcdade,769,5
+mcdade,769,6
+mcdade,769,7
+mcdade,769,8
+mcdade,769,9
+mcdade,769,10
+mcdade,769,11
+mcdade,769,12
+mcdade,769,13
+mcdade,769,14
+mcdade,769,15
+mcdade,769,16
+mcdade,770,0
+mcdade,770,1
+mcdade,770,2
+mcdade,770,3
+mcdade,771,0
+mcdade,771,1
+mcdade,771,2
+mcdade,772,0
+mcdade,772,1
+mcdade,772,2
+mcdade,772,3
+mcdade,773,0
+mcdade,773,1
+mcdade,773,2
+mcdade,773,3
+mcdade,773,4
+mcdade,773,5
+mcdade,773,6
+mcdade,773,7
+mcdade,774,0
+mcdade,774,1
+mcdade,774,2
+mcdade,774,3
+mcdade,774,4
+mcdade,775,0
+mcdade,775,1
+mcdade,775,2
+mcdade,776,0
+mcdade,776,1
+mcdade,776,2
+mcdade,776,3
+mcdade,777,0
+mcdade,777,1
+mcdade,777,2
+mcdade,777,3
+mcdade,777,4
+mcdade,778,0
+mcdade,778,1
+mcdade,778,2
+mcdade,778,3
+mcdade,778,4
+mcdade,779,0
+mcdade,779,1
+mcdade,779,2
+mcdade,779,3
+mcdade,779,4
+mcdade,779,5
+mcdade,779,6
+mcdade,779,7
+mcdade,779,8
+mcdade,779,9
+mcdade,779,10
+mcdade,779,11
+mcdade,779,12
+mcdade,779,13
+mcdade,779,14
+mcdade,779,15
+mcdade,779,16
+mcdade,780,0
+mcdade,780,1
+mcdade,780,2
+mcdade,781,0
+mcdade,781,1
+mcdade,781,2
+mcdade,782,0
+mcdade,782,1
+mcdade,782,2
+mcdade,782,3
+mcdade,782,4
+mcdade,782,5
+mcdade,782,6
+mcdade,782,7
+mcdade,782,8
+mcdade,782,9
+mcdade,782,10
+mcdade,782,11
+mcdade,782,12
+mcdade,783,0
+mcdade,783,1
+mcdade,783,2
+mcdade,783,3
+mcdade,783,4
+mcdade,783,5
+mcdade,784,0
+mcdade,784,1
+mcdade,784,2
+mcdade,784,3
+mcdade,785,0
+mcdade,785,1
+mcdade,785,2
+mcdade,785,3
+mcdade,785,4
+mcdade,785,5
+mcdade,785,6
+mcdade,785,7
+mcdade,785,8
+mcdade,785,9
+mcdade,786,0
+mcdade,786,1
+mcdade,786,2
+mcdade,786,3
+mcdade,787,0
+mcdade,787,1
+mcdade,787,2
+mcdade,787,3
+mcdade,787,4
+mcdade,787,5
+mcdade,788,0
+mcdade,788,1
+mcdade,788,2
+mcdade,788,3
+mcdade,788,4
+mcdade,788,5
+mcdade,789,0
+mcdade,789,1
+mcdade,789,2
+mcdade,790,0
+mcdade,790,1
+mcdade,790,2
+mcdade,790,3
+mcdade,790,4
+mcdade,790,5
+mcdade,790,6
+mcdade,791,0
+mcdade,791,1
+mcdade,791,2
+mcdade,791,3
+mcdade,791,4
+mcdade,791,5
+mcdade,791,6
+mcdade,792,0
+mcdade,792,1
+mcdade,792,2
+mcdade,792,3
+mcdade,792,4
+mcdade,793,0
+mcdade,793,1
+mcdade,793,2
+mcdade,793,3
+mcdade,793,4
+mcdade,793,5
+mcdade,794,0
+mcdade,794,1
+mcdade,794,2
+mcdade,794,3
+mcdade,795,0
+mcdade,795,1
+mcdade,795,2
+mcdade,795,3
+mcdade,795,4
+mcdade,795,5
+mcdade,796,0
+mcdade,796,1
+mcdade,796,2
+mcdade,796,3
+mcdade,796,4
+mcdade,796,5
+mcdade,797,0
+mcdade,797,1
+mcdade,797,2
+mcdade,797,3
+mcdade,797,4
+mcdade,797,5
+mcdade,798,0
+mcdade,798,1
+mcdade,798,2
+mcdade,798,3
+mcdade,798,4
+mcdade,799,0
+mcdade,799,1
+mcdade,799,2
+mcdade,800,0
+mcdade,800,1
+mcdade,800,2
+mcdade,800,3
+mcdade,800,4
+mcdade,800,5
+mcdade,800,6
+mcdade,800,7
+mcdade,800,8
+mcdade,800,9
+mcdade,801,0
+mcdade,801,1
+mcdade,801,2
+mcdade,801,3
+mcdade,801,4
+mcdade,801,5
+mcdade,801,6
+mcdade,801,7
+mcdade,801,8
+mcdade,801,9
+mcdade,801,10
+mcdade,801,11
+mcdade,801,12
+mcdade,802,0
+mcdade,802,1
+mcdade,802,2
+mcdade,802,3
+mcdade,802,4
+mcdade,802,5
+mcdade,802,6
+mcdade,802,7
+mcdade,802,8
+mcdade,803,0
+mcdade,803,1
+mcdade,803,2
+mcdade,803,3
+mcdade,804,0
+mcdade,804,1
+mcdade,804,2
+mcdade,805,0
+mcdade,805,1
+mcdade,805,2
+mcdade,805,3
+mcdade,805,4
+mcdade,806,0
+mcdade,806,1
+mcdade,806,2
+mcdade,806,3
+mcdade,806,4
+mcdade,806,5
+mcdade,806,6
+mcdade,806,7
+mcdade,806,8
+mcdade,807,0
+mcdade,807,1
+mcdade,807,2
+mcdade,807,3
+mcdade,807,4
+mcdade,807,5
+mcdade,808,0
+mcdade,808,1
+mcdade,808,2
+mcdade,808,3
+mcdade,809,0
+mcdade,809,1
+mcdade,809,2
+mcdade,810,0
+mcdade,810,1
+mcdade,810,2
+mcdade,810,3
+mcdade,810,4
+mcdade,810,5
+mcdade,810,6
+mcdade,810,7
+mcdade,810,8
+mcdade,811,1
+mcdade,811,2
+mcdade,811,3
+mcdade,811,4
+mcdade,812,0
+mcdade,812,1
+mcdade,812,2
+mcdade,813,0
+mcdade,813,1
+mcdade,813,2
+mcdade,813,3
+mcdade,814,0
+mcdade,814,1
+mcdade,814,2
+mcdade,814,3
+mcdade,814,4
+mcdade,815,0
+mcdade,815,1
+mcdade,815,2
+mcdade,815,3
+mcdade,815,4
+mcdade,815,5
+mcdade,816,0
+mcdade,816,1
+mcdade,816,2
+mcdade,816,3
+mcdade,816,4
+mcdade,816,5
+mcdade,816,6
+mcdade,816,7
+mcdade,817,0
+mcdade,817,1
+mcdade,817,2
+mcdade,817,3
+mcdade,817,4
+mcdade,817,5
+mcdade,817,6
+mcdade,817,7
+mcdade,817,8
+mcdade,817,9
+mcdade,817,10
+mcdade,817,11
+mcdade,817,12
+mcdade,817,13
+mcdade,817,14
+mcdade,818,0
+mcdade,818,1
+mcdade,818,2
+mcdade,819,0
+mcdade,819,1
+mcdade,819,2
+mcdade,819,3
+mcdade,819,4
+mcdade,819,5
+mcdade,819,6
+mcdade,820,0
+mcdade,820,1
+mcdade,820,2
+mcdade,820,3
+mcdade,820,4
+mcdade,820,5
+mcdade,820,6
+mcdade,820,7
+mcdade,821,0
+mcdade,821,1
+mcdade,821,2
+mcdade,821,3
+mcdade,821,4
+mcdade,821,5
+mcdade,821,6
+mcdade,822,0
+mcdade,822,1
+mcdade,822,2
+mcdade,822,3
+mcdade,822,4
+mcdade,823,0
+mcdade,823,1
+mcdade,823,2
+mcdade,823,3
+mcdade,823,4
+mcdade,824,0
+mcdade,824,1
+mcdade,824,2
+mcdade,824,3
+mcdade,824,4
+mcdade,824,5
+mcdade,824,6
+mcdade,824,7
+mcdade,824,8
+mcdade,824,9
+mcdade,825,0
+mcdade,825,1
+mcdade,825,2
+mcdade,825,3
+mcdade,825,4
+mcdade,825,5
+mcdade,826,0
+mcdade,826,1
+mcdade,826,2
+mcdade,826,3
+mcdade,826,4
+mcdade,826,5
+mcdade,826,6
+mcdade,827,0
+mcdade,827,1
+mcdade,827,2
+mcdade,828,0
+mcdade,828,1
+mcdade,828,2
+mcdade,828,3
+mcdade,828,4
+mcdade,828,5
+mcdade,828,6
+mcdade,828,7
+mcdade,829,0
+mcdade,829,1
+mcdade,829,2
+mcdade,830,0
+mcdade,830,1
+mcdade,830,2
+mcdade,830,3
+mcdade,830,4
+mcdade,830,5
+mcdade,830,6
+mcdade,830,7
+mcdade,830,8
+mcdade,830,9
+mcdade,831,0
+mcdade,831,1
+mcdade,831,2
+mcdade,831,3
+mcdade,831,4
+mcdade,831,5
+mcdade,831,6
+mcdade,831,7
+mcdade,831,8
+mcdade,831,9
+mcdade,831,10
+mcdade,831,11
+mcdade,832,0
+mcdade,832,1
+mcdade,832,2
+mcdade,832,3
+mcdade,833,0
+mcdade,833,1
+mcdade,833,2
+mcdade,833,3
+mcdade,833,4
+mcdade,833,5
+mcdade,833,6
+mcdade,833,7
+mcdade,833,8
+mcdade,833,9
+mcdade,833,10
+mcdade,833,11
+mcdade,833,12
+mcdade,833,13
+mcdade,833,14
+mcdade,833,15
+mcdade,834,0
+mcdade,834,1
+mcdade,834,2
+mcdade,834,3
+mcdade,835,0
+mcdade,835,1
+mcdade,835,2
+mcdade,835,3
+mcdade,835,4
+mcdade,835,5
+mcdade,835,6
+mcdade,835,7
+mcdade,835,8
+mcdade,835,9
+mcdade,835,10
+mcdade,835,11
+mcdade,835,12
+mcdade,835,13
+mcdade,835,14
+mcdade,836,0
+mcdade,836,1
+mcdade,836,2
+mcdade,836,3
+mcdade,837,0
+mcdade,837,1
+mcdade,837,2
+mcdade,837,3
+mcdade,837,4
+mcdade,838,0
+mcdade,838,1
+mcdade,838,2
+mcdade,838,3
+mcdade,838,4
+mcdade,838,5
+mcdade,838,6
+mcdade,838,7
+mcdade,838,8
+mcdade,838,9
+mcdade,839,0
+mcdade,839,1
+mcdade,839,2
+mcdade,839,3
+mcdade,839,4
+mcdade,840,0
+mcdade,840,1
+mcdade,840,2
+mcdade,840,3
+mcdade,841,0
+mcdade,841,1
+mcdade,841,2
+mcdade,841,3
+mcdade,841,4
+mcdade,841,5
+mcdade,842,0
+mcdade,842,1
+mcdade,842,2
+mcdade,843,0
+mcdade,843,1
+mcdade,843,2
+mcdade,844,0
+mcdade,844,1
+mcdade,844,2
+mcdade,845,0
+mcdade,845,1
+mcdade,845,2
+mcdade,846,0
+mcdade,846,1
+mcdade,846,2
+mcdade,846,3
+mcdade,846,4
+mcdade,846,5
+mcdade,846,6
+mcdade,847,0
+mcdade,847,1
+mcdade,847,2
+mcdade,847,3
+mcdade,847,4
+mcdade,847,5
+mcdade,847,6
+mcdade,848,0
+mcdade,848,1
+mcdade,848,2
+mcdade,849,0
+mcdade,849,1
+mcdade,849,2
+mcdade,850,0
+mcdade,850,1
+mcdade,850,2
+mcdade,850,3
+mcdade,850,4
+mcdade,851,0
+mcdade,851,1
+mcdade,851,2
+mcdade,851,3
+mcdade,852,0
+mcdade,852,1
+mcdade,852,2
+mcdade,852,3
+mcdade,852,4
+mcdade,852,5
+mcdade,852,6
+mcdade,852,7
+mcdade,852,8
+mcdade,853,0
+mcdade,853,1
+mcdade,853,2
+mcdade,853,3
+mcdade,853,4
+mcdade,853,5
+mcdade,854,0
+mcdade,854,1
+mcdade,854,2
+mcdade,854,3
+mcdade,854,4
+mcdade,855,0
+mcdade,855,1
+mcdade,855,2
+mcdade,855,3
+mcdade,855,4
+mcdade,856,0
+mcdade,856,1
+mcdade,856,2
+mcdade,856,3
+mcdade,856,4
+mcdade,856,5
+mcdade,856,6
+mcdade,856,7
+mcdade,857,0
+mcdade,857,1
+mcdade,857,2
+mcdade,857,3
+mcdade,858,0
+mcdade,858,1
+mcdade,858,2
+mcdade,858,3
+mcdade,858,4
+mcdade,858,5
+mcdade,859,0
+mcdade,859,1
+mcdade,859,2
+mcdade,859,3
+mcdade,859,4
+mcdade,859,5
+mcdade,859,6
+mcdade,859,7
+mcdade,859,8
+mcdade,860,0
+mcdade,860,1
+mcdade,860,2
+mcdade,860,3
+mcdade,860,4
+mcdade,860,5
+mcdade,860,6
+mcdade,861,0
+mcdade,861,1
+mcdade,861,2
+mcdade,861,3
+mcdade,861,4
+mcdade,861,5
+mcdade,862,0
+mcdade,862,1
+mcdade,862,2
+mcdade,862,3
+mcdade,862,4
+mcdade,862,5
+mcdade,862,6
+mcdade,862,7
+mcdade,862,8
+mcdade,862,9
+mcdade,862,10
+mcdade,862,11
+mcdade,862,12
+mcdade,862,13
+mcdade,863,0
+mcdade,863,1
+mcdade,863,2
+mcdade,863,3
+mcdade,863,4
+mcdade,864,0
+mcdade,864,1
+mcdade,864,2
+mcdade,864,3
+mcdade,865,0
+mcdade,865,1
+mcdade,865,2
+mcdade,865,3
+mcdade,866,0
+mcdade,866,1
+mcdade,866,2
+mcdade,866,3
+mcdade,866,4
+mcdade,867,0
+mcdade,867,1
+mcdade,867,2
+mcdade,867,3
+mcdade,867,4
+mcdade,867,5
+mcdade,868,0
+mcdade,868,1
+mcdade,868,2
+mcdade,868,3
+mcdade,868,4
+mcdade,868,5
+mcdade,868,6
+mcdade,868,7
+mcdade,868,8
+mcdade,868,9
+mcdade,868,10
+mcdade,868,11
+mcdade,869,0
+mcdade,869,1
+mcdade,869,2
+mcdade,869,3
+mcdade,869,4
+mcdade,870,0
+mcdade,870,1
+mcdade,870,2
+mcdade,870,3
+mcdade,870,4
+mcdade,871,0
+mcdade,871,1
+mcdade,871,2
+mcdade,871,3
+mcdade,871,4
+mcdade,871,5
+mcdade,871,6
+mcdade,871,7
+mcdade,872,0
+mcdade,872,1
+mcdade,872,2
+mcdade,872,3
+mcdade,872,4
+mcdade,873,0
+mcdade,873,1
+mcdade,873,2
+mcdade,873,3
+mcdade,873,4
+mcdade,873,5
+mcdade,873,6
+mcdade,874,0
+mcdade,874,1
+mcdade,874,2
+mcdade,874,3
+mcdade,874,4
+mcdade,875,0
+mcdade,875,1
+mcdade,875,2
+mcdade,875,3
+mcdade,875,4
+mcdade,875,5
+mcdade,875,6
+mcdade,875,7
+mcdade,875,8
+mcdade,876,0
+mcdade,876,1
+mcdade,876,2
+mcdade,876,3
+mcdade,876,4
+mcdade,876,5
+mcdade,876,6
+mcdade,876,7
+mcdade,876,8
+mcdade,876,9
+mcdade,876,10
+mcdade,876,11
+mcdade,876,12
+mcdade,876,13
+mcdade,877,0
+mcdade,877,1
+mcdade,877,2
+mcdade,878,0
+mcdade,878,1
+mcdade,878,2
+mcdade,878,3
+mcdade,878,4
+mcdade,878,5
+mcdade,878,6
+mcdade,878,7
+mcdade,878,8
+mcdade,879,0
+mcdade,879,1
+mcdade,879,2
+mcdade,879,3
+mcdade,879,4
+mcdade,879,5
+mcdade,879,6
+mcdade,879,7
+mcdade,879,8
+mcdade,879,9
+mcdade,879,10
+mcdade,879,11
+mcdade,879,12
+mcdade,879,13
+mcdade,879,14
+mcdade,879,15
+mcdade,879,16
+mcdade,879,17
+mcdade,879,18
+mcdade,879,19
+mcdade,880,0
+mcdade,880,1
+mcdade,880,2
+mcdade,881,0
+mcdade,881,1
+mcdade,881,2
+mcdade,882,0
+mcdade,882,1
+mcdade,882,2
+mcdade,882,3
+mcdade,882,4
+mcdade,882,5
+mcdade,882,6
+mcdade,883,0
+mcdade,883,1
+mcdade,883,2
+mcdade,883,3
+mcdade,883,4
+mcdade,884,0
+mcdade,884,1
+mcdade,884,2
+mcdade,884,3
+mcdade,884,4
+mcdade,884,5
+mcdade,884,6
+mcdade,885,0
+mcdade,885,1
+mcdade,885,2
+mcdade,886,0
+mcdade,886,1
+mcdade,886,2
+mcdade,886,3
+mcdade,886,4
+mcdade,886,5
+mcdade,886,6
+mcdade,887,0
+mcdade,887,1
+mcdade,887,2
+mcdade,888,0
+mcdade,888,1
+mcdade,888,2
+mcdade,888,3
+mcdade,888,4
+mcdade,888,5
+mcdade,888,6
+mcdade,888,7
+mcdade,888,8
+mcdade,888,9
+mcdade,888,10
+mcdade,888,11
+mcdade,888,12
+mcdade,888,13
+mcdade,888,14
+mcdade,888,15
+mcdade,888,16
+mcdade,888,17
+mcdade,888,18
+mcdade,888,19
+mcdade,889,0
+mcdade,889,1
+mcdade,889,2
+mcdade,889,3
+mcdade,890,0
+mcdade,890,1
+mcdade,890,2
+mcdade,890,3
+mcdade,890,4
+mcdade,891,0
+mcdade,891,1
+mcdade,891,2
+mcdade,891,3
+mcdade,892,0
+mcdade,892,1
+mcdade,892,2
+mcdade,892,3
+mcdade,892,4
+mcdade,892,5
+mcdade,892,6
+mcdade,892,7
+mcdade,892,8
+mcdade,892,9
+mcdade,893,0
+mcdade,893,1
+mcdade,893,2
+mcdade,893,3
+mcdade,893,4
+mcdade,893,5
+mcdade,893,6
+mcdade,893,7
+mcdade,893,8
+mcdade,893,9
+mcdade,894,0
+mcdade,894,1
+mcdade,894,2
+mcdade,894,3
+mcdade,895,0
+mcdade,895,1
+mcdade,895,2
+mcdade,896,0
+mcdade,896,1
+mcdade,896,2
+mcdade,896,3
+mcdade,896,4
+mcdade,896,5
+mcdade,896,6
+mcdade,896,7
+mcdade,896,8
+mcdade,897,0
+mcdade,897,1
+mcdade,897,2
+mcdade,897,3
+mcdade,897,4
+mcdade,897,5
+mcdade,897,6
+mcdade,897,7
+mcdade,897,8
+mcdade,897,9
+mcdade,897,10
+mcdade,898,0
+mcdade,898,1
+mcdade,898,2
+mcdade,898,3
+mcdade,899,0
+mcdade,899,1
+mcdade,899,2
+mcdade,899,3
+mcdade,900,0
+mcdade,900,1
+mcdade,900,2
+mcdade,900,3
+mcdade,901,0
+mcdade,901,1
+mcdade,901,2
+mcdade,901,3
+mcdade,901,4
+mcdade,901,5
+mcdade,901,6
+mcdade,901,7
+mcdade,901,8
+mcdade,901,9
+mcdade,901,10
+mcdade,901,11
+mcdade,901,12
+mcdade,902,0
+mcdade,902,1
+mcdade,902,2
+mcdade,902,3
+mcdade,903,0
+mcdade,903,1
+mcdade,903,2
+mcdade,903,3
+mcdade,903,4
+mcdade,903,5
+mcdade,903,6
+mcdade,904,0
+mcdade,904,1
+mcdade,904,2
+mcdade,905,0
+mcdade,905,1
+mcdade,905,2
+mcdade,905,3
+mcdade,905,4
+mcdade,906,0
+mcdade,906,1
+mcdade,906,2
+mcdade,906,3
+mcdade,906,4
+mcdade,907,0
+mcdade,907,1
+mcdade,907,2
+mcdade,907,3
+mcdade,908,0
+mcdade,908,1
+mcdade,908,2
+mcdade,909,0
+mcdade,909,1
+mcdade,909,2
+mcdade,909,3
+mcdade,910,0
+mcdade,910,1
+mcdade,910,2
+mcdade,910,3
+mcdade,910,4
+mcdade,910,5
+mcdade,910,6
+mcdade,910,7
+mcdade,910,8
+mcdade,910,9
+mcdade,910,10
+mcdade,910,11
+mcdade,910,12
+mcdade,911,0
+mcdade,911,1
+mcdade,911,2
+mcdade,912,0
+mcdade,912,1
+mcdade,912,2
+mcdade,912,3
+mcdade,913,0
+mcdade,913,1
+mcdade,913,2
+mcdade,913,3
+mcdade,913,4
+mcdade,913,5
+mcdade,913,6
+mcdade,913,7
+mcdade,913,8
+mcdade,913,9
+mcdade,914,0
+mcdade,914,1
+mcdade,914,2
+mcdade,914,3
+mcdade,914,4
+mcdade,914,5
+mcdade,915,0
+mcdade,915,1
+mcdade,915,2
+mcdade,915,3
+mcdade,915,4
+mcdade,916,0
+mcdade,916,1
+mcdade,916,2
+mcdade,916,3
+mcdade,916,4
+mcdade,916,5
+mcdade,916,6
+mcdade,916,7
+mcdade,917,0
+mcdade,917,1
+mcdade,917,2
+mcdade,917,3
+mcdade,918,0
+mcdade,918,1
+mcdade,918,2
+mcdade,918,3
+mcdade,918,4
+mcdade,918,5
+mcdade,918,6
+mcdade,919,0
+mcdade,919,1
+mcdade,919,2
+mcdade,919,3
+mcdade,919,4
+mcdade,919,5
+mcdade,919,6
+mcdade,919,7
+mcdade,919,8
+mcdade,920,0
+mcdade,920,1
+mcdade,920,2
+mcdade,920,3
+mcdade,920,4
+mcdade,920,5
+mcdade,921,0
+mcdade,921,1
+mcdade,921,2
+mcdade,922,0
+mcdade,922,1
+mcdade,922,2
+mcdade,923,0
+mcdade,923,1
+mcdade,923,2
+mcdade,923,3
+mcdade,923,4
+mcdade,924,0
+mcdade,924,1
+mcdade,924,2
+mcdade,924,3
+mcdade,924,4
+mcdade,924,5
+mcdade,925,0
+mcdade,925,1
+mcdade,925,2
+mcdade,925,3
+mcdade,925,4
+mcdade,925,5
+mcdade,925,6
+mcdade,925,7
+mcdade,925,8
+mcdade,925,9
+mcdade,926,0
+mcdade,926,1
+mcdade,926,2
+mcdade,926,3
+mcdade,926,4
+mcdade,927,0
+mcdade,927,1
+mcdade,927,2
+mcdade,927,3
+mcdade,927,4
+mcdade,928,0
+mcdade,928,1
+mcdade,928,2
+mcdade,928,3
+mcdade,929,0
+mcdade,929,1
+mcdade,929,2
+mcdade,930,0
+mcdade,930,1
+mcdade,930,2
+mcdade,930,3
+mcdade,930,4
+mcdade,930,5
+mcdade,930,6
+mcdade,930,7
+mcdade,930,8
+mcdade,931,0
+mcdade,931,1
+mcdade,931,2
+mcdade,931,3
+mcdade,931,4
+mcdade,931,5
+mcdade,931,6
+mcdade,932,0
+mcdade,932,1
+mcdade,932,2
+mcdade,932,3
+mcdade,932,4
+mcdade,932,5
+mcdade,932,6
+mcdade,932,7
+mcdade,932,8
+mcdade,933,0
+mcdade,933,1
+mcdade,933,2
+mcdade,933,3
+mcdade,933,4
+mcdade,933,5
+mcdade,933,6
+mcdade,933,7
+mcdade,933,8
+mcdade,934,0
+mcdade,934,1
+mcdade,934,2
+mcdade,934,3
+mcdade,934,4
+mcdade,934,5
+mcdade,934,6
+mcdade,934,7
+mcdade,934,8
+mcdade,934,9
+mcdade,934,10
+mcdade,934,11
+mcdade,934,12
+mcdade,934,13
+mcdade,935,0
+mcdade,935,1
+mcdade,935,2
+mcdade,935,3
+mcdade,935,4
+mcdade,936,0
+mcdade,936,1
+mcdade,936,2
+mcdade,937,0
+mcdade,937,1
+mcdade,937,2
+mcdade,938,0
+mcdade,938,1
+mcdade,938,2
+mcdade,938,3
+mcdade,938,4
+mcdade,939,0
+mcdade,939,1
+mcdade,939,2
+mcdade,939,3
+mcdade,939,4
+mcdade,939,5
+mcdade,939,6
+mcdade,940,0
+mcdade,940,1
+mcdade,940,2
+mcdade,940,3
+mcdade,940,4
+mcdade,940,5
+mcdade,940,6
+mcdade,940,7
+mcdade,940,8
+mcdade,940,9
+mcdade,941,0
+mcdade,941,1
+mcdade,941,2
+mcdade,941,3
+mcdade,941,4
+mcdade,941,5
+mcdade,941,6
+mcdade,941,7
+mcdade,941,8
+mcdade,941,9
+mcdade,941,10
+mcdade,941,11
+mcdade,941,12
+mcdade,941,13
+mcdade,942,0
+mcdade,942,1
+mcdade,942,2
+mcdade,942,3
+mcdade,942,4
+mcdade,942,5
+mcdade,942,6
+mcdade,942,7
+mcdade,942,8
+mcdade,942,9
+mcdade,942,10
+mcdade,942,11
+mcdade,942,12
+mcdade,942,13
+mcdade,943,0
+mcdade,943,1
+mcdade,943,2
+mcdade,943,3
+mcdade,943,4
+mcdade,943,5
+mcdade,943,6
+mcdade,944,0
+mcdade,944,1
+mcdade,944,2
+mcdade,944,3
+mcdade,944,4
+mcdade,944,5
+mcdade,944,6
+mcdade,944,7
+mcdade,944,8
+mcdade,944,9
+mcdade,944,10
+mcdade,944,11
+mcdade,944,12
+mcdade,944,13
+mcdade,945,0
+mcdade,945,1
+mcdade,945,2
+mcdade,945,3
+mcdade,945,4
+mcdade,945,5
+mcdade,945,6
+mcdade,945,7
+mcdade,946,1
+mcdade,946,2
+mcdade,947,0
+mcdade,947,1
+mcdade,947,3
+mcdade,948,0
+mcdade,948,1
+mcdade,948,2
+mcdade,948,3
+mcdade,949,0
+mcdade,949,1
+mcdade,949,2
+mcdade,950,0
+mcdade,950,1
+mcdade,950,2
+mcdade,950,3
+mcdade,950,4
+mcdade,951,0
+mcdade,951,1
+mcdade,951,2
+mcdade,951,3
+mcdade,951,4
+mcdade,952,0
+mcdade,952,1
+mcdade,952,2
+mcdade,952,3
+mcdade,952,4
+mcdade,952,5
+mcdade,952,6
+mcdade,953,0
+mcdade,953,1
+mcdade,953,2
+mcdade,953,3
+mcdade,953,4
+mcdade,953,5
+mcdade,954,0
+mcdade,954,1
+mcdade,954,2
+mcdade,954,3
+mcdade,954,4
+mcdade,955,0
+mcdade,955,1
+mcdade,955,2
+mcdade,955,3
+mcdade,955,4
+mcdade,955,5
+mcdade,955,6
+mcdade,955,7
+mcdade,955,8
+mcdade,955,9
+mcdade,955,10
+mcdade,956,0
+mcdade,956,1
+mcdade,956,2
+mcdade,956,3
+mcdade,956,4
+mcdade,957,0
+mcdade,957,1
+mcdade,957,2
+mcdade,957,3
+mcdade,957,4
+mcdade,957,5
+mcdade,958,0
+mcdade,958,1
+mcdade,958,2
+mcdade,958,3
+mcdade,958,4
+mcdade,958,5
+mcdade,959,0
+mcdade,959,1
+mcdade,959,2
+mcdade,959,3
+mcdade,959,4
+mcdade,959,5
+mcdade,959,6
+mcdade,959,7
+mcdade,959,8
+mcdade,959,9
+mcdade,959,10
+mcdade,959,11
+mcdade,959,12
+mcdade,959,13
+mcdade,959,14
+mcdade,959,15
+mcdade,959,16
+mcdade,959,17
+mcdade,960,0
+mcdade,960,1
+mcdade,960,2
+mcdade,961,0
+mcdade,961,1
+mcdade,961,2
+mcdade,961,3
+mcdade,961,4
+mcdade,961,5
+mcdade,961,6
+mcdade,961,7
+mcdade,961,8
+mcdade,961,9
+mcdade,961,10
+mcdade,961,11
+mcdade,961,12
+mcdade,961,13
+mcdade,961,14
+mcdade,962,0
+mcdade,962,1
+mcdade,962,2
+mcdade,963,0
+mcdade,963,1
+mcdade,963,2
+mcdade,963,3
+mcdade,964,0
+mcdade,964,1
+mcdade,964,2
+mcdade,964,3
+mcdade,965,0
+mcdade,965,1
+mcdade,965,2
+mcdade,966,0
+mcdade,966,1
+mcdade,966,2
+mcdade,967,0
+mcdade,967,1
+mcdade,967,2
+mcdade,967,3
+mcdade,967,4
+mcdade,968,0
+mcdade,968,1
+mcdade,968,2
+mcdade,968,3
+mcdade,969,0
+mcdade,969,1
+mcdade,969,2
+mcdade,970,0
+mcdade,970,1
+mcdade,970,2
+mcdade,970,3
+mcdade,970,4
+mcdade,971,0
+mcdade,971,1
+mcdade,971,2
+mcdade,971,3
+mcdade,971,4
+mcdade,971,5
+mcdade,971,6
+mcdade,972,0
+mcdade,972,1
+mcdade,972,2
+mcdade,972,3
+mcdade,972,4
+mcdade,972,5
+mcdade,973,0
+mcdade,973,1
+mcdade,973,2
+mcdade,973,3
+mcdade,973,4
+mcdade,973,5
+mcdade,973,6
+mcdade,973,7
+mcdade,973,8
+mcdade,973,9
+mcdade,974,0
+mcdade,974,1
+mcdade,974,2
+mcdade,974,3
+mcdade,974,4
+mcdade,975,0
+mcdade,975,1
+mcdade,975,2
+mcdade,975,3
+mcdade,975,4
+mcdade,975,5
+mcdade,975,6
+mcdade,975,7
+mcdade,975,8
+mcdade,975,9
+mcdade,975,10
+mcdade,975,11
+mcdade,976,0
+mcdade,976,1
+mcdade,976,2
+mcdade,976,3
+mcdade,977,0
+mcdade,977,1
+mcdade,977,2
+mcdade,977,3
+mcdade,977,4
+mcdade,977,5
+mcdade,978,0
+mcdade,978,1
+mcdade,978,2
+mcdade,978,3
+mcdade,978,4
+mcdade,978,5
+mcdade,978,6
+mcdade,978,7
+mcdade,979,0
+mcdade,979,1
+mcdade,979,2
+mcdade,980,0
+mcdade,980,1
+mcdade,980,2
+mcdade,981,0
+mcdade,981,1
+mcdade,981,2
+mcdade,981,3
+mcdade,982,0
+mcdade,982,1
+mcdade,982,2
+mcdade,982,3
+mcdade,982,4
+mcdade,983,0
+mcdade,983,1
+mcdade,983,2
+mcdade,983,3
+mcdade,983,4
+mcdade,984,0
+mcdade,984,1
+mcdade,984,2
+mcdade,984,3
+mcdade,985,0
+mcdade,985,1
+mcdade,985,2
+mcdade,986,0
+mcdade,986,1
+mcdade,986,2
+mcdade,986,3
+mcdade,986,4
+mcdade,986,5
+mcdade,986,6
+mcdade,986,7
+mcdade,986,8
+mcdade,986,9
+mcdade,986,10
+mcdade,986,11
+mcdade,987,0
+mcdade,987,1
+mcdade,987,2
+mcdade,987,3
+mcdade,987,4
+mcdade,987,5
+mcdade,987,6
+mcdade,987,7
+mcdade,987,8
+mcdade,987,9
+mcdade,987,10
+mcdade,987,11
+mcdade,987,12
+mcdade,987,13
+mcdade,987,14
+mcdade,987,15
+mcdade,987,16
+mcdade,987,17
+mcdade,988,0
+mcdade,988,1
+mcdade,988,2
+mcdade,988,3
+mcdade,988,4
+mcdade,988,5
+mcdade,989,0
+mcdade,989,1
+mcdade,989,2
+mcdade,989,3
+mcdade,990,0
+mcdade,990,1
+mcdade,990,2
+mcdade,990,3
+mcdade,991,0
+mcdade,991,1
+mcdade,991,2
+mcdade,991,3
+mcdade,991,4
+mcdade,991,5
+mcdade,991,6
+mcdade,991,7
+mcdade,991,8
+mcdade,991,9
+mcdade,991,10
+mcdade,991,11
+mcdade,991,12
+mcdade,991,13
+mcdade,991,14
+mcdade,991,15
+mcdade,991,16
+mcdade,991,17
+mcdade,991,18
+mcdade,991,19
+mcdade,992,0
+mcdade,992,1
+mcdade,992,2
+mcdade,992,3
+mcdade,992,4
+mcdade,992,5
+mcdade,992,6
+mcdade,992,7
+mcdade,993,0
+mcdade,993,1
+mcdade,993,2
+mcdade,993,3
+mcdade,993,4
+mcdade,994,0
+mcdade,994,1
+mcdade,994,2
+mcdade,994,3
+mcdade,994,4
+mcdade,995,0
+mcdade,995,1
+mcdade,995,2
+mcdade,995,3
+mcdade,995,4
+mcdade,996,0
+mcdade,996,1
+mcdade,996,2
+mcdade,996,3
+mcdade,996,4
+mcdade,997,0
+mcdade,997,1
+mcdade,997,2
+mcdade,997,3
+mcdade,997,4
+mcdade,997,5
+mcdade,997,6
+mcdade,997,7
+mcdade,998,0
+mcdade,998,1
+mcdade,998,2
+mcdade,999,0
+mcdade,999,1
+mcdade,999,2
+mcdade,999,3
+mcdade,999,4
+mcdade,999,5
+mcdade,999,6
+mcdade,999,7
+mcdade,999,8
+mcdade,1000,0
+mcdade,1000,1
+mcdade,1000,2
+mcdade,1000,3
+mcdade,1000,4
+mcdade,1001,0
+mcdade,1001,1
+mcdade,1001,2
+mcdade,1001,3
+mcdade,1001,4
+mcdade,1002,0
+mcdade,1002,1
+mcdade,1002,2
+mcdade,1002,3
+mcdade,1003,0
+mcdade,1003,1
+mcdade,1003,2
+mcdade,1003,3
+mcdade,1003,4
+mcdade,1003,5
+mcdade,1003,6
+mcdade,1003,7
+mcdade,1004,0
+mcdade,1004,1
+mcdade,1004,2
+mcdade,1004,3
+mcdade,1004,4
+mcdade,1004,5
+mcdade,1005,0
+mcdade,1005,1
+mcdade,1005,2
+mcdade,1005,3
+mcdade,1005,4
+mcdade,1006,0
+mcdade,1006,1
+mcdade,1006,2
+mcdade,1006,3
+mcdade,1006,4
+mcdade,1006,5
+mcdade,1006,6
+mcdade,1007,0
+mcdade,1007,1
+mcdade,1007,2
+mcdade,1007,3
+mcdade,1007,4
+mcdade,1007,5
+mcdade,1007,6
+mcdade,1007,7
+mcdade,1007,8
+mcdade,1007,9
+mcdade,1007,10
+mcdade,1007,11
+mcdade,1007,12
+mcdade,1007,13
+mcdade,1007,14
+mcdade,1008,0
+mcdade,1008,1
+mcdade,1008,2
+mcdade,1009,0
+mcdade,1009,1
+mcdade,1009,2
+mcdade,1010,0
+mcdade,1010,1
+mcdade,1010,2
+mcdade,1010,3
+mcdade,1010,4
+mcdade,1010,5
+mcdade,1010,6
+mcdade,1010,7
+mcdade,1010,8
+mcdade,1010,9
+mcdade,1010,10
+mcdade,1010,11
+mcdade,1011,0
+mcdade,1011,1
+mcdade,1011,2
+mcdade,1011,3
+mcdade,1011,4
+mcdade,1011,5
+mcdade,1011,6
+mcdade,1011,7
+mcdade,1011,8
+mcdade,1011,9
+mcdade,1011,10
+mcdade,1012,0
+mcdade,1012,1
+mcdade,1012,2
+mcdade,1013,0
+mcdade,1013,1
+mcdade,1013,2
+mcdade,1013,3
+mcdade,1014,0
+mcdade,1014,1
+mcdade,1014,2
+mcdade,1014,3
+mcdade,1014,4
+mcdade,1014,5
+mcdade,1014,6
+mcdade,1014,7
+mcdade,1014,8
+mcdade,1014,9
+mcdade,1014,10
+mcdade,1014,11
+mcdade,1014,12
+mcdade,1014,13
+mcdade,1014,14
+mcdade,1014,15
+mcdade,1014,16
+mcdade,1014,17
+mcdade,1014,18
+mcdade,1015,0
+mcdade,1015,1
+mcdade,1015,2
+mcdade,1015,3
+mcdade,1015,4
+mcdade,1015,5
+mcdade,1015,6
+mcdade,1016,0
+mcdade,1016,1
+mcdade,1016,2
+mcdade,1016,3
+mcdade,1016,4
+mcdade,1016,5
+mcdade,1017,0
+mcdade,1017,2
+mcdade,1018,0
+mcdade,1018,1
+mcdade,1018,2
+mcdade,1019,0
+mcdade,1019,1
+mcdade,1019,2
+mcdade,1019,3
+mcdade,1019,4
+mcdade,1019,5
+mcdade,1019,6
+mcdade,1019,7
+mcdade,1020,0
+mcdade,1020,1
+mcdade,1020,2
+mcdade,1020,3
+mcdade,1020,4
+mcdade,1020,5
+mcdade,1020,6
+mcdade,1020,7
+mcdade,1020,8
+mcdade,1020,9
+mcdade,1020,10
+mcdade,1020,11
+mcdade,1021,0
+mcdade,1021,1
+mcdade,1021,2
+mcdade,1021,3
+mcdade,1021,4
+mcdade,1021,5
+mcdade,1021,6
+mcdade,1021,7
+mcdade,1021,8
+mcdade,1021,9
+mcdade,1021,10
+mcdade,1021,11
+mcdade,1022,0
+mcdade,1022,1
+mcdade,1022,2
+mcdade,1023,0
+mcdade,1023,1
+mcdade,1023,2
+mcdade,1023,3
+mcdade,1023,4
+mcdade,1023,5
+mcdade,1023,6
+mcdade,1024,0
+mcdade,1024,1
+mcdade,1024,2
+mcdade,1025,0
+mcdade,1025,1
+mcdade,1025,2
+mcdade,1025,3
+mcdade,1025,4
+mcdade,1025,5
+mcdade,1025,6
+mcdade,1025,7
+mcdade,1025,8
+mcdade,1025,9
+mcdade,1026,0
+mcdade,1026,1
+mcdade,1026,2
+mcdade,1026,3
+mcdade,1026,4
+mcdade,1026,5
+mcdade,1026,6
+mcdade,1026,7
+mcdade,1027,0
+mcdade,1027,1
+mcdade,1027,2
+mcdade,1027,3
+mcdade,1027,4
+mcdade,1027,5
+mcdade,1027,6
+mcdade,1027,7
+mcdade,1028,0
+mcdade,1028,1
+mcdade,1028,2
+mcdade,1028,3
+mcdade,1028,4
+mcdade,1029,0
+mcdade,1029,1
+mcdade,1029,2
+mcdade,1029,3
+mcdade,1029,4
+mcdade,1029,5
+mcdade,1029,6
+mcdade,1029,7
+mcdade,1030,0
+mcdade,1030,1
+mcdade,1030,2
+mcdade,1030,3
+mcdade,1030,4
+mcdade,1030,5
+mcdade,1030,6
+mcdade,1030,7
+mcdade,1030,8
+mcdade,1030,9
+mcdade,1030,10
+mcdade,1031,0
+mcdade,1031,1
+mcdade,1031,2
+mcdade,1031,3
+mcdade,1031,4
+mcdade,1031,5
+mcdade,1031,6
+mcdade,1031,7
+mcdade,1031,8
+mcdade,1031,9
+mcdade,1032,0
+mcdade,1032,1
+mcdade,1032,2
+mcdade,1032,3
+mcdade,1032,4
+mcdade,1033,0
+mcdade,1033,1
+mcdade,1033,2
+mcdade,1034,0
+mcdade,1034,1
+mcdade,1034,2
+mcdade,1034,3
+mcdade,1035,0
+mcdade,1035,1
+mcdade,1035,2
+mcdade,1036,0
+mcdade,1036,1
+mcdade,1036,2
+mcdade,1037,0
+mcdade,1037,1
+mcdade,1037,2
+mcdade,1037,3
+mcdade,1037,4
+mcdade,1037,5
+mcdade,1037,6
+mcdade,1038,0
+mcdade,1038,1
+mcdade,1038,2
+mcdade,1038,3
+mcdade,1038,4
+mcdade,1038,5
+mcdade,1038,6
+mcdade,1038,7
+mcdade,1038,8
+mcdade,1038,9
+mcdade,1038,10
+mcdade,1038,11
+mcdade,1038,12
+mcdade,1038,13
+mcdade,1038,14
+mcdade,1038,15
+mcdade,1038,16
+mcdade,1039,0
+mcdade,1039,1
+mcdade,1039,2
+mcdade,1040,0
+mcdade,1040,1
+mcdade,1040,2
+mcdade,1041,0
+mcdade,1041,1
+mcdade,1041,2
+mcdade,1041,3
+mcdade,1042,0
+mcdade,1042,1
+mcdade,1042,2
+mcdade,1042,3
+mcdade,1042,4
+mcdade,1042,5
+mcdade,1043,0
+mcdade,1043,1
+mcdade,1043,2
+mcdade,1043,3
+mcdade,1043,4
+mcdade,1043,5
+mcdade,1043,6
+mcdade,1044,0
+mcdade,1044,1
+mcdade,1044,2
+mcdade,1044,3
+mcdade,1044,4
+mcdade,1044,5
+mcdade,1044,6
+mcdade,1044,7
+mcdade,1044,8
+mcdade,1044,9
+mcdade,1044,10
+mcdade,1044,11
+mcdade,1044,12
+mcdade,1044,13
+mcdade,1044,14
+mcdade,1044,15
+mcdade,1044,16
+mcdade,1045,0
+mcdade,1045,1
+mcdade,1045,2
+mcdade,1045,3
+mcdade,1046,0
+mcdade,1046,1
+mcdade,1046,2
+mcdade,1046,3
+mcdade,1046,4
+mcdade,1046,5
+mcdade,1046,6
+mcdade,1046,7
+mcdade,1046,8
+mcdade,1047,0
+mcdade,1047,1
+mcdade,1047,2
+mcdade,1048,0
+mcdade,1048,1
+mcdade,1048,2
+mcdade,1049,0
+mcdade,1049,1
+mcdade,1049,2
+mcdade,1049,3
+mcdade,1049,4
+mcdade,1049,5
+mcdade,1050,0
+mcdade,1050,1
+mcdade,1050,2
+mcdade,1050,3
+mcdade,1050,4
+mcdade,1050,5
+mcdade,1050,6
+mcdade,1050,7
+mcdade,1050,8
+mcdade,1050,9
+mcdade,1050,10
+mcdade,1050,11
+mcdade,1050,12
+mcdade,1050,13
+mcdade,1050,14
+mcdade,1050,15
+mcdade,1051,0
+mcdade,1051,1
+mcdade,1051,2
+mcdade,1051,3
+mcdade,1051,4
+mcdade,1051,5
+mcdade,1051,6
+mcdade,1051,7
+mcdade,1051,8
+mcdade,1051,9
+mcdade,1051,10
+mcdade,1052,0
+mcdade,1052,1
+mcdade,1052,2
+mcdade,1052,3
+mcdade,1053,0
+mcdade,1053,1
+mcdade,1053,2
+mcdade,1053,3
+mcdade,1053,4
+mcdade,1053,5
+mcdade,1053,6
+mcdade,1053,7
+mcdade,1053,8
+mcdade,1053,9
+mcdade,1053,10
+mcdade,1053,11
+mcdade,1053,12
+mcdade,1054,0
+mcdade,1054,1
+mcdade,1054,2
+mcdade,1054,3
+mcdade,1054,4
+mcdade,1054,5
+mcdade,1055,0
+mcdade,1055,1
+mcdade,1055,2
+mcdade,1055,3
+mcdade,1055,4
+mcdade,1056,0
+mcdade,1056,1
+mcdade,1056,2
+mcdade,1057,0
+mcdade,1057,1
+mcdade,1057,2
+mcdade,1057,3
+mcdade,1057,4
+mcdade,1057,5
+mcdade,1057,6
+mcdade,1057,7
+mcdade,1057,8
+mcdade,1058,0
+mcdade,1058,1
+mcdade,1058,2
+mcdade,1058,3
+mcdade,1058,4
+mcdade,1058,5
+mcdade,1058,6
+mcdade,1058,7
+mcdade,1059,0
+mcdade,1059,1
+mcdade,1059,2
+mcdade,1059,3
+mcdade,1059,4
+mcdade,1060,0
+mcdade,1060,1
+mcdade,1060,2
+mcdade,1060,3
+mcdade,1060,4
+mcdade,1061,0
+mcdade,1061,1
+mcdade,1061,2
+mcdade,1061,3
+mcdade,1061,4
+mcdade,1061,5
+mcdade,1061,6
+mcdade,1062,0
+mcdade,1062,1
+mcdade,1062,2
+mcdade,1062,3
+mcdade,1062,4
+mcdade,1063,0
+mcdade,1063,1
+mcdade,1063,2
+mcdade,1063,3
+mcdade,1063,4
+mcdade,1063,5
+mcdade,1063,6
+mcdade,1064,0
+mcdade,1064,1
+mcdade,1064,2
+mcdade,1064,3
+mcdade,1064,4
+mcdade,1064,5
+mcdade,1064,6
+mcdade,1064,7
+mcdade,1064,8
+mcdade,1064,9
+mcdade,1064,10
+mcdade,1064,11
+mcdade,1065,0
+mcdade,1065,1
+mcdade,1065,2
+mcdade,1065,3
+mcdade,1065,4
+mcdade,1065,5
+mcdade,1065,6
+mcdade,1065,7
+mcdade,1066,0
+mcdade,1066,1
+mcdade,1066,2
+mcdade,1067,0
+mcdade,1067,1
+mcdade,1067,2
+mcdade,1067,3
+mcdade,1067,4
+mcdade,1067,5
+mcdade,1067,6
+mcdade,1067,7
+mcdade,1068,0
+mcdade,1068,1
+mcdade,1068,2
+mcdade,1068,3
+mcdade,1068,4
+mcdade,1068,5
+mcdade,1068,6
+mcdade,1069,0
+mcdade,1069,1
+mcdade,1069,2
+mcdade,1069,3
+mcdade,1069,4
+mcdade,1069,5
+mcdade,1069,6
+mcdade,1070,0
+mcdade,1070,1
+mcdade,1070,2
+mcdade,1070,3
+mcdade,1071,0
+mcdade,1071,1
+mcdade,1071,2
+mcdade,1071,3
+mcdade,1071,4
+mcdade,1071,5
+mcdade,1071,6
+mcdade,1071,7
+mcdade,1071,8
+mcdade,1071,9
+mcdade,1072,0
+mcdade,1072,1
+mcdade,1072,2
+mcdade,1073,0
+mcdade,1073,1
+mcdade,1073,2
+mcdade,1074,0
+mcdade,1074,1
+mcdade,1074,2
+mcdade,1075,0
+mcdade,1075,1
+mcdade,1075,2
+mcdade,1076,0
+mcdade,1076,1
+mcdade,1076,2
+mcdade,1077,0
+mcdade,1077,1
+mcdade,1077,2
+mcdade,1077,3
+mcdade,1077,4
+mcdade,1077,5
+mcdade,1077,6
+mcdade,1078,0
+mcdade,1078,1
+mcdade,1078,2
+mcdade,1078,3
+mcdade,1078,4
+mcdade,1078,5
+mcdade,1078,6
+mcdade,1078,7
+mcdade,1078,8
+mcdade,1078,9
+mcdade,1078,10
+mcdade,1078,11
+mcdade,1078,12
+mcdade,1078,13
+mcdade,1078,14
+mcdade,1078,15
+mcdade,1079,0
+mcdade,1079,1
+mcdade,1079,2
+mcdade,1079,3
+mcdade,1079,4
+mcdade,1079,5
+mcdade,1079,6
+mcdade,1079,7
+mcdade,1080,0
+mcdade,1080,1
+mcdade,1080,2
+mcdade,1081,0
+mcdade,1081,1
+mcdade,1081,2
+mcdade,1081,3
+mcdade,1081,4
+mcdade,1081,5
+mcdade,1081,6
+mcdade,1081,7
+mcdade,1081,8
+mcdade,1081,9
+mcdade,1081,10
+mcdade,1081,11
+mcdade,1082,0
+mcdade,1082,1
+mcdade,1082,2
+mcdade,1082,3
+mcdade,1082,4
+mcdade,1082,5
+mcdade,1082,6
+mcdade,1082,7
+mcdade,1082,8
+mcdade,1082,9
+mcdade,1082,10
+mcdade,1082,11
+mcdade,1082,12
+mcdade,1082,13
+mcdade,1082,14
+mcdade,1082,15
+mcdade,1082,16
+mcdade,1082,17
+mcdade,1082,18
+mcdade,1082,19
+mcdade,1082,20
+mcdade,1083,0
+mcdade,1083,1
+mcdade,1083,2
+mcdade,1084,0
+mcdade,1084,1
+mcdade,1084,2
+mcdade,1084,3
+mcdade,1084,4
+mcdade,1084,5
+mcdade,1084,6
+mcdade,1084,7
+mcdade,1084,8
+mcdade,1084,9
+mcdade,1084,10
+mcdade,1085,0
+mcdade,1085,1
+mcdade,1085,2
+mcdade,1086,0
+mcdade,1086,1
+mcdade,1086,2
+mcdade,1086,3
+mcdade,1086,4
+mcdade,1086,5
+mcdade,1086,6
+mcdade,1086,7
+mcdade,1087,0
+mcdade,1087,1
+mcdade,1087,2
+mcdade,1088,0
+mcdade,1088,1
+mcdade,1088,2
+mcdade,1088,3
+mcdade,1088,4
+mcdade,1088,5
+mcdade,1089,0
+mcdade,1089,1
+mcdade,1089,2
+mcdade,1089,3
+mcdade,1089,4
+mcdade,1089,5
+mcdade,1090,0
+mcdade,1090,1
+mcdade,1090,2
+mcdade,1090,3
+mcdade,1090,4
+mcdade,1091,0
+mcdade,1091,1
+mcdade,1091,2
+mcdade,1092,0
+mcdade,1092,1
+mcdade,1092,2
+mcdade,1093,0
+mcdade,1093,1
+mcdade,1093,2
+mcdade,1093,3
+mcdade,1093,4
+mcdade,1093,5
+mcdade,1093,6
+mcdade,1093,7
+mcdade,1093,8
+mcdade,1093,9
+mcdade,1093,10
+mcdade,1094,0
+mcdade,1094,1
+mcdade,1094,2
+mcdade,1094,3
+mcdade,1094,4
+mcdade,1094,5
+mcdade,1094,6
+mcdade,1094,7
+mcdade,1094,8
+mcdade,1094,9
+mcdade,1094,10
+mcdade,1095,0
+mcdade,1095,1
+mcdade,1095,2
+mcdade,1095,3
+mcdade,1096,0
+mcdade,1096,1
+mcdade,1096,2
+mcdade,1096,3
+mcdade,1096,4
+mcdade,1096,5
+mcdade,1096,6
+mcdade,1097,0
+mcdade,1097,1
+mcdade,1097,2
+mcdade,1097,3
+mcdade,1098,0
+mcdade,1098,1
+mcdade,1098,2
+mcdade,1098,3
+mcdade,1098,4
+mcdade,1098,5
+mcdade,1098,6
+mcdade,1098,7
+mcdade,1098,8
+mcdade,1098,9
+mcdade,1098,10
+mcdade,1098,11
+mcdade,1099,0
+mcdade,1099,1
+mcdade,1099,2
+mcdade,1099,3
+mcdade,1100,0
+mcdade,1100,1
+mcdade,1100,2
+mcdade,1100,3
+mcdade,1100,4
+mcdade,1100,5
+mcdade,1100,6
+mcdade,1100,7
+mcdade,1100,8
+mcdade,1100,9
+mcdade,1100,10
+mcdade,1101,0
+mcdade,1101,1
+mcdade,1101,2
+mcdade,1101,3
+mcdade,1101,4
+mcdade,1101,5
+mcdade,1101,6
+mcdade,1101,7
+mcdade,1101,8
+mcdade,1101,9
+mcdade,1101,10
+mcdade,1101,11
+mcdade,1101,12
+mcdade,1101,13
+mcdade,1101,14
+mcdade,1101,15
+mcdade,1102,0
+mcdade,1102,1
+mcdade,1102,2
+mcdade,1102,3
+mcdade,1102,4
+mcdade,1102,5
+mcdade,1102,6
+mcdade,1102,7
+mcdade,1103,0
+mcdade,1103,1
+mcdade,1103,2
+mcdade,1104,0
+mcdade,1104,1
+mcdade,1104,2
+mcdade,1104,3
+mcdade,1104,4
+mcdade,1104,5
+mcdade,1105,0
+mcdade,1105,1
+mcdade,1105,2
+mcdade,1105,3
+mcdade,1105,4
+mcdade,1105,5
+mcdade,1105,6
+mcdade,1105,7
+mcdade,1105,8
+mcdade,1105,9
+mcdade,1105,10
+mcdade,1105,11
+mcdade,1106,0
+mcdade,1106,1
+mcdade,1106,2
+mcdade,1106,3
+mcdade,1106,4
+mcdade,1106,5
+mcdade,1107,0
+mcdade,1107,1
+mcdade,1107,2
+mcdade,1107,3
+mcdade,1107,4
+mcdade,1107,5
+mcdade,1107,6
+mcdade,1107,7
+mcdade,1107,8
+mcdade,1107,9
+mcdade,1108,0
+mcdade,1108,1
+mcdade,1108,2
+mcdade,1108,3
+mcdade,1108,4
+mcdade,1108,5
+mcdade,1108,6
+mcdade,1108,7
+mcdade,1108,8
+mcdade,1108,9
+mcdade,1109,0
+mcdade,1109,1
+mcdade,1109,2
+mcdade,1109,3
+mcdade,1109,4
+mcdade,1109,5
+mcdade,1109,6
+mcdade,1109,7
+mcdade,1109,8
+mcdade,1109,9
+mcdade,1109,10
+mcdade,1109,11
+mcdade,1109,12
+mcdade,1109,13
+mcdade,1109,14
+mcdade,1109,15
+mcdade,1110,0
+mcdade,1110,1
+mcdade,1110,2
+mcdade,1110,3
+mcdade,1110,4
+mcdade,1110,5
+mcdade,1110,6
+mcdade,1110,7
+mcdade,1110,8
+mcdade,1110,9
+mcdade,1110,10
+mcdade,1110,11
+mcdade,1110,12
+mcdade,1110,13
+mcdade,1110,14
+mcdade,1110,15
+mcdade,1110,16
+mcdade,1110,17
+mcdade,1110,18
+mcdade,1111,0
+mcdade,1111,1
+mcdade,1111,2
+mcdade,1111,3
+mcdade,1112,0
+mcdade,1112,1
+mcdade,1112,2
+mcdade,1112,3
+mcdade,1112,4
+mcdade,1112,5
+mcdade,1112,6
+mcdade,1113,0
+mcdade,1113,1
+mcdade,1113,2
+mcdade,1113,3
+mcdade,1113,4
+mcdade,1113,5
+mcdade,1113,6
+mcdade,1113,7
+mcdade,1113,8
+mcdade,1114,0
+mcdade,1114,1
+mcdade,1114,2
+mcdade,1115,0
+mcdade,1115,1
+mcdade,1115,2
+mcdade,1116,0
+mcdade,1116,1
+mcdade,1116,2
+mcdade,1116,3
+mcdade,1116,4
+mcdade,1116,5
+mcdade,1116,6
+mcdade,1117,0
+mcdade,1117,1
+mcdade,1117,2
+mcdade,1118,0
+mcdade,1118,1
+mcdade,1118,2
+mcdade,1118,3
+mcdade,1118,4
+mcdade,1118,5
+mcdade,1118,6
+mcdade,1118,7
+mcdade,1118,8
+mcdade,1118,9
+mcdade,1118,10
+mcdade,1118,11
+mcdade,1118,12
+mcdade,1118,13
+mcdade,1119,0
+mcdade,1119,1
+mcdade,1119,2
+mcdade,1119,3
+mcdade,1119,4
+mcdade,1119,5
+mcdade,1119,6
+mcdade,1119,7
+mcdade,1119,8
+mcdade,1119,9
+mcdade,1119,10
+mcdade,1120,0
+mcdade,1120,1
+mcdade,1120,2
+mcdade,1120,3
+mcdade,1120,4
+mcdade,1121,0
+mcdade,1121,1
+mcdade,1121,2
+mcdade,1121,3
+mcdade,1121,4
+mcdade,1121,5
+mcdade,1121,6
+mcdade,1121,7
+mcdade,1121,8
+mcdade,1121,9
+mcdade,1122,0
+mcdade,1122,1
+mcdade,1122,2
+mcdade,1122,3
+mcdade,1123,0
+mcdade,1123,1
+mcdade,1123,2
+mcdade,1124,0
+mcdade,1124,1
+mcdade,1124,2
+mcdade,1124,3
+mcdade,1125,0
+mcdade,1125,1
+mcdade,1125,2
+mcdade,1125,3
+mcdade,1125,4
+mcdade,1125,5
+mcdade,1125,6
+mcdade,1125,7
+mcdade,1126,0
+mcdade,1126,1
+mcdade,1126,2
+mcdade,1126,3
+mcdade,1126,4
+mcdade,1127,0
+mcdade,1127,1
+mcdade,1127,2
+mcdade,1127,3
+mcdade,1127,4
+mcdade,1127,5
+mcdade,1127,6
+mcdade,1127,7
+mcdade,1127,8
+mcdade,1128,0
+mcdade,1128,1
+mcdade,1128,2
+mcdade,1128,3
+mcdade,1128,4
+mcdade,1128,5
+mcdade,1128,6
+mcdade,1128,7
+mcdade,1128,8
+mcdade,1128,9
+mcdade,1128,10
+mcdade,1128,11
+mcdade,1128,12
+mcdade,1128,13
+mcdade,1128,14
+mcdade,1128,15
+mcdade,1128,16
+mcdade,1128,17
+mcdade,1128,18
+mcdade,1128,19
+mcdade,1128,20
+mcdade,1128,21
+mcdade,1128,22
+mcdade,1128,23
+mcdade,1128,24
+mcdade,1128,25
+mcdade,1129,0
+mcdade,1129,1
+mcdade,1129,2
+mcdade,1129,3
+mcdade,1129,4
+mcdade,1129,5
+mcdade,1129,6
+mcdade,1129,7
+mcdade,1129,8
+mcdade,1129,9
+mcdade,1129,10
+mcdade,1129,11
+mcdade,1129,12
+mcdade,1129,13
+mcdade,1129,14
+mcdade,1129,15
+mcdade,1129,16
+mcdade,1130,0
+mcdade,1130,1
+mcdade,1130,2
+mcdade,1130,3
+mcdade,1130,4
+mcdade,1130,5
+mcdade,1130,6
+mcdade,1130,7
+mcdade,1130,8
+mcdade,1130,9
+mcdade,1131,0
+mcdade,1131,1
+mcdade,1131,2
+mcdade,1131,3
+mcdade,1131,4
+mcdade,1131,5
+mcdade,1131,6
+mcdade,1132,0
+mcdade,1132,1
+mcdade,1132,2
+mcdade,1132,3
+mcdade,1132,4
+mcdade,1133,0
+mcdade,1133,1
+mcdade,1133,2
+mcdade,1133,3
+mcdade,1133,4
+mcdade,1133,5
+mcdade,1133,6
+mcdade,1133,7
+mcdade,1133,8
+mcdade,1133,9
+mcdade,1133,10
+mcdade,1134,0
+mcdade,1134,1
+mcdade,1134,2
+mcdade,1134,3
+mcdade,1134,4
+mcdade,1134,5
+mcdade,1134,6
+mcdade,1134,7
+mcdade,1135,0
+mcdade,1135,1
+mcdade,1135,2
+mcdade,1135,3
+mcdade,1135,4
+mcdade,1135,5
+mcdade,1135,6
+mcdade,1135,7
+mcdade,1136,0
+mcdade,1136,1
+mcdade,1136,2
+mcdade,1136,3
+mcdade,1136,4
+mcdade,1136,5
+mcdade,1137,0
+mcdade,1137,1
+mcdade,1137,2
+mcdade,1137,3
+mcdade,1137,4
+mcdade,1138,0
+mcdade,1138,1
+mcdade,1138,2
+mcdade,1139,0
+mcdade,1139,1
+mcdade,1139,2
+mcdade,1140,0
+mcdade,1140,1
+mcdade,1140,2
+mcdade,1140,3
+mcdade,1140,4
+mcdade,1140,5
+mcdade,1140,6
+mcdade,1141,0
+mcdade,1141,1
+mcdade,1141,2
+mcdade,1141,3
+mcdade,1141,4
+mcdade,1141,5
+mcdade,1142,0
+mcdade,1142,1
+mcdade,1142,2
+mcdade,1143,0
+mcdade,1143,1
+mcdade,1143,2
+mcdade,1143,3
+mcdade,1143,4
+mcdade,1143,5
+mcdade,1143,6
+mcdade,1143,7
+mcdade,1143,8
+mcdade,1144,0
+mcdade,1144,1
+mcdade,1144,2
+mcdade,1144,3
+mcdade,1144,4
+mcdade,1144,5
+mcdade,1145,0
+mcdade,1145,1
+mcdade,1145,2
+mcdade,1145,3
+mcdade,1145,4
+mcdade,1145,5
+mcdade,1146,0
+mcdade,1146,1
+mcdade,1146,2
+mcdade,1146,3
+mcdade,1146,4
+mcdade,1146,5
+mcdade,1146,6
+mcdade,1146,7
+mcdade,1146,8
+mcdade,1146,9
+mcdade,1146,10
+mcdade,1146,11
+mcdade,1146,12
+mcdade,1146,13
+mcdade,1146,14
+mcdade,1146,15
+mcdade,1147,0
+mcdade,1147,1
+mcdade,1147,2
+mcdade,1147,3
+mcdade,1147,4
+mcdade,1148,0
+mcdade,1148,1
+mcdade,1148,2
+mcdade,1148,3
+mcdade,1148,4
+mcdade,1148,5
+mcdade,1149,0
+mcdade,1149,1
+mcdade,1149,2
+mcdade,1150,0
+mcdade,1150,1
+mcdade,1150,2
+mcdade,1150,3
+mcdade,1150,4
+mcdade,1151,0
+mcdade,1151,1
+mcdade,1151,2
+mcdade,1151,3
+mcdade,1152,0
+mcdade,1152,1
+mcdade,1152,2
+mcdade,1152,3
+mcdade,1152,4
+mcdade,1153,0
+mcdade,1153,1
+mcdade,1153,2
+mcdade,1153,3
+mcdade,1153,4
+mcdade,1154,0
+mcdade,1154,1
+mcdade,1154,2
+mcdade,1154,3
+mcdade,1154,4
+mcdade,1154,5
+mcdade,1155,0
+mcdade,1155,1
+mcdade,1155,2
+mcdade,1155,3
+mcdade,1156,0
+mcdade,1156,1
+mcdade,1156,2
+mcdade,1157,0
+mcdade,1157,1
+mcdade,1157,2
+mcdade,1157,3
+mcdade,1157,4
+mcdade,1157,5
+mcdade,1157,6
+mcdade,1157,7
+mcdade,1157,8
+mcdade,1157,9
+mcdade,1157,10
+mcdade,1157,11
+mcdade,1157,12
+mcdade,1157,13
+mcdade,1157,14
+mcdade,1157,15
+mcdade,1157,16
+mcdade,1157,17
+mcdade,1157,18
+mcdade,1158,0
+mcdade,1158,1
+mcdade,1158,2
+mcdade,1158,3
+mcdade,1158,4
+mcdade,1159,0
+mcdade,1159,1
+mcdade,1159,2
+mcdade,1160,0
+mcdade,1160,1
+mcdade,1160,2
+mcdade,1160,3
+mcdade,1160,4
+mcdade,1161,0
+mcdade,1161,1
+mcdade,1161,2
+mcdade,1161,3
+mcdade,1161,4
+mcdade,1161,5
+mcdade,1161,6
+mcdade,1161,7
+mcdade,1162,0
+mcdade,1162,1
+mcdade,1162,2
+mcdade,1162,3
+mcdade,1163,0
+mcdade,1163,1
+mcdade,1163,2
+mcdade,1163,3
+mcdade,1163,4
+mcdade,1163,5
+mcdade,1163,6
+mcdade,1163,7
+mcdade,1164,0
+mcdade,1164,1
+mcdade,1164,2
+mcdade,1164,3
+mcdade,1164,4
+mcdade,1164,5
+mcdade,1165,0
+mcdade,1165,1
+mcdade,1165,2
+mcdade,1165,3
+mcdade,1166,0
+mcdade,1166,1
+mcdade,1166,2
+mcdade,1166,3
+mcdade,1166,4
+mcdade,1166,5
+mcdade,1166,6
+mcdade,1167,0
+mcdade,1167,1
+mcdade,1167,2
+mcdade,1167,3
+mcdade,1167,4
+mcdade,1168,0
+mcdade,1168,1
+mcdade,1168,2
+mcdade,1168,3
+mcdade,1168,4
+mcdade,1168,5
+mcdade,1168,6
+mcdade,1168,7
+mcdade,1168,8
+mcdade,1168,9
+mcdade,1168,10
+mcdade,1168,11
+mcdade,1168,12
+mcdade,1168,13
+mcdade,1169,0
+mcdade,1169,1
+mcdade,1169,2
+mcdade,1169,3
+mcdade,1169,4
+mcdade,1169,5
+mcdade,1169,6
+mcdade,1170,0
+mcdade,1170,1
+mcdade,1170,2
+mcdade,1170,3
+mcdade,1170,4
+mcdade,1170,5
+mcdade,1170,6
+mcdade,1170,7
+mcdade,1170,8
+mcdade,1170,9
+mcdade,1170,10
+mcdade,1170,11
+mcdade,1170,12
+mcdade,1170,13
+mcdade,1170,14
+mcdade,1170,15
+mcdade,1171,0
+mcdade,1171,1
+mcdade,1171,2
+mcdade,1172,0
+mcdade,1172,1
+mcdade,1172,2
+mcdade,1172,3
+mcdade,1172,4
+mcdade,1172,5
+mcdade,1172,6
+mcdade,1172,7
+mcdade,1173,0
+mcdade,1173,1
+mcdade,1173,2
+mcdade,1174,0
+mcdade,1174,1
+mcdade,1174,2
+mcdade,1174,3
+mcdade,1175,0
+mcdade,1175,1
+mcdade,1175,2
+mcdade,1176,0
+mcdade,1176,1
+mcdade,1176,2
+mcdade,1176,3
+mcdade,1176,4
+mcdade,1176,5
+mcdade,1176,6
+mcdade,1177,0
+mcdade,1177,1
+mcdade,1177,2
+mcdade,1177,3
+mcdade,1177,4
+mcdade,1177,5
+mcdade,1177,6
+mcdade,1177,7
+mcdade,1177,8
+mcdade,1177,9
+mcdade,1177,10
+mcdade,1178,0
+mcdade,1178,1
+mcdade,1178,2
+mcdade,1178,3
+mcdade,1178,4
+mcdade,1178,5
+mcdade,1178,6
+mcdade,1178,7
+mcdade,1178,8
+mcdade,1178,9
+mcdade,1178,10
+mcdade,1178,11
+mcdade,1178,12
+mcdade,1178,13
+mcdade,1178,14
+mcdade,1178,15
+mcdade,1178,16
+mcdade,1179,0
+mcdade,1179,1
+mcdade,1179,2
+mcdade,1180,0
+mcdade,1180,1
+mcdade,1180,2
+mcdade,1180,3
+mcdade,1181,0
+mcdade,1181,1
+mcdade,1181,2
+mcdade,1181,3
+mcdade,1181,4
+mcdade,1181,5
+mcdade,1182,0
+mcdade,1182,1
+mcdade,1182,2
+mcdade,1182,3
+mcdade,1182,4
+mcdade,1182,5
+mcdade,1182,6
+mcdade,1183,0
+mcdade,1183,1
+mcdade,1183,2
+mcdade,1183,3
+mcdade,1183,4
+mcdade,1184,0
+mcdade,1184,1
+mcdade,1184,2
+mcdade,1184,3
+mcdade,1184,4
+mcdade,1184,5
+mcdade,1185,0
+mcdade,1185,1
+mcdade,1185,2
+mcdade,1185,3
+mcdade,1186,0
+mcdade,1186,1
+mcdade,1186,2
+mcdade,1187,0
+mcdade,1187,1
+mcdade,1187,2
+mcdade,1187,3
+mcdade,1187,4
+mcdade,1188,0
+mcdade,1188,1
+mcdade,1188,2
+mcdade,1189,0
+mcdade,1189,1
+mcdade,1189,2
+mcdade,1190,0
+mcdade,1190,1
+mcdade,1190,2
+mcdade,1190,3
+mcdade,1190,4
+mcdade,1190,5
+mcdade,1190,6
+mcdade,1190,7
+mcdade,1190,8
+mcdade,1191,0
+mcdade,1191,1
+mcdade,1191,2
+mcdade,1191,3
+mcdade,1192,0
+mcdade,1192,1
+mcdade,1192,2
+mcdade,1192,3
+mcdade,1192,4
+mcdade,1192,5
+mcdade,1192,6
+mcdade,1192,7
+mcdade,1192,8
+mcdade,1192,9
+mcdade,1193,0
+mcdade,1193,1
+mcdade,1193,2
+mcdade,1193,3
+mcdade,1193,4
+mcdade,1193,5
+mcdade,1193,6
+mcdade,1193,7
+mcdade,1193,8
+mcdade,1193,9
+mcdade,1194,0
+mcdade,1194,1
+mcdade,1194,2
+mcdade,1195,0
+mcdade,1195,1
+mcdade,1195,2
+mcdade,1195,3
+mcdade,1195,4
+mcdade,1196,0
+mcdade,1196,1
+mcdade,1196,2
+mcdade,1196,3
+mcdade,1197,0
+mcdade,1197,1
+mcdade,1197,2
+mcdade,1197,3
+mcdade,1197,4
+mcdade,1197,5
+mcdade,1197,6
+mcdade,1197,7
+mcdade,1197,8
+mcdade,1197,9
+mcdade,1197,10
+mcdade,1197,11
+mcdade,1197,12
+mcdade,1197,13
+mcdade,1197,14
+mcdade,1197,15
+mcdade,1197,16
+mcdade,1197,17
+mcdade,1197,18
+mcdade,1197,19
+mcdade,1197,20
+mcdade,1197,21
+mcdade,1197,22
+mcdade,1197,23
+mcdade,1197,24
+mcdade,1197,25
+mcdade,1197,26
+mcdade,1198,0
+mcdade,1198,1
+mcdade,1198,2
+mcdade,1198,3
+mcdade,1198,4
+mcdade,1198,5
+mcdade,1199,0
+mcdade,1199,1
+mcdade,1199,2
+mcdade,1199,3
+mcdade,1199,4
+mcdade,1199,5
+mcdade,1199,6
+mcdade,1199,7
+mcdade,1199,8
+mcdade,1199,9
+mcdade,1199,10
+mcdade,1199,11
+mcdade,1199,12
+mcdade,1199,13
+mcdade,1199,14
+mcdade,1199,15
+mcdade,1199,16
+mcdade,1199,17
+mcdade,1199,18
+mcdade,1199,19
+mcdade,1199,20
+mcdade,1199,21
+mcdade,1199,22
+mcdade,1199,23
+mcdade,1199,24
+mcdade,1199,25
+mcdade,1200,0
+mcdade,1200,1
+mcdade,1200,2
+mcdade,1201,0
+mcdade,1201,1
+mcdade,1201,2
+mcdade,1201,3
+mcdade,1201,4
+mcdade,1201,5
+mcdade,1201,6
+mcdade,1202,0
+mcdade,1202,1
+mcdade,1202,2
+mcdade,1202,3
+mcdade,1202,4
+mcdade,1202,5
+mcdade,1203,0
+mcdade,1203,1
+mcdade,1203,2
+mcdade,1204,0
+mcdade,1204,1
+mcdade,1204,2
+mcdade,1204,3
+mcdade,1204,4
+mcdade,1204,5
+mcdade,1204,6
+mcdade,1204,7
+mcdade,1204,8
+mcdade,1204,9
+mcdade,1204,10
+mcdade,1204,11
+mcdade,1204,12
+mcdade,1204,13
+mcdade,1204,14
+mcdade,1205,0
+mcdade,1205,1
+mcdade,1205,2
+mcdade,1205,3
+mcdade,1205,4
+mcdade,1205,5
+mcdade,1205,6
+mcdade,1205,7
+mcdade,1205,8
+mcdade,1205,9
+mcdade,1206,0
+mcdade,1206,1
+mcdade,1206,2
+mcdade,1206,3
+mcdade,1207,0
+mcdade,1207,1
+mcdade,1207,2
+mcdade,1208,0
+mcdade,1208,1
+mcdade,1208,2
+mcdade,1208,3
+mcdade,1208,4
+mcdade,1209,0
+mcdade,1209,1
+mcdade,1209,2
+mcdade,1209,3
+mcdade,1209,4
+mcdade,1209,5
+mcdade,1209,6
+mcdade,1209,7
+mcdade,1210,0
+mcdade,1210,1
+mcdade,1210,2
+mcdade,1210,3
+mcdade,1210,4
+mcdade,1211,0
+mcdade,1211,1
+mcdade,1211,2
+mcdade,1211,3
+mcdade,1211,4
+mcdade,1212,0
+mcdade,1212,1
+mcdade,1212,2
+mcdade,1212,3
+mcdade,1213,0
+mcdade,1213,1
+mcdade,1213,2
+mcdade,1213,3
+mcdade,1213,4
+mcdade,1213,5
+mcdade,1213,6
+mcdade,1213,7
+mcdade,1213,8
+mcdade,1214,0
+mcdade,1214,1
+mcdade,1214,2
+mcdade,1214,3
+mcdade,1215,0
+mcdade,1215,1
+mcdade,1215,2
+mcdade,1215,3
+mcdade,1215,4
+mcdade,1215,5
+mcdade,1215,6
+mcdade,1215,7
+mcdade,1216,0
+mcdade,1216,1
+mcdade,1216,2
+mcdade,1217,0
+mcdade,1217,1
+mcdade,1217,2
+mcdade,1217,3
+mcdade,1218,0
+mcdade,1218,1
+mcdade,1218,2
+mcdade,1218,3
+mcdade,1218,4
+mcdade,1219,0
+mcdade,1219,1
+mcdade,1219,2
+mcdade,1219,3
+mcdade,1219,4
+mcdade,1220,0
+mcdade,1220,1
+mcdade,1220,2
+mcdade,1220,3
+mcdade,1220,4
+mcdade,1221,0
+mcdade,1221,1
+mcdade,1221,2
+mcdade,1222,0
+mcdade,1222,1
+mcdade,1222,2
+mcdade,1222,3
+mcdade,1222,4
+mcdade,1222,5
+mcdade,1222,6
+mcdade,1222,7
+mcdade,1222,8
+mcdade,1222,9
+mcdade,1222,10
+mcdade,1222,11
+mcdade,1222,12
+mcdade,1222,13
+mcdade,1222,14
+mcdade,1222,15
+mcdade,1222,16
+mcdade,1222,17
+mcdade,1222,18
+mcdade,1223,0
+mcdade,1223,1
+mcdade,1223,2
+mcdade,1223,3
+mcdade,1223,4
+mcdade,1223,5
+mcdade,1223,6
+mcdade,1223,7
+mcdade,1223,8
+mcdade,1224,0
+mcdade,1224,1
+mcdade,1224,2
+mcdade,1225,0
+mcdade,1225,1
+mcdade,1225,2
+mcdade,1225,3
+mcdade,1226,0
+mcdade,1226,1
+mcdade,1226,2
+mcdade,1226,3
+mcdade,1226,4
+mcdade,1226,5
+mcdade,1226,6
+mcdade,1226,7
+mcdade,1226,8
+mcdade,1227,0
+mcdade,1227,1
+mcdade,1227,2
+mcdade,1227,3
+mcdade,1228,0
+mcdade,1228,1
+mcdade,1228,2
+mcdade,1228,3
+mcdade,1228,4
+mcdade,1228,5
+mcdade,1228,6
+mcdade,1229,0
+mcdade,1229,1
+mcdade,1229,2
+mcdade,1229,3
+mcdade,1229,4
+mcdade,1229,5
+mcdade,1229,6
+mcdade,1229,7
+mcdade,1229,8
+mcdade,1229,9
+mcdade,1229,10
+mcdade,1229,11
+mcdade,1229,12
+mcdade,1229,13
+mcdade,1229,14
+mcdade,1229,15
+mcdade,1229,16
+mcdade,1229,17
+mcdade,1229,18
+mcdade,1229,19
+mcdade,1230,0
+mcdade,1230,1
+mcdade,1230,2
+mcdade,1230,3
+mcdade,1230,4
+mcdade,1230,5
+mcdade,1230,6
+mcdade,1230,7
+mcdade,1230,8
+mcdade,1231,0
+mcdade,1231,1
+mcdade,1231,2
+mcdade,1231,3
+mcdade,1231,4
+mcdade,1231,5
+mcdade,1231,6
+mcdade,1231,7
+mcdade,1231,8
+mcdade,1231,9
+mcdade,1231,10
+mcdade,1231,11
+mcdade,1231,12
+mcdade,1231,13
+mcdade,1231,14
+mcdade,1231,15
+mcdade,1231,16
+mcdade,1231,17
+mcdade,1231,18
+mcdade,1231,19
+mcdade,1232,0
+mcdade,1232,1
+mcdade,1232,2
+mcdade,1233,0
+mcdade,1233,1
+mcdade,1233,2
+mcdade,1234,0
+mcdade,1234,1
+mcdade,1234,2
+mcdade,1235,0
+mcdade,1235,1
+mcdade,1235,2
+mcdade,1235,3
+mcdade,1235,4
+mcdade,1235,5
+mcdade,1235,6
+mcdade,1235,7
+mcdade,1235,8
+mcdade,1235,9
+mcdade,1236,0
+mcdade,1236,1
+mcdade,1236,2
+mcdade,1236,3
+mcdade,1237,0
+mcdade,1237,1
+mcdade,1237,2
+mcdade,1237,3
+mcdade,1237,4
+mcdade,1237,5
+mcdade,1237,6
+mcdade,1237,7
+mcdade,1237,8
+mcdade,1237,9
+mcdade,1237,10
+mcdade,1237,11
+mcdade,1237,12
+mcdade,1238,0
+mcdade,1238,1
+mcdade,1238,2
+mcdade,1239,0
+mcdade,1239,1
+mcdade,1239,2
+mcdade,1239,3
+mcdade,1239,4
+mcdade,1239,5
+mcdade,1239,6
+mcdade,1239,7
+mcdade,1239,8
+mcdade,1239,9
+mcdade,1240,0
+mcdade,1240,1
+mcdade,1240,2
+mcdade,1241,0
+mcdade,1241,1
+mcdade,1241,2
+mcdade,1242,0
+mcdade,1242,1
+mcdade,1242,2
+mcdade,1243,0
+mcdade,1243,1
+mcdade,1243,2
+mcdade,1243,3
+mcdade,1243,4
+mcdade,1244,0
+mcdade,1244,1
+mcdade,1244,2
+mcdade,1244,3
+mcdade,1244,4
+mcdade,1244,5
+mcdade,1244,6
+mcdade,1245,0
+mcdade,1245,1
+mcdade,1245,2
+mcdade,1245,3
+mcdade,1245,4
+mcdade,1245,5
+mcdade,1245,6
+mcdade,1245,7
+mcdade,1245,8
+mcdade,1246,0
+mcdade,1246,1
+mcdade,1246,2
+mcdade,1246,3
+mcdade,1246,4
+mcdade,1246,5
+mcdade,1246,6
+mcdade,1247,0
+mcdade,1247,1
+mcdade,1247,2
+mcdade,1248,0
+mcdade,1248,1
+mcdade,1248,2
+mcdade,1249,0
+mcdade,1249,1
+mcdade,1249,2
+mcdade,1249,3
+mcdade,1249,4
+mcdade,1249,5
+mcdade,1249,6
+mcdade,1249,7
+mcdade,1249,8
+mcdade,1249,9
+mcdade,1250,0
+mcdade,1250,1
+mcdade,1250,2
+mcdade,1250,3
+mcdade,1250,4
+mcdade,1250,5
+mcdade,1250,6
+mcdade,1250,7
+mcdade,1250,8
+mcdade,1251,0
+mcdade,1251,1
+mcdade,1251,2
+mcdade,1251,3
+mcdade,1251,4
+mcdade,1251,5
+mcdade,1252,0
+mcdade,1252,1
+mcdade,1252,2
+mcdade,1252,3
+mcdade,1252,4
+mcdade,1252,5
+mcdade,1252,6
+mcdade,1252,7
+mcdade,1252,8
+mcdade,1252,9
+mcdade,1252,10
+mcdade,1252,11
+mcdade,1252,12
+mcdade,1252,13
+mcdade,1252,14
+mcdade,1252,15
+mcdade,1252,16
+mcdade,1253,0
+mcdade,1253,1
+mcdade,1253,2
+mcdade,1253,3
+mcdade,1254,0
+mcdade,1254,1
+mcdade,1254,2
+mcdade,1255,0
+mcdade,1255,1
+mcdade,1255,2
+mcdade,1255,3
+mcdade,1256,0
+mcdade,1256,1
+mcdade,1256,2
+mcdade,1257,0
+mcdade,1257,1
+mcdade,1257,2
+mcdade,1257,3
+mcdade,1257,4
+mcdade,1258,0
+mcdade,1258,1
+mcdade,1258,2
+mcdade,1258,3
+mcdade,1258,4
+mcdade,1258,5
+mcdade,1258,6
+mcdade,1258,7
+mcdade,1258,8
+mcdade,1258,9
+mcdade,1258,10
+mcdade,1259,0
+mcdade,1259,1
+mcdade,1259,2
+mcdade,1260,0
+mcdade,1260,1
+mcdade,1260,2
+mcdade,1260,3
+mcdade,1261,0
+mcdade,1261,1
+mcdade,1261,2
+mcdade,1261,3
+mcdade,1261,4
+mcdade,1261,5
+mcdade,1261,6
+mcdade,1261,7
+mcdade,1262,0
+mcdade,1262,1
+mcdade,1262,2
+mcdade,1262,3
+mcdade,1262,4
+mcdade,1262,5
+mcdade,1263,0
+mcdade,1263,1
+mcdade,1263,2
+mcdade,1264,0
+mcdade,1264,1
+mcdade,1264,2
+mcdade,1265,0
+mcdade,1265,1
+mcdade,1265,2
+mcdade,1265,3
+mcdade,1265,4
+mcdade,1265,5
+mcdade,1265,6
+mcdade,1265,7
+mcdade,1265,8
+mcdade,1265,9
+mcdade,1265,10
+mcdade,1265,11
+mcdade,1265,12
+mcdade,1265,13
+mcdade,1266,0
+mcdade,1266,1
+mcdade,1266,2
+mcdade,1266,3
+mcdade,1266,4
+mcdade,1266,5
+mcdade,1266,6
+mcdade,1266,7
+mcdade,1266,8
+mcdade,1267,0
+mcdade,1267,1
+mcdade,1267,2
+mcdade,1267,3
+mcdade,1267,4
+mcdade,1267,5
+mcdade,1267,6
+mcdade,1268,0
+mcdade,1268,1
+mcdade,1268,2
+mcdade,1268,3
+mcdade,1268,4
+mcdade,1268,5
+mcdade,1268,6
+mcdade,1268,7
+mcdade,1268,8
+mcdade,1268,9
+mcdade,1268,10
+mcdade,1268,11
+mcdade,1269,0
+mcdade,1269,1
+mcdade,1269,2
+mcdade,1269,3
+mcdade,1269,4
+mcdade,1269,5
+mcdade,1270,0
+mcdade,1270,1
+mcdade,1270,2
+mcdade,1271,0
+mcdade,1271,1
+mcdade,1271,2
+mcdade,1272,0
+mcdade,1272,1
+mcdade,1272,2
+mcdade,1272,3
+mcdade,1272,4
+mcdade,1272,5
+mcdade,1272,6
+mcdade,1272,7
+mcdade,1273,0
+mcdade,1273,1
+mcdade,1273,2
+mcdade,1273,3
+mcdade,1273,4
+mcdade,1273,5
+mcdade,1273,6
+mcdade,1273,7
+mcdade,1274,0
+mcdade,1274,1
+mcdade,1274,2
+mcdade,1274,3
+mcdade,1274,4
+mcdade,1274,5
+mcdade,1274,6
+mcdade,1274,7
+mcdade,1274,8
+mcdade,1274,9
+mcdade,1274,10
+mcdade,1274,11
+mcdade,1274,12
+mcdade,1274,13
+mcdade,1275,0
+mcdade,1275,1
+mcdade,1275,2
+mcdade,1276,0
+mcdade,1276,1
+mcdade,1276,2
+mcdade,1276,3
+mcdade,1276,4
+mcdade,1276,5
+mcdade,1276,6
+mcdade,1276,7
+mcdade,1277,0
+mcdade,1277,1
+mcdade,1277,2
+mcdade,1277,3
+mcdade,1278,0
+mcdade,1278,1
+mcdade,1278,2
+mcdade,1278,3
+mcdade,1278,4
+mcdade,1278,5
+mcdade,1278,6
+mcdade,1278,7
+mcdade,1278,8
+mcdade,1278,9
+mcdade,1278,10
+mcdade,1278,11
+mcdade,1278,12
+mcdade,1278,13
+mcdade,1278,14
+mcdade,1279,0
+mcdade,1279,1
+mcdade,1279,2
+mcdade,1279,3
+mcdade,1279,4
+mcdade,1279,5
+mcdade,1279,6
+mcdade,1279,7
+mcdade,1280,0
+mcdade,1280,1
+mcdade,1280,2
+mcdade,1281,0
+mcdade,1281,1
+mcdade,1281,2
+mcdade,1281,3
+mcdade,1281,4
+mcdade,1282,0
+mcdade,1282,1
+mcdade,1282,2
+mcdade,1282,3
+mcdade,1282,4
+mcdade,1282,5
+mcdade,1282,6
+mcdade,1282,7
+mcdade,1282,8
+mcdade,1282,9
+mcdade,1282,10
+mcdade,1282,11
+mcdade,1283,0
+mcdade,1283,1
+mcdade,1283,2
+mcdade,1283,3
+mcdade,1283,4
+mcdade,1283,5
+mcdade,1283,6
+mcdade,1283,7
+mcdade,1283,8
+mcdade,1283,9
+mcdade,1283,10
+mcdade,1283,11
+mcdade,1283,12
+mcdade,1283,13
+mcdade,1283,14
+mcdade,1283,15
+mcdade,1283,16
+mcdade,1284,0
+mcdade,1284,1
+mcdade,1284,2
+mcdade,1284,3
+mcdade,1284,4
+mcdade,1285,0
+mcdade,1285,1
+mcdade,1285,2
+mcdade,1285,3
+mcdade,1285,4
+mcdade,1285,5
+mcdade,1285,6
+mcdade,1285,7
+mcdade,1285,8
+mcdade,1286,0
+mcdade,1286,1
+mcdade,1286,2
+mcdade,1286,3
+mcdade,1286,4
+mcdade,1286,5
+mcdade,1287,0
+mcdade,1287,1
+mcdade,1287,2
+mcdade,1287,3
+mcdade,1287,4
+mcdade,1288,0
+mcdade,1288,1
+mcdade,1288,2
+mcdade,1288,3
+mcdade,1288,4
+mcdade,1288,5
+mcdade,1288,6
+mcdade,1288,7
+mcdade,1288,8
+mcdade,1288,9
+mcdade,1288,10
+mcdade,1288,11
+mcdade,1288,12
+mcdade,1288,13
+mcdade,1288,14
+mcdade,1289,0
+mcdade,1289,1
+mcdade,1289,2
+mcdade,1290,0
+mcdade,1290,1
+mcdade,1290,2
+mcdade,1290,3
+mcdade,1290,4
+mcdade,1290,5
+mcdade,1290,6
+mcdade,1290,7
+mcdade,1290,8
+mcdade,1290,9
+mcdade,1290,10
+mcdade,1290,11
+mcdade,1290,12
+mcdade,1290,13
+mcdade,1290,14
+mcdade,1290,15
+mcdade,1290,16
+mcdade,1290,17
+mcdade,1291,0
+mcdade,1291,1
+mcdade,1291,2
+mcdade,1291,3
+mcdade,1291,4
+mcdade,1292,0
+mcdade,1292,1
+mcdade,1292,2
+mcdade,1292,3
+mcdade,1293,0
+mcdade,1293,1
+mcdade,1293,2
+mcdade,1293,3
+mcdade,1293,4
+mcdade,1293,5
+mcdade,1293,6
+mcdade,1293,7
+mcdade,1294,0
+mcdade,1294,1
+mcdade,1294,2
+mcdade,1295,0
+mcdade,1295,1
+mcdade,1295,2
+mcdade,1296,0
+mcdade,1296,1
+mcdade,1296,2
+mcdade,1296,3
+mcdade,1296,4
+mcdade,1297,0
+mcdade,1297,1
+mcdade,1297,2
+mcdade,1297,3
+mcdade,1298,0
+mcdade,1298,1
+mcdade,1298,2
+mcdade,1299,0
+mcdade,1299,1
+mcdade,1299,2
+mcdade,1299,3
+mcdade,1299,4
+mcdade,1300,0
+mcdade,1300,1
+mcdade,1300,2
+mcdade,1300,3
+mcdade,1300,4
+mcdade,1300,5
+mcdade,1301,0
+mcdade,1301,1
+mcdade,1301,2
+mcdade,1301,3
+mcdade,1301,4
+mcdade,1301,5
+mcdade,1301,6
+mcdade,1301,7
+mcdade,1301,8
+mcdade,1301,9
+mcdade,1302,0
+mcdade,1302,1
+mcdade,1302,2
+mcdade,1303,0
+mcdade,1303,1
+mcdade,1303,2
+mcdade,1304,0
+mcdade,1304,1
+mcdade,1304,2
+mcdade,1304,3
+mcdade,1304,4
+mcdade,1304,5
+mcdade,1304,6
+mcdade,1305,0
+mcdade,1305,1
+mcdade,1305,2
+mcdade,1305,3
+mcdade,1306,0
+mcdade,1306,1
+mcdade,1306,2
+mcdade,1306,3
+mcdade,1306,4
+mcdade,1306,5
+mcdade,1306,6
+mcdade,1306,7
+mcdade,1306,8
+mcdade,1307,0
+mcdade,1307,1
+mcdade,1307,2
+mcdade,1308,0
+mcdade,1308,1
+mcdade,1308,2
+mcdade,1309,0
+mcdade,1309,1
+mcdade,1309,2
+mcdade,1309,3
+mcdade,1310,0
+mcdade,1310,1
+mcdade,1310,2
+mcdade,1310,3
+mcdade,1310,4
+mcdade,1311,0
+mcdade,1311,1
+mcdade,1311,2
+mcdade,1311,3
+mcdade,1311,4
+mcdade,1311,5
+mcdade,1311,6
+mcdade,1311,7
+mcdade,1312,0
+mcdade,1312,1
+mcdade,1312,2
+mcdade,1313,0
+mcdade,1313,1
+mcdade,1313,2
+mcdade,1314,0
+mcdade,1314,1
+mcdade,1314,2
+mcdade,1314,3
+mcdade,1314,4
+mcdade,1314,5
+mcdade,1314,6
+mcdade,1315,0
+mcdade,1315,1
+mcdade,1315,2
+mcdade,1315,3
+mcdade,1315,4
+mcdade,1316,0
+mcdade,1316,1
+mcdade,1316,2
+mcdade,1316,3
+mcdade,1317,0
+mcdade,1317,1
+mcdade,1317,2
+mcdade,1317,3
+mcdade,1317,4
+mcdade,1318,0
+mcdade,1318,1
+mcdade,1318,2
+mcdade,1318,3
+mcdade,1319,0
+mcdade,1319,1
+mcdade,1319,2
+mcdade,1320,0
+mcdade,1320,1
+mcdade,1320,2
+mcdade,1320,3
+mcdade,1320,4
+mcdade,1321,0
+mcdade,1321,1
+mcdade,1321,2
+mcdade,1322,1
+mcdade,1322,2
+mcdade,1322,3
+mcdade,1322,4
+mcdade,1323,0
+mcdade,1323,1
+mcdade,1323,2
+mcdade,1323,3
+mcdade,1323,4
+mcdade,1323,5
+mcdade,1324,0
+mcdade,1324,1
+mcdade,1324,2
+mcdade,1324,3
+mcdade,1324,4
+mcdade,1325,0
+mcdade,1325,1
+mcdade,1325,2
+mcdade,1326,0
+mcdade,1326,1
+mcdade,1326,2
+mcdade,1326,3
+mcdade,1326,4
+mcdade,1327,0
+mcdade,1327,1
+mcdade,1327,2
+mcdade,1328,0
+mcdade,1328,1
+mcdade,1328,2
+mcdade,1328,3
+mcdade,1329,0
+mcdade,1329,1
+mcdade,1329,2
+mcdade,1330,0
+mcdade,1330,1
+mcdade,1330,2
+mcdade,1330,3
+mcdade,1330,4
+mcdade,1330,5
+mcdade,1330,6
+mcdade,1331,0
+mcdade,1331,1
+mcdade,1331,2
+mcdade,1331,3
+mcdade,1331,4
+mcdade,1331,5
+mcdade,1331,6
+mcdade,1331,7
+mcdade,1332,0
+mcdade,1332,1
+mcdade,1332,2
+mcdade,1332,3
+mcdade,1333,0
+mcdade,1333,1
+mcdade,1333,2
+mcdade,1333,3
+mcdade,1333,4
+mcdade,1334,0
+mcdade,1334,1
+mcdade,1334,2
+mcdade,1334,3
+mcdade,1334,4
+mcdade,1335,0
+mcdade,1335,1
+mcdade,1335,2
+mcdade,1335,3
+mcdade,1336,0
+mcdade,1336,1
+mcdade,1336,2
+mcdade,1336,3
+mcdade,1336,4
+mcdade,1336,5
+mcdade,1337,0
+mcdade,1337,1
+mcdade,1337,2
+mcdade,1337,3
+mcdade,1338,0
+mcdade,1338,1
+mcdade,1338,2
+mcdade,1338,3
+mcdade,1338,4
+mcdade,1338,5
+mcdade,1338,6
+mcdade,1338,7
+mcdade,1339,0
+mcdade,1339,1
+mcdade,1339,2
+mcdade,1339,3
+mcdade,1340,0
+mcdade,1340,1
+mcdade,1340,2
+mcdade,1340,3
+mcdade,1340,4
+mcdade,1340,5
+mcdade,1340,6
+mcdade,1340,7
+mcdade,1340,8
+mcdade,1340,9
+mcdade,1341,0
+mcdade,1341,1
+mcdade,1341,2
+mcdade,1341,3
+mcdade,1342,0
+mcdade,1342,1
+mcdade,1342,2
+mcdade,1342,3
+mcdade,1342,4
+mcdade,1342,5
+mcdade,1342,6
+mcdade,1343,0
+mcdade,1343,1
+mcdade,1343,2
+mcdade,1343,3
+mcdade,1343,4
+mcdade,1343,5
+mcdade,1343,6
+mcdade,1343,7
+mcdade,1344,0
+mcdade,1344,1
+mcdade,1344,2
+mcdade,1344,3
+mcdade,1344,4
+mcdade,1344,5
+mcdade,1344,6
+mcdade,1344,7
+mcdade,1344,8
+mcdade,1344,9
+mcdade,1344,10
+mcdade,1344,11
+mcdade,1344,12
+mcdade,1344,13
+mcdade,1344,14
+mcdade,1344,15
+mcdade,1345,0
+mcdade,1345,1
+mcdade,1345,2
+mcdade,1345,3
+mcdade,1346,0
+mcdade,1346,1
+mcdade,1346,2
+mcdade,1347,0
+mcdade,1347,1
+mcdade,1347,2
+mcdade,1347,3
+mcdade,1347,4
+mcdade,1347,5
+mcdade,1348,0
+mcdade,1348,1
+mcdade,1348,2
+mcdade,1348,3
+mcdade,1348,4
+mcdade,1348,5
+mcdade,1349,0
+mcdade,1349,1
+mcdade,1349,2
+mcdade,1350,0
+mcdade,1350,1
+mcdade,1350,2
+mcdade,1350,3
+mcdade,1350,4
+mcdade,1350,5
+mcdade,1350,6
+mcdade,1350,7
+mcdade,1350,8
+mcdade,1350,9
+mcdade,1351,0
+mcdade,1351,1
+mcdade,1351,2
+mcdade,1351,3
+mcdade,1351,4
+mcdade,1351,5
+mcdade,1351,6
+mcdade,1351,7
+mcdade,1352,0
+mcdade,1352,1
+mcdade,1352,2
+mcdade,1352,3
+mcdade,1353,0
+mcdade,1353,1
+mcdade,1353,2
+mcdade,1353,3
+mcdade,1353,4
+mcdade,1353,5
+mcdade,1353,6
+mcdade,1353,7
+mcdade,1353,8
+mcdade,1353,9
+mcdade,1353,10
+mcdade,1353,11
+mcdade,1353,12
+mcdade,1353,13
+mcdade,1354,0
+mcdade,1354,1
+mcdade,1354,2
+mcdade,1355,0
+mcdade,1355,1
+mcdade,1355,2
+mcdade,1355,3
+mcdade,1356,0
+mcdade,1356,1
+mcdade,1356,2
+mcdade,1356,3
+mcdade,1356,4
+mcdade,1356,5
+mcdade,1356,6
+mcdade,1356,7
+mcdade,1356,8
+mcdade,1356,9
+mcdade,1357,0
+mcdade,1357,1
+mcdade,1357,2
+mcdade,1357,3
+mcdade,1357,4
+mcdade,1357,5
+mcdade,1357,6
+mcdade,1358,0
+mcdade,1358,1
+mcdade,1358,2
+mcdade,1358,3
+mcdade,1359,0
+mcdade,1359,1
+mcdade,1359,2
+mcdade,1360,0
+mcdade,1360,1
+mcdade,1360,2
+mcdade,1360,3
+mcdade,1361,0
+mcdade,1361,1
+mcdade,1361,2
+mcdade,1362,0
+mcdade,1362,1
+mcdade,1362,2
+mcdade,1362,3
+mcdade,1362,4
+mcdade,1362,5
+mcdade,1362,6
+mcdade,1362,7
+mcdade,1362,8
+mcdade,1362,9
+mcdade,1362,10
+mcdade,1362,11
+mcdade,1362,12
+mcdade,1362,13
+mcdade,1362,14
+mcdade,1362,15
+mcdade,1363,0
+mcdade,1363,1
+mcdade,1363,2
+mcdade,1363,3
+mcdade,1364,0
+mcdade,1364,1
+mcdade,1364,2
+mcdade,1364,3
+mcdade,1365,0
+mcdade,1365,1
+mcdade,1365,2
+mcdade,1365,3
+mcdade,1366,0
+mcdade,1366,1
+mcdade,1366,2
+mcdade,1367,0
+mcdade,1367,1
+mcdade,1367,2
+mcdade,1368,0
+mcdade,1368,1
+mcdade,1368,2
+mcdade,1368,3
+mcdade,1368,4
+mcdade,1368,5
+mcdade,1368,6
+mcdade,1368,7
+mcdade,1369,0
+mcdade,1369,1
+mcdade,1369,2
+mcdade,1369,3
+mcdade,1370,0
+mcdade,1370,1
+mcdade,1370,2
+mcdade,1370,3
+mcdade,1371,0
+mcdade,1371,1
+mcdade,1371,2
+mcdade,1372,0
+mcdade,1372,1
+mcdade,1372,2
+mcdade,1373,0
+mcdade,1373,1
+mcdade,1373,2
+mcdade,1374,0
+mcdade,1374,1
+mcdade,1374,2
+mcdade,1374,3
+mcdade,1375,0
+mcdade,1375,1
+mcdade,1375,2
+mcdade,1375,3
+mcdade,1375,4
+mcdade,1376,0
+mcdade,1376,1
+mcdade,1376,2
+mcdade,1377,0
+mcdade,1377,1
+mcdade,1377,2
+mcdade,1377,3
+mcdade,1377,4
+mcdade,1377,5
+mcdade,1377,6
+mcdade,1377,7
+mcdade,1377,8
+mcdade,1377,9
+mcdade,1377,10
+mcdade,1377,11
+mcdade,1377,12
+mcdade,1377,13
+mcdade,1378,0
+mcdade,1378,1
+mcdade,1378,2
+mcdade,1378,3
+mcdade,1378,4
+mcdade,1379,0
+mcdade,1379,1
+mcdade,1379,2
+mcdade,1379,3
+mcdade,1380,0
+mcdade,1380,1
+mcdade,1380,2
+mcdade,1380,3
+mcdade,1380,4
+mcdade,1380,5
+mcdade,1380,6
+mcdade,1380,7
+mcdade,1381,0
+mcdade,1381,1
+mcdade,1381,2
+mcdade,1381,3
+mcdade,1382,0
+mcdade,1382,1
+mcdade,1382,2
+mcdade,1382,3
+mcdade,1382,4
+mcdade,1383,0
+mcdade,1383,1
+mcdade,1383,2
+mcdade,1384,0
+mcdade,1384,1
+mcdade,1384,2
+mcdade,1384,3
+mcdade,1384,4
+mcdade,1384,5
+mcdade,1384,6
+mcdade,1384,7
+mcdade,1384,8
+mcdade,1384,9
+mcdade,1384,10
+mcdade,1384,11
+mcdade,1384,12
+mcdade,1384,13
+mcdade,1384,14
+mcdade,1384,15
+mcdade,1385,0
+mcdade,1385,1
+mcdade,1385,2
+mcdade,1385,3
+mcdade,1385,4
+mcdade,1385,5
+mcdade,1385,6
+mcdade,1385,7
+mcdade,1385,8
+mcdade,1385,9
+mcdade,1385,10
+mcdade,1385,11
+mcdade,1385,12
+mcdade,1385,13
+mcdade,1385,14
+mcdade,1385,15
+mcdade,1385,16
+mcdade,1386,0
+mcdade,1386,1
+mcdade,1386,2
+mcdade,1386,3
+mcdade,1386,4
+mcdade,1386,5
+mcdade,1386,6
+mcdade,1386,7
+mcdade,1386,8
+mcdade,1386,9
+mcdade,1386,10
+mcdade,1387,0
+mcdade,1387,1
+mcdade,1387,2
+mcdade,1387,3
+mcdade,1387,4
+mcdade,1387,5
+mcdade,1387,6
+mcdade,1387,7
+mcdade,1387,8
+mcdade,1387,9
+mcdade,1387,10
+mcdade,1387,11
+mcdade,1388,0
+mcdade,1388,1
+mcdade,1388,2
+mcdade,1388,3
+mcdade,1388,4
+mcdade,1388,5
+mcdade,1388,6
+mcdade,1389,0
+mcdade,1389,1
+mcdade,1389,2
+mcdade,1389,3
+mcdade,1389,4
+mcdade,1390,0
+mcdade,1390,1
+mcdade,1390,2
+mcdade,1390,3
+mcdade,1390,4
+mcdade,1391,0
+mcdade,1391,1
+mcdade,1391,2
+mcdade,1392,0
+mcdade,1392,1
+mcdade,1392,2
+mcdade,1392,3
+mcdade,1392,4
+mcdade,1393,0
+mcdade,1393,1
+mcdade,1393,2
+mcdade,1393,3
+mcdade,1393,4
+mcdade,1394,1
+mcdade,1394,2
+mcdade,1394,3
+mcdade,1395,0
+mcdade,1395,1
+mcdade,1395,2
+mcdade,1395,3
+mcdade,1395,4
+mcdade,1395,5
+mcdade,1396,0
+mcdade,1396,1
+mcdade,1396,2
+mcdade,1397,0
+mcdade,1397,1
+mcdade,1397,2
+mcdade,1397,3
+mcdade,1398,0
+mcdade,1398,1
+mcdade,1398,2
+mcdade,1399,0
+mcdade,1399,1
+mcdade,1399,2
+mcdade,1399,3
+mcdade,1400,0
+mcdade,1400,1
+mcdade,1400,2
+mcdade,1400,3
+mcdade,1400,4
+mcdade,1400,5
+mcdade,1400,6
+mcdade,1401,0
+mcdade,1401,1
+mcdade,1401,2
+mcdade,1401,3
+mcdade,1401,4
+mcdade,1401,5
+mcdade,1402,0
+mcdade,1402,1
+mcdade,1402,2
+mcdade,1402,3
+mcdade,1402,4
+mcdade,1402,5
+mcdade,1402,6
+mcdade,1402,7
+mcdade,1402,8
+mcdade,1402,9
+mcdade,1402,10
+mcdade,1403,0
+mcdade,1403,1
+mcdade,1403,2
+mcdade,1403,3
+mcdade,1404,0
+mcdade,1404,1
+mcdade,1404,2
+mcdade,1404,3
+mcdade,1405,0
+mcdade,1405,1
+mcdade,1405,2
+mcdade,1407,0
+mcdade,1407,1
+mcdade,1407,2
+mcdade,1407,3
+mcdade,1407,4
+mcdade,1407,5
+mcdade,1407,6
+mcdade,1407,7
+mcdade,1407,8
+mcdade,1407,9
+mcdade,1407,10
+mcdade,1407,11
+mcdade,1407,12
+mcdade,1407,13
+mcdade,1407,14
+mcdade,1407,15
+mcdade,1408,0
+mcdade,1408,1
+mcdade,1408,2
+mcdade,1408,3
+mcdade,1409,0
+mcdade,1409,1
+mcdade,1409,2
+mcdade,1410,0
+mcdade,1410,1
+mcdade,1410,2
+mcdade,1410,3
+mcdade,1411,0
+mcdade,1411,1
+mcdade,1411,2
+mcdade,1411,3
+mcdade,1411,4
+mcdade,1411,5
+mcdade,1411,6
+mcdade,1411,7
+mcdade,1411,8
+mcdade,1412,0
+mcdade,1412,1
+mcdade,1412,2
+mcdade,1412,3
+mcdade,1412,4
+mcdade,1412,5
+mcdade,1412,6
+mcdade,1412,7
+mcdade,1412,8
+mcdade,1413,0
+mcdade,1413,1
+mcdade,1413,2
+mcdade,1413,3
+mcdade,1413,4
+mcdade,1413,5
+mcdade,1413,6
+mcdade,1413,7
+mcdade,1413,8
+mcdade,1414,0
+mcdade,1414,1
+mcdade,1414,2
+mcdade,1414,3
+mcdade,1414,4
+mcdade,1414,5
+mcdade,1414,6
+mcdade,1414,7
+mcdade,1414,8
+mcdade,1414,9
+mcdade,1415,0
+mcdade,1415,1
+mcdade,1415,2
+mcdade,1415,3
+mcdade,1415,4
+mcdade,1415,5
+mcdade,1415,6
+mcdade,1415,7
+mcdade,1416,0
+mcdade,1416,1
+mcdade,1416,2
+mcdade,1416,3
+mcdade,1416,4
+mcdade,1416,5
+mcdade,1416,6
+mcdade,1416,7
+mcdade,1416,8
+mcdade,1417,0
+mcdade,1417,1
+mcdade,1417,2
+mcdade,1418,0
+mcdade,1418,1
+mcdade,1418,2
+mcdade,1418,3
+mcdade,1418,4
+mcdade,1419,0
+mcdade,1419,1
+mcdade,1419,2
+mcdade,1419,3
+mcdade,1419,4
+mcdade,1419,5
+mcdade,1419,6
+mcdade,1419,7
+mcdade,1419,8
+mcdade,1419,9
+mcdade,1420,0
+mcdade,1420,1
+mcdade,1420,2
+mcdade,1421,0
+mcdade,1421,1
+mcdade,1421,2
+mcdade,1421,3
+mcdade,1422,0
+mcdade,1422,1
+mcdade,1422,2
+mcdade,1422,3
+mcdade,1423,0
+mcdade,1423,1
+mcdade,1423,2
+mcdade,1423,3
+mcdade,1423,4
+mcdade,1424,0
+mcdade,1424,1
+mcdade,1424,2
+mcdade,1424,3
+mcdade,1424,4
+mcdade,1424,5
+mcdade,1424,6
+mcdade,1425,0
+mcdade,1425,1
+mcdade,1425,2
+mcdade,1425,3
+mcdade,1425,4
+mcdade,1425,5
+mcdade,1425,6
+mcdade,1426,0
+mcdade,1426,1
+mcdade,1426,2
+mcdade,1426,3
+mcdade,1426,4
+mcdade,1427,0
+mcdade,1427,1
+mcdade,1427,2
+mcdade,1427,3
+mcdade,1427,4
+mcdade,1428,0
+mcdade,1428,1
+mcdade,1428,2
+mcdade,1428,3
+mcdade,1428,4
+mcdade,1428,5
+mcdade,1428,6
+mcdade,1428,7
+mcdade,1429,0
+mcdade,1429,1
+mcdade,1429,2
+mcdade,1429,3
+mcdade,1429,4
+mcdade,1429,5
+mcdade,1430,0
+mcdade,1430,1
+mcdade,1430,2
+mcdade,1431,0
+mcdade,1431,1
+mcdade,1431,2
+mcdade,1432,0
+mcdade,1432,1
+mcdade,1432,2
+mcdade,1432,3
+mcdade,1433,0
+mcdade,1433,1
+mcdade,1433,2
+mcdade,1433,3
+mcdade,1434,0
+mcdade,1434,1
+mcdade,1434,2
+mcdade,1434,3
+mcdade,1434,4
+mcdade,1434,5
+mcdade,1434,6
+mcdade,1434,7
+mcdade,1434,8
+mcdade,1434,9
+mcdade,1434,10
+mcdade,1434,11
+mcdade,1434,12
+mcdade,1434,13
+mcdade,1435,0
+mcdade,1435,1
+mcdade,1435,2
+mcdade,1435,3
+mcdade,1435,4
+mcdade,1436,0
+mcdade,1436,1
+mcdade,1436,2
+mcdade,1436,3
+mcdade,1436,4
+mcdade,1437,0
+mcdade,1437,1
+mcdade,1437,2
+mcdade,1437,3
+mcdade,1437,4
+mcdade,1437,5
+mcdade,1438,0
+mcdade,1438,1
+mcdade,1438,2
+mcdade,1438,3
+mcdade,1438,4
+mcdade,1439,0
+mcdade,1439,1
+mcdade,1439,2
+mcdade,1439,3
+mcdade,1439,4
+mcdade,1439,5
+mcdade,1439,6
+mcdade,1439,7
+mcdade,1439,8
+mcdade,1439,9
+mcdade,1439,10
+mcdade,1439,11
+mcdade,1439,12
+mcdade,1439,13
+mcdade,1440,0
+mcdade,1440,1
+mcdade,1440,2
+mcdade,1440,3
+mcdade,1440,4
+mcdade,1440,5
+mcdade,1440,6
+mcdade,1441,0
+mcdade,1441,1
+mcdade,1441,2
+mcdade,1441,3
+mcdade,1441,4
+mcdade,1441,5
+mcdade,1441,6
+mcdade,1441,7
+mcdade,1441,8
+mcdade,1441,9
+mcdade,1441,10
+mcdade,1441,11
+mcdade,1441,12
+mcdade,1441,13
+mcdade,1441,14
+mcdade,1441,15
+mcdade,1441,16
+mcdade,1442,0
+mcdade,1442,1
+mcdade,1442,2
+mcdade,1442,3
+mcdade,1442,4
+mcdade,1442,5
+mcdade,1442,6
+mcdade,1443,0
+mcdade,1443,1
+mcdade,1443,2
+mcdade,1444,0
+mcdade,1444,1
+mcdade,1444,2
+mcdade,1444,3
+mcdade,1444,4
+mcdade,1444,5
+mcdade,1444,6
+mcdade,1444,7
+mcdade,1444,8
+mcdade,1444,9
+mcdade,1444,10
+mcdade,1444,11
+mcdade,1444,12
+mcdade,1444,13
+mcdade,1444,14
+mcdade,1444,15
+mcdade,1445,0
+mcdade,1445,1
+mcdade,1445,2
+mcdade,1445,3
+mcdade,1445,4
+mcdade,1445,5
+mcdade,1445,6
+mcdade,1445,7
+mcdade,1445,8
+mcdade,1445,9
+mcdade,1446,0
+mcdade,1446,1
+mcdade,1446,2
+mcdade,1446,3
+mcdade,1446,4
+mcdade,1446,5
+mcdade,1446,6
+mcdade,1446,7
+mcdade,1446,8
+mcdade,1446,9
+mcdade,1446,10
+mcdade,1446,11
+mcdade,1446,12
+mcdade,1446,13
+mcdade,1446,14
+mcdade,1447,0
+mcdade,1447,1
+mcdade,1447,2
+mcdade,1447,3
+mcdade,1447,4
+mcdade,1447,5
+mcdade,1448,0
+mcdade,1448,1
+mcdade,1448,2
+mcdade,1448,3
+mcdade,1449,1
+mcdade,1449,2
+mcdade,1449,3
+mcdade,1449,4
+mcdade,1450,0
+mcdade,1450,1
+mcdade,1450,2
+mcdade,1451,0
+mcdade,1451,1
+mcdade,1451,2
+mcdade,1451,3
+mcdade,1451,4
+mcdade,1451,5
+mcdade,1451,6
+mcdade,1451,7
+mcdade,1452,0
+mcdade,1452,1
+mcdade,1452,2
+mcdade,1452,3
+mcdade,1452,4
+mcdade,1453,0
+mcdade,1453,1
+mcdade,1453,2
+mcdade,1454,0
+mcdade,1454,1
+mcdade,1454,2
+mcdade,1454,3
+mcdade,1455,0
+mcdade,1455,1
+mcdade,1455,2
+mcdade,1455,3
+mcdade,1455,4
+mcdade,1456,0
+mcdade,1456,1
+mcdade,1456,2
+mcdade,1456,3
+mcdade,1456,4
+mcdade,1456,5
+mcdade,1456,6
+mcdade,1456,7
+mcdade,1456,8
+mcdade,1456,9
+mcdade,1456,10
+mcdade,1456,11
+mcdade,1456,12
+mcdade,1456,13
+mcdade,1456,14
+mcdade,1456,15
+mcdade,1456,16
+mcdade,1456,17
+mcdade,1456,18
+mcdade,1456,19
+mcdade,1456,20
+mcdade,1457,0
+mcdade,1457,1
+mcdade,1457,2
+mcdade,1458,0
+mcdade,1458,1
+mcdade,1458,2
+mcdade,1458,3
+mcdade,1458,4
+mcdade,1458,5
+mcdade,1458,6
+mcdade,1458,7
+mcdade,1458,8
+mcdade,1458,9
+mcdade,1458,10
+mcdade,1458,11
+mcdade,1458,12
+mcdade,1459,0
+mcdade,1459,1
+mcdade,1459,2
+mcdade,1459,3
+mcdade,1459,4
+mcdade,1459,5
+mcdade,1459,6
+mcdade,1459,7
+mcdade,1460,0
+mcdade,1460,1
+mcdade,1460,2
+mcdade,1460,3
+mcdade,1460,4
+mcdade,1460,5
+mcdade,1460,6
+mcdade,1460,7
+mcdade,1460,8
+mcdade,1460,9
+mcdade,1460,10
+mcdade,1461,0
+mcdade,1461,1
+mcdade,1461,2
+mcdade,1462,0
+mcdade,1462,1
+mcdade,1462,2
+mcdade,1462,3
+mcdade,1463,0
+mcdade,1463,1
+mcdade,1463,2
+mcdade,1464,0
+mcdade,1464,1
+mcdade,1464,2
+mcdade,1464,3
+mcdade,1464,4
+mcdade,1464,5
+mcdade,1464,6
+mcdade,1464,7
+mcdade,1465,0
+mcdade,1465,1
+mcdade,1465,2
+mcdade,1466,0
+mcdade,1466,1
+mcdade,1466,2
+mcdade,1466,3
+mcdade,1467,0
+mcdade,1467,1
+mcdade,1467,2
+mcdade,1467,3
+mcdade,1467,4
+mcdade,1467,5
+mcdade,1467,6
+mcdade,1468,0
+mcdade,1468,1
+mcdade,1468,2
+mcdade,1468,3
+mcdade,1468,4
+mcdade,1468,5
+mcdade,1468,6
+mcdade,1468,7
+mcdade,1468,8
+mcdade,1468,9
+mcdade,1468,10
+mcdade,1468,11
+mcdade,1468,12
+mcdade,1468,13
+mcdade,1468,14
+mcdade,1468,15
+mcdade,1468,16
+mcdade,1468,17
+mcdade,1468,18
+mcdade,1468,19
+mcdade,1469,0
+mcdade,1469,1
+mcdade,1469,2
+mcdade,1469,3
+mcdade,1469,4
+mcdade,1469,5
+mcdade,1469,6
+mcdade,1469,7
+mcdade,1469,8
+mcdade,1469,9
+mcdade,1469,10
+mcdade,1469,11
+mcdade,1469,12
+mcdade,1470,0
+mcdade,1470,1
+mcdade,1470,2
+mcdade,1470,3
+mcdade,1470,4
+mcdade,1470,5
+mcdade,1470,6
+mcdade,1470,7
+mcdade,1470,8
+mcdade,1470,9
+mcdade,1471,0
+mcdade,1471,1
+mcdade,1471,2
+mcdade,1472,0
+mcdade,1472,1
+mcdade,1472,2
+mcdade,1472,3
+mcdade,1472,4
+mcdade,1472,5
+mcdade,1472,6
+mcdade,1472,7
+mcdade,1472,8
+mcdade,1472,9
+mcdade,1472,10
+mcdade,1472,11
+mcdade,1472,12
+mcdade,1472,13
+mcdade,1473,0
+mcdade,1473,1
+mcdade,1473,2
+mcdade,1474,0
+mcdade,1474,1
+mcdade,1474,2
+mcdade,1474,3
+mcdade,1474,4
+mcdade,1475,0
+mcdade,1475,1
+mcdade,1475,2
+mcdade,1475,3
+mcdade,1475,4
+mcdade,1475,5
+mcdade,1475,6
+mcdade,1475,7
+mcdade,1475,8
+mcdade,1475,9
+mcdade,1475,10
+mcdade,1476,0
+mcdade,1476,1
+mcdade,1476,2
+mcdade,1477,0
+mcdade,1477,1
+mcdade,1477,2
+mcdade,1477,3
+mcdade,1477,4
+mcdade,1477,5
+mcdade,1477,6
+mcdade,1477,7
+mcdade,1478,0
+mcdade,1478,1
+mcdade,1478,2
+mcdade,1478,3
+mcdade,1478,4
+mcdade,1478,5
+mcdade,1478,6
+mcdade,1478,7
+mcdade,1478,8
+mcdade,1478,9
+mcdade,1478,10
+mcdade,1478,11
+mcdade,1478,12
+mcdade,1478,13
+mcdade,1478,14
+mcdade,1478,15
+mcdade,1478,16
+mcdade,1478,17
+mcdade,1479,0
+mcdade,1479,1
+mcdade,1479,2
+mcdade,1479,3
+mcdade,1480,0
+mcdade,1480,1
+mcdade,1480,2
+mcdade,1480,3
+mcdade,1480,4
+mcdade,1481,0
+mcdade,1481,1
+mcdade,1481,2
+mcdade,1482,0
+mcdade,1482,1
+mcdade,1482,2
+mcdade,1482,3
+mcdade,1482,4
+mcdade,1482,5
+mcdade,1482,6
+mcdade,1483,0
+mcdade,1483,1
+mcdade,1483,2
+mcdade,1483,3
+mcdade,1483,4
+mcdade,1483,5
+mcdade,1483,6
+mcdade,1483,7
+mcdade,1483,8
+mcdade,1484,0
+mcdade,1484,1
+mcdade,1484,2
+mcdade,1485,0
+mcdade,1485,1
+mcdade,1485,2
+mcdade,1486,0
+mcdade,1486,1
+mcdade,1486,2
+mcdade,1487,0
+mcdade,1487,1
+mcdade,1487,2
+mcdade,1487,3
+mcdade,1487,4
+mcdade,1487,5
+mcdade,1487,6
+mcdade,1487,7
+mcdade,1487,8
+mcdade,1487,9
+mcdade,1488,0
+mcdade,1488,1
+mcdade,1488,2
+mcdade,1489,0
+mcdade,1489,1
+mcdade,1489,2
+mcdade,1489,3
+mcdade,1490,0
+mcdade,1490,1
+mcdade,1490,2
+mcdade,1490,3
+mcdade,1490,4
+mcdade,1490,5
+mcdade,1490,6
+mcdade,1490,7
+mcdade,1490,8
+mcdade,1490,9
+mcdade,1490,10
+mcdade,1491,0
+mcdade,1491,1
+mcdade,1491,2
+mcdade,1491,3
+mcdade,1491,4
+mcdade,1491,5
+mcdade,1491,6
+mcdade,1492,0
+mcdade,1492,1
+mcdade,1492,2
+mcdade,1492,3
+mcdade,1492,4
+mcdade,1492,5
+mcdade,1492,6
+mcdade,1492,7
+mcdade,1492,8
+mcdade,1492,9
+mcdade,1493,0
+mcdade,1493,1
+mcdade,1493,2
+mcdade,1494,0
+mcdade,1494,1
+mcdade,1494,2
+mcdade,1494,3
+mcdade,1494,4
+mcdade,1494,5
+mcdade,1494,6
+mcdade,1495,0
+mcdade,1495,1
+mcdade,1495,2
+mcdade,1495,3
+mcdade,1495,4
+mcdade,1495,5
+mcdade,1495,6
+mcdade,1495,7
+mcdade,1495,8
+mcdade,1496,0
+mcdade,1496,1
+mcdade,1496,2
+mcdade,1497,0
+mcdade,1497,1
+mcdade,1497,2
+mcdade,1498,0
+mcdade,1498,1
+mcdade,1498,2
+mcdade,1499,0
+mcdade,1499,1
+mcdade,1499,2
+mcdade,1499,3
+mcdade,1499,4
+mcdade,1499,5
+mcdade,1500,0
+mcdade,1500,1
+mcdade,1500,2
+mcdade,1500,3
+mcdade,1500,4
+mcdade,1500,5
+mcdade,1500,6
+mcdade,1500,7
+mcdade,1500,8
+mcdade,1501,0
+mcdade,1501,1
+mcdade,1501,2
+mcdade,1501,3
+mcdade,1501,4
+mcdade,1502,0
+mcdade,1502,1
+mcdade,1502,2
+mcdade,1502,3
+mcdade,1502,4
+mcdade,1502,5
+mcdade,1502,6
+mcdade,1502,7
+mcdade,1502,8
+mcdade,1502,9
+mcdade,1502,10
+mcdade,1502,11
+mcdade,1502,12
+mcdade,1503,0
+mcdade,1503,1
+mcdade,1503,2
+mcdade,1503,3
+mcdade,1503,4
+mcdade,1504,0
+mcdade,1504,1
+mcdade,1504,2
+mcdade,1505,0
+mcdade,1505,1
+mcdade,1505,2
+mcdade,1505,3
+mcdade,1505,4
+mcdade,1506,0
+mcdade,1506,1
+mcdade,1506,2
+mcdade,1506,3
+mcdade,1506,4
+mcdade,1506,5
+mcdade,1506,6
+mcdade,1506,7
+mcdade,1507,0
+mcdade,1507,1
+mcdade,1507,2
+mcdade,1507,3
+mcdade,1507,4
+mcdade,1508,0
+mcdade,1508,1
+mcdade,1508,2
+mcdade,1509,0
+mcdade,1509,1
+mcdade,1509,2
+mcdade,1510,0
+mcdade,1510,1
+mcdade,1510,2
+mcdade,1510,3
+mcdade,1511,0
+mcdade,1511,1
+mcdade,1511,2
+mcdade,1511,3
+mcdade,1511,4
+mcdade,1511,5
+mcdade,1511,6
+mcdade,1511,7
+mcdade,1511,8
+mcdade,1511,9
+mcdade,1511,10
+mcdade,1511,11
+mcdade,1512,0
+mcdade,1512,1
+mcdade,1512,2
+mcdade,1513,0
+mcdade,1513,1
+mcdade,1513,2
+mcdade,1513,3
+mcdade,1513,4
+mcdade,1513,5
+mcdade,1514,0
+mcdade,1514,1
+mcdade,1514,2
+mcdade,1515,0
+mcdade,1515,1
+mcdade,1515,2
+mcdade,1515,3
+mcdade,1515,4
+mcdade,1515,5
+mcdade,1515,6
+mcdade,1516,0
+mcdade,1516,1
+mcdade,1516,2
+mcdade,1516,3
+mcdade,1516,4
+mcdade,1516,5
+mcdade,1516,6
+mcdade,1517,0
+mcdade,1517,1
+mcdade,1517,2
+mcdade,1517,3
+mcdade,1517,4
+mcdade,1517,5
+mcdade,1517,6
+mcdade,1517,7
+mcdade,1517,8
+mcdade,1517,9
+mcdade,1517,10
+mcdade,1517,11
+mcdade,1517,12
+mcdade,1518,0
+mcdade,1518,1
+mcdade,1518,2
+mcdade,1518,3
+mcdade,1519,0
+mcdade,1519,1
+mcdade,1519,2
+mcdade,1520,0
+mcdade,1520,1
+mcdade,1520,2
+mcdade,1520,3
+mcdade,1520,4
+mcdade,1520,5
+mcdade,1520,6
+mcdade,1520,7
+mcdade,1520,8
+mcdade,1520,9
+mcdade,1520,10
+mcdade,1520,11
+mcdade,1520,12
+mcdade,1520,13
+mcdade,1520,14
+mcdade,1520,15
+mcdade,1520,16
+mcdade,1520,17
+mcdade,1521,0
+mcdade,1521,1
+mcdade,1521,2
+mcdade,1522,0
+mcdade,1522,1
+mcdade,1522,2
+mcdade,1522,3
+mcdade,1522,4
+mcdade,1522,5
+mcdade,1523,0
+mcdade,1523,1
+mcdade,1523,2
+mcdade,1523,3
+mcdade,1523,4
+mcdade,1523,5
+mcdade,1524,0
+mcdade,1524,1
+mcdade,1524,2
+mcdade,1525,0
+mcdade,1525,1
+mcdade,1525,2
+mcdade,1525,3
+mcdade,1525,4
+mcdade,1525,5
+mcdade,1525,6
+mcdade,1526,0
+mcdade,1526,1
+mcdade,1526,2
+mcdade,1527,0
+mcdade,1527,1
+mcdade,1527,2
+mcdade,1527,3
+mcdade,1527,4
+mcdade,1528,0
+mcdade,1528,1
+mcdade,1528,2
+mcdade,1528,3
+mcdade,1528,4
+mcdade,1528,5
+mcdade,1528,6
+mcdade,1528,7
+mcdade,1528,8
+mcdade,1529,0
+mcdade,1529,1
+mcdade,1529,2
+mcdade,1529,3
+mcdade,1529,4
+mcdade,1529,5
+mcdade,1529,6
+mcdade,1529,7
+mcdade,1529,8
+mcdade,1529,9
+mcdade,1529,10
+mcdade,1530,0
+mcdade,1530,1
+mcdade,1530,2
+mcdade,1530,3
+mcdade,1531,0
+mcdade,1531,1
+mcdade,1531,2
+mcdade,1531,3
+mcdade,1531,4
+mcdade,1531,5
+mcdade,1531,6
+mcdade,1531,7
+mcdade,1531,8
+mcdade,1531,9
+mcdade,1531,10
+mcdade,1531,11
+mcdade,1531,12
+mcdade,1532,0
+mcdade,1532,1
+mcdade,1532,2
+mcdade,1532,3
+mcdade,1532,4
+mcdade,1532,5
+mcdade,1533,0
+mcdade,1533,1
+mcdade,1533,2
+mcdade,1533,3
+mcdade,1533,4
+mcdade,1534,0
+mcdade,1534,1
+mcdade,1534,2
+mcdade,1534,3
+mcdade,1534,4
+mcdade,1535,0
+mcdade,1535,1
+mcdade,1535,2
+mcdade,1535,3
+mcdade,1535,4
+mcdade,1536,0
+mcdade,1536,1
+mcdade,1536,2
+mcdade,1536,3
+mcdade,1536,4
+mcdade,1536,5
+mcdade,1536,6
+mcdade,1536,7
+mcdade,1536,8
+mcdade,1536,9
+mcdade,1536,10
+mcdade,1537,0
+mcdade,1537,1
+mcdade,1537,2
+mcdade,1537,3
+mcdade,1537,4
+mcdade,1537,5
+mcdade,1537,6
+mcdade,1537,7
+mcdade,1537,8
+mcdade,1537,9
+mcdade,1537,10
+mcdade,1537,11
+mcdade,1537,12
+mcdade,1538,0
+mcdade,1538,1
+mcdade,1538,2
+mcdade,1538,3
+mcdade,1538,4
+mcdade,1538,5
+mcdade,1538,6
+mcdade,1538,7
+mcdade,1538,8
+mcdade,1538,9
+mcdade,1538,10
+mcdade,1539,0
+mcdade,1539,1
+mcdade,1539,2
+mcdade,1540,0
+mcdade,1540,1
+mcdade,1540,2
+mcdade,1540,3
+mcdade,1540,4
+mcdade,1541,0
+mcdade,1541,1
+mcdade,1541,2
+mcdade,1541,3
+mcdade,1541,4
+mcdade,1541,5
+mcdade,1542,0
+mcdade,1542,1
+mcdade,1542,2
+mcdade,1542,3
+mcdade,1542,4
+mcdade,1542,5
+mcdade,1543,0
+mcdade,1543,1
+mcdade,1543,2
+mcdade,1543,3
+mcdade,1543,4
+mcdade,1543,5
+mcdade,1543,6
+mcdade,1544,0
+mcdade,1544,1
+mcdade,1544,2
+mcdade,1544,3
+mcdade,1544,4
+mcdade,1544,5
+mcdade,1544,6
+mcdade,1544,7
+mcdade,1544,8
+mcdade,1544,9
+mcdade,1544,10
+mcdade,1544,11
+mcdade,1545,0
+mcdade,1545,1
+mcdade,1545,2
+mcdade,1545,3
+mcdade,1546,0
+mcdade,1546,1
+mcdade,1546,2
+mcdade,1546,3
+mcdade,1546,4
+mcdade,1546,5
+mcdade,1546,6
+mcdade,1546,7
+mcdade,1546,8
+mcdade,1546,9
+mcdade,1546,10
+mcdade,1547,0
+mcdade,1547,1
+mcdade,1547,2
+mcdade,1548,0
+mcdade,1548,1
+mcdade,1548,2
+mcdade,1548,3
+mcdade,1549,0
+mcdade,1549,1
+mcdade,1549,2
+mcdade,1550,0
+mcdade,1550,1
+mcdade,1550,2
+mcdade,1550,3
+mcdade,1550,4
+mcdade,1550,5
+mcdade,1550,6
+mcdade,1551,0
+mcdade,1551,1
+mcdade,1551,2
+mcdade,1551,3
+mcdade,1551,4
+mcdade,1551,5
+mcdade,1551,6
+mcdade,1552,0
+mcdade,1552,1
+mcdade,1552,2
+mcdade,1552,3
+mcdade,1552,4
+mcdade,1552,5
+mcdade,1552,6
+mcdade,1552,7
+mcdade,1552,8
+mcdade,1552,9
+mcdade,1552,10
+mcdade,1552,11
+mcdade,1552,12
+mcdade,1553,0
+mcdade,1553,1
+mcdade,1553,2
+mcdade,1553,3
+mcdade,1553,4
+mcdade,1553,5
+mcdade,1554,0
+mcdade,1554,1
+mcdade,1554,2
+mcdade,1554,3
+mcdade,1554,4
+mcdade,1555,0
+mcdade,1555,1
+mcdade,1555,2
+mcdade,1555,3
+mcdade,1555,4
+mcdade,1556,0
+mcdade,1556,1
+mcdade,1556,2
+mcdade,1556,3
+mcdade,1557,0
+mcdade,1557,1
+mcdade,1557,2
+mcdade,1557,3
+mcdade,1557,4
+mcdade,1557,5
+mcdade,1557,6
+mcdade,1557,7
+mcdade,1557,8
+mcdade,1557,9
+mcdade,1557,10
+mcdade,1557,11
+mcdade,1557,12
+mcdade,1557,13
+mcdade,1557,14
+mcdade,1557,15
+mcdade,1557,16
+mcdade,1557,17
+mcdade,1557,18
+mcdade,1557,19
+mcdade,1557,20
+mcdade,1557,21
+mcdade,1557,22
+mcdade,1557,23
+mcdade,1558,0
+mcdade,1558,1
+mcdade,1558,2
+mcdade,1558,3
+mcdade,1559,0
+mcdade,1559,1
+mcdade,1559,2
+mcdade,1559,3
+mcdade,1559,4
+mcdade,1559,5
+mcdade,1559,6
+mcdade,1560,0
+mcdade,1560,1
+mcdade,1560,2
+mcdade,1560,3
+mcdade,1561,0
+mcdade,1561,1
+mcdade,1561,2
+mcdade,1562,0
+mcdade,1562,1
+mcdade,1562,2
+mcdade,1562,3
+mcdade,1562,4
+mcdade,1562,5
+mcdade,1562,6
+mcdade,1563,0
+mcdade,1563,1
+mcdade,1563,2
+mcdade,1563,3
+mcdade,1563,4
+mcdade,1563,5
+mcdade,1563,6
+mcdade,1563,7
+mcdade,1564,0
+mcdade,1564,1
+mcdade,1564,2
+mcdade,1565,0
+mcdade,1565,1
+mcdade,1565,2
+mcdade,1566,0
+mcdade,1566,1
+mcdade,1566,2
+mcdade,1566,3
+mcdade,1567,0
+mcdade,1567,1
+mcdade,1567,2
+mcdade,1567,3
+mcdade,1567,4
+mcdade,1568,0
+mcdade,1568,1
+mcdade,1568,2
+mcdade,1569,0
+mcdade,1569,1
+mcdade,1569,2
+mcdade,1569,3
+mcdade,1569,4
+mcdade,1569,5
+mcdade,1570,0
+mcdade,1570,1
+mcdade,1570,2
+mcdade,1570,3
+mcdade,1570,4
+mcdade,1570,5
+mcdade,1570,6
+mcdade,1570,7
+mcdade,1570,8
+mcdade,1571,0
+mcdade,1571,1
+mcdade,1571,2
+mcdade,1571,3
+mcdade,1571,4
+mcdade,1572,0
+mcdade,1572,1
+mcdade,1572,2
+mcdade,1572,3
+mcdade,1573,0
+mcdade,1573,1
+mcdade,1573,2
+mcdade,1573,3
+mcdade,1573,4
+mcdade,1574,0
+mcdade,1574,1
+mcdade,1574,2
+mcdade,1574,3
+mcdade,1574,4
+mcdade,1574,5
+mcdade,1574,6
+mcdade,1574,7
+mcdade,1574,8
+mcdade,1574,9
+mcdade,1575,0
+mcdade,1575,1
+mcdade,1575,2
+mcdade,1575,3
+mcdade,1575,4
+mcdade,1575,5
+mcdade,1575,6
+mcdade,1575,7
+mcdade,1575,8
+mcdade,1575,9
+mcdade,1575,10
+mcdade,1575,11
+mcdade,1575,12
+mcdade,1576,0
+mcdade,1576,1
+mcdade,1576,2
+mcdade,1576,3
+mcdade,1576,4
+mcdade,1576,5
+mcdade,1576,6
+mcdade,1577,0
+mcdade,1577,1
+mcdade,1577,2
+mcdade,1577,3
+mcdade,1577,4
+mcdade,1577,5
+mcdade,1577,6
+mcdade,1577,7
+mcdade,1577,8
+mcdade,1577,9
+mcdade,1578,0
+mcdade,1578,1
+mcdade,1578,2
+mcdade,1578,3
+mcdade,1578,4
+mcdade,1578,5
+mcdade,1579,0
+mcdade,1579,1
+mcdade,1579,2
+mcdade,1579,3
+mcdade,1579,4
+mcdade,1579,5
+mcdade,1579,6
+mcdade,1579,7
+mcdade,1579,8
+mcdade,1579,9
+mcdade,1579,10
+mcdade,1579,11
+mcdade,1579,12
+mcdade,1579,13
+mcdade,1580,0
+mcdade,1580,1
+mcdade,1580,2
+mcdade,1580,3
+mcdade,1581,0
+mcdade,1581,1
+mcdade,1581,2
+mcdade,1581,3
+mcdade,1581,4
+mcdade,1581,5
+mcdade,1581,6
+mcdade,1581,7
+mcdade,1581,8
+mcdade,1581,9
+mcdade,1581,10
+mcdade,1581,11
+mcdade,1581,12
+mcdade,1582,0
+mcdade,1582,1
+mcdade,1582,2
+mcdade,1582,3
+mcdade,1582,4
+mcdade,1582,5
+mcdade,1583,0
+mcdade,1583,1
+mcdade,1583,2
+mcdade,1583,3
+mcdade,1584,0
+mcdade,1584,1
+mcdade,1584,2
+mcdade,1584,3
+mcdade,1584,4
+mcdade,1585,0
+mcdade,1585,1
+mcdade,1585,2
+mcdade,1586,0
+mcdade,1586,1
+mcdade,1586,2
+mcdade,1586,3
+mcdade,1586,4
+mcdade,1586,5
+mcdade,1587,0
+mcdade,1587,1
+mcdade,1587,2
+mcdade,1587,3
+mcdade,1587,4
+mcdade,1587,5
+mcdade,1588,0
+mcdade,1588,1
+mcdade,1588,2
+mcdade,1588,3
+mcdade,1588,4
+mcdade,1588,5
+mcdade,1588,6
+mcdade,1588,7
+mcdade,1589,0
+mcdade,1589,1
+mcdade,1589,2
+mcdade,1589,3
+mcdade,1589,4
+mcdade,1590,0
+mcdade,1590,1
+mcdade,1590,2
+mcdade,1590,3
+mcdade,1590,4
+mcdade,1590,5
+mcdade,1590,6
+mcdade,1590,7
+mcdade,1590,8
+mcdade,1590,9
+mcdade,1590,10
+mcdade,1590,11
+mcdade,1590,12
+mcdade,1590,13
+mcdade,1590,14
+mcdade,1590,15
+mcdade,1590,16
+mcdade,1591,0
+mcdade,1591,1
+mcdade,1591,2
+mcdade,1591,3
+mcdade,1591,4
+mcdade,1591,5
+mcdade,1592,0
+mcdade,1592,1
+mcdade,1592,2
+mcdade,1592,3
+mcdade,1592,4
+mcdade,1592,5
+mcdade,1593,0
+mcdade,1593,1
+mcdade,1593,2
+mcdade,1593,3
+mcdade,1593,4
+mcdade,1593,5
+mcdade,1594,0
+mcdade,1594,1
+mcdade,1594,2
+mcdade,1594,3
+mcdade,1594,4
+mcdade,1594,5
+mcdade,1594,6
+mcdade,1594,7
+mcdade,1594,8
+mcdade,1594,9
+mcdade,1594,10
+mcdade,1595,0
+mcdade,1595,1
+mcdade,1595,2
+mcdade,1595,3
+mcdade,1595,4
+mcdade,1595,5
+mcdade,1595,6
+mcdade,1595,7
+mcdade,1595,8
+mcdade,1595,9
+mcdade,1595,10
+mcdade,1595,11
+mcdade,1595,12
+mcdade,1596,0
+mcdade,1596,1
+mcdade,1596,2
+mcdade,1596,3
+mcdade,1596,4
+mcdade,1596,5
+mcdade,1596,6
+mcdade,1596,7
+mcdade,1596,8
+mcdade,1597,0
+mcdade,1597,1
+mcdade,1597,2
+mcdade,1597,3
+mcdade,1597,4
+mcdade,1598,0
+mcdade,1598,1
+mcdade,1598,2
+mcdade,1599,0
+mcdade,1599,1
+mcdade,1599,2
+mcdade,1599,3
+mcdade,1599,4
+mcdade,1600,0
+mcdade,1600,1
+mcdade,1600,2
+mcdade,1600,3
+mcdade,1600,4
+mcdade,1600,5
+mcdade,1600,6
+mcdade,1600,7
+mcdade,1600,8
+mcdade,1600,9
+mcdade,1600,10
+mcdade,1600,11
+mcdade,1600,12
+mcdade,1600,13
+mcdade,1600,14
+mcdade,1600,15
+mcdade,1600,16
+mcdade,1600,17
+mcdade,1601,0
+mcdade,1601,1
+mcdade,1601,2
+mcdade,1602,0
+mcdade,1602,1
+mcdade,1602,2
+mcdade,1602,3
+mcdade,1602,4
+mcdade,1602,5
+mcdade,1602,6
+mcdade,1603,0
+mcdade,1603,1
+mcdade,1603,2
+mcdade,1603,3
+mcdade,1604,0
+mcdade,1604,1
+mcdade,1604,2
+mcdade,1604,3
+mcdade,1604,4
+mcdade,1604,5
+mcdade,1604,6
+mcdade,1604,7
+mcdade,1605,0
+mcdade,1605,1
+mcdade,1605,2
+mcdade,1605,3
+mcdade,1605,4
+mcdade,1605,5
+mcdade,1605,6
+mcdade,1605,7
+mcdade,1605,8
+mcdade,1605,9
+mcdade,1605,10
+mcdade,1605,11
+mcdade,1605,12
+mcdade,1605,13
+mcdade,1605,14
+mcdade,1605,15
+mcdade,1605,16
+mcdade,1605,17
+mcdade,1605,18
+mcdade,1605,19
+mcdade,1606,0
+mcdade,1606,1
+mcdade,1606,2
+mcdade,1606,3
+mcdade,1606,4
+mcdade,1606,5
+mcdade,1606,6
+mcdade,1606,7
+mcdade,1606,8
+mcdade,1606,9
+mcdade,1607,0
+mcdade,1607,1
+mcdade,1607,2
+mcdade,1608,0
+mcdade,1608,1
+mcdade,1608,2
+mcdade,1609,0
+mcdade,1609,1
+mcdade,1609,2
+mcdade,1610,0
+mcdade,1610,1
+mcdade,1610,2
+mcdade,1611,0
+mcdade,1611,1
+mcdade,1611,2
+mcdade,1611,3
+mcdade,1611,4
+mcdade,1611,5
+mcdade,1611,6
+mcdade,1613,0
+mcdade,1613,1
+mcdade,1613,2
+mcdade,1613,3
+mcdade,1613,4
+mcdade,1613,5
+mcdade,1614,0
+mcdade,1614,1
+mcdade,1614,2
+mcdade,1614,3
+mcdade,1614,4
+mcdade,1614,5
+mcdade,1615,0
+mcdade,1615,1
+mcdade,1615,2
+mcdade,1615,3
+mcdade,1615,4
+mcdade,1616,0
+mcdade,1616,1
+mcdade,1616,2
+mcdade,1616,3
+mcdade,1616,4
+mcdade,1616,5
+mcdade,1616,6
+mcdade,1617,0
+mcdade,1617,1
+mcdade,1617,2
+mcdade,1617,3
+mcdade,1618,0
+mcdade,1618,1
+mcdade,1618,2
+mcdade,1618,3
+mcdade,1619,0
+mcdade,1619,1
+mcdade,1619,2
+mcdade,1619,3
+mcdade,1619,4
+mcdade,1619,5
+mcdade,1619,6
+mcdade,1619,7
+mcdade,1619,8
+mcdade,1620,0
+mcdade,1620,1
+mcdade,1620,2
+mcdade,1620,3
+mcdade,1620,4
+mcdade,1620,5
+mcdade,1620,6
+mcdade,1620,7
+mcdade,1621,0
+mcdade,1621,1
+mcdade,1621,2
+mcdade,1622,0
+mcdade,1622,1
+mcdade,1622,2
+mcdade,1622,3
+mcdade,1622,4
+mcdade,1622,5
+mcdade,1622,6
+mcdade,1622,7
+mcdade,1623,0
+mcdade,1623,1
+mcdade,1623,2
+mcdade,1623,3
+mcdade,1623,4
+mcdade,1624,0
+mcdade,1624,1
+mcdade,1624,2
+mcdade,1624,3
+mcdade,1624,4
+mcdade,1625,0
+mcdade,1625,1
+mcdade,1625,2
+mcdade,1625,3
+mcdade,1626,0
+mcdade,1626,1
+mcdade,1626,2
+mcdade,1626,3
+mcdade,1626,4
+mcdade,1626,5
+mcdade,1626,6
+mcdade,1626,7
+mcdade,1627,0
+mcdade,1627,1
+mcdade,1627,2
+mcdade,1627,3
+mcdade,1627,4
+mcdade,1627,5
+mcdade,1628,0
+mcdade,1628,1
+mcdade,1628,2
+mcdade,1628,3
+mcdade,1628,4
+mcdade,1628,5
+mcdade,1628,6
+mcdade,1628,7
+mcdade,1628,8
+mcdade,1628,9
+mcdade,1629,0
+mcdade,1629,1
+mcdade,1629,2
+mcdade,1629,3
+mcdade,1629,4
+mcdade,1629,5
+mcdade,1629,6
+mcdade,1629,7
+mcdade,1629,8
+mcdade,1630,0
+mcdade,1630,1
+mcdade,1630,2
+mcdade,1630,3
+mcdade,1630,4
+mcdade,1630,5
+mcdade,1630,6
+mcdade,1631,0
+mcdade,1631,1
+mcdade,1631,2
+mcdade,1631,3
+mcdade,1631,4
+mcdade,1631,5
+mcdade,1631,6
+mcdade,1632,0
+mcdade,1632,1
+mcdade,1632,2
+mcdade,1632,3
+mcdade,1633,0
+mcdade,1633,1
+mcdade,1633,2
+mcdade,1633,3
+mcdade,1634,0
+mcdade,1634,1
+mcdade,1634,2
+mcdade,1634,3
+mcdade,1634,4
+mcdade,1634,5
+mcdade,1634,6
+mcdade,1634,7
+mcdade,1634,8
+mcdade,1634,9
+mcdade,1634,10
+mcdade,1634,11
+mcdade,1635,0
+mcdade,1635,1
+mcdade,1635,2
+mcdade,1635,3
+mcdade,1635,4
+mcdade,1635,5
+mcdade,1635,6
+mcdade,1635,7
+mcdade,1635,8
+mcdade,1635,9
+mcdade,1635,10
+mcdade,1635,11
+mcdade,1635,12
+mcdade,1635,13
+mcdade,1635,14
+mcdade,1635,15
+mcdade,1635,16
+mcdade,1635,17
+mcdade,1635,18
+mcdade,1635,19
+mcdade,1635,20
+mcdade,1635,21
+mcdade,1635,22
+mcdade,1635,23
+mcdade,1635,24
+mcdade,1635,25
+mcdade,1635,26
+mcdade,1636,0
+mcdade,1636,1
+mcdade,1636,2
+mcdade,1636,3
+mcdade,1636,4
+mcdade,1636,5
+mcdade,1636,6
+mcdade,1636,7
+mcdade,1636,8
+mcdade,1636,9
+mcdade,1636,10
+mcdade,1636,11
+mcdade,1636,12
+mcdade,1636,13
+mcdade,1636,14
+mcdade,1636,15
+mcdade,1636,16
+mcdade,1636,17
+mcdade,1637,0
+mcdade,1637,1
+mcdade,1637,2
+mcdade,1637,3
+mcdade,1637,4
+mcdade,1637,5
+mcdade,1637,6
+mcdade,1638,0
+mcdade,1638,1
+mcdade,1638,2
+mcdade,1638,3
+mcdade,1638,4
+mcdade,1638,5
+mcdade,1638,6
+mcdade,1638,7
+mcdade,1639,0
+mcdade,1639,1
+mcdade,1639,2
+mcdade,1639,3
+mcdade,1639,4
+mcdade,1640,0
+mcdade,1640,1
+mcdade,1640,2
+mcdade,1640,3
+mcdade,1641,0
+mcdade,1641,1
+mcdade,1641,2
+mcdade,1641,3
+mcdade,1641,4
+mcdade,1641,5
+mcdade,1641,6
+mcdade,1641,7
+mcdade,1641,8
+mcdade,1641,9
+mcdade,1641,10
+mcdade,1641,11
+mcdade,1641,12
+mcdade,1641,13
+mcdade,1641,14
+mcdade,1641,15
+mcdade,1641,16
+mcdade,1642,0
+mcdade,1642,1
+mcdade,1642,2
+mcdade,1642,3
+mcdade,1643,0
+mcdade,1643,1
+mcdade,1643,2
+mcdade,1644,0
+mcdade,1644,1
+mcdade,1644,2
+mcdade,1644,3
+mcdade,1644,4
+mcdade,1645,0
+mcdade,1645,1
+mcdade,1645,2
+mcdade,1645,3
+mcdade,1646,0
+mcdade,1646,1
+mcdade,1646,2
+mcdade,1647,0
+mcdade,1647,1
+mcdade,1647,2
+mcdade,1648,0
+mcdade,1648,1
+mcdade,1648,2
+mcdade,1648,3
+mcdade,1648,4
+mcdade,1648,5
+mcdade,1648,6
+mcdade,1648,7
+mcdade,1648,8
+mcdade,1648,9
+mcdade,1648,10
+mcdade,1648,11
+mcdade,1648,12
+mcdade,1648,13
+mcdade,1649,0
+mcdade,1649,1
+mcdade,1649,2
+mcdade,1649,3
+mcdade,1649,4
+mcdade,1649,5
+mcdade,1649,6
+mcdade,1649,7
+mcdade,1649,8
+mcdade,1649,9
+mcdade,1650,0
+mcdade,1650,1
+mcdade,1650,2
+mcdade,1650,3
+mcdade,1651,0
+mcdade,1651,1
+mcdade,1651,2
+mcdade,1651,3
+mcdade,1652,0
+mcdade,1652,1
+mcdade,1652,2
+mcdade,1652,3
+mcdade,1652,4
+mcdade,1653,0
+mcdade,1653,1
+mcdade,1653,2
+mcdade,1653,3
+mcdade,1654,0
+mcdade,1654,1
+mcdade,1654,2
+mcdade,1654,3
+mcdade,1654,4
+mcdade,1654,5
+mcdade,1655,0
+mcdade,1655,1
+mcdade,1655,2
+mcdade,1655,3
+mcdade,1655,4
+mcdade,1655,5
+mcdade,1656,0
+mcdade,1656,1
+mcdade,1656,2
+mcdade,1656,3
+mcdade,1656,4
+mcdade,1657,0
+mcdade,1657,1
+mcdade,1657,2
+mcdade,1657,3
+mcdade,1657,4
+mcdade,1657,5
+mcdade,1657,6
+mcdade,1657,7
+mcdade,1657,8
+mcdade,1657,9
+mcdade,1658,0
+mcdade,1658,1
+mcdade,1658,2
+mcdade,1658,3
+mcdade,1658,4
+mcdade,1659,0
+mcdade,1659,1
+mcdade,1659,2
+mcdade,1659,3
+mcdade,1659,4
+mcdade,1659,5
+mcdade,1659,6
+mcdade,1659,7
+mcdade,1659,8
+mcdade,1659,9
+mcdade,1659,10
+mcdade,1659,11
+mcdade,1659,12
+mcdade,1659,13
+mcdade,1659,14
+mcdade,1659,15
+mcdade,1659,16
+mcdade,1659,17
+mcdade,1660,0
+mcdade,1660,1
+mcdade,1660,2
+mcdade,1660,3
+mcdade,1661,0
+mcdade,1661,1
+mcdade,1661,2
+mcdade,1661,3
+mcdade,1661,4
+mcdade,1662,0
+mcdade,1662,1
+mcdade,1662,2
+mcdade,1662,3
+mcdade,1662,4
+mcdade,1662,5
+mcdade,1662,6
+mcdade,1662,7
+mcdade,1662,8
+mcdade,1662,9
+mcdade,1662,10
+mcdade,1662,11
+mcdade,1662,12
+mcdade,1662,13
+mcdade,1663,0
+mcdade,1663,1
+mcdade,1663,2
+mcdade,1664,0
+mcdade,1664,1
+mcdade,1664,2
+mcdade,1664,3
+mcdade,1664,4
+mcdade,1665,0
+mcdade,1665,1
+mcdade,1665,2
+mcdade,1665,3
+mcdade,1665,4
+mcdade,1666,0
+mcdade,1666,1
+mcdade,1666,2
+mcdade,1666,3
+mcdade,1666,4
+mcdade,1666,5
+mcdade,1666,6
+mcdade,1667,0
+mcdade,1667,1
+mcdade,1667,2
+mcdade,1667,3
+mcdade,1667,4
+mcdade,1667,5
+mcdade,1667,6
+mcdade,1667,7
+mcdade,1667,8
+mcdade,1667,9
+mcdade,1667,10
+mcdade,1667,11
+mcdade,1667,12
+mcdade,1667,13
+mcdade,1667,14
+mcdade,1667,15
+mcdade,1667,16
+mcdade,1667,17
+mcdade,1667,18
+mcdade,1668,0
+mcdade,1668,1
+mcdade,1668,2
+mcdade,1668,3
+mcdade,1668,4
+mcdade,1669,0
+mcdade,1669,1
+mcdade,1669,2
+mcdade,1670,0
+mcdade,1670,1
+mcdade,1670,2
+mcdade,1670,3
+mcdade,1670,4
+mcdade,1670,5
+mcdade,1670,6
+mcdade,1670,7
+mcdade,1670,8
+mcdade,1670,9
+mcdade,1670,10
+mcdade,1670,11
+mcdade,1671,0
+mcdade,1671,1
+mcdade,1671,2
+mcdade,1671,3
+mcdade,1671,4
+mcdade,1672,0
+mcdade,1672,1
+mcdade,1672,2
+mcdade,1672,3
+mcdade,1672,4
+mcdade,1673,0
+mcdade,1673,1
+mcdade,1673,2
+mcdade,1673,3
+mcdade,1673,4
+mcdade,1674,0
+mcdade,1674,1
+mcdade,1674,2
+mcdade,1674,3
+mcdade,1674,4
+mcdade,1674,5
+mcdade,1674,6
+mcdade,1674,7
+mcdade,1674,8
+mcdade,1674,9
+mcdade,1674,10
+mcdade,1674,11
+mcdade,1674,12
+mcdade,1674,13
+mcdade,1674,14
+mcdade,1674,15
+mcdade,1674,16
+mcdade,1675,0
+mcdade,1675,1
+mcdade,1675,2
+mcdade,1675,3
+mcdade,1675,4
+mcdade,1676,0
+mcdade,1676,1
+mcdade,1676,2
+mcdade,1676,3
+mcdade,1676,4
+mcdade,1676,5
+mcdade,1676,6
+mcdade,1676,7
+mcdade,1676,8
+mcdade,1676,9
+mcdade,1677,0
+mcdade,1677,1
+mcdade,1677,2
+mcdade,1677,3
+mcdade,1677,4
+mcdade,1677,5
+mcdade,1677,6
+mcdade,1677,7
+mcdade,1677,8
+mcdade,1677,9
+mcdade,1677,10
+mcdade,1677,11
+mcdade,1677,12
+mcdade,1677,13
+mcdade,1677,14
+mcdade,1677,15
+mcdade,1677,16
+mcdade,1677,17
+mcdade,1677,18
+mcdade,1677,19
+mcdade,1678,0
+mcdade,1678,1
+mcdade,1678,2
+mcdade,1679,0
+mcdade,1679,1
+mcdade,1679,2
+mcdade,1679,3
+mcdade,1680,0
+mcdade,1680,1
+mcdade,1680,2
+mcdade,1681,0
+mcdade,1681,1
+mcdade,1681,2
+mcdade,1681,3
+mcdade,1681,4
+mcdade,1681,5
+mcdade,1681,6
+mcdade,1681,7
+mcdade,1682,0
+mcdade,1682,1
+mcdade,1682,2
+mcdade,1682,3
+mcdade,1682,4
+mcdade,1682,5
+mcdade,1682,6
+mcdade,1683,0
+mcdade,1683,1
+mcdade,1683,2
+mcdade,1684,0
+mcdade,1684,1
+mcdade,1684,2
+mcdade,1684,3
+mcdade,1684,4
+mcdade,1684,5
+mcdade,1684,6
+mcdade,1684,7
+mcdade,1684,8
+mcdade,1684,9
+mcdade,1685,0
+mcdade,1685,1
+mcdade,1685,2
+mcdade,1685,3
+mcdade,1685,4
+mcdade,1685,5
+mcdade,1685,6
+mcdade,1685,7
+mcdade,1686,0
+mcdade,1686,1
+mcdade,1686,2
+mcdade,1686,3
+mcdade,1686,4
+mcdade,1687,0
+mcdade,1687,1
+mcdade,1687,2
+mcdade,1687,3
+mcdade,1687,4
+mcdade,1687,5
+mcdade,1687,6
+mcdade,1687,7
+mcdade,1687,8
+mcdade,1687,9
+mcdade,1687,10
+mcdade,1688,0
+mcdade,1688,1
+mcdade,1688,2
+mcdade,1688,3
+mcdade,1688,4
+mcdade,1689,0
+mcdade,1689,1
+mcdade,1689,2
+mcdade,1689,3
+mcdade,1689,4
+mcdade,1689,5
+mcdade,1689,6
+mcdade,1690,0
+mcdade,1690,1
+mcdade,1690,2
+mcdade,1690,3
+mcdade,1690,4
+mcdade,1690,5
+mcdade,1690,6
+mcdade,1690,7
+mcdade,1690,8
+mcdade,1690,9
+mcdade,1690,10
+mcdade,1690,11
+mcdade,1690,12
+mcdade,1691,0
+mcdade,1691,1
+mcdade,1691,2
+mcdade,1691,3
+mcdade,1691,4
+mcdade,1691,5
+mcdade,1691,6
+mcdade,1691,7
+mcdade,1691,8
+mcdade,1691,9
+mcdade,1692,0
+mcdade,1692,1
+mcdade,1692,2
+mcdade,1692,3
+mcdade,1692,4
+mcdade,1692,5
+mcdade,1692,6
+mcdade,1692,7
+mcdade,1692,8
+mcdade,1693,0
+mcdade,1693,1
+mcdade,1693,2
+mcdade,1693,3
+mcdade,1693,4
+mcdade,1694,0
+mcdade,1694,1
+mcdade,1694,2
+mcdade,1694,3
+mcdade,1695,0
+mcdade,1695,1
+mcdade,1695,2
+mcdade,1695,3
+mcdade,1695,4
+mcdade,1695,5
+mcdade,1695,6
+mcdade,1695,7
+mcdade,1695,8
+mcdade,1695,9
+mcdade,1695,10
+mcdade,1695,11
+mcdade,1696,0
+mcdade,1696,1
+mcdade,1696,2
+mcdade,1696,3
+mcdade,1697,0
+mcdade,1697,1
+mcdade,1697,2
+mcdade,1697,3
+mcdade,1697,4
+mcdade,1697,5
+mcdade,1697,6
+mcdade,1698,0
+mcdade,1698,1
+mcdade,1698,2
+mcdade,1698,3
+mcdade,1698,4
+mcdade,1698,5
+mcdade,1699,0
+mcdade,1699,1
+mcdade,1699,2
+mcdade,1700,0
+mcdade,1700,1
+mcdade,1700,2
+mcdade,1700,3
+mcdade,1700,4
+mcdade,1700,5
+mcdade,1700,6
+mcdade,1700,7
+mcdade,1700,8
+mcdade,1701,0
+mcdade,1701,1
+mcdade,1701,2
+mcdade,1702,0
+mcdade,1702,1
+mcdade,1702,2
+mcdade,1702,3
+mcdade,1703,0
+mcdade,1703,1
+mcdade,1703,2
+mcdade,1703,3
+mcdade,1703,4
+mcdade,1703,5
+mcdade,1703,6
+mcdade,1703,7
+mcdade,1703,8
+mcdade,1704,0
+mcdade,1704,1
+mcdade,1704,2
+mcdade,1704,3
+mcdade,1704,4
+mcdade,1704,5
+mcdade,1704,6
+mcdade,1704,7
+mcdade,1705,0
+mcdade,1705,1
+mcdade,1705,2
+mcdade,1705,3
+mcdade,1705,4
+mcdade,1706,0
+mcdade,1706,1
+mcdade,1706,2
+mcdade,1706,3
+mcdade,1706,4
+mcdade,1706,5
+mcdade,1706,6
+mcdade,1706,7
+mcdade,1706,8
+mcdade,1706,9
+mcdade,1707,0
+mcdade,1707,1
+mcdade,1707,2
+mcdade,1707,3
+mcdade,1707,4
+mcdade,1707,5
+mcdade,1707,6
+mcdade,1707,7
+mcdade,1707,8
+mcdade,1708,0
+mcdade,1708,1
+mcdade,1708,2
+mcdade,1708,3
+mcdade,1709,0
+mcdade,1709,1
+mcdade,1709,2
+mcdade,1709,3
+mcdade,1710,0
+mcdade,1710,1
+mcdade,1710,2
+mcdade,1710,3
+mcdade,1710,4
+mcdade,1710,5
+mcdade,1710,6
+mcdade,1710,7
+mcdade,1710,8
+mcdade,1710,9
+mcdade,1711,0
+mcdade,1711,1
+mcdade,1711,2
+mcdade,1711,3
+mcdade,1711,4
+mcdade,1711,5
+mcdade,1712,0
+mcdade,1712,1
+mcdade,1712,2
+mcdade,1712,3
+mcdade,1712,4
+mcdade,1712,5
+mcdade,1712,6
+mcdade,1712,7
+mcdade,1712,8
+mcdade,1712,9
+mcdade,1712,10
+mcdade,1713,0
+mcdade,1713,1
+mcdade,1713,2
+mcdade,1713,3
+mcdade,1713,4
+mcdade,1714,0
+mcdade,1714,1
+mcdade,1714,2
+mcdade,1715,0
+mcdade,1715,1
+mcdade,1715,2
+mcdade,1716,0
+mcdade,1716,1
+mcdade,1716,2
+mcdade,1716,3
+mcdade,1716,4
+mcdade,1716,5
+mcdade,1717,0
+mcdade,1717,1
+mcdade,1717,2
+mcdade,1718,0
+mcdade,1718,1
+mcdade,1718,2
+mcdade,1719,0
+mcdade,1719,1
+mcdade,1719,2
+mcdade,1719,3
+mcdade,1719,4
+mcdade,1719,5
+mcdade,1719,6
+mcdade,1719,7
+mcdade,1720,0
+mcdade,1720,1
+mcdade,1720,2
+mcdade,1720,3
+mcdade,1721,0
+mcdade,1721,1
+mcdade,1721,2
+mcdade,1721,3
+mcdade,1721,4
+mcdade,1721,5
+mcdade,1721,6
+mcdade,1721,7
+mcdade,1721,8
+mcdade,1721,9
+mcdade,1721,10
+mcdade,1721,11
+mcdade,1721,12
+mcdade,1721,13
+mcdade,1721,14
+mcdade,1721,15
+mcdade,1722,0
+mcdade,1722,1
+mcdade,1722,2
+mcdade,1722,3
+mcdade,1723,0
+mcdade,1723,1
+mcdade,1723,2
+mcdade,1723,3
+mcdade,1723,4
+mcdade,1723,5
+mcdade,1723,6
+mcdade,1723,7
+mcdade,1723,8
+mcdade,1723,9
+mcdade,1723,10
+mcdade,1723,11
+mcdade,1723,12
+mcdade,1723,13
+mcdade,1723,14
+mcdade,1723,15
+mcdade,1723,16
+mcdade,1723,17
+mcdade,1723,18
+mcdade,1723,19
+mcdade,1723,20
+mcdade,1723,21
+mcdade,1724,0
+mcdade,1724,1
+mcdade,1724,2
+mcdade,1725,0
+mcdade,1725,1
+mcdade,1725,2
+mcdade,1725,3
+mcdade,1725,4
+mcdade,1725,5
+mcdade,1725,6
+mcdade,1726,0
+mcdade,1726,1
+mcdade,1726,2
+mcdade,1726,3
+mcdade,1726,4
+mcdade,1726,5
+mcdade,1726,6
+mcdade,1727,0
+mcdade,1727,1
+mcdade,1727,2
+mcdade,1728,0
+mcdade,1728,1
+mcdade,1728,2
+mcdade,1728,3
+mcdade,1728,4
+mcdade,1728,5
+mcdade,1728,6
+mcdade,1728,7
+mcdade,1728,8
+mcdade,1728,9
+mcdade,1728,10
+mcdade,1729,0
+mcdade,1729,1
+mcdade,1729,2
+mcdade,1729,3
+mcdade,1729,4
+mcdade,1730,0
+mcdade,1730,1
+mcdade,1730,2
+mcdade,1730,3
+mcdade,1730,4
+mcdade,1731,0
+mcdade,1731,1
+mcdade,1731,2
+mcdade,1731,3
+mcdade,1731,4
+mcdade,1732,0
+mcdade,1732,1
+mcdade,1732,2
+mcdade,1733,0
+mcdade,1733,1
+mcdade,1733,2
+mcdade,1734,0
+mcdade,1734,1
+mcdade,1734,2
+mcdade,1734,3
+mcdade,1734,4
+mcdade,1735,0
+mcdade,1735,1
+mcdade,1735,2
+mcdade,1736,0
+mcdade,1736,1
+mcdade,1736,2
+mcdade,1736,3
+mcdade,1737,0
+mcdade,1737,1
+mcdade,1737,2
+mcdade,1738,0
+mcdade,1738,1
+mcdade,1738,2
+mcdade,1739,0
+mcdade,1739,1
+mcdade,1739,2
+mcdade,1739,3
+mcdade,1739,4
+mcdade,1739,5
+mcdade,1740,0
+mcdade,1740,1
+mcdade,1740,2
+mcdade,1740,3
+mcdade,1740,4
+mcdade,1740,5
+mcdade,1740,6
+mcdade,1740,7
+mcdade,1741,0
+mcdade,1741,1
+mcdade,1741,2
+mcdade,1741,3
+mcdade,1741,4
+mcdade,1741,5
+mcdade,1741,6
+mcdade,1741,7
+mcdade,1741,8
+mcdade,1742,0
+mcdade,1742,1
+mcdade,1742,3
+mcdade,1742,4
+mcdade,1742,5
+mcdade,1742,6
+mcdade,1742,7
+mcdade,1742,8
+mcdade,1742,9
+mcdade,1742,10
+mcdade,1742,11
+mcdade,1742,12
+mcdade,1743,0
+mcdade,1743,1
+mcdade,1743,2
+mcdade,1743,3
+mcdade,1743,4
+mcdade,1743,5
+mcdade,1743,6
+mcdade,1743,7
+mcdade,1744,0
+mcdade,1744,1
+mcdade,1744,2
+mcdade,1744,3
+mcdade,1744,4
+mcdade,1744,5
+mcdade,1744,6
+mcdade,1745,0
+mcdade,1745,1
+mcdade,1745,2
+mcdade,1745,3
+mcdade,1746,0
+mcdade,1746,1
+mcdade,1746,2
+mcdade,1746,3
+mcdade,1746,4
+mcdade,1746,5
+mcdade,1746,6
+mcdade,1747,0
+mcdade,1747,1
+mcdade,1747,2
+mcdade,1747,3
+mcdade,1747,4
+mcdade,1747,5
+mcdade,1747,6
+mcdade,1747,7
+mcdade,1747,8
+mcdade,1747,9
+mcdade,1747,10
+mcdade,1747,11
+mcdade,1747,12
+mcdade,1747,13
+mcdade,1747,14
+mcdade,1748,0
+mcdade,1748,1
+mcdade,1748,2
+mcdade,1748,3
+mcdade,1748,4
+mcdade,1748,5
+mcdade,1749,0
+mcdade,1749,1
+mcdade,1749,2
+mcdade,1749,3
+mcdade,1750,0
+mcdade,1750,1
+mcdade,1750,2
+mcdade,1750,3
+mcdade,1751,0
+mcdade,1751,1
+mcdade,1751,2
+mcdade,1751,3
+mcdade,1752,0
+mcdade,1752,1
+mcdade,1752,2
+mcdade,1753,0
+mcdade,1753,1
+mcdade,1753,2
+mcdade,1753,3
+mcdade,1754,0
+mcdade,1754,1
+mcdade,1754,2
+mcdade,1754,3
+mcdade,1754,4
+mcdade,1754,5
+mcdade,1754,6
+mcdade,1754,7
+mcdade,1755,0
+mcdade,1755,1
+mcdade,1755,2
+mcdade,1755,3
+mcdade,1755,4
+mcdade,1755,5
+mcdade,1755,6
+mcdade,1756,0
+mcdade,1756,1
+mcdade,1756,2
+mcdade,1756,3
+mcdade,1756,4
+mcdade,1756,5
+mcdade,1757,0
+mcdade,1757,1
+mcdade,1757,2
+mcdade,1758,0
+mcdade,1758,1
+mcdade,1758,2
+mcdade,1759,0
+mcdade,1759,1
+mcdade,1759,2
+mcdade,1760,0
+mcdade,1760,1
+mcdade,1760,2
+mcdade,1760,3
+mcdade,1760,4
+mcdade,1760,5
+mcdade,1760,6
+mcdade,1760,7
+mcdade,1760,8
+mcdade,1760,9
+mcdade,1760,10
+mcdade,1760,11
+mcdade,1760,12
+mcdade,1760,13
+mcdade,1760,14
+mcdade,1760,15
+mcdade,1760,16
+mcdade,1761,0
+mcdade,1761,1
+mcdade,1761,2
+mcdade,1761,3
+mcdade,1762,0
+mcdade,1762,1
+mcdade,1762,2
+mcdade,1763,0
+mcdade,1763,1
+mcdade,1763,2
+mcdade,1763,3
+mcdade,1763,4
+mcdade,1764,0
+mcdade,1764,1
+mcdade,1764,2
+mcdade,1764,3
+mcdade,1764,4
+mcdade,1764,5
+mcdade,1764,6
+mcdade,1765,0
+mcdade,1765,1
+mcdade,1765,2
+mcdade,1765,3
+mcdade,1765,4
+mcdade,1765,5
+mcdade,1765,6
+mcdade,1765,7
+mcdade,1765,8
+mcdade,1765,9
+mcdade,1766,0
+mcdade,1766,1
+mcdade,1766,2
+mcdade,1766,3
+mcdade,1766,4
+mcdade,1767,0
+mcdade,1767,1
+mcdade,1767,2
+mcdade,1767,3
+mcdade,1768,0
+mcdade,1768,1
+mcdade,1768,2
+mcdade,1768,3
+mcdade,1768,4
+mcdade,1768,5
+mcdade,1768,6
+mcdade,1768,7
+mcdade,1768,8
+mcdade,1768,9
+mcdade,1768,10
+mcdade,1769,0
+mcdade,1769,1
+mcdade,1769,2
+mcdade,1769,3
+mcdade,1769,4
+mcdade,1769,5
+mcdade,1769,6
+mcdade,1769,7
+mcdade,1769,8
+mcdade,1769,9
+mcdade,1769,10
+mcdade,1769,11
+mcdade,1769,12
+mcdade,1769,13
+mcdade,1769,14
+mcdade,1769,15
+mcdade,1769,16
+mcdade,1769,17
+mcdade,1769,18
+mcdade,1769,19
+mcdade,1769,20
+mcdade,1770,0
+mcdade,1770,1
+mcdade,1770,2
+mcdade,1771,0
+mcdade,1771,1
+mcdade,1771,2
+mcdade,1771,3
+mcdade,1771,4
+mcdade,1771,5
+mcdade,1771,6
+mcdade,1771,7
+mcdade,1771,8
+mcdade,1772,0
+mcdade,1772,1
+mcdade,1772,2
+mcdade,1772,3
+mcdade,1772,4
+mcdade,1772,5
+mcdade,1772,6
+mcdade,1772,7
+mcdade,1772,8
+mcdade,1772,9
+mcdade,1772,10
+mcdade,1772,11
+mcdade,1772,12
+mcdade,1772,13
+mcdade,1772,14
+mcdade,1772,15
+mcdade,1772,16
+mcdade,1772,17
+mcdade,1772,18
+mcdade,1773,0
+mcdade,1773,1
+mcdade,1773,2
+mcdade,1773,3
+mcdade,1774,0
+mcdade,1774,1
+mcdade,1774,2
+mcdade,1774,3
+mcdade,1774,4
+mcdade,1774,5
+mcdade,1774,6
+mcdade,1774,7
+mcdade,1774,8
+mcdade,1774,9
+mcdade,1775,0
+mcdade,1775,1
+mcdade,1775,2
+mcdade,1775,3
+mcdade,1775,4
+mcdade,1776,0
+mcdade,1776,1
+mcdade,1776,2
+mcdade,1776,3
+mcdade,1776,4
+mcdade,1776,5
+mcdade,1776,6
+mcdade,1777,0
+mcdade,1777,1
+mcdade,1777,2
+mcdade,1777,3
+mcdade,1777,4
+mcdade,1777,5
+mcdade,1777,6
+mcdade,1777,7
+mcdade,1777,8
+mcdade,1777,9
+mcdade,1777,10
+mcdade,1777,11
+mcdade,1778,0
+mcdade,1778,1
+mcdade,1778,2
+mcdade,1778,3
+mcdade,1778,4
+mcdade,1779,0
+mcdade,1779,1
+mcdade,1779,2
+mcdade,1780,0
+mcdade,1780,1
+mcdade,1780,2
+mcdade,1780,3
+mcdade,1780,4
+mcdade,1781,0
+mcdade,1781,1
+mcdade,1781,2
+mcdade,1781,3
+mcdade,1781,4
+mcdade,1782,0
+mcdade,1782,1
+mcdade,1782,2
+mcdade,1783,0
+mcdade,1783,1
+mcdade,1783,2
+mcdade,1783,3
+mcdade,1783,4
+mcdade,1783,5
+mcdade,1783,6
+mcdade,1783,7
+mcdade,1783,8
+mcdade,1783,9
+mcdade,1783,10
+mcdade,1783,11
+mcdade,1783,12
+mcdade,1783,13
+mcdade,1783,14
+mcdade,1783,15
+mcdade,1783,16
+mcdade,1784,0
+mcdade,1784,1
+mcdade,1784,2
+mcdade,1784,3
+mcdade,1784,4
+mcdade,1785,0
+mcdade,1785,1
+mcdade,1785,2
+mcdade,1785,3
+mcdade,1785,4
+mcdade,1785,5
+mcdade,1785,6
+mcdade,1785,7
+mcdade,1785,8
+mcdade,1786,0
+mcdade,1786,1
+mcdade,1786,2
+mcdade,1786,3
+mcdade,1786,4
+mcdade,1786,5
+mcdade,1786,6
+mcdade,1786,7
+mcdade,1786,8
+mcdade,1786,9
+mcdade,1786,10
+mcdade,1786,11
+mcdade,1787,0
+mcdade,1787,1
+mcdade,1787,2
+mcdade,1788,0
+mcdade,1788,1
+mcdade,1788,2
+mcdade,1788,3
+mcdade,1789,0
+mcdade,1789,1
+mcdade,1789,2
+mcdade,1789,3
+mcdade,1789,4
+mcdade,1789,5
+mcdade,1789,6
+mcdade,1789,7
+mcdade,1789,8
+mcdade,1789,9
+mcdade,1790,0
+mcdade,1790,1
+mcdade,1790,2
+mcdade,1790,3
+mcdade,1791,0
+mcdade,1791,1
+mcdade,1791,2
+mcdade,1791,3
+mcdade,1792,0
+mcdade,1792,1
+mcdade,1792,2
+mcdade,1792,3
+mcdade,1792,4
+mcdade,1792,5
+mcdade,1792,6
+mcdade,1793,0
+mcdade,1793,1
+mcdade,1793,2
+mcdade,1793,3
+mcdade,1794,0
+mcdade,1794,1
+mcdade,1794,2
+mcdade,1794,3
+mcdade,1794,4
+mcdade,1794,5
+mcdade,1794,6
+mcdade,1794,7
+mcdade,1794,8
+mcdade,1794,9
+mcdade,1794,10
+mcdade,1794,11
+mcdade,1794,12
+mcdade,1794,13
+mcdade,1794,14
+mcdade,1794,15
+mcdade,1795,0
+mcdade,1795,1
+mcdade,1795,2
+mcdade,1795,3
+mcdade,1795,4
+mcdade,1796,0
+mcdade,1796,1
+mcdade,1796,2
+mcdade,1796,3
+mcdade,1796,4
+mcdade,1796,5
+mcdade,1796,6
+mcdade,1796,7
+mcdade,1796,8
+mcdade,1796,9
+mcdade,1796,10
+mcdade,1796,11
+mcdade,1796,12
+mcdade,1796,13
+mcdade,1796,14
+mcdade,1797,0
+mcdade,1797,1
+mcdade,1797,2
+mcdade,1797,3
+mcdade,1797,4
+mcdade,1797,5
+mcdade,1798,0
+mcdade,1798,1
+mcdade,1798,2
+mcdade,1798,3
+mcdade,1798,4
+mcdade,1798,5
+mcdade,1798,6
+mcdade,1799,0
+mcdade,1799,1
+mcdade,1799,2
+mcdade,1799,3
+mcdade,1799,4
+mcdade,1799,5
+mcdade,1799,6
+mcdade,1799,7
+mcdade,1799,8
+mcdade,1799,9
+mcdade,1800,0
+mcdade,1800,1
+mcdade,1800,2
+mcdade,1800,3
+mcdade,1800,4
+mcdade,1801,0
+mcdade,1801,1
+mcdade,1801,2
+mcdade,1802,0
+mcdade,1802,1
+mcdade,1802,2
+mcdade,1802,3
+mcdade,1802,4
+mcdade,1802,5
+mcdade,1803,0
+mcdade,1803,1
+mcdade,1803,2
+mcdade,1803,3
+mcdade,1804,0
+mcdade,1804,1
+mcdade,1804,2
+mcdade,1804,3
+mcdade,1804,4
+mcdade,1804,5
+mcdade,1804,6
+mcdade,1804,7
+mcdade,1805,0
+mcdade,1805,1
+mcdade,1805,2
+mcdade,1805,3
+mcdade,1805,4
+mcdade,1805,5
+mcdade,1805,6
+mcdade,1805,7
+mcdade,1805,8
+mcdade,1805,9
+mcdade,1805,10
+mcdade,1805,11
+mcdade,1805,12
+mcdade,1805,13
+mcdade,1805,14
+mcdade,1805,15
+mcdade,1805,16
+mcdade,1805,17
+mcdade,1805,18
+mcdade,1805,19
+mcdade,1805,20
+mcdade,1805,21
+mcdade,1805,22
+mcdade,1805,23
+mcdade,1805,24
+mcdade,1806,0
+mcdade,1806,1
+mcdade,1806,2
+mcdade,1806,3
+mcdade,1806,4
+mcdade,1807,0
+mcdade,1807,1
+mcdade,1807,2
+mcdade,1807,3
+mcdade,1807,4
+mcdade,1807,5
+mcdade,1807,6
+mcdade,1807,7
+mcdade,1807,8
+mcdade,1807,9
+mcdade,1807,10
+mcdade,1807,11
+mcdade,1807,12
+mcdade,1807,13
+mcdade,1807,14
+mcdade,1807,15
+mcdade,1807,16
+mcdade,1808,0
+mcdade,1808,1
+mcdade,1808,2
+mcdade,1808,3
+mcdade,1808,4
+mcdade,1809,0
+mcdade,1809,1
+mcdade,1809,2
+mcdade,1809,3
+mcdade,1809,4
+mcdade,1809,5
+mcdade,1809,6
+mcdade,1810,0
+mcdade,1810,1
+mcdade,1810,2
+mcdade,1810,3
+mcdade,1810,4
+mcdade,1811,0
+mcdade,1811,1
+mcdade,1811,2
+mcdade,1811,3
+mcdade,1811,4
+mcdade,1811,5
+mcdade,1811,6
+mcdade,1811,7
+mcdade,1811,8
+mcdade,1811,9
+mcdade,1812,0
+mcdade,1812,1
+mcdade,1812,2
+mcdade,1812,3
+mcdade,1813,0
+mcdade,1813,1
+mcdade,1813,2
+mcdade,1813,3
+mcdade,1813,4
+mcdade,1813,5
+mcdade,1813,6
+mcdade,1814,0
+mcdade,1814,1
+mcdade,1814,2
+mcdade,1814,3
+mcdade,1814,4
+mcdade,1814,5
+mcdade,1814,6
+mcdade,1814,7
+mcdade,1814,8
+mcdade,1814,9
+mcdade,1814,10
+mcdade,1814,11
+mcdade,1815,0
+mcdade,1815,1
+mcdade,1815,2
+mcdade,1816,0
+mcdade,1816,1
+mcdade,1816,2
+mcdade,1816,3
+mcdade,1816,4
+mcdade,1816,5
+mcdade,1816,6
+mcdade,1816,7
+mcdade,1816,8
+mcdade,1816,9
+mcdade,1816,10
+mcdade,1816,11
+mcdade,1816,12
+mcdade,1816,13
+mcdade,1816,14
+mcdade,1816,15
+mcdade,1817,0
+mcdade,1817,1
+mcdade,1817,2
+mcdade,1817,3
+mcdade,1818,0
+mcdade,1818,1
+mcdade,1818,2
+mcdade,1818,3
+mcdade,1819,0
+mcdade,1819,1
+mcdade,1819,2
+mcdade,1820,0
+mcdade,1820,1
+mcdade,1820,2
+mcdade,1820,3
+mcdade,1820,4
+mcdade,1821,0
+mcdade,1821,1
+mcdade,1821,2
+mcdade,1821,3
+mcdade,1821,4
+mcdade,1821,5
+mcdade,1821,6
+mcdade,1821,7
+mcdade,1822,0
+mcdade,1822,1
+mcdade,1822,2
+mcdade,1822,3
+mcdade,1822,4
+mcdade,1822,5
+mcdade,1822,6
+mcdade,1822,7
+mcdade,1823,0
+mcdade,1823,1
+mcdade,1823,2
+mcdade,1823,3
+mcdade,1823,4
+mcdade,1823,5
+mcdade,1823,6
+mcdade,1823,7
+mcdade,1823,8
+mcdade,1824,0
+mcdade,1824,1
+mcdade,1824,2
+mcdade,1824,3
+mcdade,1824,4
+mcdade,1825,0
+mcdade,1825,1
+mcdade,1825,2
+mcdade,1825,3
+mcdade,1825,4
+mcdade,1826,0
+mcdade,1826,1
+mcdade,1826,2
+mcdade,1826,3
+mcdade,1826,4
+mcdade,1826,5
+mcdade,1826,6
+mcdade,1827,0
+mcdade,1827,1
+mcdade,1827,2
+mcdade,1827,3
+mcdade,1827,4
+mcdade,1827,5
+mcdade,1827,6
+mcdade,1827,7
+mcdade,1827,8
+mcdade,1827,9
+mcdade,1827,10
+mcdade,1827,11
+mcdade,1827,12
+mcdade,1827,13
+mcdade,1827,14
+mcdade,1827,15
+mcdade,1827,16
+mcdade,1827,17
+mcdade,1827,18
+mcdade,1827,19
+mcdade,1827,20
+mcdade,1828,0
+mcdade,1828,1
+mcdade,1828,2
+mcdade,1828,3
+mcdade,1829,0
+mcdade,1829,1
+mcdade,1829,2
+mcdade,1829,3
+mcdade,1829,4
+mcdade,1829,5
+mcdade,1829,6
+mcdade,1830,0
+mcdade,1830,1
+mcdade,1830,2
+mcdade,1830,3
+mcdade,1830,4
+mcdade,1830,5
+mcdade,1830,6
+mcdade,1830,7
+mcdade,1831,0
+mcdade,1831,1
+mcdade,1831,2
+mcdade,1831,3
+mcdade,1831,4
+mcdade,1831,5
+mcdade,1831,6
+mcdade,1831,7
+mcdade,1831,8
+mcdade,1831,9
+mcdade,1831,10
+mcdade,1831,11
+mcdade,1832,0
+mcdade,1832,1
+mcdade,1832,2
+mcdade,1832,3
+mcdade,1832,4
+mcdade,1832,5
+mcdade,1832,6
+mcdade,1832,7
+mcdade,1832,8
+mcdade,1832,9
+mcdade,1832,10
+mcdade,1832,11
+mcdade,1832,12
+mcdade,1832,13
+mcdade,1832,14
+mcdade,1832,15
+mcdade,1832,16
+mcdade,1833,0
+mcdade,1833,1
+mcdade,1833,2
+mcdade,1833,3
+mcdade,1833,4
+mcdade,1834,0
+mcdade,1834,1
+mcdade,1834,2
+mcdade,1835,0
+mcdade,1835,1
+mcdade,1835,2
+mcdade,1836,0
+mcdade,1836,1
+mcdade,1836,2
+mcdade,1836,3
+mcdade,1836,4
+mcdade,1836,5
+mcdade,1836,6
+mcdade,1836,7
+mcdade,1836,8
+mcdade,1836,9
+mcdade,1837,0
+mcdade,1837,1
+mcdade,1837,2
+mcdade,1838,0
+mcdade,1838,1
+mcdade,1838,2
+mcdade,1838,3
+mcdade,1838,4
+mcdade,1838,5
+mcdade,1838,6
+mcdade,1838,7
+mcdade,1839,0
+mcdade,1839,1
+mcdade,1839,2
+mcdade,1839,3
+mcdade,1839,4
+mcdade,1839,5
+mcdade,1839,6
+mcdade,1839,7
+mcdade,1839,8
+mcdade,1839,9
+mcdade,1839,10
+mcdade,1839,11
+mcdade,1839,12
+mcdade,1839,13
+mcdade,1839,14
+mcdade,1840,0
+mcdade,1840,1
+mcdade,1840,2
+mcdade,1840,3
+mcdade,1840,4
+mcdade,1841,0
+mcdade,1841,1
+mcdade,1841,2
+mcdade,1841,3
+mcdade,1841,4
+mcdade,1841,5
+mcdade,1842,0
+mcdade,1842,1
+mcdade,1842,2
+mcdade,1842,3
+mcdade,1842,4
+mcdade,1843,0
+mcdade,1843,1
+mcdade,1843,2
+mcdade,1843,3
+mcdade,1843,4
+mcdade,1844,0
+mcdade,1844,1
+mcdade,1844,2
+mcdade,1844,3
+mcdade,1845,0
+mcdade,1845,1
+mcdade,1845,2
+mcdade,1845,3
+mcdade,1845,4
+mcdade,1845,5
+mcdade,1845,6
+mcdade,1845,7
+mcdade,1845,8
+mcdade,1845,9
+mcdade,1845,10
+mcdade,1845,11
+mcdade,1846,0
+mcdade,1846,1
+mcdade,1846,2
+mcdade,1847,0
+mcdade,1847,1
+mcdade,1847,2
+mcdade,1847,3
+mcdade,1848,0
+mcdade,1848,1
+mcdade,1848,2
+mcdade,1848,3
+mcdade,1849,0
+mcdade,1849,1
+mcdade,1849,2
+mcdade,1849,3
+mcdade,1849,4
+mcdade,1849,5
+mcdade,1849,6
+mcdade,1849,7
+mcdade,1849,8
+mcdade,1849,9
+mcdade,1849,10
+mcdade,1849,11
+mcdade,1849,12
+mcdade,1850,0
+mcdade,1850,1
+mcdade,1850,2
+mcdade,1850,3
+mcdade,1850,4
+mcdade,1850,5
+mcdade,1850,6
+mcdade,1850,7
+mcdade,1850,8
+mcdade,1850,9
+mcdade,1850,10
+mcdade,1851,0
+mcdade,1851,1
+mcdade,1851,2
+mcdade,1851,3
+mcdade,1852,0
+mcdade,1852,1
+mcdade,1852,2
+mcdade,1852,3
+mcdade,1852,4
+mcdade,1853,0
+mcdade,1853,1
+mcdade,1853,2
+mcdade,1854,0
+mcdade,1854,1
+mcdade,1854,2
+mcdade,1854,3
+mcdade,1854,4
+mcdade,1854,5
+mcdade,1854,6
+mcdade,1854,7
+mcdade,1854,8
+mcdade,1854,9
+mcdade,1855,0
+mcdade,1855,1
+mcdade,1855,2
+mcdade,1855,3
+mcdade,1856,0
+mcdade,1856,1
+mcdade,1856,2
+mcdade,1856,3
+mcdade,1857,0
+mcdade,1857,1
+mcdade,1857,2
+mcdade,1857,3
+mcdade,1857,4
+mcdade,1857,5
+mcdade,1857,6
+mcdade,1857,7
+mcdade,1857,8
+mcdade,1858,0
+mcdade,1858,1
+mcdade,1858,2
+mcdade,1859,0
+mcdade,1859,1
+mcdade,1859,2
+mcdade,1860,0
+mcdade,1860,1
+mcdade,1860,2
+mcdade,1860,3
+mcdade,1860,4
+mcdade,1860,5
+mcdade,1860,6
+mcdade,1860,7
+mcdade,1860,8
+mcdade,1860,9
+mcdade,1860,10
+mcdade,1860,11
+mcdade,1860,12
+mcdade,1860,13
+mcdade,1860,14
+mcdade,1860,15
+mcdade,1860,16
+mcdade,1860,17
+mcdade,1861,0
+mcdade,1861,1
+mcdade,1861,2
+mcdade,1862,0
+mcdade,1862,1
+mcdade,1862,2
+mcdade,1862,3
+mcdade,1862,4
+mcdade,1862,5
+mcdade,1862,6
+mcdade,1862,7
+mcdade,1862,8
+mcdade,1862,9
+mcdade,1863,0
+mcdade,1863,1
+mcdade,1863,2
+mcdade,1864,0
+mcdade,1864,1
+mcdade,1864,2
+mcdade,1864,3
+mcdade,1864,4
+mcdade,1864,5
+mcdade,1864,6
+mcdade,1864,7
+mcdade,1864,8
+mcdade,1864,9
+mcdade,1864,10
+mcdade,1864,11
+mcdade,1865,0
+mcdade,1865,1
+mcdade,1865,2
+mcdade,1865,3
+mcdade,1865,4
+mcdade,1865,5
+mcdade,1865,6
+mcdade,1865,7
+mcdade,1865,8
+mcdade,1865,9
+mcdade,1865,10
+mcdade,1865,11
+mcdade,1865,12
+mcdade,1865,13
+mcdade,1866,0
+mcdade,1866,1
+mcdade,1866,2
+mcdade,1866,3
+mcdade,1866,4
+mcdade,1866,5
+mcdade,1866,6
+mcdade,1866,7
+mcdade,1866,8
+mcdade,1866,9
+mcdade,1867,0
+mcdade,1867,1
+mcdade,1867,2
+mcdade,1867,3
+mcdade,1867,4
+mcdade,1868,0
+mcdade,1868,1
+mcdade,1868,2
+mcdade,1868,3
+mcdade,1868,4
+mcdade,1869,0
+mcdade,1869,1
+mcdade,1869,2
+mcdade,1869,3
+mcdade,1870,0
+mcdade,1870,1
+mcdade,1870,2
+mcdade,1870,3
+mcdade,1870,4
+mcdade,1870,5
+mcdade,1870,6
+mcdade,1870,7
+mcdade,1870,8
+mcdade,1870,9
+mcdade,1870,10
+mcdade,1870,11
+mcdade,1870,12
+mcdade,1870,13
+mcdade,1870,14
+mcdade,1870,15
+mcdade,1870,16
+mcdade,1871,0
+mcdade,1871,1
+mcdade,1871,2
+mcdade,1872,0
+mcdade,1872,1
+mcdade,1872,2
+mcdade,1872,3
+mcdade,1873,0
+mcdade,1873,1
+mcdade,1873,2
+mcdade,1873,3
+mcdade,1873,4
+mcdade,1873,5
+mcdade,1873,6
+mcdade,1873,7
+mcdade,1874,0
+mcdade,1874,1
+mcdade,1874,2
+mcdade,1874,3
+mcdade,1874,4
+mcdade,1874,5
+mcdade,1874,6
+mcdade,1874,7
+mcdade,1874,8
+mcdade,1874,9
+mcdade,1874,10
+mcdade,1875,0
+mcdade,1875,1
+mcdade,1875,2
+mcdade,1875,3
+mcdade,1875,4
+mcdade,1875,5
+mcdade,1875,6
+mcdade,1875,7
+mcdade,1875,8
+mcdade,1875,9
+mcdade,1875,10
+mcdade,1875,11
+mcdade,1875,12
+mcdade,1875,13
+mcdade,1875,14
+mcdade,1875,15
+mcdade,1876,0
+mcdade,1876,1
+mcdade,1876,2
+mcdade,1876,3
+mcdade,1876,4
+mcdade,1876,5
+mcdade,1876,6
+mcdade,1876,7
+mcdade,1876,8
+mcdade,1877,0
+mcdade,1877,1
+mcdade,1877,2
+mcdade,1877,3
+mcdade,1877,4
+mcdade,1877,5
+mcdade,1877,6
+mcdade,1877,7
+mcdade,1878,0
+mcdade,1878,1
+mcdade,1878,2
+mcdade,1878,3
+mcdade,1878,4
+mcdade,1878,5
+mcdade,1878,6
+mcdade,1879,0
+mcdade,1879,1
+mcdade,1879,2
+mcdade,1879,3
+mcdade,1879,4
+mcdade,1879,5
+mcdade,1879,6
+mcdade,1879,7
+mcdade,1879,8
+mcdade,1879,9
+mcdade,1879,10
+mcdade,1879,11
+mcdade,1879,12
+mcdade,1879,13
+mcdade,1879,14
+mcdade,1879,15
+mcdade,1879,16
+mcdade,1879,17
+mcdade,1879,18
+mcdade,1879,19
+mcdade,1879,20
+mcdade,1879,21
+mcdade,1879,22
+mcdade,1879,23
+mcdade,1879,24
+mcdade,1880,0
+mcdade,1880,1
+mcdade,1880,2
+mcdade,1881,0
+mcdade,1881,1
+mcdade,1881,2
+mcdade,1881,3
+mcdade,1881,4
+mcdade,1881,5
+mcdade,1881,6
+mcdade,1881,7
+mcdade,1881,8
+mcdade,1881,9
+mcdade,1881,10
+mcdade,1881,11
+mcdade,1881,12
+mcdade,1881,13
+mcdade,1881,14
+mcdade,1881,15
+mcdade,1881,16
+mcdade,1882,0
+mcdade,1882,1
+mcdade,1882,2
+mcdade,1882,3
+mcdade,1882,4
+mcdade,1882,5
+mcdade,1883,0
+mcdade,1883,1
+mcdade,1883,2
+mcdade,1884,0
+mcdade,1884,1
+mcdade,1884,2
+mcdade,1884,3
+mcdade,1884,4
+mcdade,1884,5
+mcdade,1884,6
+mcdade,1884,7
+mcdade,1884,8
+mcdade,1884,9
+mcdade,1884,10
+mcdade,1884,11
+mcdade,1884,12
+mcdade,1884,13
+mcdade,1884,14
+mcdade,1884,15
+mcdade,1884,16
+mcdade,1884,17
+mcdade,1884,18
+mcdade,1884,19
+mcdade,1884,20
+mcdade,1885,0
+mcdade,1885,1
+mcdade,1885,2
+mcdade,1885,3
+mcdade,1885,4
+mcdade,1885,5
+mcdade,1885,6
+mcdade,1886,0
+mcdade,1886,1
+mcdade,1886,2
+mcdade,1887,0
+mcdade,1887,1
+mcdade,1887,2
+mcdade,1888,0
+mcdade,1888,1
+mcdade,1888,2
+mcdade,1889,0
+mcdade,1889,1
+mcdade,1889,2
+mcdade,1889,3
+mcdade,1889,4
+mcdade,1889,5
+mcdade,1889,6
+mcdade,1889,7
+mcdade,1889,8
+mcdade,1889,9
+mcdade,1889,10
+mcdade,1889,11
+mcdade,1889,12
+mcdade,1889,13
+mcdade,1889,14
+mcdade,1889,15
+mcdade,1889,16
+mcdade,1890,0
+mcdade,1890,1
+mcdade,1890,2
+mcdade,1891,0
+mcdade,1891,1
+mcdade,1891,2
+mcdade,1891,3
+mcdade,1891,4
+mcdade,1892,0
+mcdade,1892,1
+mcdade,1892,2
+mcdade,1892,3
+mcdade,1892,4
+mcdade,1892,5
+mcdade,1892,6
+mcdade,1892,7
+mcdade,1892,8
+mcdade,1892,9
+mcdade,1892,10
+mcdade,1893,0
+mcdade,1893,1
+mcdade,1893,2
+mcdade,1893,3
+mcdade,1893,4
+mcdade,1893,5
+mcdade,1894,0
+mcdade,1894,1
+mcdade,1894,2
+mcdade,1894,3
+mcdade,1895,0
+mcdade,1895,1
+mcdade,1895,2
+mcdade,1896,0
+mcdade,1896,1
+mcdade,1896,2
+mcdade,1896,3
+mcdade,1896,4
+mcdade,1897,0
+mcdade,1897,1
+mcdade,1897,2
+mcdade,1898,0
+mcdade,1898,1
+mcdade,1898,2
+mcdade,1898,3
+mcdade,1899,0
+mcdade,1899,1
+mcdade,1899,2
+mcdade,1899,3
+mcdade,1899,4
+mcdade,1899,5
+mcdade,1899,6
+mcdade,1899,7
+mcdade,1899,8
+mcdade,1899,9
+mcdade,1899,10
+mcdade,1899,11
+mcdade,1899,12
+mcdade,1899,13
+mcdade,1900,0
+mcdade,1900,1
+mcdade,1900,2
+mcdade,1900,3
+mcdade,1900,4
+mcdade,1900,5
+mcdade,1901,0
+mcdade,1901,1
+mcdade,1901,2
+mcdade,1902,0
+mcdade,1902,1
+mcdade,1902,2
+mcdade,1902,3
+mcdade,1902,4
+mcdade,1902,5
+mcdade,1902,6
+mcdade,1902,7
+mcdade,1902,8
+mcdade,1902,9
+mcdade,1902,10
+mcdade,1902,11
+mcdade,1902,12
+mcdade,1903,0
+mcdade,1903,1
+mcdade,1903,2
+mcdade,1903,3
+mcdade,1903,4
+mcdade,1903,5
+mcdade,1904,0
+mcdade,1904,1
+mcdade,1904,2
+mcdade,1905,0
+mcdade,1905,1
+mcdade,1905,2
+mcdade,1905,3
+mcdade,1906,0
+mcdade,1906,1
+mcdade,1906,2
+mcdade,1906,3
+mcdade,1906,4
+mcdade,1906,5
+mcdade,1906,6
+mcdade,1906,7
+mcdade,1906,8
+mcdade,1906,9
+mcdade,1906,10
+mcdade,1906,11
+mcdade,1906,12
+mcdade,1906,13
+mcdade,1906,14
+mcdade,1906,15
+mcdade,1907,0
+mcdade,1907,1
+mcdade,1907,2
+mcdade,1907,3
+mcdade,1907,4
+mcdade,1908,0
+mcdade,1908,1
+mcdade,1908,2
+mcdade,1908,3
+mcdade,1908,4
+mcdade,1908,5
+mcdade,1908,6
+mcdade,1909,0
+mcdade,1909,1
+mcdade,1909,2
+mcdade,1909,3
+mcdade,1909,4
+mcdade,1909,5
+mcdade,1909,6
+mcdade,1909,7
+mcdade,1909,8
+mcdade,1909,9
+mcdade,1909,10
+mcdade,1909,11
+mcdade,1909,12
+mcdade,1909,13
+mcdade,1909,14
+mcdade,1909,15
+mcdade,1909,16
+mcdade,1909,17
+mcdade,1909,18
+mcdade,1909,19
+mcdade,1910,0
+mcdade,1910,1
+mcdade,1910,2
+mcdade,1910,3
+mcdade,1910,4
+mcdade,1910,5
+mcdade,1910,6
+mcdade,1910,7
+mcdade,1910,8
+mcdade,1910,9
+mcdade,1910,10
+mcdade,1910,11
+mcdade,1910,12
+mcdade,1910,13
+mcdade,1910,14
+mcdade,1911,0
+mcdade,1911,1
+mcdade,1911,2
+mcdade,1911,3
+mcdade,1911,4
+mcdade,1911,5
+mcdade,1911,6
+mcdade,1911,7
+mcdade,1911,8
+mcdade,1911,9
+mcdade,1912,0
+mcdade,1912,1
+mcdade,1912,2
+mcdade,1912,3
+mcdade,1913,0
+mcdade,1913,1
+mcdade,1913,2
+mcdade,1913,3
+mcdade,1913,4
+mcdade,1914,0
+mcdade,1914,1
+mcdade,1914,2
+mcdade,1914,3
+mcdade,1915,0
+mcdade,1915,1
+mcdade,1915,2
+mcdade,1915,3
+mcdade,1915,4
+mcdade,1915,5
+mcdade,1915,6
+mcdade,1915,7
+mcdade,1915,8
+mcdade,1915,9
+mcdade,1915,10
+mcdade,1915,11
+mcdade,1916,0
+mcdade,1916,1
+mcdade,1916,2
+mcdade,1916,3
+mcdade,1916,4
+mcdade,1916,5
+mcdade,1916,6
+mcdade,1916,7
+mcdade,1916,8
+mcdade,1916,9
+mcdade,1917,0
+mcdade,1917,1
+mcdade,1917,2
+mcdade,1917,3
+mcdade,1917,4
+mcdade,1917,5
+mcdade,1917,6
+mcdade,1917,7
+mcdade,1917,8
+mcdade,1917,9
+mcdade,1917,10
+mcdade,1917,11
+mcdade,1917,12
+mcdade,1917,13
+mcdade,1917,14
+mcdade,1917,15
+mcdade,1918,0
+mcdade,1918,1
+mcdade,1918,2
+mcdade,1918,3
+mcdade,1918,4
+mcdade,1918,5
+mcdade,1918,6
+mcdade,1918,7
+mcdade,1918,8
+mcdade,1918,9
+mcdade,1918,10
+mcdade,1918,11
+mcdade,1918,12
+mcdade,1918,13
+mcdade,1918,14
+mcdade,1919,0
+mcdade,1919,1
+mcdade,1919,2
+mcdade,1919,3
+mcdade,1920,0
+mcdade,1920,1
+mcdade,1920,2
+mcdade,1921,0
+mcdade,1921,1
+mcdade,1921,2
+mcdade,1921,3
+mcdade,1921,4
+mcdade,1921,5
+mcdade,1921,6
+mcdade,1921,7
+mcdade,1922,0
+mcdade,1922,1
+mcdade,1922,2
+mcdade,1922,3
+mcdade,1922,4
+mcdade,1922,5
+mcdade,1923,0
+mcdade,1923,1
+mcdade,1923,2
+mcdade,1923,3
+mcdade,1924,0
+mcdade,1924,1
+mcdade,1924,2
+mcdade,1925,0
+mcdade,1925,1
+mcdade,1925,2
+mcdade,1925,3
+mcdade,1926,0
+mcdade,1926,1
+mcdade,1926,2
+mcdade,1926,3
+mcdade,1926,4
+mcdade,1926,5
+mcdade,1926,6
+mcdade,1926,7
+mcdade,1927,0
+mcdade,1927,1
+mcdade,1927,2
+mcdade,1927,3
+mcdade,1927,4
+mcdade,1927,5
+mcdade,1928,0
+mcdade,1928,1
+mcdade,1928,2
+mcdade,1928,3
+mcdade,1928,4
+mcdade,1928,5
+mcdade,1928,6
+mcdade,1928,7
+mcdade,1929,0
+mcdade,1929,1
+mcdade,1929,2
+mcdade,1929,3
+mcdade,1930,0
+mcdade,1930,1
+mcdade,1930,2
+mcdade,1930,3
+mcdade,1930,4
+mcdade,1930,5
+mcdade,1930,6
+mcdade,1930,7
+mcdade,1931,0
+mcdade,1931,1
+mcdade,1931,2
+mcdade,1932,0
+mcdade,1932,1
+mcdade,1932,2
+mcdade,1932,3
+mcdade,1932,4
+mcdade,1933,0
+mcdade,1933,1
+mcdade,1933,2
+mcdade,1933,3
+mcdade,1933,4
+mcdade,1933,5
+mcdade,1933,6
+mcdade,1933,7
+mcdade,1933,8
+mcdade,1933,9
+mcdade,1933,10
+mcdade,1933,11
+mcdade,1933,12
+mcdade,1933,13
+mcdade,1933,14
+mcdade,1933,15
+mcdade,1933,16
+mcdade,1934,0
+mcdade,1934,1
+mcdade,1934,2
+mcdade,1934,3
+mcdade,1934,4
+mcdade,1934,5
+mcdade,1934,6
+mcdade,1934,7
+mcdade,1934,8
+mcdade,1935,0
+mcdade,1935,1
+mcdade,1935,2
+mcdade,1936,0
+mcdade,1936,1
+mcdade,1936,2
+mcdade,1936,3
+mcdade,1936,4
+mcdade,1936,5
+mcdade,1936,6
+mcdade,1936,7
+mcdade,1936,8
+mcdade,1936,9
+mcdade,1936,10
+mcdade,1936,11
+mcdade,1936,12
+mcdade,1936,13
+mcdade,1936,14
+mcdade,1937,0
+mcdade,1937,1
+mcdade,1937,2
+mcdade,1938,0
+mcdade,1938,1
+mcdade,1938,2
+mcdade,1939,0
+mcdade,1939,1
+mcdade,1939,2
+mcdade,1939,3
+mcdade,1939,4
+mcdade,1939,5
+mcdade,1940,0
+mcdade,1940,1
+mcdade,1940,2
+mcdade,1940,3
+mcdade,1941,0
+mcdade,1941,1
+mcdade,1941,2
+mcdade,1941,3
+mcdade,1941,4
+mcdade,1941,5
+mcdade,1941,6
+mcdade,1941,7
+mcdade,1941,8
+mcdade,1941,9
+mcdade,1942,0
+mcdade,1942,1
+mcdade,1942,2
+mcdade,1943,0
+mcdade,1943,1
+mcdade,1943,2
+mcdade,1943,3
+mcdade,1943,4
+mcdade,1943,5
+mcdade,1943,6
+mcdade,1943,7
+mcdade,1943,8
+mcdade,1943,9
+mcdade,1943,10
+mcdade,1944,0
+mcdade,1944,1
+mcdade,1944,2
+mcdade,1944,3
+mcdade,1944,4
+mcdade,1944,5
+mcdade,1944,6
+mcdade,1945,0
+mcdade,1945,1
+mcdade,1945,2
+mcdade,1945,3
+mcdade,1945,4
+mcdade,1945,5
+mcdade,1946,0
+mcdade,1946,1
+mcdade,1946,2
+mcdade,1946,3
+mcdade,1946,4
+mcdade,1946,5
+mcdade,1946,6
+mcdade,1947,0
+mcdade,1947,1
+mcdade,1947,2
+mcdade,1947,3
+mcdade,1948,0
+mcdade,1948,1
+mcdade,1948,2
+mcdade,1948,3
+mcdade,1949,0
+mcdade,1949,1
+mcdade,1949,2
+mcdade,1949,3
+mcdade,1949,4
+mcdade,1949,5
+mcdade,1951,0
+mcdade,1951,1
+mcdade,1951,2
+mcdade,1951,3
+mcdade,1951,4
+mcdade,1952,0
+mcdade,1952,1
+mcdade,1952,2
+mcdade,1952,3
+mcdade,1952,4
+mcdade,1952,5
+mcdade,1952,6
+mcdade,1952,7
+mcdade,1952,8
+mcdade,1952,9
+mcdade,1952,10
+mcdade,1952,11
+mcdade,1952,12
+mcdade,1952,13
+mcdade,1952,14
+mcdade,1952,15
+mcdade,1952,16
+mcdade,1953,0
+mcdade,1953,1
+mcdade,1953,2
+mcdade,1954,0
+mcdade,1954,1
+mcdade,1954,2
+mcdade,1954,3
+mcdade,1954,4
+mcdade,1955,0
+mcdade,1955,1
+mcdade,1955,2
+mcdade,1955,3
+mcdade,1955,4
+mcdade,1956,0
+mcdade,1956,1
+mcdade,1956,2
+mcdade,1957,0
+mcdade,1957,1
+mcdade,1957,2
+mcdade,1957,3
+mcdade,1957,4
+mcdade,1957,5
+mcdade,1957,6
+mcdade,1957,7
+mcdade,1957,8
+mcdade,1957,9
+mcdade,1958,0
+mcdade,1958,1
+mcdade,1958,2
+mcdade,1958,3
+mcdade,1958,4
+mcdade,1958,5
+mcdade,1958,6
+mcdade,1958,7
+mcdade,1958,8
+mcdade,1958,9
+mcdade,1958,10
+mcdade,1959,0
+mcdade,1959,1
+mcdade,1959,2
+mcdade,1959,3
+mcdade,1959,4
+mcdade,1960,0
+mcdade,1960,1
+mcdade,1960,2
+mcdade,1961,0
+mcdade,1961,1
+mcdade,1961,2
+mcdade,1961,3
+mcdade,1961,4
+mcdade,1961,5
+mcdade,1961,6
+mcdade,1961,7
+mcdade,1961,8
+mcdade,1962,0
+mcdade,1962,1
+mcdade,1962,2
+mcdade,1963,0
+mcdade,1963,1
+mcdade,1963,2
+mcdade,1963,3
+mcdade,1963,4
+mcdade,1963,5
+mcdade,1964,0
+mcdade,1964,1
+mcdade,1964,2
+mcdade,1964,3
+mcdade,1964,4
+mcdade,1964,5
+mcdade,1964,6
+mcdade,1964,7
+mcdade,1964,8
+mcdade,1964,9
+mcdade,1964,10
+mcdade,1964,11
+mcdade,1964,12
+mcdade,1965,0
+mcdade,1965,1
+mcdade,1965,2
+mcdade,1966,0
+mcdade,1966,1
+mcdade,1966,2
+mcdade,1967,0
+mcdade,1967,1
+mcdade,1967,2
+mcdade,1967,3
+mcdade,1967,4
+mcdade,1967,5
+mcdade,1967,6
+mcdade,1968,0
+mcdade,1968,1
+mcdade,1968,2
+mcdade,1968,3
+mcdade,1968,4
+mcdade,1968,5
+mcdade,1969,0
+mcdade,1969,1
+mcdade,1969,2
+mcdade,1969,3
+mcdade,1969,4
+mcdade,1969,5
+mcdade,1969,6
+mcdade,1969,7
+mcdade,1970,0
+mcdade,1970,1
+mcdade,1970,2
+mcdade,1970,3
+mcdade,1970,4
+mcdade,1970,5
+mcdade,1970,6
+mcdade,1970,7
+mcdade,1970,8
+mcdade,1971,0
+mcdade,1971,1
+mcdade,1971,2
+mcdade,1971,3
+mcdade,1972,0
+mcdade,1972,1
+mcdade,1972,2
+mcdade,1972,3
+mcdade,1972,4
+mcdade,1972,5
+mcdade,1972,6
+mcdade,1972,7
+mcdade,1972,8
+mcdade,1972,9
+mcdade,1973,0
+mcdade,1973,1
+mcdade,1973,2
+mcdade,1973,3
+mcdade,1973,4
+mcdade,1973,5
+mcdade,1974,0
+mcdade,1974,1
+mcdade,1974,2
+mcdade,1974,3
+mcdade,1974,4
+mcdade,1974,5
+mcdade,1974,6
+mcdade,1974,7
+mcdade,1974,8
+mcdade,1974,9
+mcdade,1974,10
+mcdade,1974,11
+mcdade,1974,12
+mcdade,1974,13
+mcdade,1975,0
+mcdade,1975,1
+mcdade,1975,2
+mcdade,1975,3
+mcdade,1975,4
+mcdade,1975,5
+mcdade,1975,6
+mcdade,1975,7
+mcdade,1975,8
+mcdade,1975,9
+mcdade,1976,0
+mcdade,1976,1
+mcdade,1976,2
+mcdade,1976,3
+mcdade,1976,4
+mcdade,1976,5
+mcdade,1976,6
+mcdade,1976,7
+mcdade,1976,8
+mcdade,1976,9
+mcdade,1977,0
+mcdade,1977,1
+mcdade,1977,2
+mcdade,1977,3
+mcdade,1977,4
+mcdade,1977,5
+mcdade,1977,6
+mcdade,1977,7
+mcdade,1977,8
+mcdade,1977,9
+mcdade,1977,10
+mcdade,1977,11
+mcdade,1977,12
+mcdade,1977,13
+mcdade,1977,14
+mcdade,1977,15
+mcdade,1977,16
+mcdade,1977,17
+mcdade,1977,18
+mcdade,1977,19
+mcdade,1977,20
+mcdade,1977,21
+mcdade,1978,0
+mcdade,1978,1
+mcdade,1978,2
+mcdade,1978,3
+mcdade,1978,4
+mcdade,1978,5
+mcdade,1978,6
+mcdade,1978,7
+mcdade,1979,0
+mcdade,1979,1
+mcdade,1979,2
+mcdade,1980,0
+mcdade,1980,1
+mcdade,1980,2
+mcdade,1980,3
+mcdade,1980,4
+mcdade,1981,0
+mcdade,1981,1
+mcdade,1981,2
+mcdade,1981,3
+mcdade,1981,4
+mcdade,1981,5
+mcdade,1981,6
+mcdade,1982,0
+mcdade,1982,1
+mcdade,1982,2
+mcdade,1983,0
+mcdade,1983,1
+mcdade,1983,2
+mcdade,1983,3
+mcdade,1983,4
+mcdade,1983,5
+mcdade,1984,0
+mcdade,1984,1
+mcdade,1984,2
+mcdade,1984,3
+mcdade,1984,4
+mcdade,1985,0
+mcdade,1985,1
+mcdade,1985,2
+mcdade,1985,3
+mcdade,1985,4
+mcdade,1985,5
+mcdade,1985,6
+mcdade,1985,7
+mcdade,1986,0
+mcdade,1986,1
+mcdade,1986,2
+mcdade,1986,3
+mcdade,1986,4
+mcdade,1986,5
+mcdade,1986,6
+mcdade,1986,7
+mcdade,1986,8
+mcdade,1987,0
+mcdade,1987,1
+mcdade,1987,2
+mcdade,1987,3
+mcdade,1987,4
+mcdade,1987,5
+mcdade,1987,6
+mcdade,1988,0
+mcdade,1988,1
+mcdade,1988,2
+mcdade,1988,3
+mcdade,1989,0
+mcdade,1989,1
+mcdade,1989,2
+mcdade,1989,3
+mcdade,1989,4
+mcdade,1990,0
+mcdade,1990,1
+mcdade,1990,2
+mcdade,1990,3
+mcdade,1990,4
+mcdade,1990,5
+mcdade,1990,6
+mcdade,1990,7
+mcdade,1990,8
+mcdade,1990,9
+mcdade,1991,0
+mcdade,1991,1
+mcdade,1991,2
+mcdade,1991,3
+mcdade,1992,0
+mcdade,1992,1
+mcdade,1992,2
+mcdade,1993,0
+mcdade,1993,1
+mcdade,1993,2
+mcdade,1993,3
+mcdade,1993,4
+mcdade,1993,5
+mcdade,1994,0
+mcdade,1994,1
+mcdade,1994,2
+mcdade,1994,3
+mcdade,1995,0
+mcdade,1995,1
+mcdade,1995,2
+mcdade,1995,3
+mcdade,1995,4
+mcdade,1995,5
+mcdade,1996,0
+mcdade,1996,1
+mcdade,1996,2
+mcdade,1997,0
+mcdade,1997,1
+mcdade,1997,2
+mcdade,1997,3
+mcdade,1997,4
+mcdade,1997,5
+mcdade,1997,6
+mcdade,1998,0
+mcdade,1998,1
+mcdade,1998,2
+mcdade,1998,3
+mcdade,1999,0
+mcdade,1999,1
+mcdade,1999,2
+mcdade,2000,0
+mcdade,2000,1
+mcdade,2000,2
+mcdade,2000,3
+mcdade,2000,4
+mcdade,2000,5
+mcdade,2000,6
+mcdade,2000,7
+mcdade,2000,8
+mcdade,2000,9
+mcdade,2000,10
+mcdade,2001,0
+mcdade,2001,1
+mcdade,2001,2
+mcdade,2001,3
+mcdade,2001,4
+mcdade,2003,0
+mcdade,2003,1
+mcdade,2003,2
+mcdade,2003,3
+mcdade,2003,4
+mcdade,2003,5
+mcdade,2003,6
+mcdade,2003,7
+mcdade,2003,8
+mcdade,2003,9
+mcdade,2003,10
+mcdade,2004,0
+mcdade,2004,1
+mcdade,2004,2
+mcdade,2004,3
+mcdade,2004,4
+mcdade,2005,0
+mcdade,2005,1
+mcdade,2005,2
+mcdade,2005,3
+mcdade,2005,4
+mcdade,2005,5
+mcdade,2005,6
+mcdade,2005,7
+mcdade,2005,8
+mcdade,2005,9
+mcdade,2006,0
+mcdade,2006,1
+mcdade,2006,2
+mcdade,2006,3
+mcdade,2006,4
+mcdade,2006,5
+mcdade,2006,6
+mcdade,2006,7
+mcdade,2006,8
+mcdade,2006,9
+mcdade,2006,10
+mcdade,2007,0
+mcdade,2007,1
+mcdade,2007,2
+mcdade,2007,3
+mcdade,2007,4
+mcdade,2007,5
+mcdade,2007,6
+mcdade,2007,7
+mcdade,2007,8
+mcdade,2007,9
+mcdade,2007,10
+mcdade,2007,11
+mcdade,2008,0
+mcdade,2008,1
+mcdade,2008,2
+mcdade,2008,3
+mcdade,2008,4
+mcdade,2008,5
+mcdade,2009,0
+mcdade,2009,1
+mcdade,2009,2
+mcdade,2009,3
+mcdade,2010,0
+mcdade,2010,1
+mcdade,2010,2
+mcdade,2010,3
+mcdade,2010,4
+mcdade,2011,0
+mcdade,2011,1
+mcdade,2011,2
+mcdade,2012,0
+mcdade,2012,1
+mcdade,2012,2
+mcdade,2012,3
+mcdade,2012,4
+mcdade,2012,5
+mcdade,2012,6
+mcdade,2012,7
+mcdade,2012,8
+mcdade,2012,9
+mcdade,2012,10
+mcdade,2013,0
+mcdade,2013,1
+mcdade,2013,2
+mcdade,2014,0
+mcdade,2014,1
+mcdade,2014,2
+mcdade,2015,0
+mcdade,2015,1
+mcdade,2015,2
+mcdade,2015,3
+mcdade,2015,4
+mcdade,2015,5
+mcdade,2015,6
+mcdade,2015,7
+mcdade,2016,0
+mcdade,2016,1
+mcdade,2016,2
+mcdade,2016,3
+mcdade,2016,4
+mcdade,2017,0
+mcdade,2017,1
+mcdade,2017,2
+mcdade,2017,3
+mcdade,2017,4
+mcdade,2017,5
+mcdade,2017,6
+mcdade,2017,7
+mcdade,2017,8
+mcdade,2017,9
+mcdade,2018,0
+mcdade,2018,1
+mcdade,2018,2
+mcdade,2019,0
+mcdade,2019,1
+mcdade,2019,2
+mcdade,2020,0
+mcdade,2020,1
+mcdade,2020,2
+mcdade,2020,3
+mcdade,2020,4
+mcdade,2021,0
+mcdade,2021,1
+mcdade,2021,2
+mcdade,2022,0
+mcdade,2022,1
+mcdade,2022,2
+mcdade,2022,3
+mcdade,2022,4
+mcdade,2023,0
+mcdade,2023,1
+mcdade,2023,2
+mcdade,2024,0
+mcdade,2024,1
+mcdade,2024,2
+mcdade,2024,3
+mcdade,2024,4
+mcdade,2024,5
+mcdade,2024,6
+mcdade,2025,0
+mcdade,2025,1
+mcdade,2025,2
+mcdade,2026,0
+mcdade,2026,1
+mcdade,2026,2
+mcdade,2027,0
+mcdade,2027,1
+mcdade,2027,2
+mcdade,2028,0
+mcdade,2028,1
+mcdade,2028,2
+mcdade,2028,3
+mcdade,2029,0
+mcdade,2029,1
+mcdade,2029,2
+mcdade,2029,3
+mcdade,2029,4
+mcdade,2029,5
+mcdade,2029,6
+mcdade,2029,7
+mcdade,2029,8
+mcdade,2029,9
+mcdade,2029,10
+mcdade,2029,11
+mcdade,2029,12
+mcdade,2029,13
+mcdade,2029,14
+mcdade,2029,15
+mcdade,2030,0
+mcdade,2030,1
+mcdade,2030,2
+mcdade,2030,3
+mcdade,2030,4
+mcdade,2030,5
+mcdade,2030,6
+mcdade,2031,0
+mcdade,2031,1
+mcdade,2031,2
+mcdade,2031,3
+mcdade,2031,4
+mcdade,2032,0
+mcdade,2032,1
+mcdade,2032,2
+mcdade,2032,3
+mcdade,2032,4
+mcdade,2032,5
+mcdade,2033,0
+mcdade,2033,1
+mcdade,2033,2
+mcdade,2033,3
+mcdade,2033,4
+mcdade,2033,5
+mcdade,2034,0
+mcdade,2034,1
+mcdade,2034,2
+mcdade,2034,3
+mcdade,2034,4
+mcdade,2034,5
+mcdade,2034,6
+mcdade,2034,7
+mcdade,2035,0
+mcdade,2035,1
+mcdade,2035,2
+mcdade,2035,3
+mcdade,2036,0
+mcdade,2036,1
+mcdade,2036,2
+mcdade,2036,3
+mcdade,2036,4
+mcdade,2036,5
+mcdade,2036,6
+mcdade,2036,7
+mcdade,2036,8
+mcdade,2036,9
+mcdade,2036,10
+mcdade,2037,0
+mcdade,2037,1
+mcdade,2037,2
+mcdade,2037,3
+mcdade,2037,4
+mcdade,2037,5
+mcdade,2037,6
+mcdade,2037,7
+mcdade,2037,8
+mcdade,2038,0
+mcdade,2038,1
+mcdade,2038,2
+mcdade,2038,3
+mcdade,2038,4
+mcdade,2039,0
+mcdade,2039,1
+mcdade,2039,2
+mcdade,2039,3
+mcdade,2039,4
+mcdade,2039,5
+mcdade,2039,6
+mcdade,2039,7
+mcdade,2039,8
+mcdade,2040,0
+mcdade,2040,1
+mcdade,2040,2
+mcdade,2041,0
+mcdade,2041,1
+mcdade,2041,2
+mcdade,2041,3
+mcdade,2041,4
+mcdade,2042,0
+mcdade,2042,1
+mcdade,2042,2
+mcdade,2042,3
+mcdade,2042,4
+mcdade,2042,5
+mcdade,2042,6
+mcdade,2043,0
+mcdade,2043,1
+mcdade,2043,2
+mcdade,2043,3
+mcdade,2043,4
+mcdade,2043,5
+mcdade,2043,6
+mcdade,2043,7
+mcdade,2043,8
+mcdade,2043,9
+mcdade,2043,10
+mcdade,2043,11
+mcdade,2043,12
+mcdade,2044,0
+mcdade,2044,1
+mcdade,2044,2
+mcdade,2044,3
+mcdade,2044,4
+mcdade,2044,5
+mcdade,2044,6
+mcdade,2044,7
+mcdade,2044,8
+mcdade,2045,0
+mcdade,2045,1
+mcdade,2045,2
+mcdade,2045,3
+mcdade,2045,4
+mcdade,2045,5
+mcdade,2045,6
+mcdade,2046,0
+mcdade,2046,1
+mcdade,2046,2
+mcdade,2046,3
+mcdade,2047,0
+mcdade,2047,1
+mcdade,2047,2
+mcdade,2047,3
+mcdade,2047,4
+mcdade,2048,0
+mcdade,2048,1
+mcdade,2048,2
+mcdade,2048,3
+mcdade,2048,4
+mcdade,2048,5
+mcdade,2048,6
+mcdade,2049,0
+mcdade,2049,1
+mcdade,2049,2
+mcdade,2049,3
+mcdade,2049,4
+mcdade,2050,0
+mcdade,2050,1
+mcdade,2050,2
+mcdade,2051,0
+mcdade,2051,1
+mcdade,2051,2
+mcdade,2051,3
+mcdade,2052,0
+mcdade,2052,1
+mcdade,2052,2
+mcdade,2052,3
+mcdade,2052,4
+mcdade,2053,0
+mcdade,2053,1
+mcdade,2053,2
+mcdade,2054,0
+mcdade,2054,1
+mcdade,2054,2
+mcdade,2054,3
+mcdade,2054,4
+mcdade,2054,5
+mcdade,2054,6
+mcdade,2054,7
+mcdade,2054,8
+mcdade,2054,9
+mcdade,2054,10
+mcdade,2054,11
+mcdade,2055,0
+mcdade,2055,1
+mcdade,2055,2
+mcdade,2055,3
+mcdade,2056,0
+mcdade,2056,1
+mcdade,2056,2
+mcdade,2056,3
+mcdade,2056,4
+mcdade,2056,5
+mcdade,2056,6
+mcdade,2056,7
+mcdade,2056,8
+mcdade,2056,9
+mcdade,2056,10
+mcdade,2056,11
+mcdade,2056,12
+mcdade,2056,13
+mcdade,2056,14
+mcdade,2056,15
+mcdade,2057,0
+mcdade,2057,1
+mcdade,2057,2
+mcdade,2057,3
+mcdade,2057,4
+mcdade,2057,5
+mcdade,2058,0
+mcdade,2058,1
+mcdade,2058,2
+mcdade,2058,3
+mcdade,2059,0
+mcdade,2059,1
+mcdade,2059,2
+mcdade,2059,3
+mcdade,2060,0
+mcdade,2060,1
+mcdade,2060,2
+mcdade,2060,3
+mcdade,2061,0
+mcdade,2061,1
+mcdade,2061,2
+mcdade,2061,3
+mcdade,2061,4
+mcdade,2062,0
+mcdade,2062,1
+mcdade,2062,2
+mcdade,2062,3
+mcdade,2062,4
+mcdade,2063,0
+mcdade,2063,1
+mcdade,2063,2
+mcdade,2063,3
+mcdade,2064,0
+mcdade,2064,1
+mcdade,2064,2
+mcdade,2064,3
+mcdade,2064,4
+mcdade,2064,5
+mcdade,2064,6
+mcdade,2064,7
+mcdade,2064,8
+mcdade,2064,9
+mcdade,2064,10
+mcdade,2064,11
+mcdade,2064,12
+mcdade,2064,13
+mcdade,2064,14
+mcdade,2064,15
+mcdade,2064,16
+mcdade,2064,17
+mcdade,2064,18
+mcdade,2064,19
+mcdade,2064,20
+mcdade,2064,21
+mcdade,2064,22
+mcdade,2065,0
+mcdade,2065,1
+mcdade,2065,2
+mcdade,2065,3
+mcdade,2065,4
+mcdade,2066,0
+mcdade,2066,1
+mcdade,2066,2
+mcdade,2066,3
+mcdade,2066,4
+mcdade,2066,5
+mcdade,2067,0
+mcdade,2067,1
+mcdade,2067,2
+mcdade,2068,0
+mcdade,2068,1
+mcdade,2068,2
+mcdade,2068,3
+mcdade,2068,4
+mcdade,2068,5
+mcdade,2069,0
+mcdade,2069,1
+mcdade,2069,2
+mcdade,2069,3
+mcdade,2069,4
+mcdade,2069,5
+mcdade,2069,6
+mcdade,2069,7
+mcdade,2069,8
+mcdade,2069,9
+mcdade,2069,10
+mcdade,2070,0
+mcdade,2070,1
+mcdade,2070,2
+mcdade,2071,0
+mcdade,2071,1
+mcdade,2071,2
+mcdade,2071,3
+mcdade,2071,4
+mcdade,2071,5
+mcdade,2072,0
+mcdade,2072,1
+mcdade,2072,2
+mcdade,2072,3
+mcdade,2073,0
+mcdade,2073,1
+mcdade,2073,2
+mcdade,2074,0
+mcdade,2074,1
+mcdade,2074,2
+mcdade,2074,3
+mcdade,2074,4
+mcdade,2075,0
+mcdade,2075,1
+mcdade,2075,2
+mcdade,2075,3
+mcdade,2075,4
+mcdade,2075,5
+mcdade,2075,6
+mcdade,2075,7
+mcdade,2075,8
+mcdade,2076,0
+mcdade,2076,1
+mcdade,2076,2
+mcdade,2076,3
+mcdade,2076,4
+mcdade,2076,5
+mcdade,2076,6
+mcdade,2077,0
+mcdade,2077,1
+mcdade,2077,2
+mcdade,2077,3
+mcdade,2077,4
+mcdade,2078,0
+mcdade,2078,1
+mcdade,2078,2
+mcdade,2078,3
+mcdade,2078,4
+mcdade,2078,5
+mcdade,2078,6
+mcdade,2078,7
+mcdade,2080,0
+mcdade,2080,1
+mcdade,2080,2
+mcdade,2080,3
+mcdade,2080,4
+mcdade,2080,5
+mcdade,2081,0
+mcdade,2081,1
+mcdade,2081,2
+mcdade,2081,3
+mcdade,2082,0
+mcdade,2082,1
+mcdade,2082,2
+mcdade,2082,3
+mcdade,2082,4
+mcdade,2082,5
+mcdade,2082,6
+mcdade,2082,7
+mcdade,2083,0
+mcdade,2083,1
+mcdade,2083,2
+mcdade,2083,3
+mcdade,2083,4
+mcdade,2083,5
+mcdade,2083,6
+mcdade,2083,7
+mcdade,2083,8
+mcdade,2083,9
+mcdade,2083,10
+mcdade,2083,11
+mcdade,2083,12
+mcdade,2083,13
+mcdade,2083,14
+mcdade,2083,15
+mcdade,2083,16
+mcdade,2083,17
+mcdade,2083,18
+mcdade,2083,19
+mcdade,2084,0
+mcdade,2084,1
+mcdade,2084,2
+mcdade,2084,3
+mcdade,2084,4
+mcdade,2085,0
+mcdade,2085,1
+mcdade,2085,2
+mcdade,2086,0
+mcdade,2086,1
+mcdade,2086,2
+mcdade,2086,3
+mcdade,2086,4
+mcdade,2087,0
+mcdade,2087,1
+mcdade,2087,2
+mcdade,2087,3
+mcdade,2088,0
+mcdade,2088,1
+mcdade,2088,2
+mcdade,2088,3
+mcdade,2088,4
+mcdade,2088,5
+mcdade,2088,6
+mcdade,2088,7
+mcdade,2088,8
+mcdade,2088,9
+mcdade,2090,0
+mcdade,2090,1
+mcdade,2090,2
+mcdade,2090,3
+mcdade,2091,0
+mcdade,2091,1
+mcdade,2091,2
+mcdade,2092,0
+mcdade,2092,1
+mcdade,2092,2
+mcdade,2092,3
+mcdade,2092,4
+mcdade,2093,0
+mcdade,2093,1
+mcdade,2093,2
+mcdade,2093,3
+mcdade,2093,4
+mcdade,2093,5
+mcdade,2093,6
+mcdade,2093,7
+mcdade,2093,8
+mcdade,2093,9
+mcdade,2093,10
+mcdade,2093,11
+mcdade,2094,0
+mcdade,2094,1
+mcdade,2094,2
+mcdade,2094,3
+mcdade,2094,4
+mcdade,2094,5
+mcdade,2094,6
+mcdade,2094,7
+mcdade,2094,8
+mcdade,2094,9
+mcdade,2094,10
+mcdade,2095,0
+mcdade,2095,1
+mcdade,2095,2
+mcdade,2095,3
+mcdade,2095,4
+mcdade,2096,0
+mcdade,2096,1
+mcdade,2096,2
+mcdade,2096,3
+mcdade,2096,4
+mcdade,2096,5
+mcdade,2097,0
+mcdade,2097,1
+mcdade,2097,2
+mcdade,2097,3
+mcdade,2097,4
+mcdade,2098,0
+mcdade,2098,1
+mcdade,2098,2
+mcdade,2098,3
+mcdade,2099,0
+mcdade,2099,1
+mcdade,2099,2
+mcdade,2099,3
+mcdade,2099,4
+mcdade,2099,5
+mcdade,2099,6
+mcdade,2099,7
+mcdade,2100,0
+mcdade,2100,1
+mcdade,2100,2
+mcdade,2100,3
+mcdade,2100,4
+mcdade,2100,5
+mcdade,2100,6
+mcdade,2100,7
+mcdade,2101,0
+mcdade,2101,1
+mcdade,2101,2
+mcdade,2101,3
+mcdade,2101,4
+mcdade,2101,5
+mcdade,2102,0
+mcdade,2102,1
+mcdade,2102,2
+mcdade,2102,3
+mcdade,2102,4
+mcdade,2102,5
+mcdade,2102,6
+mcdade,2102,7
+mcdade,2103,0
+mcdade,2103,1
+mcdade,2103,2
+mcdade,2103,3
+mcdade,2103,4
+mcdade,2103,5
+mcdade,2103,6
+mcdade,2104,0
+mcdade,2104,1
+mcdade,2104,2
+mcdade,2105,0
+mcdade,2105,1
+mcdade,2105,2
+mcdade,2105,3
+mcdade,2105,4
+mcdade,2105,5
+mcdade,2105,6
+mcdade,2105,7
+mcdade,2105,8
+mcdade,2105,9
+mcdade,2106,0
+mcdade,2106,1
+mcdade,2106,2
+mcdade,2106,3
+mcdade,2106,4
+mcdade,2106,5
+mcdade,2106,6
+mcdade,2106,7
+mcdade,2106,8
+mcdade,2106,9
+mcdade,2106,10
+mcdade,2106,11
+mcdade,2106,12
+mcdade,2106,13
+mcdade,2106,14
+mcdade,2106,15
+mcdade,2106,16
+mcdade,2107,0
+mcdade,2107,1
+mcdade,2107,2
+mcdade,2107,3
+mcdade,2108,0
+mcdade,2108,1
+mcdade,2108,2
+mcdade,2108,3
+mcdade,2108,4
+mcdade,2108,5
+mcdade,2108,6
+mcdade,2109,0
+mcdade,2109,1
+mcdade,2109,2
+mcdade,2109,3
+mcdade,2109,4
+mcdade,2110,0
+mcdade,2110,1
+mcdade,2110,2
+mcdade,2111,0
+mcdade,2111,1
+mcdade,2111,2
+mcdade,2111,3
+mcdade,2111,4
+mcdade,2111,5
+mcdade,2111,6
+mcdade,2111,7
+mcdade,2112,0
+mcdade,2112,1
+mcdade,2112,2
+mcdade,2112,3
+mcdade,2113,0
+mcdade,2113,1
+mcdade,2113,2
+mcdade,2114,0
+mcdade,2114,1
+mcdade,2114,2
+mcdade,2114,3
+mcdade,2115,0
+mcdade,2115,1
+mcdade,2115,2
+mcdade,2115,3
+mcdade,2115,4
+mcdade,2116,0
+mcdade,2116,1
+mcdade,2116,2
+mcdade,2116,3
+mcdade,2117,0
+mcdade,2117,1
+mcdade,2117,2
+mcdade,2117,3
+mcdade,2117,4
+mcdade,2118,0
+mcdade,2118,1
+mcdade,2118,2
+mcdade,2119,0
+mcdade,2119,1
+mcdade,2119,2
+mcdade,2119,3
+mcdade,2119,4
+mcdade,2119,5
+mcdade,2119,6
+mcdade,2119,7
+mcdade,2119,8
+mcdade,2119,9
+mcdade,2120,0
+mcdade,2120,1
+mcdade,2120,2
+mcdade,2120,3
+mcdade,2120,4
+mcdade,2120,5
+mcdade,2120,6
+mcdade,2120,7
+mcdade,2120,8
+mcdade,2120,9
+mcdade,2120,10
+mcdade,2120,11
+mcdade,2120,12
+mcdade,2120,13
+mcdade,2120,14
+mcdade,2121,0
+mcdade,2121,1
+mcdade,2121,2
+mcdade,2121,3
+mcdade,2122,0
+mcdade,2122,1
+mcdade,2122,2
+mcdade,2122,3
+mcdade,2122,4
+mcdade,2123,0
+mcdade,2123,1
+mcdade,2123,2
+mcdade,2123,3
+mcdade,2123,4
+mcdade,2123,5
+mcdade,2123,6
+mcdade,2124,0
+mcdade,2124,1
+mcdade,2124,2
+mcdade,2124,3
+mcdade,2124,4
+mcdade,2124,5
+mcdade,2124,6
+mcdade,2124,7
+mcdade,2124,8
+mcdade,2124,9
+mcdade,2124,10
+mcdade,2124,11
+mcdade,2125,0
+mcdade,2125,1
+mcdade,2125,2
+mcdade,2126,0
+mcdade,2126,1
+mcdade,2126,2
+mcdade,2126,3
+mcdade,2126,4
+mcdade,2126,5
+mcdade,2126,6
+mcdade,2126,7
+mcdade,2126,8
+mcdade,2126,9
+mcdade,2126,10
+mcdade,2126,11
+mcdade,2126,12
+mcdade,2126,13
+mcdade,2126,14
+mcdade,2126,15
+mcdade,2126,16
+mcdade,2126,17
+mcdade,2126,18
+mcdade,2126,19
+mcdade,2127,0
+mcdade,2127,1
+mcdade,2127,2
+mcdade,2128,0
+mcdade,2128,1
+mcdade,2128,2
+mcdade,2128,3
+mcdade,2128,4
+mcdade,2129,0
+mcdade,2129,1
+mcdade,2129,2
+mcdade,2129,3
+mcdade,2129,4
+mcdade,2129,5
+mcdade,2130,0
+mcdade,2130,1
+mcdade,2130,2
+mcdade,2130,3
+mcdade,2130,4
+mcdade,2130,5
+mcdade,2131,0
+mcdade,2131,1
+mcdade,2131,2
+mcdade,2131,3
+mcdade,2131,4
+mcdade,2131,5
+mcdade,2132,0
+mcdade,2132,1
+mcdade,2132,2
+mcdade,2132,3
+mcdade,2132,4
+mcdade,2132,5
+mcdade,2132,6
+mcdade,2132,7
+mcdade,2133,0
+mcdade,2133,1
+mcdade,2133,2
+mcdade,2133,3
+mcdade,2133,4
+mcdade,2133,5
+mcdade,2133,6
+mcdade,2133,7
+mcdade,2134,0
+mcdade,2134,1
+mcdade,2134,2
+mcdade,2134,3
+mcdade,2134,4
+mcdade,2134,5
+mcdade,2134,6
+mcdade,2134,7
+mcdade,2134,8
+mcdade,2134,9
+mcdade,2134,10
+mcdade,2135,0
+mcdade,2135,1
+mcdade,2135,2
+mcdade,2135,3
+mcdade,2136,0
+mcdade,2136,1
+mcdade,2136,2
+mcdade,2136,3
+mcdade,2137,0
+mcdade,2137,1
+mcdade,2137,2
+mcdade,2137,3
+mcdade,2138,0
+mcdade,2138,1
+mcdade,2138,2
+mcdade,2138,3
+mcdade,2138,4
+mcdade,2138,5
+mcdade,2138,6
+mcdade,2138,7
+mcdade,2139,0
+mcdade,2139,1
+mcdade,2139,2
+mcdade,2139,3
+mcdade,2139,4
+mcdade,2139,5
+mcdade,2140,0
+mcdade,2140,1
+mcdade,2140,2
+mcdade,2140,3
+mcdade,2140,4
+mcdade,2140,5
+mcdade,2140,6
+mcdade,2140,7
+mcdade,2141,0
+mcdade,2141,1
+mcdade,2141,2
+mcdade,2141,3
+mcdade,2142,0
+mcdade,2142,1
+mcdade,2142,2
+mcdade,2142,3
+mcdade,2142,4
+mcdade,2142,5
+mcdade,2142,6
+mcdade,2142,7
+mcdade,2142,8
+mcdade,2142,9
+mcdade,2142,10
+mcdade,2142,11
+mcdade,2142,12
+mcdade,2142,13
+mcdade,2142,14
+mcdade,2142,15
+mcdade,2142,16
+mcdade,2142,17
+mcdade,2142,18
+mcdade,2142,19
+mcdade,2143,0
+mcdade,2143,1
+mcdade,2143,2
+mcdade,2143,3
+mcdade,2143,4
+mcdade,2143,5
+mcdade,2143,6
+mcdade,2143,7
+mcdade,2144,0
+mcdade,2144,1
+mcdade,2144,2
+mcdade,2145,0
+mcdade,2145,1
+mcdade,2145,2
+mcdade,2145,3
+mcdade,2146,0
+mcdade,2146,1
+mcdade,2146,2
+mcdade,2146,3
+mcdade,2147,0
+mcdade,2147,1
+mcdade,2147,2
+mcdade,2147,3
+mcdade,2148,0
+mcdade,2148,1
+mcdade,2148,2
+mcdade,2148,3
+mcdade,2148,4
+mcdade,2148,5
+mcdade,2148,6
+mcdade,2148,7
+mcdade,2148,8
+mcdade,2148,9
+mcdade,2149,0
+mcdade,2149,1
+mcdade,2149,2
+mcdade,2149,3
+mcdade,2149,4
+mcdade,2149,5
+mcdade,2150,0
+mcdade,2150,1
+mcdade,2150,2
+mcdade,2150,3
+mcdade,2150,4
+mcdade,2151,0
+mcdade,2151,1
+mcdade,2151,2
+mcdade,2151,3
+mcdade,2151,4
+mcdade,2151,5
+mcdade,2151,6
+mcdade,2151,7
+mcdade,2152,0
+mcdade,2152,1
+mcdade,2152,2
+mcdade,2152,3
+mcdade,2153,0
+mcdade,2153,1
+mcdade,2153,2
+mcdade,2154,0
+mcdade,2154,1
+mcdade,2154,2
+mcdade,2154,3
+mcdade,2155,0
+mcdade,2155,1
+mcdade,2155,2
+mcdade,2155,3
+mcdade,2155,4
+mcdade,2156,0
+mcdade,2156,1
+mcdade,2156,2
+mcdade,2156,3
+mcdade,2156,4
+mcdade,2157,0
+mcdade,2157,1
+mcdade,2157,2
+mcdade,2157,3
+mcdade,2157,4
+mcdade,2157,5
+mcdade,2158,0
+mcdade,2158,1
+mcdade,2158,2
+mcdade,2158,3
+mcdade,2158,4
+mcdade,2158,5
+mcdade,2158,6
+mcdade,2159,0
+mcdade,2159,1
+mcdade,2159,2
+mcdade,2159,3
+mcdade,2159,4
+mcdade,2160,0
+mcdade,2160,1
+mcdade,2160,2
+mcdade,2160,3
+mcdade,2160,4
+mcdade,2160,5
+mcdade,2160,6
+mcdade,2160,7
+mcdade,2160,8
+mcdade,2160,9
+mcdade,2161,0
+mcdade,2161,1
+mcdade,2161,2
+mcdade,2161,3
+mcdade,2161,4
+mcdade,2161,5
+mcdade,2161,6
+mcdade,2162,0
+mcdade,2162,1
+mcdade,2162,2
+mcdade,2162,3
+mcdade,2162,4
+mcdade,2163,0
+mcdade,2163,1
+mcdade,2163,2
+mcdade,2164,0
+mcdade,2164,1
+mcdade,2164,2
+mcdade,2164,3
+mcdade,2164,4
+mcdade,2165,0
+mcdade,2165,1
+mcdade,2165,2
+mcdade,2165,3
+mcdade,2165,4
+mcdade,2165,5
+mcdade,2165,6
+mcdade,2165,7
+mcdade,2165,8
+mcdade,2165,9
+mcdade,2165,10
+mcdade,2165,11
+mcdade,2165,12
+mcdade,2165,13
+mcdade,2165,14
+mcdade,2165,15
+mcdade,2165,16
+mcdade,2165,17
+mcdade,2165,18
+mcdade,2165,19
+mcdade,2165,20
+mcdade,2165,21
+mcdade,2166,0
+mcdade,2166,1
+mcdade,2166,2
+mcdade,2166,3
+mcdade,2166,4
+mcdade,2166,5
+mcdade,2166,6
+mcdade,2166,7
+mcdade,2167,0
+mcdade,2167,1
+mcdade,2167,2
+mcdade,2167,3
+mcdade,2168,0
+mcdade,2168,1
+mcdade,2168,2
+mcdade,2168,3
+mcdade,2168,4
+mcdade,2169,0
+mcdade,2169,1
+mcdade,2169,2
+mcdade,2169,3
+mcdade,2169,4
+mcdade,2170,0
+mcdade,2170,1
+mcdade,2170,2
+mcdade,2171,0
+mcdade,2171,1
+mcdade,2171,2
+mcdade,2171,3
+mcdade,2171,4
+mcdade,2171,5
+mcdade,2171,6
+mcdade,2171,7
+mcdade,2171,8
+mcdade,2171,9
+mcdade,2171,10
+mcdade,2172,0
+mcdade,2172,1
+mcdade,2172,2
+mcdade,2172,3
+mcdade,2173,0
+mcdade,2173,1
+mcdade,2173,2
+mcdade,2173,3
+mcdade,2173,4
+mcdade,2173,5
+mcdade,2173,6
+mcdade,2173,7
+mcdade,2174,0
+mcdade,2174,1
+mcdade,2174,2
+mcdade,2174,3
+mcdade,2174,4
+mcdade,2174,5
+mcdade,2174,6
+mcdade,2174,7
+mcdade,2174,8
+mcdade,2174,9
+mcdade,2174,10
+mcdade,2174,11
+mcdade,2174,12
+mcdade,2174,13
+mcdade,2175,0
+mcdade,2175,1
+mcdade,2175,2
+mcdade,2175,3
+mcdade,2175,4
+mcdade,2175,5
+mcdade,2176,0
+mcdade,2176,1
+mcdade,2176,2
+mcdade,2176,3
+mcdade,2176,4
+mcdade,2176,5
+mcdade,2176,6
+mcdade,2176,7
+mcdade,2177,0
+mcdade,2177,1
+mcdade,2177,2
+mcdade,2177,3
+mcdade,2178,0
+mcdade,2178,1
+mcdade,2178,2
+mcdade,2178,3
+mcdade,2178,4
+mcdade,2178,5
+mcdade,2178,6
+mcdade,2178,7
+mcdade,2178,8
+mcdade,2178,9
+mcdade,2179,0
+mcdade,2179,1
+mcdade,2179,2
+mcdade,2179,3
+mcdade,2179,4
+mcdade,2179,5
+mcdade,2179,6
+mcdade,2179,7
+mcdade,2179,8
diff --git a/utils/taskonomy/splits/tiny_train.csv b/utils/taskonomy/splits/tiny_train.csv
new file mode 100644
index 0000000000000000000000000000000000000000..caba03eb23bf0c98f9340c79dedd7ab12a871e99
--- /dev/null
+++ b/utils/taskonomy/splits/tiny_train.csv
@@ -0,0 +1,272297 @@
+building,point,view
+woodbine,1432,1
+lindenwood,2127,5
+stockman,548,0
+hanson,698,10
+klickitat,1052,4
+tolstoy,1108,9
+pinesdale,1253,1
+hanson,1189,1
+coffeen,193,0
+forkland,946,1
+stockman,249,0
+lakeville,152,6
+ranchester,10,1
+ranchester,820,0
+marstons,1032,3
+coffeen,1242,2
+allensville,423,1
+cosmos,697,6
+wainscott,1020,2
+leonardo,112,7
+wainscott,1540,1
+marstons,1737,6
+marstons,1894,5
+mifflinburg,897,10
+leonardo,2036,3
+tolstoy,822,1
+leonardo,861,10
+cosmos,89,10
+ranchester,1554,6
+hiteman,556,3
+newfields,175,11
+ranchester,1426,9
+leonardo,1691,7
+leonardo,725,2
+pomaria,1459,10
+ranchester,110,0
+forkland,388,3
+lindenwood,937,8
+wainscott,1300,8
+leonardo,1876,8
+merom,324,1
+shelbyville,1443,7
+tolstoy,1366,14
+shelbyville,2504,2
+klickitat,966,6
+merom,491,3
+forkland,374,0
+lakeville,350,8
+shelbyville,35,7
+forkland,488,5
+wainscott,192,9
+hiteman,951,0
+klickitat,454,0
+shelbyville,2805,1
+mifflinburg,461,1
+forkland,673,0
+wainscott,1451,7
+hiteman,1562,0
+shelbyville,1102,0
+woodbine,506,4
+marstons,1067,8
+merom,392,4
+lakeville,566,4
+coffeen,433,2
+klickitat,1472,1
+woodbine,799,9
+hanson,689,1
+woodbine,1074,2
+lindenwood,2174,3
+marstons,2425,5
+shelbyville,893,7
+hanson,1229,0
+coffeen,1151,1
+mifflinburg,663,3
+klickitat,921,2
+klickitat,1806,2
+benevolence,7,11
+marstons,535,8
+cosmos,973,8
+ranchester,746,1
+hanson,1364,0
+stockman,1475,5
+marstons,1217,3
+hanson,1536,3
+coffeen,1327,2
+beechwood,133,3
+lindenwood,669,2
+lindenwood,2583,3
+shelbyville,1852,2
+forkland,37,0
+lakeville,415,7
+pinesdale,616,3
+lakeville,1809,18
+klickitat,1788,1
+lakeville,1716,1
+klickitat,1991,0
+hiteman,1709,1
+forkland,886,2
+pinesdale,2,1
+wainscott,644,2
+cosmos,839,2
+lakeville,60,7
+pinesdale,195,2
+lindenwood,2659,0
+lindenwood,1717,4
+pomaria,810,4
+stockman,1136,1
+ranchester,894,3
+newfields,1172,0
+tolstoy,490,6
+hiteman,199,2
+marstons,267,8
+stockman,75,2
+lakeville,1009,3
+lakeville,568,13
+shelbyville,2025,3
+shelbyville,2,2
+mifflinburg,699,0
+leonardo,716,0
+leonardo,1393,0
+tolstoy,1431,1
+pomaria,1024,1
+benevolence,44,6
+lakeville,319,4
+newfields,1059,2
+hiteman,1313,3
+wainscott,1083,3
+lakeville,279,7
+benevolence,604,3
+onaga,597,2
+mifflinburg,663,4
+marstons,1723,3
+stockman,1419,1
+leonardo,283,10
+mifflinburg,355,2
+newfields,7,2
+pomaria,1207,0
+newfields,510,2
+pinesdale,820,5
+woodbine,1144,8
+klickitat,477,5
+shelbyville,2434,7
+pinesdale,614,6
+lakeville,762,0
+lakeville,1794,4
+lindenwood,2091,3
+coffeen,1513,3
+wainscott,865,1
+tolstoy,441,8
+woodbine,88,0
+leonardo,185,5
+onaga,208,2
+hanson,1178,7
+newfields,1471,3
+klickitat,1291,6
+leonardo,1626,7
+lindenwood,2314,1
+lakeville,935,1
+pinesdale,1321,2
+woodbine,750,6
+hiteman,45,5
+marstons,1424,13
+marstons,1744,3
+leonardo,1562,0
+hanson,1563,3
+wainscott,837,9
+ranchester,197,8
+shelbyville,895,13
+newfields,795,6
+pinesdale,308,6
+forkland,362,2
+merom,1115,0
+newfields,1394,2
+newfields,1615,11
+ranchester,1120,2
+lindenwood,1132,9
+lindenwood,901,2
+stockman,1183,1
+lindenwood,519,8
+woodbine,1051,12
+mifflinburg,507,0
+leonardo,78,2
+tolstoy,1034,8
+wainscott,1592,0
+ranchester,662,1
+klickitat,1577,5
+klickitat,1808,6
+newfields,1654,10
+lindenwood,1669,0
+stockman,1546,4
+klickitat,1873,5
+pinesdale,809,2
+hiteman,1540,0
+coffeen,1166,1
+lakeville,1576,13
+hiteman,1513,1
+klickitat,252,6
+beechwood,246,0
+forkland,418,0
+hanson,957,0
+ranchester,1114,4
+leonardo,2053,3
+leonardo,223,5
+lakeville,1759,5
+hiteman,380,2
+marstons,336,6
+pinesdale,242,3
+beechwood,1113,0
+woodbine,1707,8
+leonardo,1869,2
+hiteman,628,3
+ranchester,1355,2
+lindenwood,2232,0
+pomaria,709,1
+coffeen,150,0
+forkland,914,0
+hiteman,1854,3
+pomaria,120,3
+allensville,391,7
+lindenwood,1873,4
+shelbyville,2091,2
+newfields,1494,0
+onaga,320,3
+ranchester,898,3
+hiteman,1083,2
+shelbyville,554,1
+lakeville,440,0
+lindenwood,185,1
+wainscott,187,0
+mifflinburg,729,10
+leonardo,1565,4
+pinesdale,418,11
+coffeen,970,6
+shelbyville,721,3
+marstons,1457,2
+leonardo,1359,6
+wainscott,520,1
+ranchester,715,11
+leonardo,222,1
+allensville,25,4
+ranchester,1602,0
+hiteman,943,2
+leonardo,1718,4
+pomaria,617,1
+stockman,306,4
+woodbine,1604,1
+allensville,161,0
+pomaria,297,1
+coffeen,198,1
+coffeen,556,2
+ranchester,496,5
+allensville,471,0
+newfields,1346,4
+ranchester,58,1
+woodbine,923,5
+hiteman,1114,3
+allensville,312,10
+hanson,809,5
+leonardo,1883,9
+wainscott,1535,2
+hiteman,832,2
+leonardo,1850,2
+leonardo,765,0
+hanson,1050,8
+ranchester,1263,6
+klickitat,2373,1
+shelbyville,1233,1
+beechwood,827,1
+leonardo,1870,5
+beechwood,451,7
+newfields,367,3
+klickitat,1961,0
+woodbine,756,0
+wainscott,1409,1
+leonardo,1073,3
+pinesdale,1466,1
+klickitat,1012,5
+pinesdale,872,7
+lindenwood,1914,2
+marstons,2101,13
+tolstoy,189,1
+shelbyville,2003,8
+hiteman,1514,3
+lindenwood,1627,2
+woodbine,246,1
+lakeville,959,0
+pomaria,1433,0
+beechwood,370,3
+stockman,1523,2
+marstons,335,0
+stockman,41,7
+marstons,1230,2
+pomaria,171,2
+ranchester,93,6
+wainscott,1792,1
+lakeville,1063,3
+newfields,760,4
+hanson,1266,0
+newfields,734,1
+pomaria,1073,4
+hiteman,99,10
+newfields,931,8
+hiteman,1715,1
+marstons,2444,15
+pinesdale,1329,2
+coffeen,1402,6
+ranchester,981,9
+pinesdale,435,0
+klickitat,493,7
+marstons,1678,0
+marstons,1345,2
+shelbyville,2241,3
+leonardo,1734,2
+lakeville,1459,15
+lakeville,1337,0
+lindenwood,2105,1
+pomaria,145,6
+marstons,2110,7
+shelbyville,270,7
+lindenwood,303,3
+lakeville,1252,11
+coffeen,1419,5
+pomaria,1414,2
+shelbyville,1987,3
+klickitat,1391,3
+lakeville,122,1
+leonardo,406,20
+woodbine,128,1
+shelbyville,355,9
+lindenwood,2386,2
+beechwood,486,0
+lakeville,1058,0
+pomaria,1016,6
+wainscott,1425,5
+hanson,1157,4
+shelbyville,2323,10
+lindenwood,2012,2
+lakeville,1097,3
+marstons,265,0
+lindenwood,586,2
+lindenwood,148,5
+shelbyville,2363,5
+marstons,470,4
+ranchester,1594,1
+lindenwood,358,9
+marstons,808,3
+hanson,980,3
+marstons,1244,5
+cosmos,21,6
+pinesdale,731,4
+hiteman,212,4
+ranchester,853,5
+wainscott,955,6
+klickitat,478,6
+pinesdale,1013,4
+hanson,462,2
+hanson,1230,15
+wainscott,604,7
+lakeville,1377,5
+marstons,2068,1
+woodbine,1802,2
+cosmos,979,2
+klickitat,2038,2
+pinesdale,1408,7
+mifflinburg,53,3
+shelbyville,803,0
+benevolence,236,5
+klickitat,1119,1
+pomaria,1179,16
+woodbine,1462,5
+hanson,513,2
+tolstoy,585,6
+pinesdale,805,3
+shelbyville,2036,10
+newfields,1161,1
+onaga,255,0
+hiteman,477,11
+tolstoy,806,3
+wainscott,1047,3
+newfields,168,1
+wainscott,213,2
+benevolence,657,0
+klickitat,846,2
+benevolence,389,8
+lakeville,1444,6
+stockman,86,1
+hanson,661,2
+hanson,960,1
+klickitat,42,12
+pomaria,969,0
+shelbyville,1735,2
+marstons,934,0
+newfields,1338,1
+ranchester,281,4
+marstons,613,4
+coffeen,37,2
+leonardo,1805,13
+beechwood,562,9
+marstons,772,2
+ranchester,887,2
+shelbyville,2295,11
+stockman,1484,16
+shelbyville,2368,8
+lakeville,1148,3
+wainscott,194,3
+wainscott,175,2
+woodbine,1975,2
+forkland,681,1
+wainscott,888,2
+marstons,1751,8
+beechwood,883,5
+klickitat,1186,16
+klickitat,2158,0
+shelbyville,1629,4
+leonardo,383,2
+marstons,2190,0
+shelbyville,995,0
+leonardo,91,1
+hiteman,1219,4
+lindenwood,675,5
+ranchester,1211,0
+lakeville,1410,6
+shelbyville,346,5
+wainscott,899,5
+cosmos,982,3
+shelbyville,113,3
+pomaria,775,2
+pomaria,600,2
+tolstoy,685,5
+lakeville,1240,1
+newfields,1645,6
+lindenwood,537,7
+klickitat,782,2
+merom,916,6
+leonardo,481,2
+marstons,25,0
+wainscott,1320,3
+tolstoy,806,6
+klickitat,2228,5
+woodbine,1913,2
+wainscott,1431,0
+leonardo,1761,0
+leonardo,1482,9
+klickitat,599,5
+stockman,742,0
+wainscott,45,13
+newfields,1576,6
+hiteman,1736,9
+coffeen,704,3
+forkland,895,2
+forkland,735,2
+forkland,183,0
+hanson,144,6
+klickitat,1243,2
+newfields,48,12
+lindenwood,2235,3
+ranchester,1596,1
+hiteman,876,1
+lakeville,1255,4
+lakeville,1144,3
+woodbine,1896,3
+hiteman,886,11
+hiteman,1556,5
+lakeville,442,0
+coffeen,1190,6
+leonardo,1802,2
+hanson,1571,0
+beechwood,352,4
+woodbine,1345,1
+forkland,600,2
+onaga,545,9
+cosmos,882,6
+klickitat,1774,1
+pomaria,457,1
+hiteman,1764,0
+hiteman,1506,1
+shelbyville,2269,1
+cosmos,646,4
+shelbyville,2489,4
+woodbine,266,13
+leonardo,813,3
+lindenwood,2163,9
+shelbyville,1729,0
+lakeville,733,8
+wainscott,1147,1
+klickitat,398,3
+marstons,1106,2
+hiteman,1526,5
+wainscott,1783,5
+leonardo,1842,0
+marstons,1315,0
+shelbyville,745,3
+klickitat,488,16
+newfields,203,0
+beechwood,403,0
+hiteman,212,5
+klickitat,1389,4
+cosmos,175,0
+benevolence,392,2
+wainscott,1583,0
+hiteman,552,2
+pinesdale,379,5
+hiteman,68,14
+beechwood,986,0
+shelbyville,2055,3
+forkland,953,2
+benevolence,81,3
+tolstoy,172,3
+woodbine,2040,12
+hiteman,533,5
+newfields,1500,4
+lakeville,24,7
+hiteman,63,4
+hanson,1424,10
+shelbyville,2504,3
+onaga,279,2
+marstons,1533,5
+marstons,82,0
+hanson,851,3
+shelbyville,2368,2
+pinesdale,852,5
+hanson,98,2
+woodbine,1530,6
+pomaria,1361,6
+newfields,1503,12
+pomaria,1106,11
+wainscott,496,11
+hiteman,880,7
+shelbyville,1949,3
+tolstoy,922,3
+hanson,367,2
+hiteman,1380,4
+shelbyville,282,3
+lindenwood,684,5
+marstons,67,7
+pomaria,1633,1
+shelbyville,2742,9
+merom,370,6
+shelbyville,1736,0
+pomaria,1236,2
+shelbyville,860,7
+pinesdale,231,9
+marstons,24,2
+merom,384,0
+cosmos,945,7
+pomaria,458,0
+woodbine,1833,2
+wainscott,1550,5
+hiteman,954,0
+klickitat,1972,0
+newfields,1625,13
+woodbine,1679,1
+benevolence,255,1
+mifflinburg,288,3
+mifflinburg,489,4
+stockman,1591,1
+leonardo,471,1
+beechwood,135,9
+klickitat,1361,4
+wainscott,569,1
+lindenwood,1334,4
+klickitat,1629,5
+cosmos,984,2
+hanson,660,0
+klickitat,530,5
+forkland,107,4
+mifflinburg,785,3
+beechwood,615,1
+woodbine,625,5
+pinesdale,176,1
+tolstoy,970,2
+lindenwood,1217,2
+lindenwood,127,2
+newfields,1169,3
+tolstoy,1116,3
+shelbyville,1231,1
+marstons,2433,0
+pomaria,557,6
+marstons,562,9
+hiteman,1154,2
+shelbyville,2512,9
+marstons,1758,2
+coffeen,518,2
+klickitat,914,1
+shelbyville,2598,2
+ranchester,653,6
+tolstoy,1150,5
+ranchester,219,0
+tolstoy,474,8
+woodbine,465,1
+benevolence,917,1
+cosmos,546,1
+tolstoy,1651,3
+hanson,1063,4
+coffeen,933,1
+woodbine,1804,6
+wainscott,971,0
+klickitat,2320,3
+benevolence,690,3
+marstons,791,7
+tolstoy,805,6
+shelbyville,24,14
+woodbine,2032,3
+leonardo,1522,4
+woodbine,170,2
+hiteman,1531,4
+beechwood,618,3
+hanson,1441,10
+pomaria,1632,2
+coffeen,792,1
+lindenwood,1180,1
+allensville,323,2
+hanson,453,2
+lakeville,559,10
+klickitat,2186,5
+wainscott,661,2
+mifflinburg,456,0
+hiteman,114,4
+mifflinburg,483,3
+klickitat,648,2
+shelbyville,2321,9
+stockman,368,1
+klickitat,64,11
+lindenwood,124,7
+shelbyville,651,7
+klickitat,239,0
+allensville,101,1
+pomaria,487,0
+benevolence,747,3
+merom,846,2
+shelbyville,1396,2
+shelbyville,1411,1
+pomaria,611,8
+lindenwood,181,6
+lindenwood,1525,8
+marstons,2384,1
+lakeville,1096,1
+beechwood,256,2
+klickitat,202,5
+hiteman,1239,2
+klickitat,1490,2
+lindenwood,1354,3
+pinesdale,688,5
+lindenwood,2041,3
+hanson,1286,6
+shelbyville,1438,10
+leonardo,1990,5
+lindenwood,1822,9
+klickitat,518,2
+klickitat,1211,4
+shelbyville,2163,3
+lindenwood,2628,5
+ranchester,464,8
+wainscott,1363,0
+woodbine,929,4
+beechwood,781,0
+klickitat,1741,8
+wainscott,1025,13
+stockman,436,0
+leonardo,1903,1
+lakeville,778,2
+marstons,589,4
+lindenwood,2365,1
+shelbyville,1093,0
+ranchester,303,5
+shelbyville,1598,1
+pomaria,1157,4
+lakeville,1680,0
+beechwood,517,2
+stockman,115,6
+pinesdale,1245,5
+klickitat,2105,0
+coffeen,817,6
+pinesdale,523,8
+wainscott,64,9
+marstons,2655,4
+stockman,360,0
+shelbyville,1175,2
+hiteman,1554,9
+lindenwood,2604,8
+tolstoy,236,7
+leonardo,646,0
+pinesdale,721,7
+marstons,2645,2
+pomaria,1600,1
+pomaria,683,1
+tolstoy,315,2
+lindenwood,1991,5
+pomaria,10,1
+hiteman,1592,2
+forkland,1159,1
+woodbine,1796,5
+klickitat,283,5
+shelbyville,228,10
+tolstoy,1,2
+pinesdale,398,6
+shelbyville,2722,7
+lindenwood,875,10
+lindenwood,378,2
+shelbyville,1519,12
+woodbine,970,11
+shelbyville,2064,2
+stockman,668,2
+marstons,2380,1
+lakeville,1607,3
+benevolence,29,6
+beechwood,506,5
+merom,788,6
+allensville,73,3
+woodbine,253,0
+ranchester,950,3
+lakeville,332,2
+cosmos,728,3
+lindenwood,26,2
+mifflinburg,594,1
+leonardo,633,1
+lindenwood,2279,3
+hiteman,49,0
+benevolence,168,8
+stockman,832,0
+lindenwood,2557,0
+lakeville,260,2
+marstons,329,4
+ranchester,1385,2
+lakeville,869,3
+woodbine,1427,5
+wainscott,1449,8
+hiteman,1274,4
+marstons,2071,3
+shelbyville,125,0
+hanson,810,1
+hanson,1604,3
+ranchester,846,1
+ranchester,947,5
+cosmos,940,2
+shelbyville,958,0
+woodbine,1320,9
+stockman,36,5
+marstons,741,7
+woodbine,1685,3
+leonardo,882,16
+woodbine,1700,11
+leonardo,1420,2
+klickitat,900,2
+klickitat,264,0
+hiteman,1820,6
+pomaria,5,1
+forkland,1123,7
+wainscott,1438,2
+merom,652,0
+forkland,927,3
+lindenwood,361,1
+shelbyville,2023,1
+beechwood,400,3
+newfields,128,5
+klickitat,111,7
+wainscott,1231,0
+stockman,738,3
+beechwood,48,4
+wainscott,1174,3
+lakeville,1573,3
+allensville,63,3
+onaga,89,2
+woodbine,1309,1
+pinesdale,854,2
+leonardo,1448,0
+tolstoy,1325,4
+wainscott,116,1
+shelbyville,50,9
+shelbyville,294,8
+marstons,710,2
+lakeville,345,3
+lindenwood,1168,6
+pomaria,566,2
+lindenwood,2275,0
+lakeville,1480,4
+woodbine,1131,4
+lindenwood,2213,8
+lindenwood,753,0
+newfields,1031,7
+klickitat,178,4
+lindenwood,287,4
+leonardo,2006,2
+newfields,1618,0
+woodbine,805,2
+tolstoy,1633,3
+shelbyville,2416,1
+merom,68,1
+klickitat,1190,4
+wainscott,96,7
+tolstoy,1489,0
+ranchester,307,2
+cosmos,452,7
+hiteman,1098,2
+pomaria,790,3
+newfields,508,0
+newfields,1124,3
+beechwood,500,0
+tolstoy,110,8
+woodbine,547,6
+hanson,221,8
+beechwood,57,4
+pinesdale,1162,0
+hanson,10,7
+lindenwood,2154,1
+lindenwood,1010,7
+lakeville,1178,3
+marstons,219,0
+pomaria,1107,2
+wainscott,332,5
+woodbine,519,9
+ranchester,1591,7
+mifflinburg,356,0
+newfields,806,0
+ranchester,1351,1
+marstons,502,4
+lindenwood,182,1
+lakeville,1320,7
+coffeen,504,3
+beechwood,248,6
+forkland,401,1
+leonardo,1437,0
+leonardo,1105,4
+klickitat,63,1
+marstons,559,0
+lakeville,561,13
+lindenwood,1542,3
+tolstoy,1243,2
+marstons,2245,7
+stockman,1147,3
+wainscott,471,2
+lindenwood,460,6
+hiteman,1441,5
+merom,920,5
+shelbyville,2476,3
+ranchester,1022,0
+shelbyville,2552,6
+woodbine,1955,13
+woodbine,1055,8
+onaga,304,0
+hiteman,1763,4
+tolstoy,1724,1
+lakeville,1265,5
+onaga,587,2
+coffeen,1002,4
+allensville,291,1
+newfields,262,2
+wainscott,1063,1
+newfields,927,3
+merom,675,2
+lakeville,1317,2
+leonardo,1770,11
+tolstoy,844,6
+benevolence,236,2
+pomaria,1336,6
+hanson,1077,0
+shelbyville,1799,7
+stockman,1380,0
+wainscott,897,5
+woodbine,1741,3
+woodbine,1149,6
+pinesdale,818,0
+beechwood,583,3
+newfields,492,7
+hiteman,1089,0
+woodbine,227,3
+klickitat,1879,4
+klickitat,1644,1
+marstons,2368,2
+merom,837,2
+hiteman,211,0
+marstons,2209,2
+stockman,229,1
+ranchester,982,3
+coffeen,678,0
+lindenwood,1699,5
+wainscott,194,0
+marstons,1782,5
+allensville,229,7
+wainscott,1354,5
+stockman,1136,2
+leonardo,540,5
+hanson,771,0
+wainscott,1777,2
+pomaria,287,4
+newfields,1051,7
+klickitat,1963,2
+marstons,1239,7
+marstons,2532,2
+tolstoy,924,6
+shelbyville,11,2
+lindenwood,801,8
+wainscott,1601,4
+lindenwood,1924,1
+ranchester,1564,1
+beechwood,695,2
+klickitat,2285,11
+woodbine,1691,0
+marstons,1105,6
+ranchester,1353,2
+marstons,1075,2
+mifflinburg,459,1
+wainscott,885,9
+lakeville,1809,8
+shelbyville,2537,2
+klickitat,486,2
+allensville,99,0
+hiteman,1017,2
+stockman,10,5
+shelbyville,2126,3
+wainscott,840,5
+leonardo,1545,6
+hiteman,119,4
+shelbyville,2486,3
+lakeville,116,17
+klickitat,1383,2
+woodbine,585,2
+lakeville,1097,10
+hiteman,1520,5
+tolstoy,338,2
+pinesdale,331,1
+hiteman,501,6
+pinesdale,1168,15
+lindenwood,1148,23
+marstons,2384,6
+woodbine,1936,0
+lindenwood,1774,4
+marstons,1808,12
+hiteman,1487,8
+wainscott,190,10
+coffeen,704,0
+lakeville,212,7
+lakeville,579,10
+hanson,1510,15
+shelbyville,1888,1
+klickitat,101,2
+klickitat,2072,9
+stockman,960,6
+coffeen,318,2
+coffeen,541,0
+beechwood,62,3
+lindenwood,1537,4
+woodbine,1761,0
+stockman,748,5
+shelbyville,2147,0
+leonardo,521,2
+leonardo,1952,10
+klickitat,56,0
+shelbyville,95,2
+allensville,233,5
+shelbyville,1393,2
+lakeville,104,1
+newfields,245,1
+coffeen,589,0
+lakeville,727,4
+coffeen,1267,1
+hanson,734,1
+hiteman,425,3
+woodbine,1868,6
+shelbyville,1116,4
+lindenwood,2463,0
+shelbyville,2100,7
+mifflinburg,918,1
+woodbine,364,1
+newfields,216,3
+leonardo,795,8
+beechwood,614,3
+hanson,205,4
+lakeville,1267,3
+pomaria,319,3
+coffeen,832,1
+mifflinburg,914,7
+mifflinburg,740,1
+marstons,2313,7
+hiteman,1788,0
+beechwood,440,2
+woodbine,122,2
+lindenwood,666,3
+marstons,1596,12
+cosmos,158,0
+cosmos,670,2
+klickitat,1435,9
+hanson,1134,11
+leonardo,323,5
+benevolence,755,1
+lindenwood,2554,5
+marstons,733,6
+merom,451,2
+lindenwood,1545,1
+pinesdale,1351,0
+ranchester,536,7
+merom,210,1
+woodbine,846,9
+benevolence,679,5
+tolstoy,1444,13
+hanson,163,4
+shelbyville,1190,5
+lakeville,1664,6
+hiteman,862,4
+stockman,1035,3
+newfields,847,1
+tolstoy,329,5
+hiteman,599,2
+benevolence,323,1
+marstons,1642,2
+pinesdale,440,6
+klickitat,493,5
+mifflinburg,618,6
+marstons,867,6
+coffeen,126,8
+hanson,1083,4
+hiteman,1841,4
+lakeville,611,1
+klickitat,686,7
+woodbine,1608,4
+tolstoy,853,1
+wainscott,1069,0
+lindenwood,497,1
+pomaria,704,1
+mifflinburg,662,10
+lakeville,1501,1
+forkland,264,4
+leonardo,788,12
+wainscott,584,4
+onaga,428,2
+tolstoy,720,7
+lindenwood,2529,6
+tolstoy,453,9
+lakeville,1389,12
+hiteman,149,2
+lakeville,899,4
+woodbine,1142,2
+stockman,278,2
+klickitat,1011,2
+lindenwood,1795,6
+newfields,1,2
+woodbine,2027,0
+leonardo,208,1
+woodbine,1776,4
+newfields,1335,1
+onaga,464,1
+pomaria,1042,5
+cosmos,743,6
+marstons,1897,0
+hanson,1099,4
+wainscott,1585,7
+hiteman,1645,14
+pinesdale,1292,3
+hanson,106,10
+ranchester,1523,3
+merom,570,0
+klickitat,1363,15
+leonardo,83,8
+marstons,2132,8
+mifflinburg,972,0
+pinesdale,774,2
+ranchester,1629,1
+marstons,740,0
+klickitat,1817,11
+pinesdale,3,2
+leonardo,126,2
+mifflinburg,613,3
+leonardo,435,14
+lakeville,1369,3
+leonardo,1808,1
+hiteman,1766,0
+ranchester,1200,2
+cosmos,370,0
+woodbine,1874,0
+cosmos,850,4
+lindenwood,1613,0
+coffeen,63,0
+hiteman,181,0
+lindenwood,66,14
+shelbyville,1140,2
+tolstoy,35,6
+tolstoy,553,2
+onaga,485,2
+shelbyville,570,0
+lindenwood,689,5
+pomaria,338,2
+pinesdale,242,0
+cosmos,143,1
+benevolence,477,8
+cosmos,259,10
+marstons,2211,1
+shelbyville,2557,1
+marstons,1223,5
+coffeen,187,2
+mifflinburg,576,1
+leonardo,661,0
+marstons,268,3
+wainscott,1758,6
+onaga,387,7
+hanson,1594,0
+lakeville,62,8
+marstons,1387,1
+klickitat,103,0
+beechwood,674,1
+hiteman,68,3
+hiteman,1388,11
+ranchester,799,2
+hiteman,863,5
+ranchester,1400,1
+onaga,506,6
+merom,771,5
+leonardo,21,2
+newfields,240,2
+ranchester,780,3
+cosmos,28,4
+pomaria,1437,10
+pomaria,902,2
+onaga,550,10
+stockman,236,2
+shelbyville,336,2
+newfields,1221,13
+cosmos,254,0
+pomaria,229,0
+forkland,1050,2
+hanson,720,8
+lakeville,1515,8
+ranchester,1106,4
+newfields,761,1
+beechwood,204,5
+wainscott,152,2
+coffeen,317,7
+lakeville,1798,8
+coffeen,460,6
+hiteman,1232,0
+pinesdale,237,0
+merom,149,3
+lakeville,196,6
+lindenwood,2442,6
+hanson,594,12
+forkland,243,0
+klickitat,1222,2
+newfields,104,2
+ranchester,722,1
+wainscott,388,7
+ranchester,994,1
+leonardo,672,3
+forkland,1095,1
+stockman,1328,0
+woodbine,1325,0
+leonardo,1545,5
+hiteman,280,8
+hiteman,1244,5
+leonardo,82,1
+lindenwood,794,6
+lindenwood,2164,7
+ranchester,702,4
+lakeville,239,3
+shelbyville,2306,11
+newfields,1626,2
+leonardo,626,1
+shelbyville,839,0
+pinesdale,711,8
+newfields,1190,9
+shelbyville,2545,9
+hiteman,1257,3
+lindenwood,194,2
+pomaria,813,7
+leonardo,1296,2
+tolstoy,1442,4
+tolstoy,291,4
+shelbyville,550,6
+cosmos,50,0
+tolstoy,447,0
+hanson,1252,1
+ranchester,484,2
+stockman,230,3
+pomaria,1115,5
+cosmos,221,0
+marstons,1063,0
+tolstoy,803,8
+hanson,1282,0
+wainscott,1503,1
+merom,424,7
+marstons,2401,6
+hiteman,1719,1
+wainscott,49,4
+ranchester,836,0
+lindenwood,1058,6
+coffeen,416,0
+marstons,1226,13
+beechwood,219,0
+lindenwood,2327,0
+hanson,35,2
+stockman,1513,6
+cosmos,945,9
+pinesdale,1073,1
+klickitat,846,12
+wainscott,1568,0
+stockman,730,0
+marstons,416,4
+wainscott,36,3
+beechwood,505,5
+leonardo,1799,5
+cosmos,416,3
+coffeen,915,2
+pomaria,726,0
+hiteman,555,2
+newfields,940,4
+lindenwood,1420,0
+hanson,86,1
+pinesdale,925,10
+benevolence,359,3
+lakeville,753,0
+newfields,458,17
+tolstoy,1298,2
+newfields,521,1
+pinesdale,138,1
+stockman,8,2
+hanson,1350,0
+lakeville,1044,4
+newfields,1324,0
+klickitat,402,4
+woodbine,1015,2
+shelbyville,2301,5
+tolstoy,799,1
+tolstoy,993,2
+lakeville,1176,0
+mifflinburg,808,3
+klickitat,1219,4
+leonardo,790,3
+klickitat,187,1
+klickitat,498,3
+lindenwood,1406,1
+shelbyville,2009,6
+pomaria,965,6
+shelbyville,2523,3
+forkland,1077,8
+pinesdale,42,1
+shelbyville,1152,10
+leonardo,619,1
+coffeen,37,1
+hiteman,1662,2
+cosmos,98,1
+pomaria,1610,4
+newfields,1038,0
+wainscott,93,4
+cosmos,831,1
+allensville,138,3
+marstons,2023,2
+leonardo,373,3
+shelbyville,2140,1
+tolstoy,480,0
+leonardo,1168,4
+pomaria,377,8
+mifflinburg,509,11
+leonardo,1877,4
+coffeen,1358,2
+pomaria,1257,5
+lindenwood,167,0
+leonardo,2092,4
+marstons,1818,5
+marstons,2389,0
+stockman,1186,3
+marstons,2188,0
+stockman,1048,11
+hiteman,1293,9
+hanson,1580,1
+hiteman,685,0
+klickitat,1043,5
+wainscott,1225,6
+klickitat,656,3
+wainscott,1195,4
+shelbyville,1766,0
+tolstoy,1171,3
+ranchester,1109,3
+shelbyville,2330,0
+hanson,283,3
+klickitat,2133,3
+beechwood,972,4
+pomaria,162,3
+lakeville,280,2
+wainscott,799,1
+pomaria,1323,3
+ranchester,1193,0
+shelbyville,1195,0
+pinesdale,1235,13
+newfields,889,11
+wainscott,1284,0
+wainscott,601,1
+marstons,907,5
+forkland,1007,5
+newfields,565,2
+mifflinburg,466,3
+shelbyville,672,6
+forkland,498,0
+tolstoy,742,5
+ranchester,209,4
+woodbine,962,3
+forkland,627,2
+klickitat,285,1
+cosmos,1062,0
+ranchester,810,5
+merom,814,1
+mifflinburg,243,3
+wainscott,851,7
+beechwood,89,1
+hanson,731,3
+pomaria,1226,8
+beechwood,1176,2
+newfields,695,2
+wainscott,198,0
+hiteman,1851,5
+hanson,1095,3
+leonardo,1222,15
+shelbyville,2641,4
+forkland,1068,2
+lakeville,187,4
+marstons,1082,0
+allensville,346,2
+shelbyville,412,3
+hanson,1345,6
+merom,335,2
+shelbyville,2366,1
+coffeen,550,8
+pinesdale,142,3
+hanson,406,1
+ranchester,1538,4
+lindenwood,651,3
+merom,102,2
+shelbyville,16,2
+marstons,1876,6
+ranchester,1504,7
+marstons,1722,2
+hiteman,1111,1
+marstons,2642,5
+shelbyville,1789,6
+beechwood,66,1
+pinesdale,910,0
+lindenwood,760,4
+marstons,1337,2
+woodbine,95,11
+marstons,1771,3
+pinesdale,1162,6
+lakeville,1166,12
+cosmos,82,0
+woodbine,97,1
+stockman,1081,1
+newfields,1184,6
+woodbine,1281,8
+wainscott,419,4
+woodbine,627,0
+newfields,774,3
+lindenwood,186,2
+cosmos,867,0
+woodbine,856,5
+wainscott,280,10
+tolstoy,1649,6
+ranchester,1247,6
+ranchester,325,1
+shelbyville,256,2
+ranchester,1322,4
+shelbyville,1950,5
+wainscott,1425,11
+stockman,1592,4
+klickitat,154,5
+woodbine,1111,5
+hanson,471,1
+beechwood,766,7
+klickitat,324,4
+lindenwood,1073,0
+coffeen,839,1
+lindenwood,1383,1
+hiteman,588,3
+hiteman,1050,1
+pomaria,102,3
+cosmos,771,2
+marstons,884,3
+ranchester,1150,15
+lindenwood,507,0
+lakeville,652,14
+hanson,902,2
+tolstoy,190,9
+tolstoy,666,1
+forkland,332,2
+coffeen,916,3
+klickitat,666,0
+shelbyville,420,0
+marstons,828,1
+newfields,1037,4
+ranchester,1377,18
+marstons,2151,0
+beechwood,843,2
+beechwood,915,0
+wainscott,1421,6
+hanson,19,5
+wainscott,319,3
+ranchester,353,3
+lakeville,834,0
+hiteman,376,14
+allensville,143,1
+marstons,12,3
+merom,587,1
+shelbyville,2780,7
+mifflinburg,230,1
+wainscott,943,2
+ranchester,342,0
+marstons,1466,2
+cosmos,666,4
+hiteman,572,1
+hiteman,478,2
+marstons,1708,4
+shelbyville,511,3
+hanson,54,4
+hanson,83,4
+leonardo,676,2
+coffeen,1048,2
+shelbyville,2440,5
+shelbyville,1926,5
+shelbyville,2754,2
+newfields,825,7
+ranchester,681,9
+newfields,833,0
+klickitat,132,11
+klickitat,2213,0
+klickitat,97,4
+klickitat,74,15
+onaga,432,0
+woodbine,435,1
+lakeville,1149,0
+stockman,1540,7
+klickitat,611,9
+newfields,253,2
+shelbyville,692,8
+klickitat,1706,5
+merom,839,0
+coffeen,1107,9
+woodbine,388,0
+klickitat,981,1
+newfields,839,4
+marstons,1360,0
+allensville,517,1
+shelbyville,1302,4
+pomaria,511,19
+klickitat,1348,2
+mifflinburg,797,5
+tolstoy,930,2
+lindenwood,1199,7
+woodbine,2037,8
+lakeville,1899,15
+woodbine,378,4
+leonardo,457,9
+lakeville,400,5
+lindenwood,2084,2
+lakeville,788,0
+woodbine,1810,3
+cosmos,552,5
+benevolence,210,1
+tolstoy,830,8
+merom,535,2
+tolstoy,591,5
+leonardo,1359,0
+pomaria,116,4
+stockman,1509,5
+marstons,1141,10
+lakeville,1790,1
+lakeville,1041,2
+klickitat,2384,1
+tolstoy,608,3
+klickitat,568,3
+ranchester,743,5
+klickitat,1605,3
+marstons,314,3
+woodbine,97,3
+klickitat,2190,10
+mifflinburg,165,3
+marstons,627,7
+pinesdale,1446,0
+wainscott,706,0
+hiteman,1226,3
+lakeville,111,7
+shelbyville,918,7
+coffeen,1212,1
+wainscott,80,4
+mifflinburg,884,4
+forkland,9,3
+pinesdale,807,6
+hiteman,1530,5
+woodbine,588,0
+tolstoy,1011,9
+pinesdale,22,1
+forkland,343,0
+tolstoy,773,1
+shelbyville,502,1
+ranchester,400,9
+woodbine,1856,9
+beechwood,215,3
+merom,621,2
+beechwood,345,4
+wainscott,1469,0
+coffeen,753,6
+leonardo,57,2
+lindenwood,1195,3
+stockman,598,17
+lakeville,452,6
+tolstoy,438,5
+shelbyville,572,1
+shelbyville,428,4
+klickitat,580,3
+cosmos,624,5
+newfields,183,11
+pomaria,1537,2
+wainscott,1436,0
+wainscott,1597,1
+hiteman,1695,9
+klickitat,2089,9
+tolstoy,2,5
+beechwood,325,0
+ranchester,1305,4
+tolstoy,1783,2
+beechwood,1133,1
+ranchester,1060,4
+marstons,859,9
+wainscott,973,7
+pinesdale,1227,4
+wainscott,830,12
+mifflinburg,173,8
+wainscott,113,2
+tolstoy,1202,2
+marstons,1168,3
+pinesdale,1113,1
+wainscott,206,12
+cosmos,46,3
+onaga,9,2
+leonardo,1132,7
+newfields,95,4
+tolstoy,1274,0
+stockman,725,2
+pinesdale,992,1
+marstons,1943,2
+leonardo,2001,2
+leonardo,590,0
+pinesdale,654,1
+lindenwood,2573,0
+coffeen,1214,0
+wainscott,261,5
+lakeville,679,1
+leonardo,1825,9
+wainscott,1385,9
+wainscott,1576,8
+klickitat,2359,0
+newfields,1515,1
+woodbine,1362,1
+marstons,56,2
+tolstoy,1801,1
+wainscott,534,1
+klickitat,2250,9
+leonardo,667,0
+cosmos,524,3
+lindenwood,1868,3
+hiteman,421,6
+merom,146,4
+cosmos,27,2
+lindenwood,110,6
+pomaria,812,3
+lindenwood,1646,1
+newfields,346,5
+lindenwood,898,1
+woodbine,13,0
+benevolence,162,3
+woodbine,1398,5
+klickitat,998,3
+wainscott,496,5
+beechwood,11,0
+coffeen,1326,1
+allensville,8,3
+marstons,1476,4
+wainscott,131,0
+shelbyville,688,2
+tolstoy,418,7
+wainscott,1779,1
+klickitat,1364,3
+pinesdale,1310,0
+leonardo,603,4
+pomaria,1146,0
+hanson,512,3
+wainscott,65,3
+hanson,746,3
+onaga,565,5
+stockman,1525,6
+benevolence,492,2
+woodbine,1,3
+marstons,1812,2
+leonardo,1358,13
+stockman,707,3
+mifflinburg,153,3
+leonardo,1234,3
+pomaria,66,1
+allensville,394,0
+klickitat,1022,0
+lakeville,937,6
+ranchester,1538,1
+shelbyville,2212,9
+newfields,641,11
+woodbine,2010,1
+tolstoy,1141,7
+lakeville,399,12
+shelbyville,609,4
+cosmos,710,10
+lakeville,583,11
+pinesdale,1268,8
+tolstoy,1130,13
+mifflinburg,764,5
+forkland,1166,12
+pinesdale,576,8
+lindenwood,1349,1
+lakeville,962,1
+benevolence,7,0
+lakeville,1350,5
+cosmos,1060,3
+hiteman,1817,2
+merom,499,1
+leonardo,934,6
+stockman,1561,4
+cosmos,983,6
+klickitat,2223,0
+wainscott,1161,3
+pomaria,136,1
+stockman,429,5
+onaga,67,0
+leonardo,363,17
+cosmos,1001,1
+leonardo,2002,2
+shelbyville,2097,3
+coffeen,1317,5
+hanson,1521,0
+klickitat,709,0
+stockman,302,1
+leonardo,115,3
+lakeville,1303,0
+wainscott,1019,14
+marstons,865,2
+coffeen,176,0
+ranchester,1185,5
+hanson,449,4
+lindenwood,2286,0
+leonardo,114,7
+hanson,616,6
+tolstoy,478,8
+lakeville,593,1
+newfields,533,4
+klickitat,1799,2
+leonardo,1716,9
+pomaria,1289,1
+lakeville,1884,13
+hanson,673,5
+lindenwood,1873,0
+shelbyville,744,9
+lindenwood,2205,3
+beechwood,430,0
+leonardo,99,1
+klickitat,368,7
+wainscott,1641,4
+coffeen,175,4
+lakeville,1484,10
+pinesdale,576,1
+beechwood,866,8
+klickitat,1,0
+wainscott,1008,2
+wainscott,1574,3
+leonardo,33,1
+lakeville,1731,5
+woodbine,1081,11
+allensville,77,4
+lindenwood,654,7
+wainscott,583,6
+klickitat,2157,5
+pomaria,1564,4
+lakeville,193,2
+pomaria,407,3
+woodbine,1650,0
+shelbyville,1552,0
+woodbine,959,0
+klickitat,1916,3
+newfields,1422,3
+leonardo,1468,5
+woodbine,652,4
+forkland,991,1
+marstons,2575,3
+wainscott,493,2
+lindenwood,2221,8
+klickitat,1269,3
+shelbyville,131,4
+wainscott,1489,1
+stockman,855,2
+coffeen,1059,1
+lindenwood,61,2
+pomaria,1353,4
+marstons,1529,8
+shelbyville,1481,7
+hanson,1531,2
+cosmos,999,1
+shelbyville,2183,6
+wainscott,234,6
+pinesdale,1094,0
+allensville,353,5
+marstons,193,1
+lindenwood,403,15
+coffeen,972,5
+klickitat,838,0
+lindenwood,316,3
+klickitat,112,1
+mifflinburg,971,0
+newfields,1000,4
+klickitat,2417,3
+cosmos,3,1
+lakeville,747,4
+lindenwood,2001,0
+leonardo,252,13
+tolstoy,1801,0
+newfields,1599,3
+shelbyville,797,2
+leonardo,392,6
+pomaria,1532,0
+pinesdale,476,2
+lindenwood,1520,5
+marstons,1405,3
+onaga,77,2
+hanson,50,2
+shelbyville,91,11
+lindenwood,2281,7
+pinesdale,828,0
+shelbyville,2784,1
+ranchester,1561,4
+benevolence,446,5
+hanson,478,3
+lakeville,1621,0
+lindenwood,2637,3
+lindenwood,2307,8
+shelbyville,571,12
+coffeen,658,2
+lindenwood,1419,2
+ranchester,1176,9
+pinesdale,493,9
+allensville,283,3
+ranchester,1131,6
+tolstoy,72,1
+shelbyville,727,8
+lakeville,250,12
+beechwood,449,0
+woodbine,1464,4
+coffeen,1165,2
+woodbine,1423,2
+leonardo,1112,10
+lindenwood,1966,7
+leonardo,595,7
+shelbyville,721,4
+marstons,1987,1
+merom,661,1
+klickitat,2202,5
+lakeville,313,6
+ranchester,122,1
+tolstoy,1225,5
+hiteman,664,1
+woodbine,1186,7
+newfields,554,1
+klickitat,1765,0
+klickitat,1601,3
+marstons,1782,9
+pomaria,958,6
+shelbyville,2674,10
+hanson,83,3
+hanson,512,2
+klickitat,1187,2
+klickitat,1906,3
+tolstoy,1788,4
+merom,985,1
+tolstoy,849,3
+forkland,271,3
+wainscott,507,3
+newfields,1106,3
+merom,782,4
+ranchester,183,4
+tolstoy,927,9
+lindenwood,909,2
+ranchester,545,0
+ranchester,1510,5
+lindenwood,477,2
+shelbyville,2379,8
+shelbyville,2804,0
+klickitat,75,2
+lindenwood,2541,0
+merom,646,4
+pomaria,1575,9
+lakeville,1506,4
+leonardo,1277,2
+shelbyville,572,0
+coffeen,1244,0
+coffeen,1495,0
+shelbyville,2650,8
+marstons,2190,6
+marstons,1871,4
+pomaria,1457,1
+klickitat,31,4
+woodbine,772,1
+newfields,28,3
+ranchester,271,6
+woodbine,492,1
+marstons,1084,6
+newfields,975,15
+klickitat,2069,2
+marstons,2379,3
+ranchester,1527,2
+mifflinburg,94,2
+klickitat,1516,9
+beechwood,855,5
+pinesdale,852,1
+cosmos,540,3
+marstons,585,12
+hiteman,926,1
+ranchester,1593,10
+leonardo,801,3
+lindenwood,486,5
+hiteman,1590,0
+klickitat,488,2
+shelbyville,1603,1
+merom,604,6
+klickitat,362,1
+ranchester,1491,3
+hiteman,290,4
+ranchester,860,8
+klickitat,1599,11
+tolstoy,683,0
+cosmos,47,2
+lakeville,176,0
+stockman,1510,4
+merom,990,3
+newfields,1197,1
+beechwood,570,6
+wainscott,123,1
+pinesdale,572,12
+woodbine,892,3
+shelbyville,2048,3
+leonardo,851,4
+coffeen,371,0
+coffeen,575,11
+marstons,835,14
+shelbyville,1690,5
+klickitat,344,0
+stockman,967,5
+woodbine,1355,17
+coffeen,1259,0
+lindenwood,1801,1
+ranchester,524,7
+woodbine,503,11
+shelbyville,410,1
+hiteman,139,0
+cosmos,948,0
+shelbyville,1386,3
+shelbyville,1292,11
+tolstoy,1596,1
+marstons,585,7
+shelbyville,1671,3
+beechwood,425,6
+allensville,178,3
+stockman,646,7
+newfields,557,2
+lakeville,432,10
+newfields,1334,5
+hanson,1586,0
+ranchester,807,1
+onaga,118,2
+tolstoy,1782,7
+mifflinburg,427,0
+woodbine,1321,2
+hanson,273,4
+coffeen,1306,4
+coffeen,133,4
+hanson,676,3
+cosmos,1079,6
+allensville,354,0
+klickitat,2318,5
+lakeville,1429,4
+klickitat,2202,8
+tolstoy,141,5
+shelbyville,1284,11
+lindenwood,1065,3
+hanson,636,0
+wainscott,1269,3
+lindenwood,1021,9
+leonardo,1971,6
+newfields,1260,5
+woodbine,437,4
+benevolence,895,5
+lindenwood,486,4
+forkland,485,0
+stockman,1606,4
+tolstoy,1769,5
+forkland,742,1
+woodbine,1380,5
+stockman,591,5
+woodbine,1489,5
+hiteman,1412,15
+lindenwood,1558,1
+lakeville,319,11
+lindenwood,2619,8
+marstons,954,1
+mifflinburg,873,1
+onaga,450,3
+klickitat,684,10
+tolstoy,1163,2
+cosmos,132,12
+leonardo,1869,4
+lindenwood,2203,1
+hiteman,1556,4
+shelbyville,1797,4
+tolstoy,230,0
+marstons,2554,8
+marstons,76,8
+pomaria,446,4
+leonardo,1029,0
+marstons,173,18
+hanson,1659,0
+lindenwood,262,2
+wainscott,1524,4
+lakeville,11,4
+coffeen,686,9
+woodbine,52,2
+pinesdale,722,2
+ranchester,832,3
+lakeville,1110,0
+hanson,233,5
+hiteman,968,0
+shelbyville,390,0
+pomaria,818,3
+pomaria,90,8
+merom,1033,1
+klickitat,1309,1
+shelbyville,913,4
+allensville,462,0
+marstons,1289,0
+cosmos,18,0
+shelbyville,1219,1
+wainscott,431,4
+wainscott,237,5
+ranchester,767,1
+coffeen,1418,7
+onaga,590,3
+klickitat,376,2
+lindenwood,842,1
+woodbine,438,1
+shelbyville,451,2
+hanson,569,14
+newfields,1631,2
+ranchester,592,8
+coffeen,1440,1
+leonardo,2075,0
+merom,719,1
+benevolence,920,3
+leonardo,607,2
+shelbyville,922,10
+tolstoy,1464,2
+pomaria,672,6
+wainscott,139,4
+coffeen,652,5
+shelbyville,2042,2
+shelbyville,1696,2
+wainscott,1089,0
+marstons,2590,0
+woodbine,1204,8
+stockman,589,0
+klickitat,560,1
+tolstoy,91,1
+shelbyville,1178,3
+lakeville,475,6
+shelbyville,1256,10
+forkland,1141,8
+shelbyville,1311,7
+marstons,1513,6
+hiteman,1736,3
+ranchester,175,0
+merom,768,1
+marstons,2532,8
+pomaria,1337,8
+pinesdale,1514,0
+shelbyville,283,2
+wainscott,51,6
+pinesdale,472,1
+marstons,2481,1
+klickitat,1360,4
+shelbyville,347,4
+shelbyville,762,1
+newfields,589,5
+leonardo,562,1
+newfields,997,1
+coffeen,1256,0
+wainscott,377,15
+shelbyville,1076,1
+shelbyville,210,1
+stockman,1003,2
+lindenwood,2329,2
+tolstoy,323,1
+lakeville,974,1
+ranchester,324,0
+newfields,1417,12
+hiteman,1132,5
+shelbyville,1239,6
+pomaria,1136,6
+lindenwood,965,8
+woodbine,489,10
+cosmos,92,0
+hanson,361,3
+klickitat,1246,16
+onaga,323,3
+woodbine,1661,6
+marstons,1738,0
+woodbine,642,4
+wainscott,1003,2
+ranchester,1592,0
+hanson,31,1
+pinesdale,1405,1
+beechwood,606,3
+wainscott,920,2
+pomaria,696,15
+hiteman,680,15
+newfields,1541,11
+hiteman,1261,4
+klickitat,2246,6
+lindenwood,2459,2
+marstons,54,4
+coffeen,1038,0
+lindenwood,1179,0
+stockman,811,2
+lakeville,1295,3
+woodbine,1798,5
+marstons,1544,10
+pomaria,891,2
+klickitat,1123,6
+leonardo,1858,12
+hanson,1336,1
+klickitat,2140,7
+marstons,1314,5
+woodbine,1548,3
+stockman,37,5
+lakeville,1655,6
+pinesdale,607,7
+tolstoy,661,0
+beechwood,152,1
+pomaria,1388,2
+marstons,2461,4
+klickitat,1145,4
+klickitat,708,4
+lakeville,168,3
+merom,39,12
+shelbyville,922,0
+woodbine,898,11
+stockman,1089,0
+lakeville,1643,2
+allensville,209,3
+ranchester,1160,0
+woodbine,271,8
+ranchester,133,2
+merom,902,0
+shelbyville,1766,3
+forkland,465,9
+hiteman,424,3
+pomaria,936,8
+leonardo,223,0
+stockman,1419,0
+coffeen,541,2
+lakeville,927,16
+newfields,573,0
+hiteman,1599,5
+marstons,2031,1
+forkland,160,1
+mifflinburg,244,2
+ranchester,211,1
+wainscott,791,11
+coffeen,271,2
+pinesdale,783,6
+marstons,2279,3
+shelbyville,1217,2
+leonardo,690,11
+lakeville,1407,5
+woodbine,1038,1
+lakeville,1033,4
+woodbine,653,3
+stockman,1351,0
+woodbine,1512,0
+hanson,1467,7
+lindenwood,2472,15
+newfields,1368,4
+pomaria,1103,0
+merom,580,7
+hiteman,1700,8
+ranchester,562,5
+tolstoy,1367,1
+pomaria,1254,0
+lindenwood,1055,12
+cosmos,903,3
+leonardo,120,3
+hiteman,415,2
+shelbyville,837,0
+newfields,1405,4
+tolstoy,814,1
+beechwood,339,3
+leonardo,1094,0
+hanson,811,1
+shelbyville,336,3
+pomaria,145,2
+lindenwood,969,7
+newfields,116,0
+newfields,101,9
+hiteman,1030,2
+hiteman,419,1
+klickitat,622,8
+lindenwood,2513,11
+woodbine,701,3
+tolstoy,725,1
+newfields,636,5
+shelbyville,1595,8
+tolstoy,953,1
+lakeville,1412,1
+klickitat,2019,2
+merom,784,4
+lakeville,466,10
+woodbine,1205,8
+pinesdale,214,2
+newfields,500,3
+marstons,2370,9
+coffeen,81,10
+wainscott,352,0
+merom,1108,1
+pomaria,917,7
+tolstoy,996,0
+shelbyville,887,6
+woodbine,1588,0
+tolstoy,1055,1
+marstons,2515,1
+klickitat,183,2
+marstons,1628,3
+lindenwood,1487,5
+cosmos,681,5
+klickitat,1967,12
+newfields,190,5
+stockman,270,0
+ranchester,25,0
+coffeen,1246,2
+allensville,460,3
+coffeen,610,2
+ranchester,1005,2
+shelbyville,1293,7
+ranchester,775,0
+klickitat,163,3
+tolstoy,600,2
+woodbine,1292,1
+tolstoy,1222,0
+newfields,657,17
+merom,883,5
+hanson,1399,12
+tolstoy,1218,6
+lindenwood,1976,4
+hanson,1327,10
+woodbine,1140,12
+coffeen,1490,2
+merom,851,0
+cosmos,802,3
+wainscott,1657,11
+tolstoy,1179,10
+woodbine,862,3
+forkland,586,3
+klickitat,1715,10
+shelbyville,1268,2
+hiteman,1325,0
+onaga,509,1
+lakeville,1582,1
+wainscott,227,2
+beechwood,1137,2
+tolstoy,403,3
+woodbine,623,0
+lakeville,1051,1
+lindenwood,1921,3
+hanson,1654,4
+cosmos,406,1
+benevolence,936,0
+shelbyville,148,12
+cosmos,627,5
+pomaria,640,0
+pinesdale,214,7
+woodbine,1465,3
+klickitat,1437,11
+tolstoy,606,3
+newfields,827,4
+coffeen,351,1
+newfields,1503,7
+onaga,561,0
+newfields,735,0
+onaga,309,1
+marstons,1884,7
+leonardo,149,1
+shelbyville,124,3
+leonardo,1924,3
+woodbine,595,11
+wainscott,1085,2
+klickitat,1165,1
+pomaria,560,4
+klickitat,1260,3
+merom,530,0
+wainscott,153,1
+pinesdale,835,1
+pomaria,1650,10
+forkland,180,4
+lindenwood,1991,1
+allensville,180,1
+hiteman,88,1
+pinesdale,586,6
+hiteman,1405,2
+lakeville,1542,0
+hiteman,651,4
+merom,889,4
+lindenwood,1090,0
+lakeville,1435,8
+coffeen,1471,7
+lindenwood,1123,10
+ranchester,16,2
+klickitat,19,8
+marstons,2502,2
+hiteman,1112,8
+marstons,1585,0
+allensville,184,6
+marstons,822,11
+lakeville,1727,0
+klickitat,1678,4
+shelbyville,1450,5
+coffeen,1470,0
+hiteman,545,4
+newfields,30,5
+beechwood,446,1
+lakeville,1556,1
+lindenwood,833,1
+stockman,865,4
+stockman,461,1
+marstons,2029,6
+stockman,704,1
+lakeville,614,0
+lakeville,732,1
+allensville,27,1
+shelbyville,1735,12
+lindenwood,1777,11
+shelbyville,2000,5
+woodbine,1094,19
+lindenwood,2143,1
+coffeen,307,4
+pinesdale,1020,4
+pomaria,1036,5
+cosmos,165,4
+hiteman,1209,9
+hanson,249,3
+forkland,789,1
+coffeen,556,1
+hanson,383,0
+hiteman,624,3
+lindenwood,2467,0
+stockman,738,2
+lindenwood,1941,9
+shelbyville,843,3
+klickitat,2324,6
+klickitat,990,11
+lindenwood,1809,5
+hiteman,1267,0
+coffeen,724,1
+woodbine,620,7
+mifflinburg,846,2
+woodbine,31,10
+marstons,2187,10
+klickitat,2218,13
+cosmos,1032,1
+benevolence,798,4
+mifflinburg,400,7
+lindenwood,29,8
+klickitat,864,4
+tolstoy,68,10
+lakeville,1633,2
+lakeville,1751,9
+pomaria,576,6
+pinesdale,1070,6
+lakeville,237,7
+leonardo,780,1
+beechwood,900,0
+forkland,392,1
+lakeville,353,4
+leonardo,1686,5
+hiteman,1537,4
+woodbine,1096,6
+lakeville,1373,5
+pinesdale,131,4
+klickitat,1105,1
+shelbyville,141,3
+marstons,267,11
+stockman,1237,0
+ranchester,1033,8
+hanson,880,0
+mifflinburg,336,3
+shelbyville,1729,4
+newfields,1578,3
+wainscott,1298,0
+newfields,1160,2
+tolstoy,364,0
+leonardo,431,3
+marstons,429,4
+tolstoy,1375,3
+tolstoy,1372,5
+stockman,697,0
+leonardo,400,1
+marstons,111,6
+pomaria,1255,2
+hanson,136,11
+pomaria,974,1
+tolstoy,589,2
+beechwood,556,1
+merom,259,3
+hanson,1061,2
+wainscott,1769,1
+lindenwood,554,5
+leonardo,1155,6
+cosmos,764,0
+klickitat,1266,4
+marstons,1529,7
+benevolence,328,2
+marstons,197,2
+merom,1092,7
+lindenwood,1133,6
+stockman,1281,2
+hanson,731,0
+lakeville,1160,2
+hiteman,334,1
+hanson,1276,0
+lakeville,1062,0
+stockman,742,2
+marstons,24,1
+lindenwood,1506,2
+woodbine,2029,3
+hiteman,1675,3
+ranchester,1393,10
+lakeville,1683,10
+pomaria,760,3
+pomaria,75,4
+pinesdale,1149,11
+woodbine,1664,1
+lakeville,194,1
+wainscott,1169,4
+woodbine,1649,7
+pinesdale,1259,2
+klickitat,743,4
+klickitat,1514,2
+shelbyville,1364,6
+cosmos,158,5
+shelbyville,2566,10
+marstons,1320,1
+klickitat,1071,2
+pomaria,1352,1
+klickitat,1563,1
+forkland,324,8
+stockman,1500,5
+pomaria,165,5
+tolstoy,1336,1
+marstons,1792,4
+benevolence,922,4
+lindenwood,1704,2
+wainscott,280,8
+shelbyville,1984,4
+woodbine,486,5
+klickitat,688,3
+lindenwood,2056,1
+hiteman,1206,7
+shelbyville,1347,14
+forkland,158,1
+wainscott,227,1
+wainscott,955,1
+ranchester,953,1
+shelbyville,1071,2
+woodbine,1210,3
+shelbyville,2065,1
+ranchester,1551,3
+klickitat,1863,0
+lakeville,1409,0
+tolstoy,1011,12
+lakeville,532,2
+hiteman,1672,3
+ranchester,1439,5
+woodbine,867,0
+coffeen,624,4
+marstons,195,5
+woodbine,235,2
+marstons,594,3
+leonardo,959,2
+wainscott,1093,5
+ranchester,841,5
+lindenwood,1890,0
+lakeville,1486,2
+hiteman,1319,1
+marstons,2207,12
+mifflinburg,537,3
+ranchester,988,11
+onaga,150,2
+lakeville,684,3
+lakeville,120,1
+shelbyville,1342,16
+pinesdale,569,4
+ranchester,723,0
+shelbyville,2238,3
+lakeville,671,10
+lakeville,1530,1
+ranchester,1050,2
+klickitat,1335,3
+lindenwood,629,4
+forkland,253,1
+shelbyville,498,2
+ranchester,1548,4
+lakeville,1351,3
+klickitat,2109,9
+shelbyville,679,17
+woodbine,846,3
+mifflinburg,649,3
+marstons,409,3
+newfields,1187,4
+newfields,397,5
+lindenwood,650,0
+klickitat,1000,2
+newfields,684,3
+klickitat,100,8
+newfields,1336,0
+shelbyville,1669,1
+tolstoy,966,1
+hanson,1578,4
+klickitat,2326,5
+hiteman,1715,0
+stockman,671,7
+woodbine,675,8
+lindenwood,2038,2
+lindenwood,1439,9
+stockman,453,1
+lindenwood,1241,16
+klickitat,407,0
+hiteman,965,1
+forkland,838,3
+shelbyville,2169,14
+wainscott,47,6
+newfields,1650,0
+tolstoy,976,5
+shelbyville,1214,2
+stockman,1507,6
+shelbyville,1357,8
+lakeville,983,1
+lindenwood,486,1
+shelbyville,254,7
+pomaria,738,1
+newfields,602,11
+klickitat,624,6
+newfields,558,5
+merom,225,4
+klickitat,782,4
+onaga,178,1
+hanson,1479,10
+onaga,100,4
+hiteman,270,3
+merom,574,1
+newfields,669,2
+lindenwood,1200,2
+marstons,1019,2
+newfields,1159,4
+lindenwood,1639,5
+hanson,259,1
+tolstoy,782,7
+marstons,1283,3
+mifflinburg,172,2
+pinesdale,457,4
+coffeen,934,1
+stockman,78,1
+woodbine,272,4
+klickitat,1295,5
+merom,809,0
+tolstoy,1121,6
+wainscott,1133,1
+lindenwood,1891,14
+klickitat,1871,6
+klickitat,1572,11
+hiteman,1857,4
+wainscott,266,2
+lindenwood,268,8
+newfields,614,2
+woodbine,10,2
+klickitat,821,6
+marstons,1707,6
+merom,585,7
+tolstoy,123,2
+tolstoy,1014,4
+woodbine,538,3
+merom,407,3
+hanson,1209,0
+woodbine,1138,16
+beechwood,769,6
+lakeville,1717,0
+marstons,1994,1
+hiteman,1642,3
+lakeville,916,3
+pomaria,90,9
+beechwood,300,1
+onaga,386,4
+marstons,1712,1
+shelbyville,1756,4
+newfields,803,1
+lakeville,1586,8
+leonardo,2094,2
+wainscott,273,6
+hiteman,115,0
+merom,240,0
+pomaria,882,2
+wainscott,583,0
+leonardo,58,0
+beechwood,279,1
+shelbyville,2013,4
+woodbine,1642,0
+marstons,1917,2
+coffeen,635,7
+klickitat,345,9
+hanson,1019,5
+mifflinburg,841,0
+onaga,452,0
+klickitat,728,1
+stockman,685,4
+merom,187,1
+lakeville,1166,3
+lindenwood,880,2
+shelbyville,2465,1
+lindenwood,509,2
+woodbine,1219,0
+beechwood,16,9
+woodbine,2055,10
+wainscott,1263,2
+newfields,658,1
+hiteman,131,6
+lakeville,1427,2
+forkland,771,0
+lakeville,1405,10
+woodbine,1837,5
+woodbine,1362,18
+forkland,717,2
+onaga,6,9
+merom,330,1
+ranchester,629,2
+lindenwood,1783,11
+tolstoy,578,1
+newfields,481,22
+lindenwood,2626,14
+tolstoy,831,2
+klickitat,318,2
+woodbine,523,4
+hanson,407,9
+hiteman,300,3
+marstons,155,6
+pinesdale,1127,2
+woodbine,1294,7
+wainscott,1113,1
+shelbyville,1347,8
+lakeville,1763,6
+hiteman,492,5
+coffeen,406,0
+shelbyville,1136,2
+lindenwood,1237,4
+coffeen,101,2
+shelbyville,1842,5
+newfields,1430,1
+woodbine,1116,1
+klickitat,404,3
+klickitat,111,2
+hiteman,1716,1
+stockman,187,7
+woodbine,2019,0
+tolstoy,1282,1
+shelbyville,457,4
+beechwood,733,3
+pomaria,382,1
+tolstoy,1060,2
+hanson,106,9
+shelbyville,1102,11
+pinesdale,1216,3
+tolstoy,1077,0
+ranchester,785,1
+lakeville,1350,1
+lindenwood,1124,0
+coffeen,1323,4
+leonardo,1492,5
+woodbine,1356,10
+stockman,1124,2
+marstons,128,11
+hiteman,570,2
+lakeville,1654,8
+klickitat,127,4
+cosmos,111,1
+leonardo,2115,6
+lakeville,250,19
+hiteman,1240,10
+wainscott,883,7
+lindenwood,265,4
+leonardo,1206,1
+wainscott,182,4
+lindenwood,482,1
+mifflinburg,632,3
+hanson,29,6
+beechwood,414,6
+ranchester,557,1
+pinesdale,818,3
+lakeville,697,6
+hiteman,1419,3
+woodbine,1611,12
+wainscott,497,1
+onaga,54,3
+marstons,2242,3
+pomaria,630,5
+shelbyville,553,2
+lindenwood,1524,2
+ranchester,58,11
+lindenwood,2459,9
+leonardo,1000,1
+klickitat,1182,11
+shelbyville,1347,12
+lindenwood,568,0
+shelbyville,1299,0
+lindenwood,873,6
+hiteman,1470,0
+marstons,1322,0
+forkland,741,2
+pomaria,846,0
+coffeen,1444,1
+leonardo,280,2
+leonardo,1523,6
+merom,377,3
+stockman,318,1
+shelbyville,519,3
+lindenwood,1328,8
+hanson,1446,14
+pinesdale,401,5
+cosmos,512,3
+beechwood,478,2
+leonardo,1256,3
+marstons,1874,11
+hiteman,1582,2
+benevolence,443,8
+ranchester,1417,0
+klickitat,1081,0
+mifflinburg,470,2
+marstons,1394,1
+mifflinburg,18,3
+marstons,1681,16
+woodbine,679,2
+beechwood,840,0
+lindenwood,1525,9
+lakeville,80,3
+woodbine,494,3
+woodbine,1318,0
+woodbine,1961,6
+hiteman,264,0
+coffeen,112,2
+woodbine,18,11
+beechwood,898,1
+forkland,158,4
+shelbyville,614,6
+stockman,1441,3
+lindenwood,143,4
+benevolence,407,3
+ranchester,1237,2
+lindenwood,830,4
+woodbine,488,14
+lakeville,868,6
+merom,810,2
+cosmos,232,3
+woodbine,308,1
+leonardo,1848,2
+tolstoy,1062,4
+cosmos,33,1
+hanson,1389,1
+klickitat,197,3
+woodbine,1179,0
+marstons,1710,5
+stockman,1238,4
+hiteman,887,2
+wainscott,1149,1
+hiteman,749,3
+lakeville,906,8
+klickitat,1656,2
+klickitat,1037,9
+shelbyville,1555,8
+coffeen,783,4
+wainscott,450,0
+shelbyville,1953,5
+leonardo,1928,6
+pomaria,750,3
+lindenwood,1332,4
+hanson,154,8
+stockman,1360,1
+woodbine,403,5
+wainscott,281,1
+cosmos,632,1
+pomaria,8,6
+shelbyville,1236,15
+onaga,602,0
+ranchester,913,2
+forkland,100,3
+tolstoy,1303,7
+woodbine,113,2
+tolstoy,924,19
+lindenwood,1187,3
+wainscott,540,1
+stockman,1070,2
+pomaria,808,3
+woodbine,270,7
+wainscott,1424,10
+hanson,836,12
+hiteman,1238,1
+woodbine,1305,1
+cosmos,303,0
+tolstoy,1213,2
+pinesdale,847,2
+woodbine,322,7
+marstons,427,3
+lakeville,746,14
+lakeville,1088,1
+shelbyville,240,2
+newfields,811,2
+hiteman,14,5
+leonardo,2058,13
+tolstoy,1742,1
+hiteman,580,4
+pinesdale,1134,4
+lakeville,1557,3
+beechwood,261,6
+wainscott,1089,2
+coffeen,624,0
+leonardo,542,0
+newfields,1612,3
+pomaria,94,0
+shelbyville,1185,6
+pinesdale,63,1
+shelbyville,1189,1
+shelbyville,2087,3
+shelbyville,2664,8
+newfields,475,1
+marstons,456,3
+hiteman,326,9
+shelbyville,2324,0
+pinesdale,1244,0
+lindenwood,1939,2
+marstons,2490,8
+klickitat,304,3
+klickitat,355,7
+shelbyville,1981,8
+lindenwood,174,2
+woodbine,1085,5
+shelbyville,1380,5
+pinesdale,563,0
+cosmos,309,1
+pinesdale,1292,1
+coffeen,846,1
+wainscott,297,4
+mifflinburg,859,8
+lakeville,1245,6
+klickitat,2123,0
+wainscott,125,5
+merom,737,0
+pinesdale,669,3
+benevolence,263,3
+lakeville,1648,9
+merom,205,2
+leonardo,1339,0
+woodbine,1287,5
+klickitat,62,4
+stockman,511,11
+leonardo,1164,1
+lakeville,1695,6
+shelbyville,2140,2
+marstons,1803,3
+shelbyville,2473,2
+marstons,1464,2
+beechwood,494,5
+merom,526,1
+merom,1105,8
+leonardo,2042,10
+tolstoy,763,4
+shelbyville,915,2
+klickitat,2359,3
+leonardo,1599,2
+pinesdale,974,2
+marstons,1682,10
+woodbine,696,1
+woodbine,712,2
+beechwood,840,10
+cosmos,694,2
+pomaria,1526,1
+shelbyville,117,0
+marstons,1628,2
+hiteman,550,1
+stockman,1081,5
+ranchester,1483,0
+shelbyville,575,3
+coffeen,51,5
+leonardo,1686,1
+lakeville,673,5
+marstons,431,5
+leonardo,1452,0
+pinesdale,196,0
+wainscott,1705,4
+pinesdale,618,16
+stockman,36,11
+shelbyville,2685,8
+woodbine,250,4
+lakeville,1393,3
+shelbyville,2355,5
+pinesdale,60,11
+hiteman,1207,1
+pinesdale,717,0
+lindenwood,501,1
+cosmos,673,3
+shelbyville,682,6
+shelbyville,2405,8
+ranchester,601,0
+ranchester,1559,8
+hiteman,36,0
+wainscott,757,1
+woodbine,1814,2
+forkland,572,0
+shelbyville,2332,2
+onaga,67,6
+tolstoy,106,2
+newfields,732,3
+tolstoy,1625,2
+woodbine,1332,3
+wainscott,1525,12
+marstons,1183,10
+benevolence,765,3
+lindenwood,639,6
+ranchester,306,0
+shelbyville,605,8
+newfields,187,4
+marstons,713,1
+hiteman,1527,2
+woodbine,952,2
+lakeville,461,0
+woodbine,1212,9
+hanson,1654,2
+lindenwood,226,1
+wainscott,1747,9
+lakeville,31,14
+wainscott,261,0
+cosmos,470,3
+forkland,1062,0
+lindenwood,1524,1
+shelbyville,1450,4
+lakeville,1348,1
+klickitat,1685,5
+lindenwood,1498,8
+woodbine,442,0
+ranchester,961,2
+benevolence,359,8
+hanson,680,0
+lindenwood,420,2
+woodbine,2024,9
+shelbyville,692,1
+newfields,498,4
+pomaria,487,2
+cosmos,215,3
+mifflinburg,805,1
+pinesdale,1026,6
+woodbine,1679,0
+lindenwood,502,3
+woodbine,1884,11
+lakeville,1778,6
+pomaria,1206,2
+marstons,1707,13
+shelbyville,904,1
+newfields,1023,5
+pomaria,292,3
+pinesdale,1314,9
+hiteman,764,2
+marstons,1365,3
+hanson,550,1
+pinesdale,33,3
+ranchester,913,3
+wainscott,1599,4
+klickitat,246,7
+benevolence,305,11
+benevolence,547,2
+stockman,811,4
+ranchester,111,5
+newfields,926,2
+ranchester,1405,4
+shelbyville,2299,12
+hanson,1035,1
+hiteman,340,2
+klickitat,974,8
+hiteman,291,3
+woodbine,684,3
+ranchester,882,2
+shelbyville,57,1
+leonardo,2062,0
+coffeen,1276,3
+coffeen,130,6
+lakeville,335,10
+stockman,349,0
+wainscott,303,8
+woodbine,1626,1
+woodbine,852,5
+mifflinburg,974,3
+coffeen,180,2
+klickitat,2172,6
+lindenwood,1482,4
+wainscott,675,9
+stockman,1488,6
+stockman,646,5
+newfields,1481,4
+pinesdale,1001,5
+hanson,1172,3
+lindenwood,821,1
+lindenwood,628,9
+mifflinburg,814,9
+woodbine,88,13
+klickitat,2106,1
+stockman,143,9
+hanson,1570,13
+lindenwood,828,3
+klickitat,1026,2
+marstons,1586,8
+tolstoy,1317,3
+woodbine,666,0
+ranchester,1020,4
+forkland,700,0
+marstons,2489,0
+klickitat,1603,2
+wainscott,118,3
+lindenwood,1840,2
+ranchester,770,6
+pomaria,899,6
+lakeville,921,1
+pomaria,956,4
+coffeen,216,4
+shelbyville,515,4
+marstons,1577,15
+leonardo,2018,1
+hiteman,1026,3
+leonardo,2006,5
+ranchester,935,1
+lindenwood,1355,9
+leonardo,148,4
+coffeen,1443,1
+benevolence,25,4
+shelbyville,1083,6
+ranchester,1586,2
+marstons,352,3
+marstons,1699,4
+woodbine,176,0
+klickitat,1426,1
+shelbyville,2573,11
+allensville,500,0
+mifflinburg,729,6
+coffeen,904,1
+beechwood,764,1
+lindenwood,1003,10
+newfields,16,3
+pomaria,1451,4
+marstons,1590,0
+coffeen,1334,7
+leonardo,1111,4
+pinesdale,1347,1
+lindenwood,2256,1
+lindenwood,1849,4
+klickitat,1559,3
+shelbyville,520,0
+marstons,119,17
+allensville,65,8
+leonardo,69,2
+cosmos,809,5
+hanson,727,8
+wainscott,1605,5
+marstons,1132,0
+stockman,1026,0
+pinesdale,339,2
+shelbyville,298,1
+stockman,797,10
+lakeville,307,1
+leonardo,1425,0
+hiteman,1557,2
+mifflinburg,963,0
+cosmos,963,7
+mifflinburg,687,3
+marstons,1896,9
+shelbyville,2544,5
+hiteman,1508,12
+leonardo,1186,4
+hanson,1404,11
+marstons,529,13
+klickitat,2090,2
+allensville,434,0
+shelbyville,385,4
+allensville,180,0
+hiteman,647,7
+newfields,824,5
+hiteman,773,0
+pomaria,492,11
+marstons,1007,4
+marstons,1032,7
+lakeville,755,3
+lindenwood,899,14
+tolstoy,576,8
+woodbine,1203,6
+lindenwood,1773,9
+merom,1087,7
+coffeen,950,6
+wainscott,1241,2
+klickitat,2377,0
+tolstoy,1216,3
+klickitat,2365,1
+woodbine,245,10
+marstons,1184,2
+stockman,1343,2
+shelbyville,1399,4
+coffeen,149,0
+woodbine,482,0
+lindenwood,342,0
+woodbine,686,9
+woodbine,1435,10
+pomaria,1336,4
+pomaria,1361,3
+onaga,193,2
+shelbyville,1949,13
+lakeville,1157,4
+shelbyville,1679,3
+ranchester,899,1
+forkland,136,1
+wainscott,1183,2
+marstons,2619,2
+shelbyville,2689,12
+wainscott,1166,14
+merom,914,0
+pomaria,1204,1
+tolstoy,1088,16
+woodbine,269,1
+newfields,481,21
+mifflinburg,616,4
+hanson,151,8
+leonardo,934,3
+shelbyville,2715,11
+tolstoy,1356,8
+woodbine,169,10
+stockman,1092,0
+marstons,2113,5
+ranchester,1216,4
+tolstoy,588,6
+tolstoy,178,2
+shelbyville,1279,12
+shelbyville,2039,0
+beechwood,594,4
+wainscott,25,3
+shelbyville,68,1
+hiteman,1041,7
+forkland,1051,1
+cosmos,326,6
+cosmos,567,11
+onaga,173,4
+ranchester,614,2
+klickitat,914,24
+hiteman,1631,5
+hanson,587,1
+tolstoy,886,9
+merom,18,6
+beechwood,624,0
+newfields,420,12
+tolstoy,1661,0
+woodbine,1032,3
+pomaria,953,5
+merom,249,7
+wainscott,1473,4
+forkland,815,1
+beechwood,111,1
+woodbine,1067,2
+benevolence,270,4
+lindenwood,1829,3
+coffeen,1285,9
+hiteman,80,1
+lindenwood,702,3
+lindenwood,863,0
+hanson,393,3
+lindenwood,2383,2
+beechwood,98,6
+woodbine,1069,13
+benevolence,944,0
+pinesdale,1428,3
+forkland,1046,2
+leonardo,1171,7
+lindenwood,733,0
+lakeville,1155,1
+klickitat,76,6
+hiteman,594,2
+coffeen,1503,3
+klickitat,170,1
+lakeville,17,2
+lakeville,1529,4
+lindenwood,2571,12
+hiteman,1295,0
+newfields,277,1
+lakeville,233,4
+newfields,1096,11
+hanson,1366,13
+newfields,631,13
+hiteman,844,4
+woodbine,60,4
+merom,456,0
+leonardo,86,4
+lakeville,1159,2
+coffeen,932,5
+lindenwood,14,2
+lakeville,226,0
+klickitat,1495,17
+cosmos,487,2
+allensville,344,0
+hiteman,831,9
+tolstoy,1088,11
+coffeen,555,6
+coffeen,883,1
+marstons,1990,4
+tolstoy,1670,5
+forkland,23,5
+tolstoy,1127,0
+pinesdale,1358,2
+ranchester,847,0
+shelbyville,1662,3
+merom,1075,5
+marstons,1170,1
+lindenwood,1575,0
+cosmos,1041,8
+marstons,1668,1
+woodbine,1723,4
+forkland,664,5
+lindenwood,1018,2
+tolstoy,1418,4
+forkland,1163,0
+leonardo,945,6
+cosmos,224,2
+woodbine,1083,1
+ranchester,1166,3
+beechwood,233,0
+pomaria,259,0
+lakeville,1389,11
+hanson,1338,1
+cosmos,124,3
+wainscott,731,15
+lakeville,303,1
+lindenwood,1893,6
+wainscott,1437,2
+klickitat,1450,0
+stockman,315,3
+shelbyville,2208,3
+lakeville,801,0
+wainscott,150,6
+shelbyville,1326,5
+shelbyville,1431,2
+allensville,451,1
+marstons,1839,0
+wainscott,240,15
+beechwood,901,6
+cosmos,956,7
+onaga,41,4
+shelbyville,749,13
+lakeville,1178,8
+hiteman,1447,6
+coffeen,431,3
+woodbine,1436,2
+hiteman,1510,6
+newfields,945,3
+woodbine,934,5
+pinesdale,378,2
+tolstoy,1402,3
+stockman,1037,1
+marstons,67,8
+hiteman,1477,1
+klickitat,2414,3
+lindenwood,577,7
+hiteman,363,0
+leonardo,7,6
+tolstoy,108,3
+marstons,2597,1
+stockman,835,0
+stockman,407,3
+hanson,846,3
+marstons,2186,1
+merom,194,3
+shelbyville,1322,2
+beechwood,1096,0
+lakeville,143,1
+cosmos,19,1
+shelbyville,2500,3
+wainscott,1019,0
+tolstoy,1219,1
+klickitat,2015,11
+leonardo,1232,2
+wainscott,923,4
+stockman,1507,1
+merom,447,0
+marstons,2290,4
+shelbyville,2056,4
+benevolence,338,0
+newfields,1547,7
+cosmos,1038,12
+stockman,989,7
+marstons,328,2
+shelbyville,1216,0
+woodbine,1327,11
+pomaria,1012,0
+tolstoy,1240,2
+klickitat,1559,8
+pomaria,90,10
+wainscott,699,3
+pinesdale,307,4
+leonardo,1595,2
+stockman,504,4
+pomaria,844,4
+marstons,1204,0
+marstons,2315,11
+marstons,1801,2
+shelbyville,87,15
+lakeville,1664,11
+marstons,826,4
+pinesdale,1210,2
+ranchester,473,4
+woodbine,1248,1
+pinesdale,648,1
+hanson,872,5
+lindenwood,1020,1
+onaga,263,1
+pinesdale,1338,10
+ranchester,332,1
+merom,276,4
+lakeville,653,2
+onaga,85,7
+ranchester,156,5
+klickitat,407,2
+ranchester,716,2
+stockman,1510,6
+beechwood,650,3
+mifflinburg,175,0
+coffeen,760,2
+benevolence,734,2
+shelbyville,170,12
+ranchester,1515,0
+tolstoy,619,6
+cosmos,97,8
+pinesdale,1502,6
+shelbyville,544,2
+pomaria,777,3
+allensville,469,6
+lindenwood,149,11
+forkland,515,6
+pomaria,895,5
+woodbine,1605,10
+benevolence,655,2
+hiteman,1417,3
+woodbine,798,7
+mifflinburg,603,1
+shelbyville,294,0
+shelbyville,1081,3
+woodbine,193,1
+marstons,1674,8
+lindenwood,2049,1
+leonardo,167,4
+mifflinburg,257,1
+pinesdale,1070,5
+merom,726,4
+merom,38,0
+lakeville,1309,7
+lindenwood,855,0
+pinesdale,1362,7
+lakeville,1498,3
+lindenwood,1251,5
+shelbyville,2468,1
+marstons,2040,12
+pinesdale,1193,1
+shelbyville,2119,0
+klickitat,714,7
+hanson,881,4
+newfields,307,0
+tolstoy,875,6
+newfields,409,7
+onaga,383,2
+marstons,1749,12
+hiteman,729,0
+coffeen,734,7
+ranchester,1167,4
+hiteman,218,2
+pinesdale,63,2
+klickitat,2030,0
+marstons,1193,0
+coffeen,71,2
+shelbyville,1592,1
+woodbine,264,0
+klickitat,287,2
+woodbine,580,5
+lindenwood,2498,2
+marstons,1577,13
+klickitat,2356,1
+pomaria,996,2
+pinesdale,1114,5
+stockman,968,0
+onaga,83,11
+shelbyville,877,0
+ranchester,1531,5
+klickitat,822,5
+tolstoy,475,1
+woodbine,1617,1
+coffeen,1205,1
+lakeville,1562,13
+wainscott,518,9
+marstons,307,9
+lakeville,472,6
+leonardo,1920,7
+shelbyville,1523,5
+mifflinburg,514,7
+tolstoy,922,0
+tolstoy,249,2
+merom,183,0
+merom,1071,2
+lakeville,1654,4
+merom,725,0
+woodbine,724,1
+cosmos,79,3
+allensville,136,1
+tolstoy,1551,3
+pinesdale,985,4
+lakeville,905,1
+forkland,30,2
+mifflinburg,592,3
+marstons,1304,2
+tolstoy,1043,5
+hanson,1357,2
+klickitat,1938,1
+hiteman,1127,3
+lakeville,642,3
+hanson,133,7
+tolstoy,206,5
+newfields,1389,3
+leonardo,1163,3
+pomaria,1479,3
+hiteman,764,1
+wainscott,195,3
+marstons,185,9
+beechwood,979,5
+lindenwood,506,0
+onaga,216,4
+lakeville,1738,3
+ranchester,137,0
+klickitat,1933,4
+hiteman,1589,1
+leonardo,586,4
+lakeville,769,11
+forkland,704,6
+lindenwood,434,3
+leonardo,1691,15
+marstons,1967,5
+marstons,347,15
+hiteman,1216,6
+marstons,1480,0
+shelbyville,485,3
+pomaria,401,1
+marstons,538,4
+shelbyville,1717,3
+coffeen,571,3
+woodbine,3,8
+shelbyville,2003,1
+mifflinburg,927,4
+wainscott,1260,1
+wainscott,17,1
+marstons,2171,0
+wainscott,960,10
+lakeville,1441,12
+beechwood,518,0
+stockman,756,9
+shelbyville,1349,3
+lakeville,1806,4
+coffeen,660,1
+leonardo,814,2
+marstons,74,8
+mifflinburg,957,2
+newfields,1231,0
+marstons,1899,0
+lakeville,106,11
+pomaria,911,5
+benevolence,827,3
+shelbyville,50,1
+cosmos,360,1
+newfields,516,9
+hiteman,7,4
+lindenwood,2134,8
+leonardo,2116,0
+marstons,149,7
+lakeville,1769,8
+shelbyville,1843,9
+lindenwood,626,0
+cosmos,380,0
+hiteman,1822,7
+mifflinburg,693,5
+lakeville,155,3
+allensville,270,1
+shelbyville,1645,10
+merom,623,2
+lindenwood,404,5
+woodbine,1200,0
+beechwood,934,4
+klickitat,2310,10
+wainscott,1410,4
+merom,59,0
+leonardo,1632,1
+lindenwood,1726,1
+shelbyville,1538,0
+pinesdale,722,7
+marstons,1177,1
+hanson,446,1
+hanson,1230,12
+tolstoy,1617,4
+stockman,585,4
+tolstoy,392,9
+merom,284,1
+woodbine,445,0
+wainscott,625,3
+coffeen,16,0
+beechwood,919,2
+newfields,1178,11
+ranchester,1396,0
+klickitat,708,0
+lindenwood,1436,0
+lakeville,405,3
+klickitat,1726,1
+ranchester,1513,1
+marstons,1730,2
+forkland,279,0
+woodbine,725,11
+shelbyville,1494,4
+wainscott,838,8
+hiteman,1241,2
+newfields,1297,4
+wainscott,1487,2
+marstons,1035,1
+wainscott,441,13
+hiteman,1293,8
+newfields,1190,17
+forkland,27,1
+beechwood,377,2
+lindenwood,1142,0
+stockman,1359,0
+leonardo,887,12
+hanson,279,3
+pinesdale,1187,1
+shelbyville,334,6
+pinesdale,1063,2
+coffeen,1390,10
+leonardo,571,3
+shelbyville,1882,1
+tolstoy,685,1
+lindenwood,1687,2
+shelbyville,345,4
+wainscott,400,3
+lindenwood,2043,7
+hanson,373,8
+hanson,10,14
+marstons,2435,2
+marstons,797,3
+forkland,549,3
+leonardo,83,4
+forkland,652,0
+hiteman,605,12
+lindenwood,2670,0
+pinesdale,550,8
+klickitat,221,1
+klickitat,1938,2
+klickitat,1014,4
+pinesdale,1499,3
+newfields,611,10
+lindenwood,1876,2
+woodbine,1432,3
+shelbyville,2392,3
+klickitat,1631,8
+forkland,880,3
+lindenwood,42,2
+wainscott,303,10
+stockman,581,6
+newfields,840,5
+leonardo,1451,5
+woodbine,785,0
+ranchester,1407,4
+stockman,770,7
+hiteman,1357,3
+woodbine,1701,3
+marstons,1333,3
+marstons,1902,2
+beechwood,806,1
+shelbyville,682,4
+shelbyville,1825,6
+lindenwood,1148,0
+wainscott,647,1
+leonardo,476,1
+pomaria,294,9
+tolstoy,858,6
+pinesdale,1095,9
+marstons,193,10
+coffeen,259,4
+wainscott,350,3
+hiteman,81,2
+forkland,955,2
+shelbyville,2619,6
+shelbyville,1380,1
+pomaria,155,8
+pomaria,1223,1
+wainscott,1691,0
+pinesdale,1119,1
+coffeen,74,1
+leonardo,1763,2
+klickitat,10,6
+shelbyville,2170,1
+ranchester,522,4
+woodbine,1841,3
+coffeen,1079,1
+hiteman,18,0
+woodbine,522,4
+shelbyville,778,1
+klickitat,568,0
+wainscott,569,8
+forkland,970,2
+hanson,1283,2
+pomaria,1512,1
+klickitat,179,4
+marstons,1098,4
+hiteman,974,2
+marstons,2523,9
+hanson,211,3
+lindenwood,82,4
+beechwood,1084,0
+coffeen,873,3
+lindenwood,2386,0
+hanson,551,0
+wainscott,1524,8
+klickitat,2138,6
+newfields,1316,2
+klickitat,1046,1
+wainscott,741,8
+shelbyville,734,3
+woodbine,476,5
+shelbyville,1745,2
+leonardo,990,1
+wainscott,916,0
+pomaria,1038,3
+beechwood,755,9
+newfields,812,13
+hanson,570,1
+coffeen,1394,4
+ranchester,1372,1
+klickitat,1892,0
+pomaria,1421,0
+pomaria,366,6
+wainscott,1640,0
+pinesdale,1007,0
+beechwood,1169,1
+marstons,155,9
+wainscott,661,5
+hiteman,1311,2
+tolstoy,1295,2
+ranchester,1639,4
+merom,562,2
+marstons,631,2
+wainscott,1441,0
+shelbyville,1335,4
+lakeville,1505,18
+ranchester,721,3
+lindenwood,1547,10
+pomaria,758,10
+forkland,549,6
+klickitat,558,3
+lindenwood,1583,0
+beechwood,593,1
+allensville,438,0
+hiteman,1631,0
+wainscott,1703,1
+klickitat,330,6
+leonardo,72,9
+woodbine,1157,4
+beechwood,685,1
+lakeville,1313,0
+wainscott,1565,2
+hiteman,989,3
+klickitat,459,2
+ranchester,1004,5
+leonardo,148,0
+lindenwood,590,4
+lakeville,621,0
+ranchester,1068,2
+lindenwood,2031,4
+coffeen,1044,0
+ranchester,1242,1
+lakeville,1795,1
+lakeville,31,5
+pomaria,1218,2
+leonardo,263,6
+lindenwood,2619,1
+lindenwood,1055,10
+onaga,4,2
+klickitat,2229,3
+lindenwood,2538,0
+leonardo,332,2
+klickitat,1124,0
+klickitat,36,4
+shelbyville,2543,4
+mifflinburg,366,3
+cosmos,305,0
+forkland,11,5
+marstons,549,2
+newfields,1386,1
+merom,577,0
+forkland,940,7
+cosmos,454,8
+newfields,314,11
+marstons,853,2
+wainscott,471,1
+klickitat,1553,14
+wainscott,137,1
+woodbine,1498,1
+leonardo,1775,2
+wainscott,1725,0
+woodbine,78,1
+pinesdale,1491,3
+coffeen,1345,8
+newfields,1379,0
+newfields,252,6
+klickitat,823,0
+marstons,554,4
+shelbyville,2278,5
+stockman,1028,0
+shelbyville,1621,0
+woodbine,362,0
+wainscott,1271,0
+klickitat,819,3
+woodbine,520,0
+pomaria,939,2
+newfields,756,3
+coffeen,344,3
+lindenwood,471,0
+lindenwood,1055,6
+shelbyville,846,8
+pinesdale,781,2
+lindenwood,80,6
+pomaria,879,1
+leonardo,1889,1
+shelbyville,2302,6
+lakeville,1152,4
+wainscott,1595,6
+pomaria,1356,2
+marstons,1572,2
+tolstoy,1375,2
+lakeville,1443,6
+pinesdale,667,8
+pomaria,204,6
+leonardo,1971,10
+tolstoy,709,0
+woodbine,1672,9
+wainscott,1077,9
+wainscott,1752,8
+hanson,1654,0
+wainscott,1408,6
+klickitat,1612,1
+leonardo,840,1
+lindenwood,836,9
+stockman,338,1
+lakeville,1694,3
+newfields,1560,7
+beechwood,691,5
+lindenwood,761,0
+hanson,895,3
+coffeen,1349,2
+shelbyville,449,0
+pomaria,1225,2
+lindenwood,956,5
+marstons,1144,1
+cosmos,1034,2
+woodbine,696,3
+ranchester,817,5
+marstons,2297,2
+newfields,881,2
+marstons,1242,2
+lakeville,729,4
+benevolence,143,3
+newfields,1476,0
+merom,29,2
+coffeen,249,3
+klickitat,573,4
+wainscott,1189,2
+stockman,139,2
+leonardo,1884,0
+lindenwood,1114,8
+forkland,6,1
+hiteman,1545,2
+allensville,390,1
+beechwood,1144,5
+marstons,1668,0
+pinesdale,1042,1
+marstons,375,0
+wainscott,307,0
+hanson,977,1
+coffeen,1382,6
+klickitat,1672,5
+coffeen,906,2
+lindenwood,1065,1
+leonardo,652,1
+mifflinburg,535,0
+wainscott,51,10
+hiteman,897,4
+wainscott,1202,8
+klickitat,2271,10
+pinesdale,292,5
+leonardo,435,10
+lakeville,898,14
+marstons,1003,4
+pinesdale,1047,10
+hanson,220,4
+coffeen,434,6
+hanson,1269,0
+cosmos,659,2
+ranchester,928,1
+pinesdale,555,10
+merom,927,4
+ranchester,416,1
+lindenwood,2114,4
+hiteman,1506,5
+pomaria,576,2
+wainscott,723,2
+lindenwood,801,7
+pomaria,277,1
+wainscott,539,9
+marstons,55,4
+pinesdale,1174,1
+tolstoy,988,1
+klickitat,879,6
+shelbyville,666,9
+allensville,238,2
+benevolence,897,4
+hiteman,1158,3
+lindenwood,826,0
+hanson,1098,7
+tolstoy,71,3
+coffeen,806,3
+lindenwood,881,0
+mifflinburg,90,3
+onaga,444,4
+marstons,392,3
+beechwood,715,12
+lakeville,534,4
+coffeen,1023,8
+marstons,2561,7
+beechwood,969,4
+cosmos,888,2
+tolstoy,548,1
+hiteman,1235,4
+allensville,203,1
+forkland,294,1
+lakeville,935,3
+lindenwood,357,1
+tolstoy,292,3
+woodbine,1293,1
+lindenwood,2553,2
+shelbyville,648,2
+coffeen,422,5
+tolstoy,1065,3
+ranchester,871,7
+ranchester,710,0
+marstons,2128,2
+marstons,2172,8
+woodbine,270,5
+lakeville,936,2
+hanson,1656,11
+wainscott,946,2
+pomaria,764,8
+coffeen,793,8
+lindenwood,1985,3
+woodbine,1801,3
+merom,1118,5
+marstons,33,2
+klickitat,498,6
+shelbyville,2070,4
+lindenwood,1087,9
+wainscott,1436,10
+leonardo,191,1
+klickitat,1924,6
+shelbyville,1160,3
+woodbine,1887,2
+hanson,626,2
+wainscott,1518,2
+mifflinburg,476,0
+leonardo,2046,3
+woodbine,1231,4
+tolstoy,1429,6
+tolstoy,94,1
+marstons,929,0
+ranchester,1046,0
+lindenwood,1451,2
+woodbine,2059,0
+onaga,373,1
+beechwood,906,0
+klickitat,620,2
+pinesdale,769,10
+lindenwood,533,5
+benevolence,234,7
+leonardo,105,4
+merom,329,4
+shelbyville,1276,1
+marstons,485,15
+coffeen,462,1
+hiteman,284,0
+pomaria,1546,1
+stockman,107,5
+hanson,1230,2
+pomaria,78,11
+merom,376,6
+hiteman,37,8
+newfields,10,2
+ranchester,472,4
+shelbyville,2299,0
+hanson,209,10
+coffeen,255,5
+tolstoy,1821,7
+woodbine,1505,11
+lindenwood,1728,1
+ranchester,1025,0
+newfields,128,6
+shelbyville,642,3
+pomaria,1227,3
+forkland,1076,2
+tolstoy,446,7
+pinesdale,342,9
+hanson,317,6
+wainscott,326,5
+klickitat,720,9
+merom,6,2
+marstons,1596,11
+woodbine,672,2
+newfields,597,1
+lindenwood,1988,5
+shelbyville,2245,2
+wainscott,518,14
+pomaria,1659,3
+wainscott,1320,0
+hanson,444,0
+klickitat,823,4
+wainscott,116,6
+pomaria,264,10
+beechwood,85,0
+klickitat,2377,10
+woodbine,844,2
+marstons,574,0
+klickitat,2105,9
+mifflinburg,202,0
+shelbyville,662,0
+hiteman,40,1
+lindenwood,273,11
+cosmos,635,2
+lindenwood,1989,7
+leonardo,738,5
+benevolence,867,0
+beechwood,913,9
+benevolence,746,5
+shelbyville,26,6
+lindenwood,819,13
+woodbine,1768,14
+ranchester,909,3
+marstons,719,6
+lakeville,1399,7
+leonardo,1935,1
+lakeville,1155,14
+hiteman,497,2
+shelbyville,1949,6
+forkland,1041,2
+pinesdale,1186,3
+leonardo,1291,1
+lakeville,1585,1
+ranchester,35,0
+wainscott,785,8
+marstons,1068,6
+leonardo,471,3
+ranchester,754,6
+pomaria,954,8
+hiteman,293,0
+shelbyville,1853,2
+klickitat,446,0
+lindenwood,2586,8
+pinesdale,870,1
+hiteman,1104,4
+newfields,698,2
+benevolence,705,1
+shelbyville,299,2
+klickitat,837,6
+newfields,1245,8
+leonardo,1988,3
+leonardo,238,2
+coffeen,967,2
+forkland,922,3
+lakeville,1129,1
+stockman,579,9
+shelbyville,1718,3
+klickitat,2184,4
+wainscott,414,3
+merom,1044,2
+pinesdale,638,7
+wainscott,449,10
+wainscott,674,7
+mifflinburg,876,1
+wainscott,772,2
+klickitat,700,4
+wainscott,1326,6
+ranchester,616,3
+marstons,474,12
+woodbine,174,1
+klickitat,1993,4
+pomaria,900,8
+newfields,152,3
+woodbine,1456,0
+klickitat,2139,0
+hanson,3,1
+lindenwood,2496,0
+coffeen,981,1
+wainscott,580,4
+pinesdale,92,0
+leonardo,1889,3
+wainscott,938,1
+marstons,97,6
+marstons,1027,5
+shelbyville,1616,7
+wainscott,1777,0
+newfields,963,2
+pinesdale,1297,3
+klickitat,786,1
+ranchester,548,4
+mifflinburg,460,0
+woodbine,1339,0
+pinesdale,291,4
+lindenwood,2302,4
+hanson,1393,2
+lindenwood,2262,5
+allensville,323,3
+ranchester,487,0
+allensville,47,0
+stockman,400,3
+newfields,176,1
+tolstoy,634,2
+pinesdale,399,4
+coffeen,255,0
+newfields,263,5
+woodbine,1180,5
+beechwood,776,8
+klickitat,1355,6
+newfields,1199,3
+pomaria,191,0
+newfields,725,4
+pomaria,45,3
+pomaria,365,1
+newfields,804,7
+ranchester,1034,2
+wainscott,1619,0
+lindenwood,1198,3
+marstons,1908,5
+lindenwood,2647,4
+beechwood,780,4
+pinesdale,1329,3
+lakeville,1247,9
+wainscott,399,7
+allensville,290,0
+woodbine,210,2
+pomaria,1132,0
+shelbyville,2399,12
+benevolence,616,6
+newfields,1079,8
+ranchester,1133,5
+marstons,1133,6
+shelbyville,143,7
+woodbine,493,8
+klickitat,2043,0
+hanson,950,2
+tolstoy,636,8
+mifflinburg,95,2
+marstons,1556,2
+pomaria,834,1
+marstons,2075,4
+woodbine,1008,7
+hiteman,874,1
+woodbine,1950,1
+woodbine,1115,2
+stockman,118,6
+tolstoy,1343,1
+onaga,601,3
+marstons,2315,2
+lindenwood,1853,12
+lindenwood,865,1
+hiteman,609,2
+hiteman,244,1
+shelbyville,261,2
+newfields,949,0
+hanson,1225,3
+mifflinburg,394,8
+klickitat,488,0
+lakeville,1815,1
+marstons,2007,3
+ranchester,637,7
+hiteman,1244,3
+hiteman,1570,0
+tolstoy,1233,0
+leonardo,822,5
+tolstoy,470,1
+newfields,1439,3
+hiteman,717,6
+hiteman,418,2
+pomaria,514,10
+woodbine,1595,7
+pinesdale,1330,0
+marstons,1311,8
+coffeen,1407,1
+tolstoy,961,0
+shelbyville,1038,14
+wainscott,348,4
+klickitat,835,3
+lindenwood,941,8
+marstons,1821,4
+ranchester,767,2
+leonardo,610,12
+merom,38,2
+hanson,1508,7
+newfields,1357,6
+coffeen,348,2
+woodbine,913,5
+hiteman,947,0
+leonardo,343,2
+shelbyville,1579,2
+wainscott,1455,1
+lakeville,1049,7
+leonardo,246,4
+woodbine,169,15
+pinesdale,328,3
+wainscott,96,10
+beechwood,151,5
+klickitat,1745,13
+lindenwood,429,4
+hiteman,944,1
+beechwood,1112,5
+klickitat,1340,0
+cosmos,312,0
+shelbyville,822,5
+pinesdale,77,2
+lakeville,1508,4
+lakeville,530,9
+onaga,182,3
+shelbyville,126,11
+pomaria,1183,6
+marstons,958,5
+lindenwood,1314,6
+shelbyville,2703,9
+coffeen,187,1
+pomaria,1360,1
+wainscott,348,3
+hanson,710,0
+woodbine,1489,2
+marstons,1416,3
+leonardo,2036,6
+marstons,1884,0
+woodbine,1327,0
+marstons,81,2
+hanson,1446,7
+allensville,23,9
+cosmos,475,2
+hiteman,1629,1
+lakeville,1166,14
+tolstoy,78,4
+pinesdale,618,10
+lakeville,1877,1
+wainscott,973,2
+hanson,128,2
+ranchester,185,0
+marstons,879,4
+cosmos,703,10
+newfields,17,4
+shelbyville,749,11
+woodbine,554,6
+lindenwood,2526,7
+marstons,2017,1
+hanson,181,0
+forkland,969,6
+hanson,598,3
+wainscott,1146,8
+newfields,221,8
+pomaria,1451,0
+mifflinburg,827,1
+merom,739,0
+hiteman,425,5
+lakeville,1486,4
+cosmos,740,11
+lakeville,1379,0
+newfields,1204,15
+newfields,1576,0
+klickitat,603,5
+tolstoy,397,1
+lindenwood,1723,7
+marstons,1277,8
+lindenwood,119,5
+hiteman,33,9
+hanson,639,8
+lindenwood,2574,6
+newfields,979,1
+merom,320,3
+leonardo,1448,7
+newfields,378,0
+wainscott,570,7
+beechwood,715,9
+woodbine,726,4
+mifflinburg,953,7
+leonardo,717,1
+shelbyville,1645,12
+leonardo,1627,1
+ranchester,1288,3
+shelbyville,1100,13
+allensville,153,4
+tolstoy,757,0
+beechwood,758,10
+marstons,1859,7
+beechwood,937,4
+beechwood,1088,4
+lindenwood,579,1
+ranchester,319,4
+hanson,1110,11
+lindenwood,2652,1
+ranchester,1079,5
+beechwood,916,1
+hiteman,1524,0
+ranchester,702,7
+leonardo,652,2
+coffeen,577,1
+shelbyville,1039,5
+woodbine,504,6
+lindenwood,2631,1
+forkland,900,3
+klickitat,1213,5
+lakeville,416,0
+woodbine,1807,9
+pinesdale,31,1
+marstons,1760,1
+cosmos,903,0
+leonardo,501,9
+newfields,505,3
+lakeville,17,7
+klickitat,1627,0
+newfields,1162,6
+shelbyville,981,3
+lindenwood,417,2
+cosmos,952,4
+woodbine,896,5
+leonardo,1713,1
+coffeen,154,2
+leonardo,560,5
+klickitat,678,5
+woodbine,224,2
+hanson,775,5
+leonardo,851,14
+newfields,131,3
+hiteman,939,7
+lindenwood,1841,2
+wainscott,571,5
+woodbine,1239,3
+allensville,460,6
+wainscott,1751,3
+shelbyville,1645,0
+coffeen,213,0
+leonardo,1654,8
+pinesdale,942,0
+lindenwood,1315,9
+newfields,1487,5
+stockman,450,5
+wainscott,92,4
+pinesdale,993,2
+shelbyville,1658,2
+woodbine,1544,0
+lindenwood,1536,3
+marstons,841,0
+lakeville,89,9
+hiteman,1222,2
+newfields,1314,5
+beechwood,184,4
+merom,353,3
+klickitat,571,4
+woodbine,88,5
+forkland,562,2
+tolstoy,1196,6
+tolstoy,499,5
+lakeville,1343,13
+leonardo,215,0
+leonardo,1892,5
+merom,157,2
+cosmos,598,2
+leonardo,1189,2
+lakeville,931,1
+shelbyville,2353,5
+lindenwood,1779,1
+forkland,840,1
+woodbine,337,4
+stockman,782,1
+leonardo,876,1
+leonardo,477,2
+marstons,1936,2
+shelbyville,1651,7
+stockman,140,5
+lindenwood,1106,1
+hanson,940,4
+cosmos,564,2
+stockman,87,5
+coffeen,598,8
+merom,691,3
+klickitat,88,10
+lindenwood,916,6
+newfields,1092,0
+woodbine,394,2
+klickitat,1614,4
+newfields,447,4
+onaga,575,8
+leonardo,1123,0
+forkland,1100,2
+hiteman,1541,0
+forkland,793,6
+forkland,862,0
+klickitat,684,9
+klickitat,2239,5
+marstons,2385,4
+pinesdale,462,0
+shelbyville,1129,5
+shelbyville,718,15
+pomaria,1557,0
+pomaria,1516,4
+hiteman,690,0
+allensville,240,0
+merom,126,6
+hiteman,1727,0
+mifflinburg,538,9
+klickitat,1652,2
+klickitat,1411,0
+lindenwood,1703,2
+pomaria,976,5
+hanson,1469,0
+woodbine,1951,14
+ranchester,736,2
+klickitat,2301,7
+stockman,35,2
+hiteman,1275,1
+ranchester,1000,2
+wainscott,586,4
+coffeen,356,0
+marstons,2067,4
+marstons,969,0
+hiteman,950,0
+leonardo,868,3
+coffeen,798,5
+cosmos,181,3
+shelbyville,1850,0
+beechwood,350,6
+lindenwood,60,4
+lakeville,958,14
+coffeen,1052,6
+shelbyville,1186,8
+lakeville,1828,0
+woodbine,415,3
+wainscott,411,11
+allensville,344,4
+forkland,1052,8
+lindenwood,1268,9
+tolstoy,101,3
+beechwood,380,7
+hiteman,466,1
+woodbine,794,12
+leonardo,622,10
+woodbine,1768,5
+merom,75,8
+woodbine,1567,2
+hanson,534,0
+tolstoy,1460,0
+forkland,1108,3
+pomaria,1518,2
+lakeville,15,4
+shelbyville,2614,9
+marstons,1798,0
+woodbine,1599,5
+hanson,944,4
+ranchester,80,9
+hiteman,152,4
+lakeville,1572,2
+lakeville,620,5
+shelbyville,2584,1
+wainscott,1136,0
+beechwood,297,6
+beechwood,1134,0
+klickitat,2007,0
+lindenwood,1659,10
+ranchester,1293,0
+woodbine,1140,6
+coffeen,473,0
+pinesdale,594,0
+woodbine,2055,7
+forkland,1143,1
+woodbine,1609,2
+tolstoy,143,16
+lindenwood,2474,1
+tolstoy,268,11
+hiteman,1433,1
+forkland,57,3
+woodbine,527,3
+merom,295,7
+stockman,1075,2
+hanson,1467,3
+hiteman,1556,9
+shelbyville,256,13
+newfields,1075,8
+hanson,1196,0
+shelbyville,1352,6
+benevolence,733,3
+hanson,73,0
+newfields,1547,3
+newfields,1617,2
+pinesdale,1386,3
+shelbyville,440,11
+onaga,240,1
+coffeen,282,1
+klickitat,366,5
+newfields,1416,13
+tolstoy,193,3
+stockman,769,6
+marstons,37,0
+benevolence,732,1
+lindenwood,500,0
+marstons,2553,7
+beechwood,1077,13
+beechwood,307,0
+marstons,1181,1
+woodbine,129,8
+newfields,321,2
+newfields,1077,12
+wainscott,286,1
+hiteman,906,0
+pinesdale,1518,4
+lindenwood,1541,4
+hanson,1598,2
+marstons,2637,3
+hiteman,519,2
+merom,957,3
+wainscott,229,16
+lindenwood,610,4
+wainscott,156,9
+shelbyville,387,1
+pomaria,576,7
+merom,955,4
+ranchester,1632,1
+tolstoy,1013,1
+merom,925,8
+klickitat,2312,0
+lindenwood,2089,2
+stockman,108,3
+onaga,647,4
+lindenwood,2387,10
+lakeville,340,6
+coffeen,1052,0
+tolstoy,1143,7
+onaga,159,3
+beechwood,168,7
+tolstoy,969,7
+hiteman,1221,1
+lakeville,525,0
+marstons,1601,8
+stockman,589,1
+cosmos,921,2
+mifflinburg,832,2
+hanson,1235,3
+tolstoy,432,4
+pomaria,1333,5
+cosmos,36,1
+shelbyville,1481,2
+forkland,521,1
+tolstoy,140,0
+stockman,693,1
+merom,319,1
+marstons,2264,14
+shelbyville,728,0
+onaga,187,3
+marstons,35,6
+onaga,662,6
+wainscott,1594,3
+klickitat,2373,4
+leonardo,1421,1
+shelbyville,969,0
+marstons,375,1
+hanson,334,9
+marstons,2498,5
+shelbyville,961,2
+hiteman,252,2
+klickitat,1521,7
+mifflinburg,150,1
+merom,527,0
+hiteman,565,4
+pinesdale,1138,3
+woodbine,343,2
+coffeen,1182,0
+allensville,190,0
+newfields,657,18
+wainscott,61,1
+merom,908,4
+pomaria,103,3
+wainscott,725,6
+marstons,1618,0
+ranchester,125,0
+pinesdale,995,9
+coffeen,752,0
+wainscott,1797,7
+ranchester,1107,6
+wainscott,1749,5
+woodbine,1282,8
+stockman,1302,3
+shelbyville,2009,7
+leonardo,155,2
+shelbyville,812,9
+mifflinburg,400,1
+wainscott,437,7
+marstons,741,2
+pinesdale,617,2
+mifflinburg,428,1
+pomaria,269,1
+merom,451,3
+lindenwood,1950,0
+leonardo,1089,7
+lakeville,1813,3
+pinesdale,1319,1
+onaga,550,3
+shelbyville,937,0
+wainscott,1025,7
+ranchester,1434,8
+woodbine,1297,3
+hanson,1006,9
+beechwood,396,9
+coffeen,864,5
+woodbine,1849,2
+wainscott,546,3
+lindenwood,922,1
+klickitat,411,0
+lindenwood,2254,8
+lindenwood,544,1
+shelbyville,1598,2
+forkland,782,3
+hiteman,904,3
+lindenwood,1171,0
+shelbyville,2202,5
+tolstoy,716,0
+lindenwood,1449,4
+merom,32,5
+hiteman,613,2
+beechwood,318,0
+pomaria,602,9
+ranchester,1256,0
+marstons,2497,2
+forkland,1158,1
+lindenwood,2596,2
+wainscott,1642,3
+lindenwood,1891,0
+marstons,669,2
+woodbine,409,0
+wainscott,955,9
+klickitat,1970,6
+newfields,1273,1
+tolstoy,837,2
+wainscott,1090,12
+newfields,363,1
+pomaria,301,0
+klickitat,1970,7
+marstons,1372,7
+hanson,322,2
+pinesdale,935,5
+shelbyville,930,0
+leonardo,1579,2
+leonardo,579,15
+shelbyville,1776,5
+hanson,1085,7
+pinesdale,151,1
+lakeville,1010,10
+lindenwood,1772,5
+hiteman,1048,6
+leonardo,555,9
+shelbyville,1739,0
+mifflinburg,793,2
+woodbine,89,10
+coffeen,467,7
+hiteman,1525,8
+marstons,1472,2
+pinesdale,931,1
+klickitat,1589,7
+marstons,1793,0
+ranchester,1154,7
+hanson,151,10
+woodbine,1864,2
+hiteman,95,2
+pinesdale,66,3
+hanson,930,0
+lakeville,381,0
+stockman,810,5
+wainscott,1790,7
+leonardo,1033,2
+pinesdale,458,12
+ranchester,24,15
+beechwood,843,5
+lakeville,1311,7
+marstons,2375,5
+pinesdale,1060,3
+klickitat,640,11
+newfields,352,1
+coffeen,993,3
+newfields,769,2
+woodbine,313,13
+leonardo,1127,3
+marstons,2452,9
+tolstoy,817,0
+klickitat,1146,1
+lindenwood,166,2
+shelbyville,1482,3
+lindenwood,1309,0
+coffeen,610,0
+mifflinburg,676,5
+pomaria,549,9
+tolstoy,108,4
+lindenwood,2411,3
+marstons,1848,2
+woodbine,1768,11
+hiteman,1472,1
+newfields,1294,7
+lakeville,653,5
+lakeville,1575,5
+newfields,544,0
+forkland,106,3
+leonardo,574,1
+hanson,1425,6
+forkland,1144,8
+shelbyville,2610,5
+ranchester,1266,1
+mifflinburg,712,6
+hiteman,1030,3
+wainscott,1657,9
+stockman,1465,0
+pinesdale,883,7
+woodbine,858,1
+tolstoy,1642,3
+klickitat,1727,1
+lakeville,608,14
+wainscott,308,5
+klickitat,2227,1
+wainscott,313,0
+lakeville,832,0
+beechwood,768,1
+pinesdale,227,1
+onaga,391,0
+lindenwood,1849,5
+marstons,1228,2
+wainscott,1172,6
+newfields,889,9
+hiteman,416,2
+coffeen,937,1
+ranchester,1618,0
+stockman,1074,5
+merom,419,3
+hiteman,863,3
+leonardo,1302,3
+klickitat,2336,1
+pinesdale,863,2
+wainscott,864,7
+mifflinburg,881,5
+leonardo,1756,8
+woodbine,516,5
+leonardo,980,0
+lindenwood,892,0
+marstons,290,4
+marstons,1767,6
+woodbine,1517,1
+wainscott,626,1
+lakeville,1307,4
+lindenwood,1818,7
+shelbyville,1638,3
+wainscott,944,9
+marstons,193,18
+klickitat,914,12
+newfields,1506,5
+benevolence,143,0
+tolstoy,687,1
+woodbine,1576,0
+wainscott,257,2
+onaga,168,3
+marstons,594,2
+marstons,899,11
+hanson,1095,4
+leonardo,761,4
+mifflinburg,531,4
+tolstoy,1571,4
+marstons,126,4
+pinesdale,1405,3
+beechwood,660,0
+hiteman,516,6
+hiteman,1800,2
+lindenwood,1436,5
+woodbine,1414,10
+hiteman,701,1
+tolstoy,1673,0
+hiteman,424,9
+shelbyville,1384,1
+leonardo,1502,3
+ranchester,1336,3
+ranchester,1150,0
+lakeville,698,4
+leonardo,1426,5
+tolstoy,1477,0
+lakeville,273,3
+stockman,1401,7
+onaga,547,2
+lakeville,578,3
+stockman,276,2
+leonardo,1305,4
+wainscott,240,9
+pinesdale,721,4
+coffeen,64,4
+forkland,548,0
+lindenwood,2178,7
+newfields,989,6
+klickitat,2327,0
+pomaria,259,5
+marstons,1367,6
+coffeen,467,6
+ranchester,1259,0
+hiteman,214,4
+lindenwood,1517,10
+hiteman,1075,4
+hanson,218,0
+marstons,1703,1
+wainscott,441,5
+leonardo,1373,1
+beechwood,571,4
+shelbyville,1197,2
+klickitat,577,2
+pinesdale,82,2
+allensville,401,2
+leonardo,111,5
+beechwood,1082,2
+lindenwood,2047,4
+marstons,2407,9
+coffeen,291,2
+klickitat,331,3
+klickitat,470,1
+merom,1107,1
+benevolence,317,3
+lindenwood,272,2
+newfields,809,8
+pomaria,164,8
+merom,111,2
+tolstoy,1167,9
+lindenwood,1670,6
+leonardo,563,4
+tolstoy,1027,1
+stockman,103,5
+lindenwood,1998,9
+hanson,712,5
+marstons,544,0
+benevolence,616,7
+newfields,1094,11
+pinesdale,1083,1
+klickitat,822,8
+stockman,970,3
+stockman,840,1
+pinesdale,1098,0
+pinesdale,1296,1
+woodbine,1519,10
+pinesdale,607,8
+tolstoy,1272,3
+cosmos,983,4
+leonardo,906,8
+cosmos,276,5
+woodbine,259,0
+leonardo,332,1
+pinesdale,1240,1
+coffeen,940,12
+woodbine,1796,13
+lakeville,1816,2
+cosmos,982,6
+wainscott,1408,2
+leonardo,197,7
+wainscott,1384,7
+tolstoy,572,4
+ranchester,352,0
+hiteman,253,1
+leonardo,540,0
+lindenwood,1391,6
+coffeen,1279,3
+pomaria,488,4
+klickitat,1584,3
+hanson,727,3
+hiteman,888,3
+beechwood,61,10
+benevolence,973,2
+hiteman,1599,3
+pomaria,1000,9
+shelbyville,144,18
+ranchester,1302,0
+stockman,452,4
+lakeville,1218,8
+lindenwood,2351,1
+pomaria,543,5
+hiteman,763,8
+leonardo,1549,2
+newfields,1540,4
+wainscott,1560,8
+ranchester,896,0
+marstons,285,0
+wainscott,1256,2
+wainscott,561,0
+marstons,2451,0
+forkland,388,2
+wainscott,793,1
+beechwood,410,1
+lakeville,1638,1
+hiteman,1553,5
+cosmos,697,0
+onaga,239,3
+beechwood,183,1
+stockman,1471,5
+pinesdale,1455,4
+tolstoy,1656,3
+woodbine,870,8
+leonardo,530,16
+wainscott,1595,0
+newfields,765,3
+klickitat,1092,1
+shelbyville,2670,8
+wainscott,1555,9
+hiteman,871,0
+hiteman,1390,12
+coffeen,1399,6
+woodbine,418,2
+pinesdale,1171,3
+newfields,666,0
+marstons,1981,0
+lindenwood,441,7
+woodbine,1337,8
+merom,721,0
+pinesdale,233,2
+shelbyville,2430,0
+merom,1027,3
+woodbine,448,5
+shelbyville,1799,5
+wainscott,1634,3
+mifflinburg,823,6
+hanson,1125,2
+shelbyville,996,3
+beechwood,482,2
+cosmos,747,12
+stockman,901,3
+woodbine,2030,0
+pomaria,1589,0
+leonardo,1236,4
+klickitat,1321,4
+ranchester,469,7
+onaga,595,8
+pomaria,1090,8
+lakeville,1476,2
+lindenwood,459,1
+cosmos,488,3
+hanson,694,11
+marstons,2342,8
+pinesdale,1110,0
+leonardo,1681,9
+coffeen,800,5
+shelbyville,645,3
+hiteman,946,2
+pomaria,799,2
+marstons,143,1
+hanson,1633,8
+marstons,1521,10
+leonardo,825,4
+tolstoy,892,3
+merom,528,3
+klickitat,2053,4
+marstons,335,10
+pinesdale,470,1
+klickitat,1949,4
+merom,388,1
+hiteman,858,0
+shelbyville,1570,2
+shelbyville,2535,4
+newfields,74,0
+newfields,1214,3
+benevolence,837,0
+wainscott,562,3
+shelbyville,2153,9
+leonardo,1112,12
+lindenwood,1797,2
+stockman,1193,0
+lakeville,1685,9
+marstons,81,5
+lindenwood,907,0
+lindenwood,1013,2
+marstons,1158,0
+coffeen,1456,1
+tolstoy,262,4
+lindenwood,2308,2
+newfields,1112,0
+pomaria,1334,3
+hiteman,865,9
+marstons,1220,14
+merom,797,4
+pomaria,1414,9
+pinesdale,636,5
+merom,575,3
+pomaria,1016,3
+pomaria,435,2
+forkland,111,2
+pomaria,952,8
+lindenwood,1075,5
+hanson,825,15
+woodbine,682,5
+ranchester,344,0
+tolstoy,690,0
+lindenwood,880,3
+lakeville,82,5
+pomaria,1495,1
+pomaria,437,7
+cosmos,813,1
+klickitat,1447,2
+shelbyville,749,16
+wainscott,1400,0
+pomaria,1144,2
+ranchester,399,9
+stockman,672,2
+klickitat,2072,10
+coffeen,237,1
+allensville,480,3
+woodbine,316,11
+woodbine,581,5
+merom,295,0
+lindenwood,98,1
+merom,325,1
+allensville,425,0
+hanson,490,1
+marstons,1591,1
+wainscott,168,0
+wainscott,1755,3
+woodbine,1794,1
+marstons,2252,1
+mifflinburg,869,3
+benevolence,122,1
+mifflinburg,79,0
+coffeen,1369,1
+pomaria,781,3
+lakeville,162,0
+klickitat,2257,4
+hiteman,492,3
+coffeen,674,2
+leonardo,1989,1
+stockman,395,2
+woodbine,1219,2
+tolstoy,1275,0
+beechwood,969,1
+woodbine,936,7
+coffeen,860,1
+ranchester,129,7
+stockman,1535,6
+woodbine,591,5
+hanson,1448,0
+beechwood,30,1
+shelbyville,488,3
+allensville,255,4
+pomaria,282,2
+coffeen,1149,0
+cosmos,106,2
+woodbine,663,1
+lindenwood,459,3
+mifflinburg,554,0
+klickitat,71,2
+hanson,367,9
+pomaria,315,1
+lindenwood,1026,6
+lindenwood,968,4
+forkland,281,1
+klickitat,154,12
+hiteman,87,1
+hanson,556,5
+coffeen,557,3
+tolstoy,656,10
+leonardo,164,4
+hiteman,1048,5
+pomaria,1506,2
+wainscott,218,2
+lindenwood,1481,4
+woodbine,173,9
+lakeville,173,2
+tolstoy,932,7
+tolstoy,1689,9
+merom,126,4
+pomaria,1031,1
+marstons,484,6
+pomaria,413,0
+marstons,681,4
+leonardo,520,0
+lindenwood,2014,2
+shelbyville,2574,2
+klickitat,357,0
+newfields,415,7
+benevolence,897,7
+leonardo,1262,7
+woodbine,1466,0
+marstons,1740,4
+beechwood,1006,1
+woodbine,2017,5
+mifflinburg,933,4
+stockman,1134,1
+lindenwood,1694,3
+woodbine,487,2
+woodbine,1916,2
+lindenwood,2497,6
+lindenwood,268,1
+marstons,1882,0
+hanson,1526,0
+newfields,1241,1
+newfields,805,2
+marstons,1442,13
+forkland,220,2
+lindenwood,119,0
+wainscott,1025,5
+shelbyville,1204,1
+mifflinburg,171,6
+stockman,1453,16
+woodbine,776,8
+shelbyville,2191,3
+cosmos,1052,4
+newfields,519,2
+beechwood,812,4
+ranchester,764,5
+ranchester,1417,7
+klickitat,809,1
+leonardo,2089,4
+hanson,1360,1
+ranchester,140,8
+merom,451,0
+klickitat,2284,7
+leonardo,563,5
+tolstoy,1056,1
+lindenwood,1527,0
+lakeville,484,12
+forkland,487,1
+hiteman,1028,2
+hiteman,1416,3
+marstons,2273,5
+wainscott,1041,13
+lakeville,1695,0
+newfields,456,9
+klickitat,2071,6
+lindenwood,2063,1
+tolstoy,1809,6
+lindenwood,2299,0
+woodbine,1044,2
+cosmos,973,7
+pomaria,1514,4
+pomaria,1587,4
+lakeville,379,2
+leonardo,1445,2
+wainscott,745,4
+wainscott,916,10
+leonardo,2040,3
+newfields,262,0
+tolstoy,770,2
+lindenwood,2332,0
+hiteman,829,2
+beechwood,131,2
+merom,849,2
+hanson,574,7
+marstons,765,3
+hiteman,1468,4
+hanson,1555,6
+stockman,194,1
+lindenwood,526,5
+tolstoy,667,4
+hanson,85,3
+pinesdale,1191,5
+lindenwood,2576,2
+beechwood,79,5
+wainscott,354,7
+klickitat,0,5
+stockman,1146,3
+lakeville,1505,17
+wainscott,938,2
+woodbine,187,2
+lakeville,866,10
+hanson,1267,1
+cosmos,926,1
+woodbine,1005,8
+shelbyville,1855,2
+tolstoy,886,0
+lakeville,1343,15
+marstons,1614,9
+woodbine,2030,1
+klickitat,1884,3
+wainscott,467,5
+woodbine,1440,7
+hiteman,1432,4
+forkland,755,2
+stockman,974,1
+hiteman,47,0
+shelbyville,1579,0
+hiteman,1458,2
+wainscott,1165,5
+pinesdale,688,11
+merom,859,7
+lindenwood,2534,2
+tolstoy,579,5
+shelbyville,1841,4
+merom,417,6
+woodbine,423,3
+woodbine,1860,1
+lindenwood,1570,4
+hanson,403,0
+hanson,862,0
+wainscott,1363,7
+lindenwood,1568,7
+leonardo,130,0
+shelbyville,292,10
+leonardo,1066,3
+hanson,152,4
+pomaria,38,3
+klickitat,2306,0
+klickitat,824,0
+lakeville,918,0
+pomaria,1126,0
+klickitat,1884,1
+newfields,1372,0
+pinesdale,234,2
+hiteman,1491,8
+stockman,1016,1
+klickitat,2248,2
+woodbine,1777,1
+klickitat,1696,5
+lakeville,1861,2
+shelbyville,2069,1
+mifflinburg,522,3
+hiteman,1427,6
+pomaria,619,4
+forkland,397,0
+tolstoy,1281,0
+tolstoy,116,3
+hiteman,709,1
+lakeville,1356,4
+leonardo,1776,3
+woodbine,506,13
+leonardo,1753,4
+stockman,322,6
+tolstoy,791,2
+lindenwood,206,5
+wainscott,1757,14
+wainscott,1290,6
+lindenwood,1991,6
+leonardo,861,3
+woodbine,413,1
+coffeen,1244,7
+stockman,790,4
+lindenwood,653,7
+woodbine,1858,0
+lindenwood,2127,3
+hanson,546,1
+pomaria,1264,1
+klickitat,233,3
+hanson,892,9
+wainscott,969,1
+shelbyville,408,2
+hiteman,1016,5
+coffeen,885,2
+klickitat,1445,3
+klickitat,228,9
+ranchester,94,2
+hanson,336,4
+leonardo,2036,8
+hiteman,671,0
+hanson,1316,2
+newfields,286,2
+newfields,439,11
+lindenwood,358,5
+hanson,499,3
+leonardo,1728,8
+newfields,788,1
+newfields,197,13
+allensville,204,1
+leonardo,932,13
+shelbyville,870,3
+pinesdale,1052,0
+stockman,1219,2
+tolstoy,176,2
+ranchester,932,7
+cosmos,290,2
+hanson,149,2
+hiteman,435,5
+leonardo,949,7
+hiteman,1682,0
+tolstoy,706,8
+merom,181,0
+marstons,2548,7
+hanson,244,8
+hanson,1082,6
+pinesdale,697,3
+pinesdale,352,0
+leonardo,1752,0
+beechwood,1082,3
+ranchester,589,2
+forkland,881,2
+woodbine,795,13
+hiteman,283,3
+lindenwood,2078,1
+shelbyville,1948,4
+lakeville,1862,5
+benevolence,529,1
+lindenwood,2449,4
+lakeville,1193,2
+shelbyville,1001,2
+shelbyville,2321,4
+mifflinburg,518,1
+pinesdale,525,2
+hanson,1291,4
+lakeville,1162,7
+hanson,1375,4
+leonardo,1624,6
+wainscott,539,3
+lakeville,1401,5
+lindenwood,2488,2
+pomaria,108,3
+woodbine,738,3
+marstons,1933,2
+newfields,1497,8
+forkland,990,5
+pinesdale,710,3
+klickitat,214,0
+marstons,951,1
+ranchester,694,6
+ranchester,1029,0
+hanson,1466,10
+marstons,1633,4
+beechwood,463,2
+lakeville,1061,2
+woodbine,379,4
+hiteman,439,5
+lakeville,1800,1
+wainscott,1112,5
+coffeen,368,1
+hiteman,717,8
+hanson,342,14
+lakeville,1491,1
+hiteman,1670,2
+woodbine,937,2
+klickitat,1266,13
+klickitat,853,1
+shelbyville,1123,3
+hanson,482,12
+cosmos,670,0
+stockman,1410,0
+leonardo,1397,4
+ranchester,194,2
+klickitat,1745,21
+coffeen,772,3
+pomaria,852,2
+wainscott,400,0
+ranchester,506,0
+lakeville,599,1
+merom,641,1
+leonardo,1768,7
+marstons,503,1
+pomaria,377,15
+woodbine,1698,3
+hiteman,958,3
+onaga,51,0
+cosmos,593,3
+merom,65,0
+hiteman,939,2
+lakeville,727,1
+pinesdale,1515,5
+klickitat,102,0
+merom,179,3
+leonardo,493,5
+newfields,1383,2
+tolstoy,903,6
+marstons,2331,12
+pomaria,288,14
+wainscott,140,10
+newfields,1449,5
+wainscott,1090,16
+wainscott,45,3
+hanson,1320,6
+tolstoy,1781,12
+lakeville,1552,8
+beechwood,865,1
+coffeen,474,8
+wainscott,918,4
+pinesdale,1160,2
+benevolence,380,0
+lindenwood,934,3
+tolstoy,47,4
+hanson,1085,1
+pinesdale,406,1
+lakeville,1685,4
+lakeville,346,1
+shelbyville,1601,3
+woodbine,1504,4
+coffeen,487,1
+shelbyville,782,6
+coffeen,1369,6
+cosmos,348,10
+lakeville,1353,4
+woodbine,1776,3
+wainscott,443,9
+pomaria,406,2
+newfields,1096,14
+beechwood,893,5
+pomaria,680,0
+ranchester,487,2
+pinesdale,1068,3
+forkland,626,2
+onaga,615,3
+ranchester,420,15
+klickitat,955,2
+lindenwood,2084,0
+leonardo,511,7
+shelbyville,292,12
+marstons,886,0
+wainscott,962,0
+klickitat,1537,5
+hanson,800,10
+wainscott,1792,7
+mifflinburg,121,2
+shelbyville,2563,5
+cosmos,222,1
+tolstoy,476,3
+shelbyville,2140,7
+lindenwood,2109,3
+mifflinburg,57,1
+cosmos,773,2
+cosmos,681,0
+woodbine,1838,2
+lindenwood,824,1
+lindenwood,847,5
+coffeen,622,4
+beechwood,494,3
+newfields,1294,0
+tolstoy,1063,0
+lakeville,151,16
+hiteman,921,1
+coffeen,1191,0
+shelbyville,2635,6
+leonardo,655,2
+lakeville,1673,5
+shelbyville,136,2
+pinesdale,303,2
+forkland,1041,1
+pomaria,665,2
+lakeville,933,3
+marstons,2594,3
+leonardo,1234,2
+marstons,1956,4
+pomaria,231,3
+klickitat,1714,3
+marstons,811,1
+woodbine,996,1
+lakeville,712,1
+tolstoy,365,2
+hanson,1426,13
+wainscott,33,2
+shelbyville,1161,6
+klickitat,92,3
+stockman,1604,1
+shelbyville,978,9
+wainscott,1749,7
+marstons,851,3
+marstons,1634,3
+lindenwood,2234,0
+shelbyville,178,9
+wainscott,797,9
+newfields,1313,2
+lindenwood,2601,4
+shelbyville,38,2
+lindenwood,2361,0
+ranchester,874,11
+wainscott,1199,0
+pinesdale,1026,2
+hiteman,60,0
+lakeville,1669,2
+stockman,831,3
+tolstoy,506,0
+newfields,1144,13
+forkland,282,0
+lakeville,575,2
+lakeville,1092,0
+newfields,1514,3
+marstons,560,1
+marstons,456,2
+hiteman,959,1
+marstons,2109,5
+pinesdale,1225,2
+lakeville,813,3
+shelbyville,355,1
+pinesdale,1207,6
+marstons,2091,10
+woodbine,1766,2
+klickitat,148,12
+stockman,1326,4
+lakeville,425,2
+lakeville,764,0
+wainscott,682,5
+lakeville,78,0
+pomaria,1225,5
+cosmos,261,2
+merom,511,4
+hanson,1463,8
+marstons,179,1
+hanson,293,6
+lakeville,1591,0
+onaga,426,3
+newfields,929,1
+wainscott,435,3
+leonardo,2083,7
+pinesdale,765,5
+woodbine,1540,2
+hiteman,1103,0
+tolstoy,1373,0
+ranchester,671,1
+tolstoy,304,15
+wainscott,566,4
+hanson,660,1
+mifflinburg,660,1
+shelbyville,97,4
+pomaria,1063,4
+lakeville,244,2
+beechwood,320,6
+ranchester,1174,6
+lindenwood,1972,3
+tolstoy,1195,9
+lindenwood,1172,2
+lindenwood,884,4
+allensville,173,2
+pinesdale,1346,4
+klickitat,125,1
+pomaria,1654,2
+shelbyville,2055,1
+merom,336,4
+coffeen,1052,4
+marstons,733,4
+cosmos,92,3
+mifflinburg,35,2
+leonardo,316,13
+leonardo,109,2
+lakeville,1534,0
+tolstoy,1765,6
+woodbine,902,4
+lakeville,1121,0
+hiteman,1297,6
+pomaria,1183,3
+hiteman,1189,3
+pinesdale,28,1
+hanson,394,12
+klickitat,1655,6
+tolstoy,823,1
+benevolence,896,9
+hiteman,1333,11
+stockman,856,2
+woodbine,1069,5
+shelbyville,2029,2
+woodbine,536,5
+shelbyville,2,17
+ranchester,669,0
+beechwood,942,4
+lindenwood,1690,1
+benevolence,835,6
+beechwood,560,1
+coffeen,915,3
+woodbine,1868,5
+woodbine,34,10
+shelbyville,2444,0
+shelbyville,2352,6
+klickitat,1414,3
+shelbyville,275,10
+hanson,694,13
+lakeville,1319,4
+marstons,2506,2
+lakeville,1771,1
+leonardo,312,4
+mifflinburg,432,6
+hiteman,731,3
+hanson,954,2
+mifflinburg,764,1
+pomaria,864,2
+beechwood,674,0
+pomaria,667,3
+marstons,2137,0
+tolstoy,1238,1
+pomaria,389,8
+tolstoy,294,16
+beechwood,935,5
+leonardo,1685,1
+hiteman,1528,2
+cosmos,287,0
+marstons,657,3
+newfields,1571,0
+tolstoy,1270,0
+shelbyville,2139,9
+ranchester,399,16
+pomaria,1607,10
+stockman,1535,0
+lakeville,623,2
+pinesdale,504,4
+klickitat,1461,4
+klickitat,1784,2
+stockman,1236,2
+lindenwood,1490,12
+lakeville,350,6
+ranchester,1391,3
+tolstoy,1392,0
+newfields,238,5
+marstons,2463,0
+merom,869,8
+ranchester,173,5
+klickitat,793,14
+lindenwood,944,1
+marstons,1816,5
+lindenwood,0,7
+lindenwood,1816,2
+pomaria,1104,1
+pinesdale,669,5
+mifflinburg,234,2
+woodbine,1475,1
+hanson,549,1
+pinesdale,619,2
+shelbyville,369,3
+lindenwood,1563,1
+pinesdale,683,0
+leonardo,1089,8
+wainscott,229,6
+coffeen,365,0
+newfields,472,3
+marstons,2540,3
+leonardo,1463,5
+woodbine,956,2
+leonardo,553,8
+cosmos,1006,0
+shelbyville,1804,1
+tolstoy,1211,1
+lindenwood,115,2
+klickitat,2358,2
+beechwood,339,9
+tolstoy,133,10
+hiteman,26,3
+forkland,246,3
+newfields,1183,17
+shelbyville,1498,1
+woodbine,1812,2
+lindenwood,981,1
+pomaria,1202,3
+lakeville,1797,7
+klickitat,0,0
+klickitat,1798,3
+coffeen,635,2
+hanson,809,2
+forkland,605,0
+tolstoy,1771,7
+tolstoy,535,5
+allensville,416,0
+stockman,96,0
+ranchester,153,6
+leonardo,175,1
+woodbine,1583,9
+ranchester,297,0
+wainscott,1575,0
+pomaria,484,4
+hanson,417,4
+pinesdale,985,8
+klickitat,908,2
+ranchester,139,2
+leonardo,1321,11
+lindenwood,2120,8
+forkland,195,5
+leonardo,454,2
+pinesdale,525,5
+lakeville,1481,2
+woodbine,1168,4
+beechwood,845,5
+lakeville,824,5
+pinesdale,989,10
+newfields,1294,3
+tolstoy,872,1
+pomaria,706,6
+woodbine,269,0
+lakeville,225,1
+forkland,16,3
+woodbine,1567,0
+klickitat,1510,4
+shelbyville,1751,5
+klickitat,200,1
+shelbyville,1828,7
+leonardo,1449,6
+woodbine,654,10
+benevolence,120,0
+beechwood,345,5
+stockman,731,0
+pomaria,406,7
+klickitat,2045,1
+leonardo,1965,3
+lakeville,736,5
+pomaria,546,0
+wainscott,1438,5
+shelbyville,543,0
+lindenwood,2176,4
+shelbyville,2669,4
+lindenwood,1949,0
+woodbine,2055,3
+shelbyville,1578,2
+shelbyville,86,3
+pomaria,1435,1
+tolstoy,1575,1
+newfields,220,1
+wainscott,1269,7
+forkland,379,4
+woodbine,1571,7
+shelbyville,1325,0
+tolstoy,536,1
+marstons,2267,2
+pomaria,1629,5
+pomaria,370,0
+hiteman,1158,5
+shelbyville,1388,3
+lindenwood,2443,0
+wainscott,318,4
+newfields,725,5
+shelbyville,442,1
+lindenwood,1249,0
+klickitat,864,2
+beechwood,783,2
+klickitat,687,6
+cosmos,987,7
+stockman,1165,3
+stockman,106,2
+ranchester,601,8
+shelbyville,1067,1
+shelbyville,1028,4
+leonardo,1703,7
+marstons,1183,12
+ranchester,843,0
+marstons,1575,12
+shelbyville,652,3
+wainscott,1347,5
+cosmos,72,1
+hanson,106,4
+lindenwood,1283,6
+klickitat,1825,1
+shelbyville,950,1
+stockman,1191,6
+beechwood,504,1
+ranchester,1497,0
+marstons,2311,6
+coffeen,525,4
+ranchester,6,1
+cosmos,820,1
+lindenwood,796,4
+hanson,245,3
+woodbine,1176,9
+ranchester,1311,3
+newfields,1311,1
+woodbine,516,2
+marstons,1853,0
+hanson,777,9
+hanson,1659,9
+pomaria,1460,1
+klickitat,97,2
+ranchester,1270,1
+lakeville,1098,3
+shelbyville,1696,3
+klickitat,541,3
+stockman,1474,4
+woodbine,372,5
+benevolence,609,2
+onaga,41,3
+marstons,1018,0
+merom,929,3
+forkland,1101,3
+ranchester,1402,4
+merom,234,4
+klickitat,390,2
+hiteman,639,3
+stockman,712,0
+lakeville,450,0
+forkland,40,2
+ranchester,1504,10
+lakeville,862,4
+lindenwood,2249,7
+klickitat,2175,14
+lakeville,1561,0
+klickitat,672,3
+shelbyville,2066,2
+leonardo,72,4
+pomaria,1230,5
+shelbyville,2354,4
+klickitat,2348,0
+marstons,1080,2
+woodbine,1612,5
+lakeville,620,1
+marstons,1773,14
+woodbine,1683,3
+lakeville,390,3
+wainscott,161,7
+klickitat,916,12
+klickitat,1771,2
+coffeen,1363,1
+wainscott,484,5
+hiteman,1740,1
+marstons,2079,4
+lindenwood,781,2
+merom,216,4
+lakeville,820,7
+wainscott,1584,4
+marstons,852,5
+stockman,115,3
+hanson,603,1
+hanson,1558,2
+marstons,2545,6
+hanson,1248,0
+lindenwood,331,7
+lakeville,1740,8
+lindenwood,11,0
+forkland,70,0
+lindenwood,930,1
+onaga,5,1
+shelbyville,1077,1
+klickitat,214,4
+beechwood,155,6
+newfields,377,2
+newfields,730,2
+tolstoy,24,1
+pinesdale,538,6
+lindenwood,932,0
+pinesdale,679,2
+lindenwood,2273,1
+forkland,249,5
+klickitat,480,12
+pinesdale,795,1
+allensville,302,0
+leonardo,2005,11
+klickitat,1849,16
+marstons,2170,8
+stockman,1198,13
+leonardo,943,7
+ranchester,244,4
+shelbyville,697,1
+tolstoy,376,2
+wainscott,93,13
+tolstoy,650,17
+klickitat,1839,2
+mifflinburg,532,1
+merom,419,0
+hanson,125,2
+leonardo,24,0
+beechwood,44,5
+cosmos,179,5
+coffeen,520,6
+stockman,1046,2
+coffeen,1180,3
+woodbine,747,4
+newfields,629,0
+wainscott,1300,1
+stockman,403,2
+newfields,1112,1
+shelbyville,586,7
+lakeville,510,1
+stockman,1341,2
+shelbyville,1819,0
+merom,998,4
+newfields,302,0
+leonardo,2058,6
+klickitat,583,4
+klickitat,344,11
+woodbine,494,5
+hanson,1438,8
+wainscott,964,0
+lindenwood,948,10
+ranchester,1177,2
+hanson,1415,4
+ranchester,1368,1
+merom,116,6
+marstons,2635,9
+tolstoy,243,3
+marstons,432,1
+shelbyville,263,4
+lakeville,1683,4
+pomaria,1605,1
+beechwood,810,0
+lindenwood,888,4
+woodbine,897,3
+cosmos,498,12
+forkland,553,2
+woodbine,256,0
+marstons,172,0
+pinesdale,389,0
+woodbine,776,7
+beechwood,858,3
+shelbyville,2806,1
+tolstoy,1443,2
+klickitat,1782,1
+marstons,2562,5
+pinesdale,73,2
+beechwood,434,3
+merom,915,1
+leonardo,1706,0
+shelbyville,1632,2
+pinesdale,538,1
+lindenwood,420,7
+lindenwood,2468,7
+lakeville,1593,0
+ranchester,1418,3
+shelbyville,1351,5
+mifflinburg,316,8
+lakeville,23,2
+klickitat,278,0
+shelbyville,1495,4
+merom,114,0
+shelbyville,1808,3
+forkland,1045,1
+leonardo,296,4
+ranchester,96,3
+tolstoy,741,3
+lindenwood,959,2
+hanson,321,0
+pinesdale,1021,3
+shelbyville,379,2
+onaga,616,3
+newfields,453,0
+mifflinburg,785,2
+cosmos,138,0
+shelbyville,872,6
+newfields,1186,1
+leonardo,879,2
+klickitat,2201,1
+klickitat,841,2
+merom,803,1
+tolstoy,213,1
+shelbyville,1734,1
+allensville,468,0
+merom,444,9
+beechwood,375,1
+onaga,308,7
+pomaria,938,5
+lakeville,1644,1
+klickitat,1012,1
+allensville,431,7
+beechwood,207,0
+newfields,640,2
+hanson,644,2
+ranchester,251,5
+hiteman,556,1
+lindenwood,768,7
+woodbine,526,2
+stockman,1184,8
+pinesdale,677,9
+klickitat,206,2
+marstons,319,11
+shelbyville,85,6
+pomaria,127,3
+pinesdale,159,11
+beechwood,39,4
+ranchester,338,8
+klickitat,1818,1
+woodbine,1212,12
+cosmos,846,3
+merom,610,2
+klickitat,1633,12
+marstons,45,0
+lakeville,1572,6
+hanson,22,5
+wainscott,1635,3
+benevolence,511,0
+stockman,409,3
+lindenwood,2029,2
+ranchester,990,1
+klickitat,521,10
+newfields,1416,4
+onaga,100,2
+mifflinburg,98,4
+lakeville,1549,4
+tolstoy,1066,5
+tolstoy,965,9
+cosmos,539,0
+hiteman,126,4
+lakeville,1899,13
+marstons,1349,1
+newfields,32,16
+lakeville,56,0
+wainscott,201,3
+tolstoy,1429,3
+leonardo,669,7
+shelbyville,904,6
+woodbine,1165,9
+shelbyville,2150,6
+newfields,78,5
+wainscott,1364,8
+pinesdale,1468,5
+lakeville,617,1
+lakeville,107,9
+lakeville,879,4
+lindenwood,1199,6
+shelbyville,1042,5
+leonardo,1342,5
+wainscott,517,11
+marstons,2301,2
+ranchester,525,8
+mifflinburg,113,1
+tolstoy,1249,10
+klickitat,1270,0
+newfields,89,13
+stockman,474,4
+cosmos,524,7
+tolstoy,1538,2
+pomaria,618,9
+klickitat,766,3
+pomaria,42,5
+tolstoy,732,2
+forkland,81,0
+coffeen,447,0
+klickitat,291,2
+cosmos,82,8
+mifflinburg,377,1
+leonardo,1370,2
+lakeville,1579,1
+lakeville,621,6
+beechwood,323,1
+wainscott,937,2
+lakeville,674,1
+hiteman,1220,1
+wainscott,1120,6
+lakeville,1462,0
+allensville,386,2
+shelbyville,2253,1
+tolstoy,904,5
+onaga,296,2
+pomaria,124,5
+tolstoy,344,11
+hanson,62,8
+ranchester,468,3
+klickitat,360,6
+coffeen,846,0
+pomaria,1065,0
+lindenwood,2322,0
+hiteman,209,4
+merom,874,2
+leonardo,1856,4
+pomaria,808,4
+hiteman,912,14
+shelbyville,1895,6
+pomaria,1052,7
+coffeen,126,4
+pinesdale,575,1
+lindenwood,528,1
+leonardo,1452,4
+tolstoy,1647,8
+lindenwood,1144,0
+woodbine,1792,4
+cosmos,155,3
+leonardo,852,4
+tolstoy,35,4
+newfields,876,4
+lindenwood,1945,6
+tolstoy,106,9
+hanson,208,4
+shelbyville,1973,6
+beechwood,626,2
+leonardo,1844,5
+wainscott,1650,4
+woodbine,1381,4
+leonardo,657,5
+marstons,648,12
+hanson,192,1
+stockman,1408,8
+woodbine,644,2
+lindenwood,2441,8
+ranchester,1374,3
+leonardo,1009,13
+klickitat,1715,9
+klickitat,1066,4
+coffeen,420,0
+pinesdale,1081,3
+coffeen,1234,1
+lakeville,135,3
+pinesdale,248,9
+lindenwood,465,5
+newfields,572,1
+ranchester,838,9
+stockman,643,3
+hanson,509,2
+stockman,205,2
+wainscott,764,4
+newfields,392,1
+hiteman,1083,10
+stockman,378,5
+hanson,717,4
+ranchester,1247,10
+woodbine,1243,4
+ranchester,1447,2
+hanson,612,1
+hanson,352,9
+mifflinburg,265,4
+hanson,1170,1
+allensville,391,4
+pomaria,926,0
+woodbine,620,9
+beechwood,1026,5
+ranchester,852,3
+newfields,179,4
+leonardo,1857,2
+klickitat,1778,10
+hiteman,1789,8
+marstons,362,6
+shelbyville,188,2
+shelbyville,1819,6
+tolstoy,1420,2
+beechwood,450,3
+pinesdale,1158,0
+tolstoy,832,0
+benevolence,218,2
+tolstoy,1610,1
+lindenwood,1535,0
+mifflinburg,241,1
+allensville,194,3
+hanson,707,6
+newfields,631,3
+wainscott,1306,0
+cosmos,495,1
+newfields,1017,1
+pomaria,1032,6
+hiteman,512,1
+ranchester,240,9
+marstons,2515,10
+stockman,1091,2
+wainscott,976,12
+lakeville,1706,6
+woodbine,923,9
+newfields,1407,20
+pomaria,820,3
+hiteman,763,13
+woodbine,1792,3
+pomaria,241,1
+newfields,270,5
+klickitat,2417,0
+ranchester,1600,2
+leonardo,984,1
+klickitat,364,0
+merom,884,2
+coffeen,627,2
+stockman,1110,3
+woodbine,746,3
+woodbine,1417,11
+ranchester,403,2
+onaga,555,1
+klickitat,2117,3
+pomaria,205,2
+merom,166,11
+forkland,55,0
+marstons,838,0
+lindenwood,2299,3
+lakeville,382,1
+lindenwood,2172,1
+lindenwood,1760,0
+pomaria,1399,8
+woodbine,787,0
+hiteman,709,10
+stockman,962,0
+klickitat,2120,3
+shelbyville,2757,3
+stockman,1168,5
+hiteman,1461,14
+newfields,961,4
+marstons,778,3
+marstons,2489,9
+tolstoy,977,2
+cosmos,768,1
+lindenwood,2599,2
+pinesdale,86,0
+pomaria,627,15
+lakeville,1086,4
+mifflinburg,833,4
+woodbine,399,0
+hiteman,1727,8
+hiteman,743,5
+onaga,108,0
+marstons,1424,11
+tolstoy,825,3
+marstons,1200,5
+leonardo,1566,0
+lindenwood,675,11
+hanson,1480,2
+klickitat,1909,16
+hiteman,890,2
+benevolence,236,11
+merom,677,3
+klickitat,696,6
+coffeen,65,2
+klickitat,312,13
+hiteman,1305,5
+woodbine,1022,0
+stockman,214,3
+pomaria,1287,2
+pomaria,945,10
+merom,758,2
+shelbyville,1521,3
+tolstoy,1086,1
+hanson,1363,4
+mifflinburg,550,5
+beechwood,269,0
+klickitat,2078,1
+coffeen,374,1
+mifflinburg,881,6
+hanson,476,5
+shelbyville,229,3
+woodbine,457,7
+shelbyville,1315,6
+marstons,352,0
+woodbine,532,7
+lakeville,1672,4
+stockman,337,2
+pomaria,407,1
+lindenwood,1085,3
+lindenwood,2503,3
+ranchester,575,3
+marstons,1368,4
+coffeen,677,2
+wainscott,1180,4
+klickitat,2286,7
+hanson,1005,6
+marstons,300,0
+hanson,171,5
+cosmos,355,6
+woodbine,111,2
+pomaria,1623,6
+stockman,256,4
+newfields,1376,7
+newfields,879,2
+coffeen,787,1
+lakeville,1102,3
+wainscott,901,6
+allensville,179,6
+klickitat,787,11
+klickitat,452,2
+klickitat,2230,5
+hanson,317,1
+tolstoy,991,0
+leonardo,466,2
+coffeen,1146,2
+ranchester,1028,1
+marstons,646,12
+newfields,332,14
+pinesdale,57,1
+pomaria,451,4
+ranchester,309,2
+stockman,1568,13
+shelbyville,1388,5
+pomaria,110,3
+woodbine,1325,2
+shelbyville,909,2
+pinesdale,88,7
+newfields,1479,6
+ranchester,460,3
+marstons,457,0
+hanson,1635,10
+hiteman,1789,2
+shelbyville,132,4
+leonardo,933,0
+hiteman,357,2
+lindenwood,1318,1
+klickitat,810,0
+wainscott,1073,5
+leonardo,1384,1
+benevolence,901,4
+hanson,363,11
+forkland,1159,3
+pomaria,1092,1
+wainscott,1512,6
+ranchester,177,2
+klickitat,1834,0
+wainscott,285,0
+benevolence,469,8
+tolstoy,438,12
+wainscott,1263,3
+tolstoy,1506,1
+shelbyville,1913,8
+hanson,333,2
+hanson,202,2
+newfields,83,1
+lindenwood,2570,0
+shelbyville,1019,8
+coffeen,1067,5
+hanson,1063,10
+cosmos,783,1
+ranchester,1441,0
+pomaria,1510,4
+ranchester,1553,5
+mifflinburg,797,4
+shelbyville,572,10
+klickitat,250,4
+wainscott,1760,5
+klickitat,2398,0
+mifflinburg,373,2
+marstons,119,9
+ranchester,542,6
+pomaria,1436,3
+lindenwood,543,0
+stockman,1467,5
+leonardo,1333,5
+pomaria,129,6
+pomaria,790,9
+pinesdale,1161,1
+hiteman,1465,5
+leonardo,1012,5
+forkland,340,1
+marstons,2621,10
+klickitat,726,14
+mifflinburg,361,2
+ranchester,201,0
+hiteman,933,5
+marstons,2433,5
+ranchester,385,2
+leonardo,40,11
+marstons,1141,6
+leonardo,2093,0
+hiteman,507,8
+marstons,392,5
+merom,632,4
+marstons,1589,5
+stockman,961,1
+hanson,1273,10
+klickitat,2188,11
+lindenwood,1996,6
+beechwood,669,6
+shelbyville,2457,2
+woodbine,580,1
+hanson,984,1
+lindenwood,1606,5
+lakeville,268,8
+cosmos,493,7
+shelbyville,1613,1
+leonardo,1978,12
+newfields,286,1
+leonardo,995,6
+lakeville,314,3
+wainscott,897,7
+hiteman,1095,11
+wainscott,1255,5
+marstons,926,1
+hanson,555,8
+shelbyville,453,0
+cosmos,711,3
+newfields,1303,3
+hiteman,1347,4
+coffeen,760,0
+stockman,640,2
+newfields,1403,3
+hanson,842,0
+marstons,1545,12
+pomaria,1245,4
+leonardo,1789,0
+woodbine,1190,1
+wainscott,947,2
+hiteman,253,3
+hiteman,641,1
+ranchester,1363,0
+lakeville,300,4
+pomaria,233,7
+wainscott,1612,1
+tolstoy,1040,1
+hanson,436,6
+klickitat,840,9
+cosmos,976,10
+marstons,728,1
+marstons,1997,3
+benevolence,208,3
+hanson,1575,4
+lakeville,1370,2
+pinesdale,270,5
+klickitat,1315,5
+shelbyville,2490,6
+pomaria,196,1
+stockman,1316,5
+woodbine,1565,2
+ranchester,1261,5
+klickitat,458,4
+beechwood,562,3
+shelbyville,713,5
+woodbine,1183,3
+beechwood,143,1
+klickitat,2267,10
+benevolence,621,4
+mifflinburg,928,0
+hanson,1157,10
+shelbyville,2057,7
+hanson,26,3
+klickitat,8,7
+shelbyville,365,3
+marstons,2162,4
+hiteman,195,0
+allensville,347,11
+pomaria,570,1
+coffeen,886,4
+benevolence,322,5
+lindenwood,1259,5
+newfields,310,2
+lakeville,1626,8
+woodbine,1294,6
+lindenwood,411,5
+forkland,129,2
+tolstoy,375,12
+woodbine,642,2
+wainscott,1314,11
+klickitat,625,2
+forkland,952,8
+wainscott,544,1
+leonardo,2093,2
+woodbine,511,2
+wainscott,1683,2
+tolstoy,589,0
+lindenwood,442,9
+merom,243,0
+pomaria,1122,17
+newfields,354,2
+woodbine,591,12
+marstons,1261,5
+woodbine,275,11
+leonardo,656,3
+shelbyville,827,1
+mifflinburg,422,1
+woodbine,102,5
+tolstoy,504,3
+allensville,215,1
+mifflinburg,725,2
+allensville,511,5
+woodbine,888,4
+woodbine,993,1
+leonardo,1310,2
+stockman,1147,9
+ranchester,1108,11
+hiteman,951,1
+ranchester,533,2
+hiteman,1337,6
+hanson,762,2
+pomaria,15,3
+hanson,655,0
+klickitat,1716,1
+allensville,319,4
+wainscott,599,13
+leonardo,1554,0
+lakeville,812,7
+pomaria,414,4
+leonardo,1163,15
+lindenwood,2158,11
+coffeen,117,2
+beechwood,990,0
+tolstoy,1664,1
+lindenwood,2526,1
+ranchester,407,8
+lindenwood,1896,7
+ranchester,368,2
+tolstoy,1776,17
+klickitat,1909,10
+shelbyville,2434,3
+wainscott,1271,4
+lakeville,1518,0
+tolstoy,498,1
+lindenwood,510,2
+cosmos,545,6
+coffeen,1407,2
+lakeville,1613,7
+newfields,713,11
+klickitat,768,2
+coffeen,852,2
+cosmos,987,2
+mifflinburg,711,1
+marstons,1127,0
+leonardo,15,5
+klickitat,1894,0
+marstons,2601,1
+hiteman,319,4
+tolstoy,999,3
+leonardo,896,8
+ranchester,479,11
+marstons,724,0
+cosmos,893,1
+marstons,1978,5
+pinesdale,1357,2
+leonardo,1830,8
+shelbyville,32,0
+coffeen,912,1
+lakeville,1335,1
+mifflinburg,702,0
+hanson,1514,0
+merom,128,1
+pomaria,466,3
+beechwood,750,2
+lindenwood,82,5
+coffeen,976,1
+coffeen,560,4
+wainscott,1296,2
+pomaria,1531,7
+hanson,1190,0
+klickitat,886,13
+cosmos,186,2
+lakeville,1479,7
+lakeville,986,1
+hiteman,69,5
+mifflinburg,871,2
+newfields,66,1
+hiteman,1563,9
+benevolence,744,4
+newfields,1636,8
+hiteman,1753,9
+stockman,1332,1
+marstons,1044,2
+lakeville,561,1
+tolstoy,814,2
+beechwood,1147,2
+ranchester,46,10
+marstons,2648,6
+woodbine,999,1
+leonardo,1578,2
+benevolence,244,0
+klickitat,1186,2
+benevolence,838,3
+marstons,1245,4
+klickitat,2378,3
+klickitat,748,11
+shelbyville,60,0
+shelbyville,2573,5
+coffeen,13,3
+hanson,1085,12
+tolstoy,624,1
+hiteman,1790,1
+mifflinburg,341,3
+klickitat,2074,0
+onaga,44,3
+woodbine,840,4
+klickitat,1569,7
+shelbyville,2747,4
+klickitat,1875,5
+lindenwood,282,3
+lindenwood,1764,2
+klickitat,1547,5
+lindenwood,1572,2
+mifflinburg,134,2
+ranchester,429,16
+merom,392,6
+tolstoy,1608,5
+merom,499,3
+tolstoy,1512,7
+klickitat,845,10
+leonardo,1835,6
+benevolence,637,7
+woodbine,568,5
+woodbine,103,1
+pomaria,146,2
+allensville,264,3
+marstons,2571,9
+shelbyville,1870,4
+tolstoy,1580,2
+lindenwood,384,0
+lakeville,1207,5
+shelbyville,1698,4
+klickitat,29,1
+pinesdale,697,1
+beechwood,764,5
+leonardo,391,12
+tolstoy,418,5
+wainscott,1588,6
+cosmos,478,4
+allensville,402,5
+hanson,1572,1
+forkland,1136,3
+beechwood,3,4
+klickitat,1155,1
+pinesdale,738,1
+hiteman,1655,2
+marstons,123,4
+lakeville,1265,10
+marstons,1120,2
+wainscott,558,8
+hiteman,1258,0
+newfields,31,5
+leonardo,225,5
+tolstoy,917,1
+shelbyville,2664,12
+klickitat,622,1
+pomaria,584,3
+benevolence,294,2
+forkland,749,0
+woodbine,68,1
+leonardo,683,2
+leonardo,2087,2
+pomaria,1231,1
+pomaria,275,8
+hanson,1245,0
+lakeville,294,4
+pomaria,1468,14
+hiteman,1206,6
+shelbyville,1643,10
+woodbine,1511,8
+mifflinburg,134,7
+cosmos,421,1
+lindenwood,379,6
+coffeen,1248,5
+ranchester,760,1
+leonardo,39,2
+woodbine,1516,6
+hanson,1389,2
+tolstoy,144,6
+stockman,517,2
+ranchester,790,0
+pinesdale,522,4
+cosmos,520,10
+forkland,900,13
+lakeville,1078,8
+klickitat,688,1
+hiteman,610,0
+mifflinburg,204,2
+shelbyville,890,5
+cosmos,227,6
+lakeville,86,7
+marstons,2176,6
+pinesdale,4,10
+wainscott,1329,0
+leonardo,1278,3
+wainscott,407,5
+lindenwood,1480,0
+coffeen,1139,3
+lindenwood,2382,0
+coffeen,1029,2
+leonardo,1805,5
+marstons,2013,0
+newfields,339,0
+klickitat,1364,1
+marstons,1723,6
+lakeville,1265,0
+stockman,278,1
+wainscott,1199,8
+stockman,1526,0
+shelbyville,2003,2
+marstons,1140,8
+onaga,395,4
+newfields,100,0
+shelbyville,695,11
+lakeville,124,0
+tolstoy,1730,3
+tolstoy,882,4
+marstons,1875,0
+allensville,445,2
+merom,1006,3
+merom,425,2
+woodbine,1610,6
+marstons,2528,2
+woodbine,8,2
+benevolence,229,7
+woodbine,1350,5
+hiteman,1703,3
+pinesdale,512,2
+marstons,1451,4
+leonardo,1667,5
+ranchester,1286,7
+shelbyville,86,0
+pinesdale,563,7
+leonardo,1303,3
+shelbyville,172,0
+beechwood,111,0
+pinesdale,1406,3
+wainscott,1441,4
+lindenwood,1305,2
+ranchester,435,0
+wainscott,1250,0
+stockman,68,3
+hiteman,700,4
+pomaria,110,4
+pomaria,860,4
+pinesdale,15,4
+pomaria,104,1
+coffeen,864,1
+lakeville,74,2
+shelbyville,261,3
+wainscott,1459,10
+wainscott,174,1
+woodbine,1379,3
+lindenwood,1315,11
+hiteman,389,1
+ranchester,448,5
+marstons,706,5
+wainscott,993,6
+benevolence,469,5
+marstons,259,5
+lindenwood,1147,3
+newfields,32,1
+klickitat,2119,3
+woodbine,272,3
+lindenwood,2516,0
+mifflinburg,193,0
+tolstoy,1264,12
+klickitat,861,10
+hiteman,341,1
+forkland,545,1
+cosmos,689,4
+hanson,279,2
+cosmos,196,3
+pinesdale,766,0
+shelbyville,1260,2
+ranchester,1580,0
+hiteman,718,0
+mifflinburg,495,0
+hanson,352,0
+merom,543,7
+klickitat,137,0
+lindenwood,1315,6
+pomaria,756,0
+pinesdale,1031,2
+coffeen,182,7
+shelbyville,1775,12
+ranchester,836,11
+lindenwood,1174,2
+stockman,580,1
+forkland,1124,3
+lindenwood,1952,6
+ranchester,1521,7
+newfields,460,4
+pomaria,1072,2
+wainscott,90,3
+shelbyville,633,2
+lindenwood,1897,8
+hiteman,68,15
+pomaria,287,9
+merom,485,3
+lakeville,1499,3
+lakeville,1160,18
+shelbyville,1630,6
+leonardo,386,8
+tolstoy,1473,5
+woodbine,1075,2
+woodbine,355,9
+benevolence,692,4
+leonardo,1701,0
+onaga,384,0
+newfields,1513,3
+leonardo,891,8
+lakeville,197,2
+shelbyville,1928,1
+klickitat,166,5
+lindenwood,1688,0
+ranchester,525,11
+lindenwood,1788,3
+tolstoy,1402,4
+woodbine,514,12
+ranchester,1292,0
+ranchester,892,3
+cosmos,40,11
+pinesdale,1459,2
+coffeen,1199,1
+pomaria,1320,2
+coffeen,1139,2
+leonardo,941,10
+shelbyville,2490,7
+pinesdale,1455,6
+newfields,1259,4
+marstons,993,5
+marstons,390,4
+shelbyville,1234,6
+ranchester,1606,6
+ranchester,222,0
+pinesdale,153,1
+marstons,1262,10
+pomaria,609,3
+mifflinburg,106,6
+hanson,43,4
+klickitat,1722,3
+benevolence,863,3
+cosmos,482,0
+klickitat,774,16
+hiteman,1275,4
+woodbine,514,6
+newfields,1574,1
+lakeville,1861,4
+coffeen,1308,3
+shelbyville,2106,4
+cosmos,31,3
+wainscott,896,0
+klickitat,1295,0
+leonardo,699,15
+wainscott,961,4
+pinesdale,700,2
+ranchester,933,2
+marstons,2385,2
+pinesdale,1360,1
+onaga,116,3
+marstons,915,1
+leonardo,191,6
+hanson,1647,3
+merom,550,2
+forkland,29,2
+woodbine,1471,2
+hanson,1525,1
+wainscott,258,5
+hanson,1005,7
+marstons,529,3
+wainscott,1412,2
+tolstoy,289,3
+shelbyville,896,5
+lindenwood,764,5
+hiteman,386,5
+stockman,769,0
+marstons,1765,4
+merom,799,4
+mifflinburg,504,0
+shelbyville,746,1
+onaga,303,0
+cosmos,881,1
+hanson,820,4
+tolstoy,440,1
+forkland,816,3
+tolstoy,145,2
+pomaria,1274,0
+hiteman,1193,2
+forkland,380,1
+hanson,356,3
+coffeen,1090,5
+coffeen,1407,9
+shelbyville,1523,3
+tolstoy,669,9
+hiteman,1266,2
+newfields,985,1
+tolstoy,1408,11
+lakeville,572,8
+hiteman,44,4
+newfields,423,8
+stockman,1239,4
+marstons,2309,0
+newfields,1648,3
+leonardo,386,6
+lakeville,1551,1
+coffeen,1395,4
+marstons,1089,1
+pomaria,447,3
+cosmos,1041,5
+pinesdale,916,8
+lakeville,1862,2
+hiteman,1263,1
+hiteman,1056,6
+pinesdale,440,3
+pomaria,214,8
+klickitat,376,8
+pomaria,124,0
+tolstoy,1803,5
+forkland,1131,7
+wainscott,1299,2
+hiteman,1695,6
+ranchester,1637,4
+shelbyville,2129,1
+ranchester,542,2
+newfields,1586,0
+coffeen,1078,3
+beechwood,501,8
+ranchester,782,3
+wainscott,735,1
+allensville,113,6
+hanson,134,0
+beechwood,1147,6
+coffeen,495,3
+marstons,1190,0
+pinesdale,1363,12
+pomaria,1020,4
+marstons,1058,4
+woodbine,599,3
+marstons,2151,5
+forkland,1174,4
+hanson,627,1
+lindenwood,1859,5
+stockman,817,3
+pomaria,140,4
+onaga,81,0
+shelbyville,681,4
+hiteman,1789,4
+woodbine,1058,3
+beechwood,687,3
+shelbyville,818,5
+tolstoy,1225,6
+ranchester,635,0
+stockman,437,3
+hanson,1218,15
+stockman,822,3
+lakeville,464,6
+beechwood,866,6
+hiteman,975,8
+newfields,1222,5
+hanson,236,3
+beechwood,1100,1
+shelbyville,15,17
+onaga,307,1
+stockman,1462,3
+marstons,312,1
+stockman,179,0
+newfields,1098,4
+tolstoy,1564,0
+hanson,1617,14
+lindenwood,795,0
+stockman,959,2
+marstons,2558,0
+lindenwood,1861,4
+hiteman,802,2
+tolstoy,1728,10
+marstons,2144,11
+lindenwood,2646,7
+tolstoy,1068,2
+klickitat,327,4
+lakeville,1592,10
+lindenwood,2619,2
+klickitat,1758,2
+marstons,663,1
+klickitat,544,1
+onaga,200,2
+onaga,179,5
+shelbyville,259,1
+tolstoy,1122,5
+coffeen,1379,1
+merom,416,2
+marstons,2331,4
+woodbine,818,0
+shelbyville,1725,7
+wainscott,1132,3
+lakeville,548,5
+hiteman,1078,6
+ranchester,1622,3
+stockman,455,3
+stockman,961,7
+woodbine,77,2
+klickitat,230,3
+shelbyville,1462,1
+pomaria,519,1
+stockman,1498,0
+hiteman,135,4
+klickitat,1520,5
+ranchester,624,2
+tolstoy,157,5
+pinesdale,6,2
+shelbyville,1849,6
+leonardo,726,0
+marstons,320,18
+tolstoy,1511,7
+marstons,1684,1
+shelbyville,2282,0
+hanson,1133,2
+leonardo,699,2
+lakeville,703,0
+mifflinburg,862,0
+lakeville,881,0
+newfields,1286,12
+cosmos,881,0
+ranchester,676,7
+lindenwood,1155,0
+wainscott,1284,2
+pomaria,1250,0
+stockman,21,2
+wainscott,142,7
+wainscott,1601,2
+pinesdale,985,15
+woodbine,1655,3
+beechwood,192,1
+coffeen,440,2
+newfields,6,1
+cosmos,460,5
+ranchester,301,3
+leonardo,1115,6
+wainscott,530,6
+benevolence,557,6
+leonardo,2108,7
+wainscott,957,1
+lindenwood,2616,1
+shelbyville,1383,1
+ranchester,1171,0
+leonardo,1831,2
+woodbine,1887,6
+hiteman,679,0
+lindenwood,818,1
+woodbine,1233,7
+newfields,1648,2
+ranchester,1122,4
+woodbine,1081,9
+onaga,37,4
+shelbyville,1873,9
+tolstoy,687,0
+lindenwood,200,2
+wainscott,308,2
+forkland,990,4
+forkland,944,0
+hiteman,1224,2
+marstons,537,1
+newfields,1564,4
+tolstoy,932,1
+allensville,413,2
+stockman,60,11
+hanson,966,5
+pomaria,966,1
+pomaria,205,9
+wainscott,356,1
+coffeen,1482,2
+ranchester,328,5
+marstons,1046,2
+tolstoy,844,8
+forkland,77,0
+lakeville,1775,7
+leonardo,819,2
+tolstoy,924,5
+ranchester,1327,1
+forkland,901,2
+newfields,1497,4
+pinesdale,1465,4
+tolstoy,1294,2
+marstons,2523,0
+lindenwood,1956,3
+merom,1023,1
+woodbine,2046,7
+merom,210,6
+hiteman,1185,2
+newfields,430,2
+lindenwood,1420,3
+lindenwood,454,1
+klickitat,180,0
+beechwood,98,4
+woodbine,1805,5
+lindenwood,2600,7
+lakeville,1474,1
+klickitat,150,12
+pomaria,1678,1
+leonardo,1433,0
+hanson,888,19
+leonardo,1358,9
+leonardo,248,1
+mifflinburg,732,0
+shelbyville,1341,0
+merom,901,4
+leonardo,1746,2
+hanson,208,1
+lindenwood,1015,1
+tolstoy,1234,4
+woodbine,1202,2
+woodbine,1896,4
+tolstoy,90,1
+leonardo,1752,1
+pinesdale,852,2
+onaga,310,2
+merom,12,0
+lakeville,898,11
+pomaria,1074,2
+leonardo,1593,19
+leonardo,1348,2
+pinesdale,11,4
+woodbine,547,11
+lindenwood,724,2
+lindenwood,2134,13
+forkland,755,1
+tolstoy,1736,0
+wainscott,1019,10
+newfields,1352,4
+klickitat,233,9
+cosmos,799,0
+hiteman,1464,2
+wainscott,1529,6
+ranchester,417,8
+tolstoy,1760,5
+wainscott,1725,4
+shelbyville,2107,7
+shelbyville,1024,3
+woodbine,657,1
+marstons,2471,11
+benevolence,681,8
+wainscott,181,0
+woodbine,1692,3
+shelbyville,1039,7
+benevolence,969,5
+tolstoy,1591,6
+klickitat,2274,8
+marstons,2343,0
+mifflinburg,646,5
+klickitat,155,4
+ranchester,1411,9
+forkland,107,0
+stockman,917,2
+marstons,1164,2
+lindenwood,2245,2
+lakeville,607,4
+mifflinburg,226,5
+marstons,2091,7
+lakeville,359,4
+leonardo,1035,3
+lakeville,1029,9
+klickitat,2096,1
+wainscott,836,0
+woodbine,317,6
+klickitat,1437,7
+pomaria,205,0
+marstons,823,0
+klickitat,1967,15
+shelbyville,1116,13
+stockman,468,0
+wainscott,50,4
+lindenwood,677,2
+newfields,825,1
+lindenwood,1836,4
+lakeville,378,2
+lakeville,732,2
+pinesdale,809,3
+hiteman,1792,2
+wainscott,1764,2
+cosmos,936,8
+woodbine,866,4
+lakeville,438,9
+wainscott,33,0
+klickitat,2230,11
+merom,791,1
+newfields,980,8
+mifflinburg,881,3
+tolstoy,124,0
+pomaria,1577,5
+hanson,590,4
+newfields,1467,1
+pomaria,1275,0
+shelbyville,350,3
+forkland,1012,2
+merom,252,0
+pinesdale,568,5
+klickitat,2078,12
+wainscott,390,3
+coffeen,88,3
+klickitat,576,3
+hanson,1018,8
+coffeen,1250,1
+newfields,203,7
+pomaria,19,1
+pinesdale,1248,10
+leonardo,1386,1
+leonardo,863,2
+hanson,720,5
+beechwood,976,3
+wainscott,770,9
+cosmos,307,0
+lindenwood,114,4
+marstons,2164,0
+pomaria,684,2
+mifflinburg,618,4
+klickitat,2163,2
+tolstoy,1380,5
+lakeville,1053,6
+forkland,334,2
+leonardo,1028,5
+woodbine,1638,1
+wainscott,1197,9
+merom,596,9
+lakeville,572,7
+pinesdale,1507,5
+onaga,526,1
+merom,619,0
+lakeville,840,5
+onaga,139,1
+newfields,1079,1
+marstons,1619,10
+mifflinburg,313,0
+ranchester,432,0
+woodbine,2004,7
+beechwood,19,8
+coffeen,652,3
+wainscott,829,3
+klickitat,914,2
+onaga,421,4
+hanson,1604,0
+beechwood,303,3
+ranchester,621,3
+wainscott,1018,5
+ranchester,743,4
+hiteman,73,4
+marstons,2550,2
+hanson,306,15
+forkland,918,0
+ranchester,576,7
+ranchester,1426,3
+shelbyville,1077,3
+leonardo,1896,4
+pomaria,607,4
+ranchester,157,9
+marstons,1480,2
+lindenwood,1748,1
+pomaria,968,8
+ranchester,395,11
+stockman,378,2
+lakeville,818,2
+wainscott,1468,1
+klickitat,1598,8
+shelbyville,506,1
+wainscott,405,0
+marstons,180,2
+ranchester,1225,3
+klickitat,406,9
+lindenwood,1168,4
+coffeen,184,2
+beechwood,45,8
+pinesdale,1143,5
+coffeen,630,2
+leonardo,1889,2
+stockman,913,1
+stockman,601,5
+coffeen,453,0
+lindenwood,434,15
+leonardo,1453,4
+klickitat,743,6
+lindenwood,1242,8
+cosmos,125,0
+shelbyville,14,2
+leonardo,1910,3
+marstons,1364,4
+allensville,189,6
+pomaria,1269,0
+lindenwood,2325,11
+marstons,1413,5
+allensville,124,3
+tolstoy,1103,5
+pinesdale,249,5
+shelbyville,1792,4
+lindenwood,2062,1
+klickitat,301,0
+merom,94,1
+pinesdale,625,3
+lakeville,1285,3
+shelbyville,587,3
+marstons,423,1
+newfields,513,3
+tolstoy,1020,4
+lindenwood,630,9
+stockman,730,6
+wainscott,1218,2
+allensville,116,2
+coffeen,867,5
+tolstoy,844,7
+tolstoy,1693,1
+pomaria,683,2
+lindenwood,1913,2
+lindenwood,509,0
+tolstoy,1243,4
+pomaria,454,4
+pomaria,813,1
+forkland,796,7
+shelbyville,1633,4
+cosmos,528,2
+cosmos,876,4
+ranchester,599,2
+pomaria,416,1
+ranchester,537,1
+hiteman,1767,0
+newfields,359,5
+woodbine,625,11
+leonardo,1125,1
+woodbine,1853,15
+merom,292,1
+cosmos,891,10
+shelbyville,2029,6
+pinesdale,808,2
+ranchester,1001,1
+hanson,1549,2
+tolstoy,827,6
+klickitat,2026,2
+pinesdale,1492,9
+tolstoy,442,2
+newfields,325,12
+leonardo,1485,4
+forkland,888,5
+woodbine,1842,5
+coffeen,600,6
+lindenwood,2182,0
+lakeville,175,6
+marstons,1774,10
+pomaria,179,4
+hanson,1082,4
+shelbyville,2060,2
+marstons,671,6
+merom,195,4
+coffeen,62,1
+hiteman,995,11
+ranchester,393,0
+shelbyville,2471,11
+newfields,422,0
+lindenwood,1579,4
+merom,703,4
+klickitat,553,2
+pomaria,1467,3
+tolstoy,66,0
+woodbine,1797,3
+lindenwood,605,2
+hanson,95,2
+lakeville,1793,0
+lakeville,643,1
+leonardo,1959,1
+wainscott,1725,1
+mifflinburg,565,0
+wainscott,386,3
+lindenwood,2523,1
+onaga,276,1
+newfields,700,5
+marstons,2029,0
+pomaria,881,7
+leonardo,2102,2
+leonardo,1558,1
+wainscott,1721,0
+stockman,408,2
+marstons,758,1
+merom,50,1
+newfields,706,2
+shelbyville,2194,3
+shelbyville,602,4
+shelbyville,124,7
+lakeville,508,5
+lindenwood,2525,0
+merom,970,3
+benevolence,292,2
+tolstoy,1522,0
+lindenwood,1345,2
+klickitat,2145,6
+mifflinburg,30,3
+wainscott,161,6
+coffeen,1138,3
+stockman,375,1
+coffeen,1293,0
+shelbyville,1799,0
+wainscott,1167,9
+marstons,1810,7
+merom,1103,1
+klickitat,1889,6
+hiteman,851,2
+wainscott,431,1
+wainscott,1644,11
+leonardo,693,1
+coffeen,1309,1
+newfields,535,1
+merom,13,5
+wainscott,425,8
+newfields,973,10
+woodbine,601,3
+beechwood,592,1
+newfields,1614,3
+lindenwood,2347,4
+beechwood,121,3
+hanson,1555,4
+wainscott,775,8
+stockman,383,6
+ranchester,401,3
+beechwood,831,0
+tolstoy,1288,2
+tolstoy,615,1
+klickitat,1815,4
+marstons,1914,2
+ranchester,1172,0
+beechwood,973,4
+cosmos,93,10
+wainscott,903,2
+shelbyville,1682,15
+lindenwood,917,2
+newfields,1332,6
+forkland,635,0
+lakeville,57,14
+lakeville,162,8
+pomaria,1213,9
+marstons,313,4
+wainscott,479,5
+marstons,1427,9
+klickitat,406,12
+hanson,1630,0
+newfields,666,5
+forkland,559,1
+lakeville,1445,2
+merom,1095,2
+lakeville,1809,7
+leonardo,945,1
+coffeen,1465,5
+woodbine,994,6
+cosmos,259,4
+marstons,1201,6
+leonardo,529,11
+woodbine,1317,0
+newfields,1296,5
+leonardo,1918,0
+klickitat,188,2
+lindenwood,2641,4
+marstons,887,1
+marstons,2428,3
+klickitat,1807,0
+lakeville,951,0
+benevolence,338,10
+leonardo,594,6
+lakeville,1877,5
+cosmos,815,3
+newfields,177,3
+leonardo,2008,0
+mifflinburg,894,2
+beechwood,261,4
+forkland,68,0
+marstons,1368,1
+shelbyville,2478,9
+lindenwood,785,2
+tolstoy,229,3
+pinesdale,692,0
+lakeville,1606,0
+pomaria,954,14
+lakeville,466,4
+leonardo,668,3
+stockman,622,6
+beechwood,1071,8
+cosmos,632,2
+shelbyville,1999,10
+beechwood,1156,2
+coffeen,274,1
+mifflinburg,802,3
+woodbine,907,12
+lakeville,267,0
+cosmos,897,3
+pinesdale,790,2
+newfields,219,5
+lakeville,139,1
+stockman,871,1
+wainscott,79,9
+klickitat,1935,11
+lakeville,1560,1
+hiteman,1103,3
+shelbyville,2289,7
+leonardo,1104,0
+leonardo,382,1
+wainscott,817,10
+merom,996,5
+pinesdale,398,9
+shelbyville,627,2
+leonardo,496,8
+lindenwood,1795,0
+wainscott,142,0
+beechwood,1150,2
+lakeville,680,2
+leonardo,220,13
+pinesdale,1194,0
+lindenwood,1484,3
+beechwood,534,1
+newfields,77,1
+benevolence,698,6
+ranchester,1559,0
+leonardo,2101,5
+cosmos,732,5
+hiteman,1444,2
+tolstoy,1659,10
+ranchester,399,6
+leonardo,1369,5
+tolstoy,1422,2
+benevolence,170,4
+woodbine,1278,1
+tolstoy,1523,4
+newfields,193,2
+lakeville,31,11
+pomaria,735,3
+pomaria,535,1
+marstons,1433,0
+leonardo,2116,12
+woodbine,25,13
+mifflinburg,884,5
+ranchester,920,2
+ranchester,768,2
+hiteman,916,5
+hanson,1237,5
+leonardo,932,17
+shelbyville,2709,10
+pinesdale,1510,5
+klickitat,1208,0
+woodbine,1572,2
+merom,562,3
+lindenwood,1852,3
+wainscott,1643,7
+ranchester,863,6
+leonardo,1468,2
+hiteman,986,2
+newfields,607,3
+lakeville,1799,15
+hiteman,594,8
+leonardo,293,7
+leonardo,1936,5
+klickitat,795,10
+shelbyville,466,9
+coffeen,1104,5
+marstons,2548,2
+ranchester,1274,4
+woodbine,226,6
+pomaria,1354,4
+klickitat,2154,7
+leonardo,308,5
+stockman,1399,2
+woodbine,1144,1
+stockman,1363,7
+stockman,207,2
+woodbine,107,0
+newfields,786,1
+klickitat,1143,2
+marstons,2029,1
+tolstoy,883,6
+marstons,126,3
+hanson,1391,2
+lakeville,1614,3
+ranchester,41,6
+forkland,1047,2
+lakeville,207,2
+wainscott,377,5
+tolstoy,1241,2
+lindenwood,1436,4
+klickitat,189,6
+lindenwood,1472,1
+woodbine,580,2
+klickitat,1637,2
+marstons,236,3
+wainscott,577,1
+cosmos,1077,5
+lindenwood,192,1
+woodbine,1717,2
+hanson,185,1
+klickitat,316,4
+leonardo,2073,5
+marstons,2040,0
+ranchester,1610,7
+beechwood,532,1
+leonardo,273,0
+forkland,474,4
+ranchester,517,1
+pinesdale,325,7
+newfields,701,3
+lindenwood,788,2
+lindenwood,1490,3
+lakeville,305,5
+ranchester,80,10
+wainscott,1317,0
+mifflinburg,237,0
+beechwood,534,2
+benevolence,399,2
+hanson,917,2
+lindenwood,2239,3
+lakeville,826,9
+lindenwood,1744,0
+wainscott,1326,3
+shelbyville,2172,2
+pomaria,1464,7
+forkland,124,7
+lakeville,1334,12
+lakeville,907,10
+klickitat,1126,4
+lindenwood,1713,10
+hanson,385,7
+lindenwood,2371,7
+newfields,1136,1
+klickitat,713,0
+mifflinburg,35,1
+marstons,1770,3
+klickitat,1228,0
+lindenwood,701,2
+shelbyville,481,2
+lakeville,1580,1
+pinesdale,466,1
+klickitat,306,5
+hanson,1418,2
+tolstoy,713,4
+pomaria,439,0
+wainscott,724,5
+marstons,2061,11
+klickitat,971,1
+klickitat,1679,11
+klickitat,1752,5
+newfields,232,6
+allensville,314,1
+onaga,651,0
+klickitat,2053,8
+pomaria,131,1
+shelbyville,576,13
+pinesdale,1379,0
+klickitat,2153,1
+cosmos,54,3
+klickitat,355,1
+pomaria,900,7
+lakeville,237,9
+hanson,1125,12
+woodbine,134,5
+leonardo,776,0
+tolstoy,1426,7
+pinesdale,190,4
+wainscott,1384,1
+lindenwood,484,6
+lakeville,1417,3
+marstons,1620,12
+wainscott,1072,1
+marstons,373,1
+woodbine,811,5
+lakeville,867,4
+pinesdale,1118,3
+leonardo,1365,5
+pinesdale,634,0
+coffeen,1282,2
+woodbine,867,1
+newfields,341,4
+beechwood,1019,7
+leonardo,191,5
+benevolence,144,2
+lakeville,1184,10
+lakeville,269,1
+klickitat,628,0
+coffeen,2,2
+pinesdale,1492,7
+cosmos,273,2
+tolstoy,864,11
+lindenwood,718,0
+leonardo,874,7
+shelbyville,91,3
+newfields,376,3
+shelbyville,546,3
+ranchester,167,6
+shelbyville,971,2
+leonardo,278,4
+allensville,315,5
+wainscott,202,5
+ranchester,233,3
+hanson,1230,10
+ranchester,387,2
+beechwood,935,4
+lakeville,1534,2
+ranchester,1330,4
+lindenwood,2408,4
+ranchester,1295,2
+klickitat,2032,4
+coffeen,223,0
+pomaria,306,4
+stockman,475,1
+ranchester,535,5
+beechwood,889,0
+marstons,1119,12
+shelbyville,1867,0
+onaga,664,4
+allensville,154,1
+newfields,461,2
+lakeville,1839,1
+klickitat,1081,2
+coffeen,735,3
+lindenwood,2494,8
+benevolence,25,6
+beechwood,1078,3
+newfields,831,4
+woodbine,1231,3
+pomaria,1260,9
+benevolence,823,4
+hanson,368,11
+lakeville,692,8
+leonardo,1282,2
+tolstoy,1242,2
+pomaria,223,4
+shelbyville,2795,2
+lindenwood,2562,1
+marstons,1660,11
+lakeville,399,6
+klickitat,521,1
+forkland,563,1
+hanson,1592,4
+pomaria,169,4
+lakeville,745,10
+tolstoy,334,2
+hanson,641,0
+forkland,438,1
+stockman,195,3
+marstons,167,5
+shelbyville,29,2
+onaga,175,1
+hanson,17,14
+lindenwood,2105,6
+klickitat,1676,4
+pomaria,294,7
+shelbyville,1033,7
+woodbine,808,0
+pomaria,505,0
+beechwood,938,2
+cosmos,839,4
+hanson,1419,5
+cosmos,775,6
+lindenwood,2249,8
+klickitat,787,0
+tolstoy,984,16
+hanson,236,1
+wainscott,1329,3
+cosmos,33,0
+hiteman,1019,2
+benevolence,771,5
+forkland,994,3
+tolstoy,676,1
+newfields,586,4
+stockman,380,4
+merom,713,2
+hiteman,474,13
+cosmos,796,2
+lakeville,1582,4
+hanson,63,2
+lindenwood,1637,6
+marstons,1130,1
+pomaria,1168,4
+tolstoy,101,5
+klickitat,1474,9
+marstons,1368,8
+marstons,1766,6
+coffeen,976,0
+marstons,1620,0
+klickitat,1436,1
+marstons,266,4
+pomaria,98,5
+marstons,1799,0
+pinesdale,372,5
+lindenwood,916,5
+lindenwood,0,5
+klickitat,1026,5
+wainscott,1589,5
+hanson,856,7
+cosmos,561,2
+lindenwood,2373,1
+leonardo,198,5
+beechwood,75,0
+hanson,992,13
+hanson,1647,8
+wainscott,394,10
+leonardo,777,1
+shelbyville,122,12
+newfields,946,1
+forkland,972,4
+leonardo,892,0
+lindenwood,840,2
+lindenwood,1300,1
+lindenwood,2244,5
+merom,375,0
+pinesdale,119,2
+coffeen,1226,1
+tolstoy,1772,2
+klickitat,97,9
+hanson,989,0
+forkland,947,0
+lakeville,1457,9
+tolstoy,1593,0
+cosmos,682,0
+leonardo,650,2
+cosmos,259,11
+benevolence,481,1
+woodbine,998,12
+klickitat,1866,4
+lakeville,1528,2
+hiteman,1585,2
+hanson,7,14
+leonardo,713,6
+lakeville,439,4
+pomaria,190,6
+ranchester,626,3
+shelbyville,1800,7
+woodbine,2045,4
+marstons,1269,3
+woodbine,870,4
+pinesdale,342,8
+benevolence,233,6
+forkland,366,0
+lindenwood,1507,6
+woodbine,1864,3
+marstons,565,0
+leonardo,186,4
+leonardo,1668,1
+shelbyville,1631,1
+klickitat,259,3
+marstons,1161,3
+woodbine,1396,1
+wainscott,274,5
+shelbyville,2008,1
+klickitat,76,5
+hanson,720,12
+hanson,543,7
+cosmos,852,4
+klickitat,898,1
+shelbyville,285,6
+shelbyville,582,5
+lindenwood,2419,4
+coffeen,1293,8
+woodbine,1731,4
+leonardo,1980,8
+wainscott,847,4
+coffeen,1074,0
+mifflinburg,296,0
+merom,32,0
+klickitat,663,11
+marstons,642,1
+marstons,2209,1
+wainscott,261,2
+pinesdale,1319,5
+marstons,1808,1
+stockman,18,5
+cosmos,819,2
+coffeen,1035,2
+pomaria,787,2
+shelbyville,1838,7
+coffeen,1091,4
+ranchester,145,3
+pomaria,997,5
+lindenwood,2454,10
+klickitat,1803,0
+woodbine,1752,0
+newfields,744,0
+stockman,871,4
+shelbyville,539,8
+cosmos,583,3
+marstons,2156,3
+marstons,273,2
+lakeville,1769,4
+hanson,1491,3
+pinesdale,140,8
+lindenwood,1449,2
+shelbyville,2444,11
+lakeville,1268,5
+lindenwood,588,4
+lindenwood,562,3
+benevolence,543,0
+lindenwood,2035,2
+lakeville,1200,6
+shelbyville,1152,1
+beechwood,362,0
+allensville,97,2
+newfields,607,1
+wainscott,896,3
+marstons,1925,9
+stockman,447,6
+tolstoy,278,6
+lakeville,1739,10
+wainscott,277,3
+shelbyville,1471,3
+leonardo,181,3
+klickitat,1041,16
+shelbyville,477,5
+shelbyville,198,11
+beechwood,261,2
+lakeville,924,0
+coffeen,1344,1
+marstons,2071,0
+cosmos,985,3
+pinesdale,1409,0
+benevolence,414,0
+lindenwood,1507,7
+wainscott,244,7
+marstons,2191,9
+pomaria,471,3
+ranchester,1580,5
+lindenwood,1897,4
+lindenwood,100,2
+woodbine,1750,1
+stockman,610,4
+cosmos,347,1
+klickitat,24,1
+marstons,990,0
+woodbine,2038,1
+hanson,1337,7
+ranchester,461,0
+beechwood,935,0
+onaga,281,4
+ranchester,1107,1
+hanson,678,5
+marstons,198,8
+pomaria,416,8
+newfields,1303,0
+leonardo,441,6
+woodbine,1637,2
+newfields,18,3
+cosmos,115,2
+woodbine,1800,14
+klickitat,161,6
+allensville,293,4
+shelbyville,2618,4
+pinesdale,899,2
+hanson,1110,2
+beechwood,959,9
+tolstoy,578,2
+shelbyville,2527,7
+forkland,214,2
+leonardo,1876,5
+hanson,542,0
+hanson,1369,2
+newfields,500,0
+onaga,147,10
+newfields,420,7
+tolstoy,407,2
+lindenwood,770,3
+woodbine,1203,0
+leonardo,267,5
+shelbyville,1707,7
+mifflinburg,855,2
+beechwood,445,4
+tolstoy,985,9
+marstons,1000,1
+shelbyville,428,3
+leonardo,604,5
+newfields,1367,12
+coffeen,1389,1
+shelbyville,1894,4
+benevolence,671,2
+klickitat,2155,4
+wainscott,24,2
+marstons,1027,16
+mifflinburg,599,1
+leonardo,1466,4
+coffeen,877,2
+marstons,1152,8
+lakeville,1168,5
+hanson,1326,2
+shelbyville,73,0
+klickitat,145,6
+wainscott,1495,3
+lindenwood,1776,3
+stockman,407,2
+klickitat,1971,8
+woodbine,1006,0
+shelbyville,673,3
+lakeville,285,6
+marstons,1300,3
+shelbyville,2084,5
+forkland,662,1
+stockman,97,0
+pinesdale,746,0
+mifflinburg,741,1
+marstons,81,4
+newfields,889,6
+lindenwood,1377,2
+beechwood,1112,15
+ranchester,1292,2
+coffeen,1374,2
+shelbyville,1908,0
+newfields,465,6
+onaga,630,4
+hiteman,623,7
+klickitat,2406,8
+lindenwood,1017,1
+leonardo,1697,2
+marstons,195,7
+klickitat,2268,0
+lindenwood,1235,0
+cosmos,99,1
+wainscott,838,0
+benevolence,566,0
+shelbyville,1603,0
+leonardo,138,8
+coffeen,955,1
+tolstoy,1061,1
+benevolence,287,4
+ranchester,113,6
+marstons,1011,3
+klickitat,473,1
+marstons,1763,1
+hanson,786,3
+leonardo,419,0
+ranchester,473,1
+lakeville,1195,2
+marstons,2595,7
+merom,215,0
+tolstoy,1660,5
+marstons,2521,3
+lindenwood,132,0
+leonardo,792,3
+beechwood,392,5
+hiteman,745,3
+onaga,74,0
+woodbine,1463,1
+lindenwood,1780,2
+pomaria,1352,5
+merom,645,1
+hanson,888,8
+hiteman,1457,2
+pinesdale,313,2
+shelbyville,1306,11
+hiteman,1238,4
+pomaria,1560,15
+lindenwood,1361,5
+klickitat,386,12
+stockman,16,4
+pomaria,393,2
+coffeen,623,3
+pomaria,1431,6
+lakeville,1530,0
+woodbine,1519,5
+hanson,353,12
+hiteman,1336,12
+woodbine,316,10
+woodbine,839,2
+hanson,424,4
+pinesdale,288,1
+stockman,37,4
+benevolence,112,1
+klickitat,917,2
+coffeen,457,7
+wainscott,1084,10
+lindenwood,1517,3
+wainscott,1468,4
+hanson,1006,3
+shelbyville,167,5
+tolstoy,1827,2
+woodbine,1003,1
+lindenwood,1265,4
+benevolence,651,4
+pomaria,322,2
+hanson,920,1
+woodbine,425,2
+stockman,348,1
+lakeville,91,0
+tolstoy,618,5
+klickitat,1837,3
+mifflinburg,249,7
+marstons,2258,2
+ranchester,791,6
+stockman,1363,8
+cosmos,15,11
+hanson,1200,0
+lindenwood,2213,4
+klickitat,304,2
+leonardo,1279,4
+marstons,524,2
+marstons,2038,3
+leonardo,359,6
+hiteman,482,2
+ranchester,1064,2
+hanson,699,1
+newfields,1187,0
+hiteman,907,1
+stockman,122,3
+coffeen,1427,4
+woodbine,1365,5
+pinesdale,684,0
+marstons,37,13
+allensville,259,2
+hiteman,573,2
+klickitat,1129,5
+stockman,1247,0
+marstons,2161,6
+klickitat,1878,2
+klickitat,2395,3
+hanson,1308,3
+stockman,117,2
+hanson,1018,0
+cosmos,610,2
+hiteman,1446,3
+pomaria,447,5
+leonardo,794,13
+ranchester,1495,3
+ranchester,531,4
+klickitat,799,2
+pomaria,649,3
+lindenwood,858,6
+lindenwood,1042,2
+woodbine,339,0
+woodbine,1128,5
+lakeville,1773,4
+coffeen,1192,4
+leonardo,110,1
+tolstoy,84,0
+leonardo,2118,2
+merom,1014,10
+klickitat,228,8
+shelbyville,2015,1
+lakeville,1116,10
+coffeen,1504,0
+pomaria,1386,1
+tolstoy,736,12
+woodbine,885,5
+woodbine,1140,15
+shelbyville,2662,4
+benevolence,480,1
+shelbyville,220,8
+klickitat,1229,10
+marstons,2331,13
+cosmos,613,1
+ranchester,860,11
+marstons,2027,7
+klickitat,859,4
+mifflinburg,532,3
+leonardo,1653,0
+marstons,2111,5
+pinesdale,1340,4
+hiteman,1409,0
+ranchester,165,10
+tolstoy,39,5
+marstons,1352,2
+marstons,499,0
+lindenwood,1351,10
+newfields,980,3
+klickitat,1884,7
+leonardo,488,0
+lakeville,640,5
+ranchester,1123,6
+pomaria,578,6
+leonardo,1767,0
+shelbyville,2624,0
+klickitat,1006,3
+hiteman,447,4
+hiteman,451,9
+klickitat,2394,2
+lindenwood,2401,1
+leonardo,186,3
+shelbyville,311,0
+woodbine,55,4
+coffeen,661,9
+woodbine,1815,0
+klickitat,2122,9
+woodbine,2023,15
+pomaria,1119,0
+lindenwood,705,4
+klickitat,1643,5
+shelbyville,2540,1
+pomaria,1381,3
+hiteman,1738,0
+beechwood,37,3
+lakeville,352,1
+lindenwood,2086,3
+hiteman,1460,3
+ranchester,1105,3
+shelbyville,393,0
+klickitat,1495,14
+merom,32,1
+hiteman,1013,2
+lindenwood,1256,0
+lindenwood,1377,1
+shelbyville,1940,0
+wainscott,202,0
+beechwood,277,4
+newfields,205,0
+lindenwood,1012,0
+hiteman,416,4
+woodbine,1298,8
+stockman,1433,3
+pomaria,1572,2
+wainscott,878,3
+allensville,463,7
+cosmos,673,2
+merom,979,0
+marstons,1073,8
+wainscott,400,1
+ranchester,1208,9
+hiteman,224,5
+lindenwood,537,0
+lindenwood,1290,4
+hanson,501,4
+shelbyville,1125,0
+hanson,975,1
+lindenwood,2497,8
+klickitat,2108,1
+marstons,204,1
+shelbyville,1687,9
+leonardo,223,2
+lindenwood,828,8
+newfields,1126,2
+lindenwood,1641,0
+wainscott,1718,10
+hiteman,842,3
+cosmos,824,2
+woodbine,1375,0
+pinesdale,225,8
+hiteman,1550,9
+stockman,30,3
+cosmos,397,1
+pinesdale,1289,2
+hiteman,623,6
+klickitat,46,9
+klickitat,230,2
+woodbine,719,0
+shelbyville,668,2
+lakeville,1830,1
+lindenwood,2467,1
+lakeville,1796,3
+pinesdale,1506,4
+marstons,203,7
+lakeville,1238,0
+beechwood,419,1
+tolstoy,1791,2
+shelbyville,2525,7
+woodbine,1793,0
+benevolence,42,2
+shelbyville,2341,12
+stockman,1143,3
+pinesdale,880,6
+hanson,720,14
+marstons,2337,6
+lindenwood,46,0
+pomaria,848,0
+ranchester,707,7
+lindenwood,2236,3
+woodbine,1764,17
+beechwood,110,4
+leonardo,1610,0
+stockman,704,0
+wainscott,223,7
+cosmos,390,0
+shelbyville,2290,3
+lindenwood,1438,3
+pinesdale,1297,4
+merom,360,4
+pinesdale,1347,4
+shelbyville,889,2
+mifflinburg,618,3
+shelbyville,1678,2
+hanson,16,4
+pomaria,12,14
+pinesdale,1463,1
+pinesdale,770,3
+cosmos,887,9
+cosmos,557,10
+benevolence,685,1
+klickitat,1878,4
+ranchester,1188,3
+tolstoy,1695,0
+marstons,485,11
+hiteman,4,1
+ranchester,860,10
+marstons,350,4
+coffeen,233,4
+woodbine,769,4
+ranchester,1317,13
+leonardo,1527,4
+wainscott,233,2
+hiteman,578,10
+marstons,1062,2
+pomaria,1289,14
+pinesdale,1194,1
+klickitat,738,7
+shelbyville,334,3
+shelbyville,498,9
+klickitat,348,4
+woodbine,261,3
+cosmos,867,4
+woodbine,328,4
+tolstoy,1297,0
+ranchester,479,6
+shelbyville,1737,2
+lakeville,278,3
+lindenwood,638,0
+wainscott,1151,1
+onaga,105,0
+newfields,324,0
+hanson,1598,6
+lindenwood,1269,7
+leonardo,1316,3
+benevolence,976,2
+woodbine,463,8
+lakeville,1444,0
+stockman,1079,2
+shelbyville,464,3
+leonardo,1013,3
+beechwood,1112,7
+cosmos,862,3
+shelbyville,1739,5
+klickitat,1580,9
+klickitat,1958,1
+lindenwood,2057,0
+lakeville,1262,1
+marstons,659,12
+cosmos,716,1
+ranchester,524,9
+lindenwood,1586,4
+hiteman,1819,0
+ranchester,814,2
+shelbyville,2453,3
+forkland,1020,1
+pomaria,1161,1
+shelbyville,2287,1
+tolstoy,1424,1
+wainscott,425,0
+merom,1103,0
+leonardo,204,0
+pinesdale,751,2
+woodbine,213,2
+klickitat,1361,17
+hiteman,1179,8
+onaga,288,0
+benevolence,840,9
+ranchester,1162,1
+hiteman,1060,5
+shelbyville,2703,8
+klickitat,1390,0
+woodbine,510,5
+woodbine,745,8
+pinesdale,302,2
+wainscott,844,9
+mifflinburg,926,3
+leonardo,1752,2
+cosmos,206,1
+lakeville,7,2
+mifflinburg,95,5
+lakeville,304,5
+marstons,123,2
+allensville,342,3
+klickitat,702,1
+ranchester,380,4
+hiteman,193,3
+lindenwood,1879,2
+woodbine,200,7
+pomaria,1485,10
+newfields,866,1
+stockman,1018,3
+coffeen,281,2
+mifflinburg,781,3
+tolstoy,70,1
+tolstoy,797,0
+shelbyville,2302,15
+lindenwood,2411,6
+stockman,457,2
+lindenwood,1306,0
+hanson,1225,8
+klickitat,60,2
+stockman,457,4
+ranchester,1113,0
+klickitat,2390,1
+cosmos,21,1
+beechwood,954,8
+hiteman,821,0
+lindenwood,2462,1
+lindenwood,303,5
+merom,220,7
+marstons,2217,4
+newfields,696,5
+pinesdale,1475,6
+lakeville,1768,9
+klickitat,1585,6
+newfields,887,0
+marstons,2289,0
+coffeen,1496,5
+coffeen,349,0
+cosmos,217,10
+hiteman,737,4
+marstons,599,2
+marstons,1898,8
+wainscott,780,1
+hiteman,709,7
+woodbine,2054,1
+marstons,2311,1
+mifflinburg,407,2
+pinesdale,1187,0
+merom,658,0
+marstons,2460,0
+lindenwood,563,0
+shelbyville,844,3
+shelbyville,1659,0
+marstons,764,2
+mifflinburg,49,2
+merom,998,2
+ranchester,673,1
+marstons,506,0
+wainscott,1453,4
+hiteman,940,1
+hanson,273,5
+marstons,2474,11
+beechwood,1022,0
+merom,881,0
+pinesdale,81,2
+tolstoy,246,0
+marstons,484,0
+wainscott,1660,3
+shelbyville,1473,8
+pinesdale,1397,4
+wainscott,18,1
+marstons,1478,1
+klickitat,262,1
+shelbyville,2150,10
+ranchester,1474,1
+hiteman,613,4
+lindenwood,1774,0
+mifflinburg,380,2
+pinesdale,1480,2
+pinesdale,159,13
+tolstoy,699,2
+forkland,703,1
+hanson,623,0
+shelbyville,2161,0
+onaga,15,0
+coffeen,759,1
+klickitat,2174,5
+coffeen,596,2
+stockman,286,3
+pomaria,325,1
+tolstoy,1709,10
+hanson,498,1
+cosmos,643,0
+tolstoy,1230,9
+woodbine,1644,8
+coffeen,1240,1
+woodbine,193,2
+wainscott,1046,13
+woodbine,112,1
+hanson,85,0
+coffeen,844,1
+klickitat,1094,7
+leonardo,1355,3
+marstons,1478,2
+cosmos,832,1
+hiteman,745,2
+marstons,2011,8
+shelbyville,192,0
+newfields,1272,3
+lakeville,663,7
+leonardo,1040,0
+lindenwood,348,2
+pomaria,1667,3
+lakeville,1850,8
+tolstoy,1232,9
+hiteman,180,6
+stockman,289,2
+ranchester,1637,0
+tolstoy,188,0
+coffeen,281,4
+klickitat,415,8
+pomaria,549,3
+marstons,928,5
+marstons,192,2
+lakeville,591,9
+forkland,504,3
+pinesdale,303,0
+tolstoy,1102,8
+klickitat,2090,3
+pinesdale,27,0
+wainscott,277,9
+benevolence,26,0
+shelbyville,229,1
+wainscott,1147,3
+newfields,431,0
+wainscott,891,3
+klickitat,2154,10
+pomaria,1198,0
+wainscott,1161,8
+tolstoy,205,2
+klickitat,659,5
+coffeen,577,0
+shelbyville,1857,2
+woodbine,937,0
+woodbine,1682,5
+pinesdale,323,6
+pomaria,1449,1
+woodbine,1612,9
+hiteman,1645,7
+ranchester,1536,8
+tolstoy,454,2
+tolstoy,1387,0
+stockman,448,4
+marstons,399,4
+klickitat,2158,2
+lakeville,648,0
+shelbyville,2077,4
+wainscott,837,7
+merom,1029,0
+klickitat,702,2
+marstons,2214,7
+forkland,755,3
+hanson,1273,3
+tolstoy,1075,0
+klickitat,2114,3
+klickitat,1096,7
+tolstoy,308,4
+newfields,391,1
+newfields,1304,14
+wainscott,958,4
+hiteman,1321,0
+forkland,874,1
+marstons,1111,2
+allensville,226,2
+hanson,944,6
+tolstoy,1822,15
+klickitat,493,8
+marstons,2191,13
+leonardo,1949,4
+wainscott,801,0
+marstons,1567,5
+newfields,1562,0
+marstons,431,2
+ranchester,970,4
+stockman,1427,4
+marstons,913,10
+newfields,439,5
+shelbyville,2684,1
+benevolence,409,6
+forkland,887,3
+pinesdale,1035,0
+ranchester,319,9
+benevolence,97,1
+marstons,1404,1
+coffeen,1318,5
+shelbyville,1342,1
+hanson,590,2
+wainscott,439,0
+shelbyville,860,14
+pomaria,701,8
+tolstoy,104,3
+pomaria,372,4
+stockman,355,2
+lakeville,1591,7
+pomaria,1550,1
+pomaria,176,3
+marstons,1414,4
+leonardo,1720,3
+lakeville,701,1
+merom,14,1
+pinesdale,757,3
+allensville,161,1
+marstons,1012,3
+tolstoy,937,4
+beechwood,324,1
+onaga,371,1
+hanson,640,1
+tolstoy,183,1
+lindenwood,242,4
+forkland,155,2
+leonardo,957,5
+klickitat,1646,11
+ranchester,1094,5
+pomaria,1349,4
+forkland,75,0
+benevolence,227,1
+hanson,168,1
+woodbine,1653,2
+lindenwood,788,0
+lindenwood,1937,3
+ranchester,1148,18
+wainscott,1290,9
+wainscott,30,2
+lindenwood,240,2
+tolstoy,51,2
+lindenwood,2587,2
+pinesdale,379,6
+pomaria,408,3
+pomaria,28,0
+shelbyville,310,12
+pomaria,616,1
+hiteman,1428,5
+klickitat,2248,8
+woodbine,909,3
+shelbyville,1924,3
+ranchester,524,1
+woodbine,812,10
+forkland,937,2
+pinesdale,724,7
+beechwood,241,9
+leonardo,535,2
+lindenwood,833,5
+pomaria,1237,5
+newfields,236,0
+lindenwood,952,0
+lindenwood,1881,2
+pomaria,994,3
+ranchester,1514,1
+leonardo,707,10
+woodbine,1281,3
+lakeville,59,0
+marstons,263,0
+benevolence,899,1
+tolstoy,769,5
+lindenwood,2203,2
+klickitat,70,1
+hiteman,1607,3
+stockman,881,1
+shelbyville,636,3
+shelbyville,2255,5
+marstons,2373,6
+cosmos,805,10
+lakeville,1166,15
+lakeville,835,2
+klickitat,478,3
+wainscott,619,5
+allensville,437,3
+lindenwood,2592,4
+hiteman,740,3
+marstons,856,2
+shelbyville,58,2
+leonardo,1615,1
+marstons,1912,3
+stockman,519,2
+allensville,186,1
+pomaria,1254,10
+tolstoy,771,2
+hiteman,1297,4
+coffeen,1369,2
+pomaria,486,3
+woodbine,1868,0
+merom,997,0
+klickitat,1822,1
+ranchester,1250,3
+beechwood,1095,4
+lindenwood,1060,2
+klickitat,423,1
+pinesdale,464,5
+allensville,510,0
+lakeville,745,0
+merom,536,1
+hanson,1236,2
+klickitat,512,11
+tolstoy,833,0
+cosmos,93,0
+marstons,558,2
+wainscott,1264,0
+shelbyville,2356,4
+merom,348,1
+pomaria,469,2
+onaga,374,2
+wainscott,1292,11
+leonardo,1988,12
+tolstoy,389,4
+hanson,1611,4
+newfields,561,6
+pomaria,862,10
+lindenwood,421,7
+onaga,337,1
+hanson,1458,4
+marstons,477,7
+wainscott,198,11
+klickitat,516,2
+shelbyville,323,12
+marstons,1965,3
+newfields,917,6
+hanson,1604,5
+hiteman,1019,1
+klickitat,1683,1
+stockman,666,1
+benevolence,106,2
+newfields,1219,1
+newfields,713,0
+leonardo,23,1
+shelbyville,2430,3
+wainscott,1594,1
+lindenwood,1205,1
+woodbine,1052,10
+hiteman,735,2
+hanson,1333,10
+pomaria,1459,9
+pomaria,1332,7
+klickitat,1159,2
+marstons,714,7
+ranchester,1484,1
+ranchester,324,4
+pomaria,465,16
+lindenwood,1980,4
+pomaria,366,3
+woodbine,1536,2
+pomaria,507,6
+hiteman,1832,2
+hiteman,1638,5
+klickitat,1021,7
+newfields,83,3
+shelbyville,2034,2
+lakeville,1135,4
+lindenwood,2330,1
+shelbyville,989,2
+klickitat,1321,0
+marstons,2400,2
+onaga,351,3
+hanson,1420,7
+tolstoy,685,7
+hiteman,1181,5
+wainscott,1293,2
+lakeville,1164,2
+woodbine,953,3
+marstons,682,8
+tolstoy,1122,7
+shelbyville,1635,1
+shelbyville,1360,2
+stockman,991,4
+shelbyville,1353,2
+wainscott,604,0
+forkland,17,4
+leonardo,1778,6
+shelbyville,1090,1
+wainscott,1166,7
+klickitat,1737,1
+pomaria,1351,2
+beechwood,846,4
+klickitat,2072,16
+lindenwood,331,10
+klickitat,2151,3
+marstons,1371,0
+coffeen,1506,4
+lindenwood,1741,0
+pomaria,119,2
+hanson,1536,8
+marstons,290,3
+marstons,140,15
+pinesdale,1107,3
+newfields,1022,5
+klickitat,1277,2
+wainscott,1504,5
+shelbyville,818,4
+pomaria,108,5
+lindenwood,442,8
+woodbine,736,1
+coffeen,432,2
+klickitat,1864,2
+ranchester,641,2
+marstons,746,0
+woodbine,1522,1
+ranchester,1002,6
+ranchester,525,2
+woodbine,640,4
+klickitat,637,2
+tolstoy,721,8
+coffeen,653,4
+lindenwood,2215,10
+mifflinburg,509,6
+shelbyville,685,0
+hanson,731,13
+tolstoy,523,4
+beechwood,1050,4
+ranchester,1304,13
+klickitat,1360,3
+klickitat,633,1
+mifflinburg,409,4
+lakeville,1175,1
+hiteman,311,3
+newfields,126,8
+cosmos,473,0
+lakeville,1582,2
+tolstoy,997,5
+cosmos,160,1
+hanson,900,2
+ranchester,996,3
+marstons,1973,1
+woodbine,1210,1
+lakeville,1868,1
+leonardo,483,0
+marstons,1102,10
+lindenwood,842,0
+pomaria,787,1
+newfields,1208,3
+klickitat,312,7
+hiteman,1846,1
+forkland,456,3
+klickitat,2030,3
+klickitat,1308,1
+marstons,1687,2
+lindenwood,2019,1
+stockman,1182,1
+merom,950,2
+lindenwood,635,9
+klickitat,65,17
+leonardo,1687,2
+stockman,301,4
+stockman,285,1
+shelbyville,2349,5
+stockman,1593,1
+tolstoy,1750,1
+ranchester,65,8
+hiteman,1496,3
+shelbyville,867,4
+pinesdale,140,5
+stockman,465,1
+stockman,1427,0
+lindenwood,863,2
+marstons,1284,2
+lakeville,993,3
+hanson,875,4
+lindenwood,2264,5
+lindenwood,531,2
+pinesdale,833,1
+pinesdale,939,6
+ranchester,587,3
+wainscott,1010,3
+lakeville,172,1
+hanson,887,1
+woodbine,1668,1
+klickitat,249,2
+leonardo,3,7
+newfields,396,0
+marstons,1930,6
+forkland,26,1
+leonardo,1273,1
+newfields,825,9
+pomaria,1273,14
+hiteman,1362,1
+benevolence,959,1
+stockman,1543,1
+cosmos,488,2
+lakeville,1001,1
+shelbyville,1783,10
+ranchester,77,1
+cosmos,89,11
+shelbyville,2533,2
+beechwood,900,1
+hiteman,1550,1
+forkland,919,3
+coffeen,1512,1
+pomaria,40,0
+wainscott,301,1
+beechwood,118,0
+beechwood,612,1
+shelbyville,2291,7
+pinesdale,1500,3
+klickitat,2418,5
+stockman,620,0
+lindenwood,415,5
+marstons,1966,0
+klickitat,85,3
+woodbine,166,2
+lakeville,1760,0
+klickitat,1060,10
+hanson,22,2
+woodbine,1210,10
+pomaria,1222,6
+hiteman,949,3
+ranchester,1041,0
+hanson,601,1
+lakeville,1338,1
+beechwood,62,4
+lindenwood,223,0
+stockman,62,0
+hiteman,813,4
+pomaria,1030,5
+pomaria,808,0
+ranchester,1158,4
+lindenwood,411,4
+lakeville,1025,3
+tolstoy,1214,0
+leonardo,392,7
+wainscott,209,4
+wainscott,472,0
+wainscott,606,6
+klickitat,2393,0
+forkland,806,0
+ranchester,539,4
+marstons,2335,6
+stockman,1126,3
+hanson,1283,3
+pomaria,934,8
+lakeville,708,1
+hiteman,1096,2
+wainscott,486,2
+woodbine,1701,1
+tolstoy,1276,11
+lakeville,1193,6
+marstons,1293,0
+shelbyville,517,6
+klickitat,1784,6
+wainscott,1058,2
+woodbine,2025,4
+beechwood,799,2
+stockman,373,4
+pinesdale,393,1
+lindenwood,2032,13
+allensville,411,0
+pinesdale,871,3
+marstons,712,2
+wainscott,778,5
+wainscott,558,3
+lakeville,597,8
+lindenwood,1494,7
+lakeville,329,6
+onaga,438,0
+newfields,1058,11
+hanson,791,2
+forkland,704,5
+lindenwood,277,2
+pomaria,150,7
+woodbine,1780,4
+pomaria,1152,3
+pomaria,1602,0
+pomaria,373,3
+newfields,1003,12
+klickitat,294,1
+onaga,504,4
+newfields,1424,12
+merom,185,0
+shelbyville,1221,5
+pinesdale,838,4
+stockman,1406,5
+cosmos,714,3
+woodbine,13,5
+tolstoy,793,1
+newfields,829,2
+klickitat,1678,8
+shelbyville,248,5
+hiteman,1767,1
+leonardo,756,4
+lindenwood,923,1
+klickitat,1960,16
+klickitat,965,1
+pomaria,316,0
+pinesdale,576,3
+klickitat,54,9
+shelbyville,678,2
+marstons,1158,3
+pinesdale,813,3
+marstons,1597,2
+hanson,1361,5
+marstons,585,2
+marstons,2466,0
+leonardo,740,0
+cosmos,553,8
+hanson,527,6
+lindenwood,2008,2
+woodbine,561,1
+shelbyville,486,2
+allensville,133,0
+stockman,1102,1
+klickitat,1972,1
+ranchester,345,6
+lindenwood,869,1
+klickitat,1731,7
+hanson,1470,8
+pinesdale,1321,7
+woodbine,482,3
+wainscott,234,7
+newfields,1548,3
+pinesdale,1049,4
+wainscott,1364,5
+beechwood,117,0
+tolstoy,1535,1
+tolstoy,6,4
+shelbyville,2372,7
+lakeville,622,0
+klickitat,958,2
+pomaria,484,13
+marstons,8,0
+coffeen,1187,0
+marstons,1652,4
+marstons,856,5
+hiteman,870,4
+stockman,1387,3
+leonardo,1111,2
+allensville,198,8
+woodbine,1511,6
+leonardo,1159,8
+forkland,801,3
+lindenwood,732,0
+lindenwood,79,2
+lindenwood,2166,8
+stockman,1394,3
+shelbyville,1777,4
+benevolence,282,1
+wainscott,1610,3
+hanson,895,14
+forkland,1155,1
+lakeville,1809,0
+pinesdale,29,3
+newfields,47,14
+wainscott,783,3
+coffeen,911,2
+cosmos,303,1
+shelbyville,1458,4
+ranchester,616,0
+tolstoy,510,0
+shelbyville,1152,2
+lindenwood,538,8
+leonardo,1790,1
+pomaria,310,2
+wainscott,1786,10
+forkland,205,1
+hanson,160,2
+pinesdale,867,2
+cosmos,81,1
+merom,153,4
+pomaria,357,2
+stockman,1550,4
+coffeen,1457,4
+onaga,134,2
+tolstoy,976,4
+marstons,1656,5
+ranchester,1331,8
+beechwood,289,1
+marstons,620,4
+marstons,14,3
+cosmos,908,10
+merom,996,1
+lindenwood,2385,2
+leonardo,1355,12
+ranchester,671,3
+allensville,155,0
+hanson,671,2
+newfields,72,1
+stockman,622,2
+shelbyville,1416,7
+tolstoy,648,0
+newfields,254,1
+lakeville,104,3
+stockman,499,2
+shelbyville,2780,10
+mifflinburg,868,2
+leonardo,1716,12
+lindenwood,838,3
+ranchester,968,2
+pomaria,1393,5
+hanson,1550,3
+marstons,1859,12
+coffeen,50,2
+pomaria,676,5
+klickitat,836,2
+shelbyville,1006,0
+hiteman,368,3
+coffeen,495,1
+hiteman,959,0
+shelbyville,1612,2
+hanson,1083,6
+coffeen,1020,6
+benevolence,517,3
+lindenwood,2327,7
+lindenwood,178,0
+marstons,835,13
+leonardo,1165,3
+wainscott,277,2
+lakeville,251,4
+shelbyville,865,2
+stockman,812,10
+allensville,91,0
+marstons,2252,2
+leonardo,897,0
+cosmos,681,7
+wainscott,1429,8
+leonardo,1290,2
+lakeville,541,3
+cosmos,538,2
+shelbyville,197,6
+cosmos,383,2
+onaga,313,2
+pomaria,86,6
+shelbyville,2500,1
+marstons,571,0
+shelbyville,1732,13
+shelbyville,907,2
+tolstoy,236,11
+lakeville,1648,6
+tolstoy,1122,0
+newfields,962,0
+hanson,240,10
+benevolence,368,7
+lindenwood,1739,0
+wainscott,1332,14
+cosmos,897,10
+hiteman,880,4
+lakeville,79,6
+leonardo,1413,2
+shelbyville,1278,2
+hanson,672,17
+lindenwood,117,4
+cosmos,371,3
+wainscott,1369,3
+klickitat,1378,3
+pinesdale,540,4
+merom,875,3
+klickitat,1445,4
+marstons,1301,4
+tolstoy,1096,4
+lakeville,1007,1
+ranchester,116,3
+pomaria,587,7
+forkland,1199,3
+leonardo,451,3
+merom,673,0
+hiteman,1550,7
+ranchester,1504,6
+newfields,155,0
+merom,328,1
+stockman,99,3
+coffeen,598,4
+merom,360,2
+benevolence,856,4
+pomaria,1310,0
+allensville,158,5
+leonardo,456,0
+hanson,198,5
+ranchester,562,4
+lakeville,971,2
+lakeville,557,1
+marstons,2551,6
+lakeville,1538,2
+marstons,2030,2
+shelbyville,175,0
+newfields,1568,4
+onaga,99,0
+wainscott,1247,0
+marstons,1152,4
+coffeen,631,0
+shelbyville,751,6
+shelbyville,2594,11
+marstons,652,1
+ranchester,211,5
+onaga,415,1
+lakeville,1474,9
+tolstoy,1748,2
+lakeville,543,2
+newfields,370,7
+pomaria,164,4
+cosmos,691,8
+hanson,1265,0
+stockman,1221,7
+forkland,1031,1
+lakeville,830,5
+leonardo,829,0
+tolstoy,343,0
+lakeville,571,0
+klickitat,1254,1
+shelbyville,1459,5
+cosmos,30,7
+merom,30,5
+klickitat,1272,1
+woodbine,1548,0
+forkland,1069,0
+marstons,1670,9
+beechwood,779,4
+tolstoy,1589,4
+klickitat,222,0
+marstons,1363,2
+marstons,2190,4
+woodbine,2050,2
+mifflinburg,141,2
+pomaria,1008,6
+shelbyville,2307,2
+lakeville,1193,4
+pomaria,1300,14
+shelbyville,311,6
+coffeen,1384,8
+klickitat,1115,6
+cosmos,203,3
+coffeen,1042,1
+benevolence,296,9
+allensville,178,2
+leonardo,684,5
+pomaria,893,10
+lindenwood,1066,2
+benevolence,749,0
+stockman,1334,1
+klickitat,338,8
+coffeen,172,2
+pinesdale,1338,8
+wainscott,249,3
+shelbyville,234,1
+shelbyville,1742,2
+hiteman,1285,0
+coffeen,1322,4
+klickitat,1748,1
+leonardo,2042,6
+woodbine,419,4
+ranchester,1009,0
+shelbyville,234,7
+pomaria,1366,3
+beechwood,92,1
+forkland,431,3
+leonardo,2064,2
+klickitat,269,6
+wainscott,835,10
+lakeville,686,4
+shelbyville,1883,1
+leonardo,1923,0
+benevolence,324,8
+shelbyville,2294,10
+hiteman,1391,3
+lakeville,1671,3
+merom,376,4
+tolstoy,78,5
+newfields,1487,16
+woodbine,1443,1
+coffeen,1151,6
+shelbyville,2508,1
+ranchester,963,4
+hanson,410,8
+marstons,1455,9
+forkland,656,4
+shelbyville,2019,1
+cosmos,356,9
+tolstoy,100,10
+newfields,1135,8
+leonardo,1595,1
+pinesdale,977,2
+hanson,260,1
+klickitat,122,3
+mifflinburg,603,4
+pomaria,1495,5
+shelbyville,879,0
+leonardo,730,3
+merom,975,4
+onaga,211,6
+tolstoy,1642,7
+klickitat,75,1
+hiteman,1443,0
+tolstoy,1599,1
+allensville,24,1
+woodbine,932,10
+marstons,1027,4
+wainscott,1568,3
+lindenwood,113,1
+ranchester,1056,4
+klickitat,593,7
+marstons,1702,2
+hiteman,1227,0
+ranchester,1247,4
+hiteman,178,6
+lindenwood,2086,13
+shelbyville,1717,6
+klickitat,580,0
+tolstoy,300,7
+ranchester,802,1
+hiteman,1350,0
+lakeville,311,1
+ranchester,375,2
+pomaria,927,6
+pinesdale,215,1
+marstons,1704,7
+lakeville,174,2
+woodbine,304,3
+stockman,864,2
+shelbyville,1670,11
+stockman,994,2
+beechwood,27,0
+lakeville,549,1
+wainscott,1471,3
+lindenwood,1757,10
+klickitat,1436,2
+tolstoy,965,4
+ranchester,555,0
+lakeville,227,7
+onaga,362,1
+leonardo,1964,3
+ranchester,464,6
+klickitat,952,9
+hanson,1011,8
+lindenwood,958,8
+klickitat,2093,0
+hanson,813,1
+merom,535,4
+merom,922,3
+woodbine,591,1
+pomaria,506,0
+pomaria,1012,3
+stockman,41,4
+hiteman,1722,0
+stockman,1044,0
+marstons,630,0
+mifflinburg,23,5
+lindenwood,1783,1
+hanson,1023,2
+marstons,820,2
+lakeville,811,9
+hanson,1012,2
+marstons,1802,2
+marstons,2150,2
+shelbyville,959,5
+lindenwood,1240,3
+beechwood,572,4
+pomaria,165,2
+marstons,97,1
+woodbine,713,8
+ranchester,1571,3
+forkland,573,5
+marstons,841,19
+marstons,1730,4
+pomaria,1551,0
+newfields,1398,0
+klickitat,1432,0
+tolstoy,1649,2
+klickitat,621,2
+cosmos,402,0
+newfields,1040,6
+lakeville,1374,7
+woodbine,565,3
+klickitat,50,9
+stockman,588,1
+leonardo,2026,2
+shelbyville,539,11
+leonardo,308,0
+newfields,192,8
+marstons,57,3
+coffeen,327,5
+lakeville,24,4
+stockman,112,3
+marstons,921,17
+shelbyville,248,9
+pomaria,725,13
+marstons,1993,5
+klickitat,2059,1
+woodbine,947,0
+hiteman,564,6
+wainscott,456,3
+leonardo,1678,0
+lakeville,646,0
+wainscott,208,4
+woodbine,1449,2
+klickitat,2104,5
+tolstoy,1447,5
+leonardo,820,1
+hanson,1279,8
+coffeen,640,5
+wainscott,809,2
+merom,97,2
+benevolence,56,8
+lindenwood,2181,0
+ranchester,375,11
+cosmos,931,3
+leonardo,874,6
+merom,582,3
+benevolence,235,9
+hanson,1050,4
+tolstoy,1325,3
+stockman,525,5
+wainscott,885,1
+wainscott,1677,14
+klickitat,2112,9
+merom,409,1
+klickitat,631,8
+leonardo,78,5
+wainscott,859,2
+shelbyville,1204,11
+lindenwood,2363,3
+cosmos,605,0
+stockman,1140,4
+leonardo,46,1
+cosmos,526,5
+mifflinburg,927,5
+pomaria,733,3
+allensville,89,2
+stockman,1283,6
+mifflinburg,624,2
+woodbine,1716,1
+merom,613,2
+stockman,743,4
+pomaria,580,5
+pinesdale,1149,8
+newfields,395,4
+pomaria,979,5
+klickitat,1360,5
+lindenwood,848,0
+tolstoy,785,4
+mifflinburg,128,2
+marstons,718,1
+lakeville,438,2
+shelbyville,2069,2
+ranchester,899,11
+stockman,1333,6
+allensville,340,4
+lakeville,629,2
+stockman,1511,4
+hanson,1381,4
+woodbine,1488,5
+newfields,114,1
+stockman,261,1
+stockman,1150,2
+newfields,641,2
+mifflinburg,273,2
+woodbine,199,11
+shelbyville,459,4
+wainscott,78,1
+leonardo,797,2
+shelbyville,903,2
+lakeville,1742,7
+leonardo,866,2
+pomaria,1566,4
+shelbyville,718,18
+pinesdale,982,8
+cosmos,392,0
+merom,838,4
+tolstoy,820,0
+tolstoy,386,2
+shelbyville,2458,3
+lakeville,23,1
+lakeville,782,0
+marstons,308,8
+shelbyville,1401,2
+pinesdale,138,7
+ranchester,151,1
+hanson,440,0
+pomaria,1302,0
+merom,121,2
+wainscott,1581,3
+ranchester,1379,1
+tolstoy,1413,3
+marstons,611,4
+merom,177,4
+newfields,1401,3
+onaga,147,3
+leonardo,567,2
+hiteman,680,7
+pomaria,613,1
+marstons,1237,9
+beechwood,1175,1
+pomaria,34,2
+pinesdale,539,4
+shelbyville,192,13
+coffeen,196,2
+shelbyville,198,15
+newfields,945,5
+lakeville,1423,1
+wainscott,1626,4
+pomaria,235,8
+hiteman,1150,2
+leonardo,869,4
+hiteman,74,5
+woodbine,1706,3
+pomaria,711,0
+marstons,847,1
+marstons,1875,6
+ranchester,1052,8
+hanson,424,1
+ranchester,986,5
+hanson,259,0
+newfields,1400,7
+mifflinburg,859,7
+newfields,1146,5
+cosmos,553,1
+leonardo,1952,18
+klickitat,210,3
+forkland,948,0
+lakeville,838,2
+woodbine,1291,0
+allensville,91,3
+lakeville,1503,13
+woodbine,1126,9
+lindenwood,2600,3
+marstons,2189,11
+marstons,1390,0
+hiteman,1245,1
+coffeen,777,3
+klickitat,1686,5
+woodbine,1866,0
+leonardo,958,0
+newfields,766,2
+shelbyville,221,1
+pomaria,266,1
+wainscott,1322,10
+marstons,147,1
+klickitat,787,3
+woodbine,678,4
+forkland,1130,2
+wainscott,1303,1
+shelbyville,298,6
+newfields,1093,17
+stockman,503,6
+pomaria,1237,11
+cosmos,215,5
+leonardo,86,1
+lindenwood,1882,4
+lindenwood,1281,7
+benevolence,551,4
+marstons,2515,2
+cosmos,906,0
+stockman,98,1
+cosmos,578,7
+klickitat,904,5
+cosmos,190,3
+lindenwood,892,1
+woodbine,1560,4
+lakeville,1723,4
+wainscott,357,2
+woodbine,1968,0
+benevolence,717,3
+lindenwood,886,0
+hiteman,189,2
+cosmos,924,6
+newfields,258,2
+hanson,1183,2
+woodbine,990,2
+hanson,1096,1
+forkland,1191,1
+shelbyville,1401,5
+shelbyville,2562,11
+pinesdale,11,5
+pinesdale,346,2
+lindenwood,2329,0
+pomaria,1525,0
+hanson,825,5
+hanson,461,4
+hanson,251,1
+lakeville,1208,6
+ranchester,757,0
+mifflinburg,784,9
+coffeen,751,3
+wainscott,1241,0
+marstons,66,2
+lindenwood,1170,3
+beechwood,523,2
+tolstoy,1676,4
+woodbine,60,15
+merom,307,1
+pinesdale,1292,2
+marstons,1344,2
+forkland,808,0
+tolstoy,1408,1
+leonardo,1245,1
+lakeville,1797,10
+forkland,797,1
+lakeville,839,12
+merom,1118,1
+allensville,335,2
+klickitat,1217,1
+klickitat,675,2
+lakeville,1202,2
+hiteman,407,1
+coffeen,256,2
+wainscott,1541,4
+mifflinburg,932,4
+merom,60,3
+lindenwood,2444,2
+hiteman,474,16
+lindenwood,538,7
+leonardo,231,7
+newfields,205,3
+ranchester,1036,0
+tolstoy,1583,6
+beechwood,1065,16
+mifflinburg,697,2
+woodbine,23,4
+newfields,1481,3
+lakeville,1554,6
+wainscott,1125,3
+lakeville,1851,5
+ranchester,297,5
+woodbine,1996,4
+ranchester,361,6
+tolstoy,48,3
+lindenwood,764,6
+pomaria,1075,11
+shelbyville,814,1
+leonardo,929,11
+lakeville,1882,6
+woodbine,661,4
+shelbyville,784,4
+benevolence,182,2
+ranchester,337,1
+beechwood,190,2
+hanson,352,3
+shelbyville,1510,5
+pomaria,1300,10
+woodbine,414,4
+woodbine,539,13
+hanson,36,0
+beechwood,138,0
+pomaria,995,0
+pomaria,1430,4
+onaga,351,2
+klickitat,779,12
+wainscott,609,7
+pinesdale,1408,5
+benevolence,11,2
+woodbine,1633,3
+klickitat,2362,14
+stockman,942,7
+wainscott,1185,7
+leonardo,1104,6
+hiteman,16,6
+coffeen,1019,0
+lindenwood,1206,2
+pomaria,1392,12
+leonardo,2109,0
+newfields,225,7
+merom,700,1
+beechwood,1148,3
+ranchester,1069,5
+hanson,546,5
+wainscott,944,18
+coffeen,585,2
+leonardo,266,0
+klickitat,239,2
+merom,46,7
+pinesdale,301,4
+marstons,921,12
+hiteman,45,2
+stockman,801,8
+hiteman,1694,0
+marstons,1567,2
+hanson,564,0
+lakeville,1430,0
+woodbine,1806,0
+tolstoy,179,7
+leonardo,1322,3
+pomaria,1519,3
+leonardo,1948,1
+leonardo,1949,9
+woodbine,1193,3
+leonardo,2036,11
+wainscott,1136,1
+merom,284,3
+hiteman,406,0
+onaga,531,7
+lakeville,910,8
+hiteman,1118,0
+leonardo,1912,2
+coffeen,202,6
+newfields,524,2
+stockman,1161,1
+allensville,132,2
+marstons,200,4
+lindenwood,773,1
+tolstoy,1466,6
+benevolence,84,13
+wainscott,91,2
+mifflinburg,604,2
+lakeville,284,21
+merom,92,5
+lindenwood,2032,12
+leonardo,505,2
+ranchester,1617,0
+hiteman,1338,0
+allensville,177,2
+pomaria,1432,0
+shelbyville,1304,3
+tolstoy,1683,2
+leonardo,1150,0
+wainscott,977,0
+pinesdale,368,4
+ranchester,24,17
+stockman,1494,2
+lindenwood,2158,5
+pomaria,1334,1
+hiteman,212,0
+lindenwood,382,1
+lakeville,1012,0
+stockman,1523,3
+coffeen,467,4
+pinesdale,1407,1
+woodbine,908,1
+leonardo,258,0
+woodbine,1605,6
+shelbyville,1582,3
+ranchester,50,1
+klickitat,1236,1
+mifflinburg,94,0
+forkland,235,1
+newfields,1436,1
+pomaria,1308,7
+pomaria,753,5
+cosmos,580,9
+hiteman,1209,3
+woodbine,1745,5
+lakeville,402,7
+marstons,2196,1
+lakeville,324,1
+tolstoy,280,3
+lindenwood,381,1
+lindenwood,1773,12
+newfields,423,5
+onaga,471,4
+lakeville,469,3
+shelbyville,1841,9
+marstons,2319,1
+lakeville,1474,12
+beechwood,59,0
+wainscott,1513,5
+stockman,364,1
+wainscott,483,4
+hanson,1221,6
+pomaria,761,3
+ranchester,1084,1
+woodbine,5,3
+newfields,1641,4
+hanson,452,1
+pinesdale,498,7
+marstons,1668,4
+leonardo,681,4
+leonardo,246,0
+wainscott,1259,5
+beechwood,190,1
+wainscott,732,6
+lakeville,1113,2
+hanson,1495,8
+hiteman,785,3
+ranchester,1406,3
+klickitat,1930,10
+shelbyville,534,10
+klickitat,383,1
+tolstoy,686,1
+woodbine,1700,7
+stockman,462,3
+cosmos,704,1
+tolstoy,964,3
+benevolence,48,0
+tolstoy,1127,5
+shelbyville,1443,8
+lakeville,488,5
+cosmos,971,0
+newfields,346,0
+ranchester,1271,1
+lindenwood,885,6
+cosmos,168,11
+ranchester,233,1
+klickitat,2245,2
+allensville,220,3
+ranchester,736,1
+beechwood,260,5
+marstons,2113,9
+forkland,1041,5
+wainscott,1115,1
+benevolence,473,8
+forkland,713,4
+marstons,1069,2
+onaga,611,2
+klickitat,1119,3
+shelbyville,1613,14
+shelbyville,543,2
+klickitat,1809,0
+lindenwood,856,6
+tolstoy,126,2
+pomaria,548,3
+leonardo,1115,1
+beechwood,194,2
+tolstoy,413,7
+tolstoy,382,3
+hanson,929,6
+pomaria,750,4
+klickitat,739,4
+pinesdale,1237,0
+leonardo,954,3
+beechwood,1067,7
+lakeville,1803,2
+pomaria,185,7
+pomaria,581,8
+mifflinburg,107,2
+klickitat,1526,3
+leonardo,1148,3
+lindenwood,2661,5
+shelbyville,66,5
+klickitat,53,2
+marstons,1764,6
+leonardo,1611,3
+lakeville,1571,7
+ranchester,705,2
+pomaria,1429,3
+hiteman,551,6
+pinesdale,973,14
+marstons,2329,3
+ranchester,1052,0
+shelbyville,2682,8
+cosmos,957,4
+coffeen,142,1
+klickitat,2286,14
+newfields,196,2
+marstons,2366,1
+klickitat,2338,13
+stockman,1281,3
+newfields,732,2
+lindenwood,2064,8
+pinesdale,1173,2
+marstons,2504,4
+lindenwood,1207,7
+allensville,419,4
+hanson,681,0
+pomaria,348,2
+marstons,1614,8
+marstons,1710,4
+wainscott,891,2
+beechwood,364,2
+newfields,285,1
+tolstoy,1517,0
+leonardo,1268,1
+shelbyville,990,4
+hanson,414,1
+hanson,1367,6
+ranchester,1543,4
+leonardo,1213,12
+klickitat,756,3
+marstons,213,5
+tolstoy,1687,0
+klickitat,2114,0
+marstons,2289,3
+lakeville,19,1
+lakeville,676,5
+newfields,71,6
+newfields,313,0
+tolstoy,1574,8
+hanson,1315,4
+lindenwood,1746,5
+cosmos,13,4
+marstons,485,12
+shelbyville,467,2
+onaga,213,2
+marstons,368,0
+leonardo,1921,2
+cosmos,573,2
+marstons,721,6
+ranchester,592,0
+leonardo,915,2
+coffeen,205,8
+lindenwood,1813,0
+hiteman,776,2
+marstons,219,3
+pomaria,1578,1
+shelbyville,1007,6
+coffeen,33,6
+ranchester,882,1
+woodbine,1862,10
+benevolence,875,0
+wainscott,470,6
+klickitat,719,5
+lindenwood,1763,3
+stockman,617,2
+newfields,1573,2
+marstons,910,1
+woodbine,274,8
+woodbine,1374,6
+tolstoy,906,0
+ranchester,513,4
+forkland,673,3
+tolstoy,972,4
+wainscott,800,2
+newfields,1424,19
+pinesdale,1285,6
+stockman,583,10
+hanson,304,3
+woodbine,1655,10
+woodbine,217,5
+tolstoy,400,3
+ranchester,461,2
+pinesdale,934,2
+lakeville,1,0
+shelbyville,503,1
+lindenwood,2268,1
+lakeville,492,15
+klickitat,42,4
+lakeville,998,10
+shelbyville,1008,3
+hiteman,1546,1
+pinesdale,1198,2
+onaga,458,1
+newfields,370,12
+stockman,118,2
+hiteman,849,0
+merom,1087,3
+hanson,429,1
+klickitat,374,5
+beechwood,348,0
+stockman,1021,3
+leonardo,1930,5
+ranchester,1453,2
+leonardo,1819,9
+marstons,256,2
+allensville,124,1
+tolstoy,377,0
+woodbine,1313,3
+stockman,59,0
+klickitat,110,7
+coffeen,404,0
+leonardo,203,5
+onaga,513,10
+stockman,1241,1
+onaga,452,5
+leonardo,766,16
+merom,969,3
+lindenwood,1850,15
+onaga,636,3
+wainscott,233,12
+lindenwood,953,5
+tolstoy,100,6
+wainscott,2,8
+onaga,606,4
+marstons,67,6
+ranchester,780,5
+marstons,2176,5
+wainscott,1278,3
+pomaria,1492,1
+woodbine,401,6
+shelbyville,1466,2
+hanson,1534,1
+cosmos,32,4
+beechwood,1170,2
+hanson,1610,1
+coffeen,347,5
+pomaria,1336,3
+ranchester,833,2
+wainscott,1519,1
+woodbine,1137,3
+pomaria,644,6
+wainscott,1708,2
+wainscott,159,9
+klickitat,1379,0
+wainscott,1626,0
+newfields,702,0
+coffeen,83,6
+mifflinburg,953,6
+hiteman,1837,6
+pinesdale,665,5
+allensville,469,1
+mifflinburg,588,5
+lindenwood,323,1
+hiteman,266,2
+beechwood,286,0
+lindenwood,2185,0
+mifflinburg,610,2
+lindenwood,216,5
+shelbyville,1269,4
+pinesdale,1082,0
+woodbine,66,11
+tolstoy,1088,7
+leonardo,1305,5
+ranchester,600,0
+leonardo,864,4
+lindenwood,541,6
+coffeen,1422,4
+hiteman,914,3
+ranchester,883,0
+newfields,284,0
+allensville,271,0
+woodbine,589,8
+woodbine,350,12
+coffeen,689,0
+lindenwood,2271,5
+leonardo,190,6
+woodbine,1979,3
+lindenwood,1149,2
+lindenwood,1728,2
+klickitat,1983,0
+pomaria,829,1
+woodbine,1415,1
+lindenwood,361,6
+marstons,2023,4
+merom,351,0
+lindenwood,268,4
+allensville,239,5
+shelbyville,1616,12
+klickitat,1134,4
+lakeville,415,14
+pomaria,830,4
+tolstoy,1471,3
+shelbyville,2622,3
+shelbyville,2184,11
+shelbyville,544,5
+wainscott,1718,2
+lindenwood,1770,2
+pinesdale,1211,2
+klickitat,1342,3
+lakeville,953,1
+coffeen,1120,2
+marstons,147,5
+hanson,973,13
+hiteman,1845,0
+lindenwood,1226,5
+newfields,1480,2
+klickitat,1415,0
+beechwood,631,10
+klickitat,271,4
+marstons,465,0
+tolstoy,136,2
+lindenwood,1670,0
+cosmos,569,3
+forkland,1199,1
+coffeen,1302,4
+tolstoy,1121,8
+marstons,1334,0
+woodbine,1136,0
+beechwood,474,1
+ranchester,749,4
+cosmos,199,13
+merom,627,0
+wainscott,99,6
+coffeen,1127,4
+hiteman,241,0
+wainscott,510,4
+shelbyville,2331,5
+klickitat,401,2
+pinesdale,111,0
+pinesdale,688,4
+cosmos,682,5
+shelbyville,1208,0
+marstons,2267,11
+newfields,1224,0
+woodbine,1440,5
+wainscott,96,5
+lakeville,608,6
+woodbine,2045,2
+tolstoy,1331,5
+newfields,1090,0
+wainscott,477,0
+klickitat,2306,4
+klickitat,276,4
+coffeen,1028,10
+wainscott,1318,1
+cosmos,428,3
+shelbyville,81,0
+newfields,1055,3
+newfields,309,2
+beechwood,909,1
+hanson,501,1
+woodbine,919,1
+hanson,49,4
+beechwood,206,7
+hiteman,507,9
+hanson,899,4
+marstons,836,1
+ranchester,177,10
+klickitat,2379,14
+pomaria,491,15
+leonardo,276,3
+woodbine,1069,3
+hanson,993,8
+marstons,2198,6
+tolstoy,1234,0
+cosmos,83,0
+mifflinburg,695,3
+lindenwood,1187,9
+woodbine,660,18
+shelbyville,1759,4
+klickitat,486,0
+coffeen,168,5
+newfields,590,3
+merom,715,4
+newfields,495,7
+klickitat,1777,8
+shelbyville,1967,2
+woodbine,1083,9
+benevolence,391,1
+klickitat,135,2
+stockman,666,0
+shelbyville,1303,5
+lakeville,40,1
+shelbyville,2292,6
+coffeen,458,3
+tolstoy,1049,8
+shelbyville,2326,3
+tolstoy,728,1
+hiteman,1578,7
+klickitat,2163,3
+cosmos,771,1
+lindenwood,2623,6
+leonardo,2044,1
+stockman,1147,2
+lakeville,1137,2
+tolstoy,88,19
+beechwood,149,2
+lindenwood,2444,3
+hiteman,1593,3
+stockman,1604,0
+shelbyville,1812,3
+klickitat,221,7
+leonardo,652,14
+wainscott,1509,4
+beechwood,613,2
+ranchester,982,9
+merom,1042,6
+benevolence,53,11
+wainscott,1640,3
+cosmos,121,7
+leonardo,1617,11
+woodbine,1212,8
+tolstoy,1264,0
+lindenwood,1720,4
+benevolence,843,6
+tolstoy,1743,4
+marstons,1728,1
+leonardo,579,19
+marstons,1923,5
+hanson,1107,8
+newfields,724,1
+lakeville,1439,2
+wainscott,27,1
+klickitat,14,2
+woodbine,1276,2
+lakeville,324,0
+coffeen,1244,4
+ranchester,1017,1
+hanson,1614,2
+tolstoy,1708,7
+hiteman,1445,4
+lindenwood,6,4
+shelbyville,144,2
+merom,594,0
+stockman,698,4
+leonardo,2094,13
+leonardo,78,6
+woodbine,777,4
+pinesdale,906,1
+shelbyville,1620,8
+woodbine,1268,0
+woodbine,1184,2
+coffeen,1234,0
+tolstoy,326,13
+lindenwood,1699,2
+pomaria,920,5
+mifflinburg,166,5
+leonardo,1989,5
+forkland,765,2
+ranchester,345,2
+marstons,1646,9
+wainscott,1431,9
+woodbine,1877,11
+hanson,86,3
+onaga,657,2
+hanson,1170,3
+leonardo,756,0
+leonardo,929,8
+shelbyville,1884,1
+lakeville,663,3
+wainscott,1265,1
+marstons,1823,2
+lakeville,1681,4
+marstons,1707,5
+cosmos,703,8
+merom,23,0
+shelbyville,695,6
+mifflinburg,254,0
+beechwood,1037,0
+marstons,2210,2
+onaga,538,0
+woodbine,142,0
+ranchester,1085,1
+pinesdale,797,10
+klickitat,1080,0
+tolstoy,556,11
+shelbyville,2134,6
+wainscott,1355,5
+hiteman,958,4
+klickitat,38,0
+tolstoy,879,2
+lakeville,539,4
+coffeen,544,5
+stockman,1485,4
+marstons,915,2
+lindenwood,883,3
+marstons,860,4
+mifflinburg,206,0
+shelbyville,445,12
+leonardo,1544,5
+leonardo,352,2
+stockman,1000,0
+lakeville,1444,13
+coffeen,234,6
+wainscott,1128,6
+cosmos,560,9
+woodbine,539,6
+beechwood,591,2
+woodbine,996,5
+woodbine,1165,10
+shelbyville,2338,2
+shelbyville,1588,0
+wainscott,1790,3
+pinesdale,103,8
+klickitat,2410,0
+hanson,318,1
+hiteman,305,4
+beechwood,1158,2
+leonardo,603,11
+newfields,474,1
+newfields,225,5
+shelbyville,1692,13
+stockman,829,15
+lindenwood,1394,0
+newfields,175,9
+beechwood,599,1
+pinesdale,7,0
+tolstoy,769,3
+leonardo,997,1
+lakeville,1587,0
+shelbyville,1074,5
+stockman,792,4
+leonardo,1996,1
+coffeen,1087,0
+shelbyville,2359,1
+pinesdale,982,3
+lakeville,948,8
+lindenwood,1218,1
+woodbine,1856,10
+merom,150,5
+shelbyville,1894,9
+newfields,1475,3
+hanson,148,8
+woodbine,758,3
+lakeville,1690,9
+marstons,2339,6
+stockman,1143,0
+pinesdale,1104,4
+tolstoy,997,6
+tolstoy,1532,2
+lakeville,563,2
+stockman,69,5
+tolstoy,642,10
+cosmos,631,1
+woodbine,878,0
+wainscott,1193,5
+tolstoy,1805,7
+lindenwood,829,1
+lakeville,602,7
+newfields,1138,3
+ranchester,1103,1
+woodbine,274,5
+stockman,1565,6
+lindenwood,835,1
+coffeen,968,0
+lakeville,822,6
+shelbyville,1914,10
+merom,97,4
+shelbyville,1973,16
+pinesdale,210,4
+beechwood,362,3
+ranchester,427,8
+pinesdale,1339,0
+allensville,463,6
+wainscott,1495,2
+lindenwood,714,0
+lindenwood,2550,0
+ranchester,1158,1
+woodbine,1304,0
+tolstoy,834,9
+newfields,1320,1
+lakeville,842,10
+lindenwood,2587,7
+hanson,140,3
+lindenwood,937,1
+mifflinburg,200,2
+merom,916,0
+lindenwood,2018,3
+merom,1105,0
+cosmos,315,2
+lakeville,59,9
+lindenwood,2116,0
+merom,98,2
+marstons,2063,1
+pomaria,145,9
+klickitat,980,1
+pomaria,540,2
+hanson,696,2
+marstons,39,1
+shelbyville,1493,1
+marstons,103,5
+leonardo,265,1
+mifflinburg,34,0
+onaga,405,3
+lakeville,1863,9
+wainscott,547,10
+pinesdale,885,0
+shelbyville,361,4
+marstons,1833,3
+klickitat,2188,18
+cosmos,772,6
+hiteman,790,2
+leonardo,1222,5
+forkland,439,0
+beechwood,1069,11
+klickitat,1426,11
+leonardo,166,13
+newfields,949,10
+shelbyville,2201,3
+beechwood,862,4
+merom,185,1
+lindenwood,1436,1
+hiteman,265,4
+coffeen,151,0
+marstons,1026,6
+leonardo,611,0
+shelbyville,1623,2
+cosmos,317,3
+pomaria,966,8
+leonardo,1466,1
+tolstoy,1623,7
+wainscott,1686,0
+pomaria,867,3
+hanson,920,0
+pomaria,1379,0
+ranchester,220,0
+klickitat,2190,13
+lindenwood,1707,2
+lindenwood,397,3
+woodbine,1699,1
+lakeville,1704,15
+hanson,43,1
+cosmos,579,8
+pinesdale,345,0
+leonardo,2056,0
+hanson,1105,5
+klickitat,1186,9
+ranchester,414,4
+klickitat,281,5
+klickitat,214,1
+lakeville,1147,7
+leonardo,500,0
+shelbyville,1813,10
+klickitat,898,3
+leonardo,1375,7
+mifflinburg,454,0
+hiteman,1483,3
+marstons,2387,6
+mifflinburg,740,5
+forkland,698,3
+mifflinburg,345,1
+tolstoy,159,6
+klickitat,1931,0
+lindenwood,106,1
+allensville,115,2
+wainscott,123,0
+tolstoy,1593,3
+hiteman,111,4
+woodbine,1159,4
+klickitat,2286,20
+hiteman,549,3
+hiteman,265,0
+leonardo,896,13
+stockman,1048,2
+lindenwood,2339,8
+shelbyville,2808,0
+shelbyville,909,1
+klickitat,659,4
+pomaria,796,1
+ranchester,1491,2
+shelbyville,1821,3
+shelbyville,903,0
+tolstoy,682,8
+benevolence,939,6
+wainscott,757,7
+cosmos,421,8
+pomaria,344,1
+ranchester,613,1
+hanson,1549,12
+wainscott,1528,8
+klickitat,962,3
+marstons,1554,2
+tolstoy,290,5
+coffeen,1014,3
+tolstoy,926,14
+hanson,1555,8
+benevolence,270,3
+marstons,655,8
+marstons,1324,5
+newfields,126,9
+shelbyville,1790,3
+klickitat,479,4
+wainscott,388,1
+marstons,1475,3
+mifflinburg,21,5
+woodbine,1642,4
+pomaria,1517,6
+lakeville,663,11
+pomaria,1485,4
+pomaria,11,2
+shelbyville,2293,0
+marstons,2213,6
+coffeen,496,1
+shelbyville,938,7
+hiteman,1042,4
+wainscott,103,0
+shelbyville,645,7
+pomaria,573,0
+lindenwood,1044,5
+lindenwood,951,2
+lindenwood,66,8
+coffeen,1393,0
+beechwood,678,6
+cosmos,781,3
+benevolence,840,5
+stockman,742,3
+marstons,498,1
+marstons,320,5
+beechwood,79,9
+beechwood,418,5
+tolstoy,1280,2
+onaga,648,1
+leonardo,2064,9
+tolstoy,1230,4
+klickitat,96,3
+pinesdale,926,2
+forkland,943,0
+hanson,648,12
+lakeville,58,1
+pomaria,41,2
+stockman,288,0
+hanson,1458,9
+stockman,1406,8
+allensville,10,6
+benevolence,849,10
+hiteman,1394,2
+wainscott,671,7
+ranchester,1412,4
+marstons,798,2
+klickitat,50,1
+lakeville,553,3
+benevolence,916,3
+newfields,3,8
+lindenwood,827,0
+woodbine,1612,2
+woodbine,670,9
+klickitat,354,11
+klickitat,1386,1
+hanson,1363,12
+lakeville,1326,1
+cosmos,558,0
+tolstoy,341,4
+woodbine,280,6
+lakeville,986,2
+coffeen,709,1
+pinesdale,61,4
+lindenwood,596,12
+klickitat,144,5
+tolstoy,340,8
+hanson,1581,1
+shelbyville,2501,7
+stockman,718,1
+lindenwood,171,4
+shelbyville,2009,4
+shelbyville,552,1
+leonardo,1988,14
+pomaria,843,1
+stockman,1257,1
+shelbyville,2808,12
+pomaria,1593,8
+benevolence,603,5
+lindenwood,2398,6
+merom,968,2
+lakeville,1765,5
+forkland,998,3
+marstons,1169,1
+klickitat,182,1
+marstons,2484,0
+wainscott,828,4
+beechwood,197,0
+pomaria,226,1
+marstons,2105,5
+woodbine,1231,7
+benevolence,462,2
+lakeville,1824,6
+beechwood,42,2
+klickitat,1002,4
+mifflinburg,211,2
+stockman,638,4
+merom,66,5
+wainscott,288,9
+leonardo,1495,2
+tolstoy,1728,1
+beechwood,375,7
+pomaria,1326,9
+newfields,1552,1
+onaga,310,1
+hanson,1145,10
+wainscott,849,3
+marstons,766,6
+shelbyville,1644,4
+woodbine,775,3
+shelbyville,1392,5
+marstons,728,0
+marstons,299,2
+pomaria,538,10
+marstons,1024,4
+pinesdale,82,3
+pomaria,1559,5
+marstons,1538,2
+klickitat,611,18
+coffeen,1515,2
+wainscott,1799,5
+cosmos,661,0
+onaga,316,1
+tolstoy,715,3
+leonardo,1232,0
+pomaria,1296,0
+tolstoy,1113,1
+merom,962,1
+lindenwood,2003,0
+pomaria,1543,8
+marstons,2536,6
+wainscott,1235,2
+stockman,819,4
+tolstoy,897,9
+klickitat,2221,2
+pinesdale,470,8
+cosmos,266,1
+ranchester,428,7
+pinesdale,1335,5
+forkland,602,0
+newfields,730,6
+lindenwood,738,2
+tolstoy,222,9
+lakeville,1527,2
+mifflinburg,627,4
+hiteman,1561,3
+lindenwood,1087,1
+lindenwood,867,3
+lakeville,741,4
+ranchester,752,1
+pomaria,1387,1
+newfields,37,2
+hiteman,205,1
+marstons,1661,2
+stockman,450,0
+lindenwood,2445,4
+klickitat,2014,6
+ranchester,476,5
+marstons,2094,8
+shelbyville,362,0
+marstons,1888,1
+coffeen,36,1
+leonardo,1757,2
+pomaria,1177,2
+woodbine,171,3
+leonardo,1440,2
+lindenwood,1552,0
+pomaria,736,6
+hiteman,845,3
+ranchester,975,3
+ranchester,381,4
+lakeville,1278,9
+hiteman,1833,1
+wainscott,1298,2
+klickitat,2049,4
+lakeville,1515,2
+pinesdale,80,3
+pinesdale,172,1
+beechwood,703,15
+stockman,406,4
+marstons,792,3
+newfields,1031,3
+klickitat,2305,0
+marstons,924,6
+marstons,2653,2
+tolstoy,858,5
+woodbine,832,8
+marstons,1494,4
+leonardo,413,0
+leonardo,603,5
+shelbyville,2294,2
+lindenwood,2379,5
+pomaria,659,1
+merom,970,1
+onaga,218,2
+wainscott,1531,0
+cosmos,414,10
+pinesdale,1506,0
+lakeville,38,12
+hiteman,1581,2
+hanson,74,13
+benevolence,14,2
+tolstoy,1179,8
+wainscott,951,6
+forkland,316,3
+beechwood,319,0
+newfields,208,4
+pinesdale,403,2
+tolstoy,1781,10
+marstons,1903,2
+shelbyville,1018,3
+leonardo,822,4
+onaga,388,1
+hiteman,1153,2
+marstons,1500,3
+wainscott,1331,1
+klickitat,521,8
+hanson,471,4
+stockman,526,4
+newfields,1605,0
+onaga,630,0
+woodbine,112,2
+klickitat,1547,11
+pomaria,83,9
+marstons,1636,0
+coffeen,1196,8
+lakeville,970,3
+leonardo,1938,2
+lakeville,1700,1
+woodbine,424,2
+hanson,1277,6
+pomaria,1322,0
+benevolence,776,7
+wainscott,1558,10
+marstons,1207,1
+leonardo,1277,3
+pomaria,410,4
+woodbine,1999,9
+klickitat,603,4
+newfields,187,2
+leonardo,223,6
+shelbyville,1375,2
+tolstoy,179,16
+marstons,106,0
+marstons,900,1
+newfields,1338,7
+leonardo,35,0
+forkland,1015,2
+klickitat,1732,0
+woodbine,691,12
+klickitat,256,8
+marstons,39,4
+hiteman,231,1
+cosmos,745,0
+pinesdale,1266,4
+woodbine,546,3
+lindenwood,2302,5
+lindenwood,438,8
+ranchester,241,4
+lindenwood,1677,1
+shelbyville,2744,7
+tolstoy,1268,0
+stockman,1403,4
+pomaria,788,6
+woodbine,1963,0
+newfields,130,3
+merom,722,3
+merom,137,2
+hanson,407,3
+klickitat,1811,18
+klickitat,1179,7
+lindenwood,1830,0
+lindenwood,41,7
+leonardo,681,1
+lakeville,862,10
+benevolence,881,9
+cosmos,836,2
+tolstoy,1341,2
+woodbine,827,1
+tolstoy,1395,3
+pomaria,731,3
+wainscott,123,6
+marstons,1605,5
+shelbyville,215,7
+hiteman,1253,0
+coffeen,171,0
+mifflinburg,746,4
+ranchester,1151,8
+cosmos,168,7
+newfields,511,4
+lindenwood,1434,1
+lindenwood,2116,4
+merom,1031,3
+lindenwood,2675,2
+lindenwood,2529,0
+lakeville,438,6
+wainscott,1605,9
+klickitat,651,9
+tolstoy,584,2
+stockman,287,4
+lindenwood,2517,1
+klickitat,98,1
+klickitat,2122,0
+shelbyville,2697,6
+woodbine,1083,0
+cosmos,432,0
+lakeville,285,0
+lakeville,739,0
+shelbyville,304,7
+wainscott,1322,9
+tolstoy,134,4
+newfields,970,1
+tolstoy,1646,1
+lakeville,1863,10
+merom,36,1
+beechwood,743,3
+marstons,140,13
+ranchester,1338,2
+merom,602,2
+klickitat,2075,1
+shelbyville,1920,9
+ranchester,988,0
+klickitat,1050,0
+shelbyville,2692,2
+lindenwood,1756,11
+hiteman,1593,9
+pinesdale,344,6
+leonardo,1459,9
+marstons,2337,3
+ranchester,166,4
+hiteman,1357,2
+woodbine,1238,0
+leonardo,1829,3
+marstons,1385,6
+mifflinburg,158,3
+tolstoy,1388,0
+shelbyville,240,7
+hanson,987,2
+leonardo,1157,4
+hiteman,920,1
+benevolence,109,4
+ranchester,1434,0
+leonardo,1091,9
+tolstoy,344,10
+wainscott,1220,8
+lindenwood,26,0
+ranchester,488,4
+stockman,514,4
+lindenwood,172,1
+leonardo,245,6
+cosmos,933,3
+stockman,1443,2
+shelbyville,1681,5
+pomaria,1207,2
+marstons,655,0
+marstons,1839,7
+coffeen,1028,7
+shelbyville,2095,2
+hanson,76,0
+lindenwood,1549,1
+merom,56,0
+hanson,1375,0
+shelbyville,199,8
+tolstoy,1082,5
+pomaria,1623,1
+pomaria,428,2
+hanson,1656,17
+shelbyville,1451,1
+pomaria,1265,8
+merom,274,2
+shelbyville,1699,5
+stockman,1291,1
+hiteman,1635,5
+stockman,1111,4
+ranchester,1338,4
+shelbyville,1492,0
+lakeville,1380,0
+hanson,602,15
+onaga,652,1
+shelbyville,127,3
+lakeville,969,3
+marstons,126,0
+woodbine,735,3
+marstons,2097,3
+shelbyville,2548,1
+pinesdale,943,4
+shelbyville,542,6
+newfields,1214,9
+hiteman,356,6
+hanson,822,6
+woodbine,879,0
+marstons,395,1
+pinesdale,482,2
+hanson,324,6
+hiteman,1253,6
+stockman,773,2
+coffeen,189,1
+tolstoy,1467,2
+woodbine,2040,6
+tolstoy,1562,3
+hiteman,280,0
+shelbyville,487,8
+tolstoy,85,0
+marstons,1224,0
+lakeville,1177,5
+woodbine,1319,13
+shelbyville,997,8
+marstons,711,0
+klickitat,1270,7
+merom,1105,7
+coffeen,1084,4
+leonardo,1332,0
+hiteman,539,3
+hiteman,1706,2
+shelbyville,720,3
+hiteman,203,8
+pinesdale,1011,2
+marstons,2489,4
+woodbine,1930,3
+lindenwood,2551,7
+lakeville,200,3
+wainscott,68,1
+marstons,2343,1
+pomaria,1244,5
+lindenwood,79,0
+leonardo,1466,12
+allensville,465,5
+lindenwood,2006,1
+coffeen,918,2
+woodbine,422,1
+mifflinburg,127,4
+forkland,413,5
+cosmos,829,1
+pinesdale,1210,4
+allensville,50,1
+forkland,526,2
+marstons,2622,0
+pomaria,1236,4
+forkland,1030,4
+lakeville,1899,6
+marstons,752,6
+hanson,296,3
+mifflinburg,271,4
+lakeville,354,2
+newfields,826,3
+klickitat,891,0
+coffeen,194,9
+coffeen,142,3
+ranchester,505,3
+lindenwood,2028,2
+woodbine,1968,3
+benevolence,202,0
+lindenwood,1783,0
+coffeen,250,1
+hanson,361,0
+hanson,1458,2
+stockman,1458,1
+shelbyville,1589,3
+ranchester,705,0
+shelbyville,1205,6
+woodbine,1513,2
+beechwood,140,6
+lakeville,1696,4
+wainscott,310,3
+hiteman,1619,4
+marstons,2170,3
+hanson,1202,6
+cosmos,896,8
+shelbyville,2544,13
+lakeville,1850,11
+pinesdale,358,4
+ranchester,760,5
+klickitat,1229,6
+klickitat,1909,18
+woodbine,479,4
+woodbine,1583,14
+klickitat,2054,0
+hiteman,1245,5
+cosmos,84,10
+hiteman,1181,0
+cosmos,262,9
+pinesdale,1434,1
+shelbyville,2153,7
+hanson,487,10
+klickitat,2255,4
+lakeville,536,5
+wainscott,582,4
+woodbine,1921,1
+woodbine,472,6
+newfields,1056,15
+marstons,1892,6
+onaga,196,5
+hiteman,1036,8
+pinesdale,589,0
+ranchester,1012,3
+merom,869,7
+beechwood,982,3
+coffeen,1027,1
+ranchester,642,16
+klickitat,1732,2
+woodbine,1774,1
+cosmos,70,5
+shelbyville,1912,2
+wainscott,696,6
+lakeville,700,5
+stockman,1135,4
+newfields,177,2
+woodbine,599,2
+coffeen,1500,2
+forkland,293,1
+ranchester,1375,1
+lakeville,179,10
+wainscott,889,5
+klickitat,1208,1
+woodbine,1303,2
+pinesdale,345,7
+lakeville,1743,4
+hanson,1492,1
+woodbine,823,11
+pomaria,717,1
+stockman,101,3
+forkland,961,0
+newfields,426,11
+merom,517,8
+wainscott,236,4
+lindenwood,424,6
+coffeen,249,1
+shelbyville,1988,0
+pinesdale,430,2
+lakeville,430,3
+marstons,1599,3
+klickitat,190,0
+hanson,1607,4
+shelbyville,1595,5
+lakeville,314,5
+ranchester,302,3
+lindenwood,1161,2
+pinesdale,368,5
+hanson,482,13
+leonardo,1026,6
+newfields,493,2
+lakeville,587,0
+leonardo,623,3
+leonardo,1332,2
+woodbine,1902,6
+wainscott,930,1
+mifflinburg,937,7
+shelbyville,553,12
+lindenwood,834,10
+lindenwood,1734,0
+pomaria,1087,3
+beechwood,1121,10
+shelbyville,2000,2
+klickitat,2391,4
+pinesdale,296,0
+klickitat,334,4
+pomaria,273,5
+hiteman,1307,14
+lakeville,319,8
+merom,1000,3
+wainscott,971,4
+marstons,1632,0
+hanson,1194,4
+cosmos,286,8
+leonardo,826,16
+leonardo,951,2
+pomaria,69,1
+leonardo,1058,4
+marstons,654,3
+shelbyville,1490,6
+merom,890,3
+pinesdale,490,4
+shelbyville,1781,0
+leonardo,1545,7
+leonardo,1745,3
+lindenwood,459,0
+hiteman,625,7
+mifflinburg,709,0
+shelbyville,1655,2
+hanson,407,2
+ranchester,138,2
+beechwood,991,9
+lakeville,335,5
+hanson,1433,14
+pinesdale,122,12
+klickitat,312,12
+lindenwood,216,4
+shelbyville,1961,3
+newfields,1495,2
+leonardo,384,3
+newfields,692,2
+allensville,181,2
+merom,904,1
+merom,1090,0
+klickitat,2097,2
+wainscott,308,9
+lakeville,1197,1
+ranchester,736,4
+coffeen,1475,1
+merom,355,8
+ranchester,1537,2
+lakeville,1500,6
+leonardo,459,1
+marstons,56,1
+lindenwood,940,4
+onaga,228,0
+leonardo,1608,9
+forkland,975,3
+stockman,1043,1
+hiteman,1220,3
+wainscott,916,13
+hiteman,1332,7
+woodbine,1522,4
+pomaria,263,4
+cosmos,899,12
+benevolence,302,4
+allensville,431,8
+woodbine,1872,1
+pinesdale,1243,0
+onaga,257,1
+lindenwood,1684,7
+lakeville,505,1
+woodbine,1455,1
+leonardo,1447,4
+beechwood,933,4
+pomaria,1503,5
+hanson,1377,16
+pinesdale,376,3
+lindenwood,2179,1
+hiteman,469,4
+wainscott,1566,5
+leonardo,42,2
+mifflinburg,499,7
+woodbine,1487,1
+tolstoy,1268,2
+shelbyville,442,10
+ranchester,247,5
+coffeen,1458,3
+stockman,189,1
+newfields,46,2
+klickitat,2068,3
+lindenwood,408,2
+shelbyville,691,5
+marstons,1698,9
+marstons,1029,2
+hanson,141,5
+merom,879,0
+mifflinburg,962,2
+forkland,897,1
+lakeville,1158,3
+tolstoy,1356,3
+newfields,1659,9
+wainscott,796,1
+marstons,1912,4
+hanson,931,8
+pinesdale,315,4
+marstons,1381,7
+leonardo,604,11
+klickitat,151,11
+pomaria,974,4
+pomaria,709,0
+lakeville,802,1
+pomaria,1344,4
+shelbyville,1558,5
+hiteman,921,2
+klickitat,2060,8
+ranchester,928,13
+merom,246,2
+beechwood,44,3
+mifflinburg,338,0
+lindenwood,626,2
+shelbyville,2573,7
+hanson,266,1
+newfields,1583,1
+klickitat,907,0
+klickitat,231,6
+leonardo,1553,1
+lindenwood,1002,0
+stockman,349,6
+forkland,460,1
+wainscott,46,5
+marstons,1601,6
+woodbine,136,3
+mifflinburg,481,2
+klickitat,1656,3
+forkland,834,2
+woodbine,834,4
+leonardo,669,1
+woodbine,1334,2
+stockman,207,4
+klickitat,2127,3
+ranchester,224,0
+woodbine,1903,2
+lakeville,577,0
+leonardo,1495,5
+allensville,53,4
+newfields,357,2
+marstons,2155,2
+tolstoy,1708,5
+wainscott,532,8
+lakeville,970,5
+tolstoy,1685,2
+beechwood,276,5
+lindenwood,2627,3
+hanson,731,11
+lindenwood,2130,6
+klickitat,2199,1
+shelbyville,722,12
+pinesdale,750,5
+shelbyville,1175,0
+lindenwood,213,5
+beechwood,779,10
+beechwood,376,4
+hanson,678,3
+hiteman,753,3
+lindenwood,1694,0
+tolstoy,1407,0
+ranchester,1166,1
+klickitat,2228,8
+stockman,803,5
+hanson,433,2
+beechwood,135,7
+hanson,684,9
+pinesdale,944,6
+woodbine,962,9
+lindenwood,733,12
+lindenwood,2662,12
+coffeen,991,6
+lindenwood,2188,4
+lindenwood,1751,3
+newfields,829,1
+merom,609,1
+coffeen,718,4
+cosmos,545,7
+woodbine,1071,2
+cosmos,276,3
+stockman,265,10
+beechwood,611,4
+lindenwood,2089,1
+pinesdale,1468,14
+ranchester,546,4
+lakeville,129,0
+wainscott,705,0
+newfields,1027,0
+hanson,545,8
+newfields,315,5
+ranchester,1319,8
+marstons,405,4
+merom,516,3
+stockman,1177,0
+pomaria,1505,1
+pinesdale,841,0
+pomaria,825,0
+hanson,446,7
+woodbine,1362,12
+beechwood,29,3
+woodbine,761,0
+pomaria,1465,18
+newfields,1439,1
+cosmos,559,2
+leonardo,7,7
+hiteman,185,0
+tolstoy,1211,3
+ranchester,775,11
+newfields,507,7
+marstons,2163,2
+shelbyville,2737,9
+marstons,1579,2
+cosmos,30,5
+coffeen,1118,10
+hiteman,1790,3
+lindenwood,1466,6
+tolstoy,610,7
+stockman,1503,2
+marstons,2305,1
+stockman,496,4
+hiteman,82,4
+marstons,485,7
+onaga,592,0
+marstons,1902,5
+forkland,1194,5
+shelbyville,445,9
+wainscott,1652,16
+lindenwood,1675,21
+marstons,2278,1
+shelbyville,1775,0
+beechwood,140,0
+marstons,974,11
+hanson,797,5
+coffeen,1160,3
+marstons,252,13
+lakeville,1807,1
+pinesdale,540,6
+leonardo,2017,1
+merom,815,3
+pomaria,758,3
+marstons,1477,7
+woodbine,1855,4
+mifflinburg,873,2
+lindenwood,132,1
+leonardo,1271,2
+woodbine,1043,5
+cosmos,469,4
+stockman,1519,0
+forkland,1169,9
+pomaria,1416,8
+hiteman,1508,19
+lindenwood,1508,6
+woodbine,824,3
+hanson,1129,0
+woodbine,820,4
+newfields,1474,10
+pomaria,560,6
+mifflinburg,453,0
+leonardo,767,1
+pinesdale,872,8
+ranchester,408,2
+pinesdale,950,5
+pomaria,330,6
+klickitat,1806,0
+klickitat,317,0
+woodbine,140,0
+shelbyville,1788,0
+lindenwood,1847,2
+coffeen,911,0
+pomaria,564,0
+stockman,288,2
+coffeen,21,3
+shelbyville,550,8
+hiteman,712,0
+woodbine,558,11
+lindenwood,1855,7
+allensville,55,0
+mifflinburg,909,1
+marstons,2649,6
+hiteman,399,7
+pinesdale,90,2
+wainscott,1371,6
+lakeville,875,11
+pomaria,275,5
+beechwood,717,7
+beechwood,572,2
+hanson,1408,4
+lindenwood,2298,2
+beechwood,646,0
+leonardo,720,2
+forkland,823,1
+pomaria,1515,1
+woodbine,1273,8
+wainscott,769,1
+klickitat,2181,1
+leonardo,1338,1
+marstons,666,0
+pomaria,36,2
+ranchester,1568,2
+woodbine,985,13
+hanson,1067,13
+hanson,1352,12
+marstons,2047,6
+pinesdale,428,2
+woodbine,1218,10
+lindenwood,1880,3
+tolstoy,872,5
+marstons,2461,2
+lakeville,678,1
+ranchester,1209,4
+klickitat,455,7
+coffeen,669,5
+marstons,940,1
+allensville,16,2
+klickitat,1549,1
+lakeville,368,20
+ranchester,334,3
+lindenwood,1091,3
+leonardo,1559,1
+forkland,430,1
+marstons,840,4
+woodbine,1919,3
+forkland,654,6
+woodbine,2042,4
+shelbyville,2630,1
+mifflinburg,468,1
+leonardo,1180,2
+tolstoy,20,1
+marstons,1194,8
+shelbyville,2284,3
+leonardo,389,1
+stockman,684,1
+leonardo,681,5
+tolstoy,1216,0
+marstons,2594,5
+klickitat,1223,2
+lindenwood,2202,2
+ranchester,870,6
+leonardo,1835,5
+stockman,756,4
+leonardo,1778,5
+tolstoy,199,3
+tolstoy,401,4
+pomaria,416,11
+hiteman,327,1
+pinesdale,1171,4
+tolstoy,421,2
+lindenwood,472,2
+shelbyville,520,12
+hiteman,1805,1
+onaga,530,1
+lindenwood,1541,7
+shelbyville,93,2
+stockman,1502,0
+wainscott,746,1
+marstons,662,9
+wainscott,251,2
+pomaria,641,10
+marstons,1039,5
+marstons,1191,1
+wainscott,1709,2
+stockman,833,0
+shelbyville,864,1
+shelbyville,2427,1
+hiteman,10,3
+shelbyville,2061,0
+woodbine,1096,0
+stockman,115,0
+hanson,1553,3
+beechwood,901,9
+hiteman,643,1
+beechwood,1153,0
+stockman,1594,2
+wainscott,945,10
+mifflinburg,763,2
+tolstoy,666,8
+cosmos,503,2
+lakeville,1018,2
+klickitat,297,3
+hiteman,909,0
+shelbyville,157,2
+wainscott,1087,4
+woodbine,1681,0
+woodbine,839,1
+wainscott,263,6
+merom,870,1
+forkland,222,5
+pinesdale,128,1
+lindenwood,1649,4
+lindenwood,2205,5
+tolstoy,1761,2
+shelbyville,1576,2
+pomaria,134,0
+forkland,435,1
+stockman,1535,10
+marstons,284,17
+merom,365,2
+klickitat,2261,1
+hanson,1363,0
+hiteman,386,0
+hiteman,722,5
+marstons,496,5
+ranchester,370,0
+hiteman,1838,7
+marstons,985,7
+lindenwood,1947,4
+wainscott,891,5
+pinesdale,814,2
+pinesdale,1119,5
+wainscott,274,9
+hanson,1611,2
+onaga,498,1
+marstons,2291,2
+woodbine,1800,5
+lakeville,1070,4
+leonardo,1398,3
+hanson,72,3
+shelbyville,208,1
+marstons,499,7
+shelbyville,1038,13
+stockman,972,2
+shelbyville,1414,9
+wainscott,1515,5
+pinesdale,1411,5
+leonardo,142,4
+hanson,315,0
+leonardo,502,0
+benevolence,896,8
+hiteman,492,4
+klickitat,587,4
+woodbine,2017,1
+klickitat,943,13
+coffeen,810,2
+lindenwood,2675,7
+hiteman,1755,4
+mifflinburg,90,1
+woodbine,447,4
+coffeen,1293,4
+woodbine,842,0
+klickitat,88,12
+beechwood,267,0
+lakeville,972,10
+pinesdale,988,2
+lindenwood,747,9
+klickitat,66,1
+hiteman,1684,1
+ranchester,229,0
+lindenwood,1237,5
+cosmos,1030,4
+marstons,1164,17
+hanson,878,1
+tolstoy,650,13
+lindenwood,1058,2
+newfields,479,3
+cosmos,266,3
+lindenwood,1,15
+shelbyville,1914,7
+klickitat,487,6
+woodbine,861,3
+newfields,61,15
+stockman,1347,0
+woodbine,1806,3
+cosmos,1022,0
+tolstoy,1169,3
+hiteman,82,5
+hanson,289,3
+hiteman,1727,6
+marstons,119,4
+onaga,237,2
+leonardo,704,5
+marstons,980,3
+forkland,413,6
+marstons,277,4
+tolstoy,355,4
+stockman,1045,3
+marstons,1497,2
+lindenwood,1483,1
+shelbyville,1757,1
+leonardo,1582,1
+hanson,583,2
+forkland,414,1
+klickitat,1378,2
+merom,684,1
+klickitat,126,10
+shelbyville,1716,3
+marstons,1963,9
+beechwood,633,3
+shelbyville,749,10
+tolstoy,879,0
+newfields,1179,0
+benevolence,58,1
+newfields,410,0
+hanson,1044,3
+mifflinburg,955,4
+lakeville,740,1
+marstons,1262,5
+leonardo,290,1
+wainscott,1797,13
+leonardo,363,10
+allensville,490,0
+forkland,752,4
+ranchester,1300,2
+hiteman,1637,2
+stockman,539,9
+allensville,184,5
+ranchester,265,13
+ranchester,509,10
+cosmos,625,0
+hiteman,213,0
+merom,512,0
+klickitat,1025,1
+mifflinburg,784,1
+mifflinburg,138,1
+newfields,86,5
+pomaria,1398,10
+lakeville,460,9
+klickitat,351,4
+beechwood,1064,2
+lindenwood,2106,2
+mifflinburg,888,0
+newfields,349,1
+klickitat,2009,9
+stockman,1431,1
+ranchester,868,4
+coffeen,338,1
+forkland,704,3
+marstons,1406,1
+onaga,519,2
+tolstoy,644,0
+newfields,522,3
+hanson,1613,3
+hanson,309,2
+leonardo,401,0
+pinesdale,113,0
+shelbyville,1599,10
+ranchester,367,1
+wainscott,1172,2
+beechwood,858,7
+marstons,504,6
+klickitat,2300,1
+marstons,2167,1
+lindenwood,1304,0
+pinesdale,771,3
+shelbyville,2552,2
+newfields,1586,1
+merom,13,3
+ranchester,792,2
+beechwood,20,7
+hiteman,45,0
+ranchester,584,3
+marstons,646,8
+newfields,674,2
+forkland,419,1
+leonardo,359,11
+leonardo,1629,6
+ranchester,283,1
+marstons,1731,5
+leonardo,1022,7
+leonardo,373,5
+hanson,221,6
+newfields,890,5
+marstons,665,1
+stockman,1376,3
+mifflinburg,834,2
+hiteman,1742,1
+shelbyville,328,2
+shelbyville,1942,8
+lindenwood,1492,2
+newfields,1077,0
+cosmos,988,6
+lindenwood,1178,1
+klickitat,1049,1
+shelbyville,1121,3
+marstons,73,7
+marstons,2418,5
+merom,548,4
+leonardo,1534,1
+merom,154,0
+lakeville,545,7
+pomaria,263,11
+forkland,1141,4
+merom,772,0
+mifflinburg,52,3
+shelbyville,1325,2
+tolstoy,789,6
+mifflinburg,62,3
+pomaria,532,4
+newfields,1438,9
+stockman,1237,4
+lindenwood,2309,2
+pinesdale,1158,9
+newfields,988,8
+cosmos,2,4
+lindenwood,658,1
+lakeville,36,0
+tolstoy,1049,5
+mifflinburg,629,6
+coffeen,373,7
+coffeen,1095,1
+mifflinburg,955,2
+pomaria,1131,3
+marstons,762,6
+leonardo,1756,5
+marstons,1309,5
+pomaria,61,1
+klickitat,2123,3
+pomaria,1155,2
+ranchester,804,0
+beechwood,224,3
+pinesdale,1396,6
+stockman,1257,5
+leonardo,582,2
+woodbine,1384,1
+pinesdale,139,5
+stockman,14,1
+tolstoy,1783,0
+benevolence,729,4
+cosmos,499,12
+tolstoy,259,2
+hiteman,420,2
+allensville,493,0
+pinesdale,1122,6
+pomaria,1515,6
+shelbyville,2207,5
+pomaria,290,3
+marstons,91,1
+newfields,454,3
+lindenwood,1282,1
+pomaria,1018,4
+hiteman,749,4
+lakeville,1211,11
+lindenwood,346,0
+lindenwood,9,3
+pinesdale,1493,8
+leonardo,971,1
+lakeville,1670,18
+marstons,1978,6
+lakeville,1745,8
+wainscott,831,1
+coffeen,1505,2
+lindenwood,1261,3
+pinesdale,268,1
+ranchester,981,10
+ranchester,1034,10
+stockman,985,4
+marstons,812,7
+beechwood,643,10
+woodbine,215,2
+shelbyville,1488,4
+shelbyville,1646,4
+klickitat,1121,4
+shelbyville,824,3
+beechwood,968,2
+hanson,310,4
+tolstoy,898,7
+cosmos,522,1
+marstons,710,7
+newfields,139,1
+mifflinburg,247,1
+merom,992,6
+hanson,1493,8
+pinesdale,366,3
+tolstoy,709,7
+marstons,1294,2
+hanson,1066,3
+shelbyville,869,4
+marstons,1708,11
+merom,876,11
+beechwood,1001,5
+mifflinburg,931,2
+allensville,329,0
+klickitat,476,2
+ranchester,236,4
+hiteman,196,10
+merom,609,0
+pinesdale,1373,1
+lakeville,327,2
+tolstoy,1188,1
+ranchester,665,2
+hiteman,1023,2
+ranchester,1440,5
+lindenwood,1089,4
+forkland,289,2
+lindenwood,1079,8
+ranchester,453,1
+wainscott,1334,3
+beechwood,548,5
+woodbine,538,6
+hiteman,973,5
+lindenwood,1024,5
+lindenwood,1239,6
+lakeville,1031,6
+leonardo,2007,5
+lindenwood,944,3
+ranchester,921,1
+shelbyville,2347,8
+wainscott,1439,2
+marstons,1877,0
+newfields,1076,1
+lakeville,582,0
+lakeville,239,5
+stockman,949,5
+klickitat,519,6
+lindenwood,2101,4
+ranchester,1390,5
+klickitat,1641,3
+cosmos,811,9
+merom,775,6
+woodbine,422,8
+hiteman,581,4
+leonardo,627,0
+marstons,1161,2
+wainscott,654,2
+lakeville,1457,8
+lakeville,1187,0
+klickitat,140,18
+leonardo,1681,3
+allensville,194,2
+lindenwood,1945,5
+marstons,1186,2
+benevolence,750,1
+newfields,36,9
+lakeville,1690,3
+marstons,2613,1
+newfields,1395,5
+shelbyville,2142,2
+woodbine,1128,9
+leonardo,399,6
+merom,284,6
+marstons,2187,7
+mifflinburg,878,1
+wainscott,937,3
+hanson,1246,5
+onaga,629,1
+lindenwood,2439,4
+klickitat,2269,2
+hanson,1220,6
+tolstoy,138,0
+hanson,1131,16
+hanson,1355,0
+hiteman,1710,2
+shelbyville,1816,2
+cosmos,188,4
+coffeen,632,8
+tolstoy,284,2
+klickitat,874,8
+woodbine,676,1
+lakeville,495,5
+wainscott,547,3
+klickitat,1684,0
+beechwood,153,4
+hiteman,982,0
+woodbine,715,3
+stockman,694,0
+marstons,2232,2
+beechwood,1055,7
+ranchester,242,5
+klickitat,1131,1
+marstons,544,2
+shelbyville,2732,4
+wainscott,761,4
+marstons,843,1
+pomaria,13,4
+shelbyville,1107,5
+onaga,333,2
+newfields,447,0
+newfields,433,3
+woodbine,2025,5
+newfields,1232,3
+hanson,901,5
+hanson,1044,5
+lindenwood,1489,3
+hanson,1453,13
+lindenwood,455,3
+lakeville,1280,2
+hiteman,1796,4
+beechwood,462,3
+wainscott,1506,0
+hiteman,655,3
+benevolence,245,3
+onaga,293,0
+leonardo,1299,3
+lindenwood,1461,0
+pomaria,660,4
+ranchester,1117,4
+newfields,1376,9
+wainscott,1179,2
+mifflinburg,593,2
+allensville,127,5
+lakeville,534,10
+hiteman,1052,1
+hiteman,578,12
+tolstoy,1709,3
+hiteman,660,14
+beechwood,505,1
+leonardo,1569,10
+hanson,879,2
+pinesdale,1309,2
+forkland,1007,0
+lakeville,1042,4
+lakeville,376,10
+shelbyville,342,2
+pinesdale,275,2
+newfields,1086,5
+marstons,1026,3
+leonardo,1021,9
+wainscott,166,8
+shelbyville,2694,1
+newfields,228,6
+shelbyville,1141,15
+leonardo,596,8
+lakeville,256,14
+klickitat,116,5
+ranchester,1031,6
+hiteman,1428,7
+pinesdale,527,3
+marstons,478,2
+leonardo,569,7
+woodbine,1301,1
+leonardo,149,0
+woodbine,1528,5
+lakeville,3,1
+ranchester,1564,5
+leonardo,579,4
+tolstoy,224,8
+hanson,233,11
+coffeen,908,1
+marstons,970,8
+shelbyville,1871,9
+newfields,151,8
+klickitat,1442,0
+hiteman,339,5
+merom,633,4
+lakeville,1694,2
+cosmos,411,0
+benevolence,302,2
+woodbine,1364,2
+merom,703,2
+shelbyville,1894,8
+lindenwood,2044,4
+cosmos,902,4
+allensville,298,2
+marstons,880,1
+wainscott,1678,0
+ranchester,933,6
+mifflinburg,861,2
+wainscott,162,2
+ranchester,823,11
+shelbyville,2286,2
+pomaria,1100,5
+marstons,2057,5
+cosmos,608,0
+ranchester,1119,0
+marstons,1518,15
+lindenwood,291,2
+klickitat,1345,5
+wainscott,1677,16
+marstons,2561,4
+cosmos,572,4
+marstons,1035,6
+lindenwood,2479,1
+pinesdale,431,2
+woodbine,500,4
+marstons,1924,1
+marstons,592,1
+newfields,124,12
+ranchester,149,4
+onaga,361,1
+lindenwood,1225,1
+klickitat,543,4
+cosmos,560,2
+tolstoy,1498,8
+woodbine,584,5
+stockman,1411,0
+wainscott,141,10
+marstons,762,8
+beechwood,376,5
+shelbyville,1125,7
+hanson,602,3
+newfields,409,2
+hanson,798,1
+forkland,570,2
+hanson,1201,3
+lindenwood,2333,12
+hiteman,1854,6
+coffeen,1140,5
+lindenwood,2674,5
+klickitat,1364,0
+lindenwood,521,6
+lakeville,989,5
+ranchester,340,2
+allensville,26,6
+pinesdale,507,0
+merom,90,6
+leonardo,1999,5
+allensville,426,4
+leonardo,769,0
+newfields,713,4
+lakeville,106,14
+mifflinburg,841,8
+hanson,1439,7
+coffeen,40,0
+shelbyville,1811,0
+forkland,84,4
+merom,548,7
+marstons,1287,1
+tolstoy,1354,4
+lindenwood,164,9
+shelbyville,2616,1
+cosmos,546,2
+shelbyville,2424,0
+pinesdale,1211,6
+coffeen,289,0
+benevolence,22,2
+cosmos,936,0
+hiteman,1660,5
+onaga,32,2
+hanson,598,0
+lakeville,583,3
+coffeen,972,7
+klickitat,109,5
+marstons,819,4
+hiteman,1550,2
+lakeville,1166,10
+tolstoy,1433,2
+beechwood,1148,5
+benevolence,900,2
+lindenwood,989,4
+lindenwood,1137,3
+coffeen,164,2
+wainscott,1119,1
+hanson,517,7
+onaga,568,3
+pomaria,1186,8
+beechwood,380,1
+tolstoy,727,3
+hanson,514,5
+pinesdale,69,11
+tolstoy,822,7
+beechwood,1082,1
+coffeen,1403,1
+leonardo,259,2
+leonardo,1682,4
+hiteman,1166,2
+pinesdale,418,2
+merom,647,0
+tolstoy,977,10
+allensville,110,6
+lakeville,779,2
+cosmos,928,1
+leonardo,530,10
+newfields,659,0
+marstons,1146,11
+hiteman,65,2
+beechwood,929,2
+pomaria,632,5
+lindenwood,1533,5
+marstons,1699,2
+klickitat,2358,13
+mifflinburg,647,1
+hiteman,662,16
+woodbine,617,5
+pinesdale,305,2
+pomaria,429,2
+lindenwood,898,0
+lindenwood,2566,10
+forkland,537,1
+beechwood,1101,6
+shelbyville,783,6
+leonardo,55,1
+marstons,1474,0
+cosmos,807,6
+pomaria,736,1
+tolstoy,1228,4
+pomaria,945,12
+lindenwood,1764,0
+shelbyville,724,13
+leonardo,12,12
+forkland,262,4
+beechwood,931,1
+hanson,1307,3
+wainscott,14,2
+lindenwood,1372,3
+shelbyville,953,9
+coffeen,1232,0
+forkland,374,1
+lindenwood,2294,1
+hiteman,136,11
+pomaria,1199,7
+hanson,684,3
+marstons,2640,5
+pinesdale,550,0
+newfields,346,6
+stockman,938,4
+stockman,1382,0
+pinesdale,156,3
+lindenwood,2349,0
+merom,376,0
+lindenwood,2098,1
+lakeville,671,8
+newfields,1507,0
+lakeville,1505,2
+marstons,681,1
+onaga,308,0
+leonardo,1904,1
+wainscott,783,12
+stockman,677,3
+klickitat,2334,15
+forkland,302,1
+mifflinburg,915,0
+wainscott,1394,1
+shelbyville,2766,0
+wainscott,305,3
+onaga,271,1
+lakeville,1048,2
+marstons,755,4
+forkland,858,0
+beechwood,1130,1
+tolstoy,424,0
+pomaria,983,13
+klickitat,639,7
+stockman,1484,12
+shelbyville,1311,0
+shelbyville,1272,4
+pinesdale,939,2
+wainscott,905,5
+woodbine,1227,3
+newfields,1221,12
+leonardo,448,8
+mifflinburg,813,0
+lakeville,1094,1
+pinesdale,837,9
+tolstoy,1771,5
+pinesdale,525,11
+beechwood,791,3
+klickitat,1361,7
+klickitat,983,0
+lakeville,1726,0
+marstons,883,9
+allensville,398,5
+marstons,2408,3
+leonardo,2039,5
+pomaria,701,2
+coffeen,1458,1
+klickitat,329,3
+ranchester,1091,6
+pomaria,811,0
+wainscott,1452,8
+merom,961,0
+benevolence,617,4
+newfields,796,0
+pomaria,1334,8
+merom,948,6
+beechwood,416,6
+marstons,527,3
+woodbine,1049,2
+forkland,811,2
+onaga,580,1
+stockman,650,2
+shelbyville,1656,4
+shelbyville,259,11
+beechwood,56,1
+lindenwood,2219,3
+pinesdale,675,0
+woodbine,1418,0
+woodbine,1218,15
+marstons,59,2
+lakeville,1542,5
+pinesdale,1005,1
+lindenwood,2117,5
+marstons,1806,3
+marstons,1193,4
+lakeville,1009,4
+beechwood,99,2
+beechwood,1031,0
+stockman,1340,0
+pomaria,599,10
+ranchester,1149,10
+klickitat,1912,2
+merom,827,1
+woodbine,507,0
+klickitat,1206,8
+shelbyville,2779,0
+coffeen,1303,2
+hanson,872,11
+pinesdale,792,0
+hanson,1466,13
+forkland,980,1
+wainscott,1581,0
+beechwood,815,11
+coffeen,1349,3
+beechwood,61,11
+lindenwood,164,3
+ranchester,1584,2
+shelbyville,2551,8
+woodbine,1861,0
+leonardo,1910,5
+newfields,510,3
+lindenwood,1114,3
+woodbine,1975,3
+lindenwood,928,1
+woodbine,1872,2
+shelbyville,2245,8
+marstons,499,6
+lindenwood,1634,9
+marstons,2439,7
+lakeville,421,1
+ranchester,559,0
+wainscott,743,1
+wainscott,412,1
+forkland,94,1
+hanson,650,2
+pomaria,71,2
+lindenwood,1203,0
+klickitat,68,1
+coffeen,220,5
+cosmos,924,0
+pinesdale,1241,4
+marstons,246,0
+lindenwood,1957,2
+coffeen,1471,4
+cosmos,70,6
+marstons,1161,5
+pomaria,1677,11
+woodbine,1233,5
+merom,66,12
+stockman,29,7
+woodbine,581,3
+leonardo,1255,2
+ranchester,269,4
+cosmos,393,3
+beechwood,789,7
+newfields,271,11
+tolstoy,1520,2
+pomaria,1355,6
+tolstoy,641,1
+cosmos,470,5
+woodbine,1052,9
+pomaria,123,2
+pomaria,805,10
+lindenwood,1181,6
+wainscott,867,0
+benevolence,323,7
+ranchester,1633,5
+marstons,613,3
+pinesdale,319,4
+wainscott,1438,0
+pomaria,743,15
+newfields,419,1
+shelbyville,389,6
+tolstoy,597,2
+pomaria,535,0
+ranchester,1367,14
+onaga,26,3
+woodbine,1938,3
+pinesdale,712,4
+pinesdale,1296,0
+lakeville,1582,0
+stockman,1544,1
+wainscott,578,0
+marstons,633,5
+forkland,285,2
+pinesdale,796,4
+lakeville,1537,14
+coffeen,676,6
+beechwood,171,0
+lakeville,458,2
+pinesdale,15,1
+wainscott,1050,0
+marstons,2399,6
+lindenwood,137,1
+pomaria,1099,0
+shelbyville,20,1
+merom,0,3
+hanson,1409,1
+klickitat,1163,2
+coffeen,143,0
+lakeville,1369,2
+tolstoy,1767,13
+pinesdale,1266,0
+forkland,818,2
+lakeville,325,5
+woodbine,981,9
+allensville,91,1
+woodbine,1841,5
+lindenwood,1307,0
+leonardo,1555,3
+onaga,588,0
+leonardo,870,4
+pomaria,1029,3
+lakeville,1745,6
+hiteman,192,0
+klickitat,276,7
+coffeen,894,1
+forkland,940,1
+pomaria,1459,5
+woodbine,307,0
+onaga,638,4
+pomaria,1126,3
+shelbyville,932,11
+beechwood,94,7
+forkland,187,4
+newfields,309,6
+stockman,166,6
+tolstoy,1741,0
+shelbyville,2355,4
+pinesdale,1054,2
+forkland,135,0
+woodbine,1283,9
+newfields,372,3
+hanson,1369,10
+stockman,982,5
+lindenwood,2347,12
+lakeville,1151,2
+woodbine,913,1
+hiteman,162,2
+wainscott,1332,2
+hanson,1238,7
+shelbyville,2508,0
+beechwood,30,2
+pomaria,1095,15
+klickitat,1558,2
+hiteman,1613,1
+klickitat,881,11
+marstons,2636,4
+klickitat,27,0
+marstons,174,2
+leonardo,1896,1
+forkland,998,5
+hanson,1263,0
+ranchester,1341,3
+pomaria,1611,2
+hiteman,1102,2
+woodbine,256,3
+leonardo,1398,2
+newfields,1158,5
+ranchester,1042,1
+tolstoy,1107,0
+woodbine,223,2
+leonardo,1725,2
+marstons,2223,1
+hiteman,1412,9
+wainscott,1337,2
+lindenwood,2250,4
+leonardo,926,5
+lakeville,593,0
+benevolence,758,0
+shelbyville,274,1
+leonardo,1958,0
+klickitat,355,6
+wainscott,547,9
+coffeen,408,1
+allensville,200,5
+cosmos,720,3
+woodbine,167,3
+cosmos,940,3
+pinesdale,441,0
+wainscott,586,1
+lakeville,1693,5
+coffeen,696,1
+lindenwood,2451,2
+newfields,168,0
+newfields,206,2
+beechwood,363,4
+leonardo,1168,2
+tolstoy,334,3
+klickitat,2276,8
+ranchester,389,7
+klickitat,2318,1
+klickitat,2400,3
+hiteman,778,1
+lindenwood,2472,6
+shelbyville,2570,4
+hiteman,1150,0
+pomaria,387,2
+klickitat,1613,3
+newfields,1139,3
+hanson,1062,5
+ranchester,306,4
+ranchester,50,9
+lakeville,355,9
+klickitat,1741,10
+woodbine,11,1
+lindenwood,799,1
+hanson,809,1
+marstons,1636,6
+newfields,302,9
+coffeen,849,0
+hanson,576,0
+stockman,934,4
+newfields,1623,10
+coffeen,1471,6
+forkland,294,0
+marstons,1194,4
+marstons,97,8
+leonardo,886,1
+woodbine,901,3
+pomaria,673,14
+beechwood,418,4
+forkland,262,5
+shelbyville,1724,11
+shelbyville,1932,0
+mifflinburg,528,8
+stockman,1113,2
+shelbyville,450,1
+allensville,496,2
+klickitat,163,10
+onaga,616,5
+merom,917,1
+stockman,377,1
+ranchester,1367,11
+pinesdale,878,2
+tolstoy,1195,4
+tolstoy,1622,0
+shelbyville,647,12
+pinesdale,470,6
+cosmos,356,6
+klickitat,1592,3
+marstons,770,3
+wainscott,1385,7
+mifflinburg,906,2
+newfields,1454,2
+tolstoy,1663,0
+stockman,311,2
+leonardo,1823,10
+tolstoy,1102,6
+shelbyville,2654,7
+tolstoy,1045,8
+klickitat,1479,0
+lindenwood,609,3
+klickitat,1527,9
+hanson,1640,8
+marstons,2523,3
+lakeville,1258,7
+klickitat,2211,7
+hanson,606,6
+leonardo,2047,0
+cosmos,629,6
+marstons,2564,2
+woodbine,340,5
+hanson,873,0
+tolstoy,1044,0
+pomaria,673,13
+lindenwood,586,10
+shelbyville,571,7
+allensville,506,2
+lindenwood,1807,4
+stockman,1463,3
+merom,254,0
+shelbyville,581,5
+klickitat,1673,2
+marstons,1534,4
+shelbyville,1839,5
+marstons,254,2
+klickitat,167,3
+klickitat,1185,8
+merom,1058,1
+tolstoy,1147,8
+woodbine,1403,2
+stockman,968,6
+lakeville,1364,7
+mifflinburg,4,1
+woodbine,1928,0
+klickitat,1034,4
+lakeville,915,4
+allensville,53,3
+lindenwood,2442,3
+hanson,641,8
+pomaria,1273,2
+tolstoy,885,0
+merom,419,2
+marstons,731,4
+wainscott,1464,4
+newfields,535,10
+wainscott,1153,10
+marstons,1710,8
+hanson,1160,10
+lakeville,1897,5
+woodbine,1610,2
+wainscott,1253,3
+stockman,338,0
+lindenwood,1544,2
+klickitat,830,0
+lindenwood,412,1
+beechwood,1151,4
+coffeen,377,1
+hiteman,502,4
+pinesdale,385,2
+benevolence,370,1
+marstons,1757,0
+forkland,1095,8
+lakeville,1005,9
+allensville,304,0
+wainscott,1226,6
+lindenwood,2411,5
+pinesdale,1312,2
+shelbyville,183,3
+hiteman,1291,5
+stockman,1195,0
+hanson,926,4
+marstons,1765,1
+ranchester,368,5
+marstons,2184,1
+benevolence,531,1
+hiteman,517,2
+stockman,462,2
+cosmos,1079,3
+hiteman,495,3
+shelbyville,2357,10
+tolstoy,1026,4
+lindenwood,171,5
+stockman,1394,5
+hanson,607,0
+marstons,653,1
+pomaria,1488,2
+lindenwood,2607,3
+forkland,1129,10
+leonardo,1050,2
+klickitat,1143,0
+hanson,239,3
+tolstoy,1766,0
+shelbyville,1826,7
+shelbyville,277,2
+klickitat,171,18
+tolstoy,650,6
+pinesdale,247,3
+newfields,969,3
+woodbine,1870,2
+ranchester,1508,9
+tolstoy,279,12
+klickitat,1994,6
+tolstoy,522,8
+onaga,266,0
+wainscott,391,8
+forkland,657,4
+marstons,2189,9
+newfields,385,1
+shelbyville,2813,14
+mifflinburg,88,3
+hanson,899,7
+hanson,814,4
+cosmos,475,0
+wainscott,1242,0
+klickitat,1402,0
+shelbyville,749,0
+hiteman,939,1
+klickitat,1091,6
+marstons,2066,0
+benevolence,91,0
+wainscott,498,3
+ranchester,598,0
+leonardo,937,2
+coffeen,579,0
+merom,983,0
+marstons,1840,8
+marstons,2634,0
+lindenwood,2011,1
+shelbyville,231,3
+hanson,1078,1
+ranchester,1285,10
+shelbyville,1551,1
+lakeville,1182,2
+woodbine,1032,15
+stockman,60,4
+klickitat,1942,2
+marstons,484,9
+shelbyville,461,1
+coffeen,885,3
+hiteman,1703,5
+marstons,768,5
+shelbyville,2465,2
+onaga,352,11
+shelbyville,1867,7
+stockman,302,4
+klickitat,735,14
+lakeville,990,0
+stockman,1125,5
+mifflinburg,902,7
+mifflinburg,685,2
+hiteman,949,2
+woodbine,1083,4
+klickitat,1715,7
+hanson,319,3
+forkland,570,0
+hanson,1004,5
+coffeen,239,5
+marstons,914,6
+shelbyville,27,2
+newfields,1289,1
+woodbine,1665,3
+merom,358,6
+beechwood,303,4
+shelbyville,1760,3
+lakeville,1780,4
+shelbyville,2379,0
+newfields,647,3
+cosmos,93,8
+stockman,242,0
+forkland,457,1
+lindenwood,1853,1
+lakeville,82,3
+wainscott,337,3
+klickitat,1536,2
+cosmos,385,2
+cosmos,189,0
+lakeville,1163,3
+klickitat,165,10
+stockman,68,0
+tolstoy,881,1
+wainscott,1284,6
+lakeville,978,0
+stockman,212,3
+tolstoy,1599,10
+benevolence,64,2
+merom,401,0
+benevolence,630,6
+stockman,470,4
+lakeville,909,4
+lindenwood,847,4
+wainscott,312,0
+hiteman,1077,5
+newfields,1172,5
+pomaria,1184,2
+leonardo,2022,3
+klickitat,1268,1
+hanson,1096,3
+merom,1119,2
+marstons,358,1
+mifflinburg,125,0
+marstons,2126,5
+cosmos,929,3
+marstons,529,2
+wainscott,60,5
+pinesdale,1419,1
+mifflinburg,471,4
+pinesdale,607,6
+coffeen,74,0
+pomaria,491,2
+ranchester,1141,1
+klickitat,1861,4
+lindenwood,2556,10
+pomaria,1028,2
+coffeen,296,0
+hiteman,1727,2
+wainscott,1166,12
+marstons,1097,0
+lindenwood,151,0
+lakeville,1694,0
+woodbine,1314,7
+beechwood,1019,0
+shelbyville,2773,2
+pomaria,997,2
+ranchester,1112,6
+woodbine,229,7
+merom,108,2
+coffeen,672,6
+ranchester,292,0
+lindenwood,384,4
+woodbine,542,12
+marstons,2506,0
+pinesdale,837,4
+mifflinburg,46,1
+onaga,436,3
+benevolence,661,1
+leonardo,1894,3
+lakeville,292,4
+woodbine,1306,1
+stockman,60,12
+merom,863,3
+coffeen,404,5
+lindenwood,1313,0
+onaga,389,1
+shelbyville,1297,1
+cosmos,915,0
+klickitat,2185,1
+newfields,1182,3
+klickitat,303,13
+pomaria,1236,5
+forkland,639,8
+mifflinburg,851,1
+leonardo,156,1
+shelbyville,1502,0
+woodbine,1832,11
+hanson,546,9
+wainscott,923,0
+marstons,2161,11
+marstons,60,0
+merom,442,1
+woodbine,107,4
+benevolence,373,1
+ranchester,653,8
+coffeen,1406,0
+lindenwood,2319,2
+pinesdale,331,9
+lindenwood,1366,4
+woodbine,1010,3
+shelbyville,2236,0
+beechwood,324,3
+marstons,1985,9
+ranchester,396,2
+leonardo,1683,2
+woodbine,1659,8
+ranchester,1317,8
+lakeville,1644,3
+stockman,511,0
+woodbine,315,5
+pomaria,75,3
+lindenwood,141,6
+allensville,497,4
+mifflinburg,623,2
+marstons,1959,2
+wainscott,928,2
+beechwood,619,4
+forkland,944,2
+wainscott,731,0
+marstons,1672,2
+onaga,523,0
+klickitat,1881,7
+wainscott,1403,2
+coffeen,411,5
+cosmos,415,1
+shelbyville,1567,0
+shelbyville,42,4
+woodbine,566,3
+klickitat,1084,1
+woodbine,1934,1
+mifflinburg,375,2
+ranchester,898,2
+wainscott,1672,2
+klickitat,2380,1
+newfields,157,7
+lakeville,1170,5
+coffeen,1499,7
+stockman,772,1
+marstons,696,17
+cosmos,494,8
+klickitat,463,2
+shelbyville,141,4
+hiteman,523,4
+tolstoy,943,2
+shelbyville,750,2
+shelbyville,306,3
+merom,328,4
+merom,728,4
+beechwood,140,7
+coffeen,366,1
+woodbine,1331,4
+pomaria,317,1
+shelbyville,2258,6
+hiteman,9,3
+klickitat,1836,9
+woodbine,1125,3
+coffeen,538,7
+tolstoy,9,3
+tolstoy,93,2
+klickitat,482,2
+stockman,107,6
+cosmos,705,8
+newfields,1574,0
+onaga,118,4
+lindenwood,2403,6
+marstons,2523,15
+klickitat,2068,12
+forkland,566,0
+benevolence,398,1
+cosmos,111,5
+newfields,53,6
+klickitat,2010,17
+hanson,208,2
+woodbine,720,5
+lindenwood,664,0
+leonardo,663,0
+pomaria,1404,0
+marstons,936,4
+benevolence,699,4
+mifflinburg,676,3
+klickitat,318,0
+wainscott,1142,0
+hanson,1433,6
+merom,665,1
+ranchester,683,1
+hiteman,990,0
+shelbyville,628,5
+allensville,318,0
+shelbyville,1412,2
+woodbine,481,14
+shelbyville,198,9
+tolstoy,1305,0
+hiteman,806,7
+mifflinburg,309,0
+lakeville,510,2
+beechwood,554,2
+marstons,2570,0
+wainscott,1571,2
+woodbine,378,2
+hanson,574,8
+lindenwood,1948,2
+klickitat,1465,10
+forkland,236,6
+marstons,1692,10
+leonardo,437,2
+klickitat,2143,0
+lindenwood,1242,11
+lakeville,1615,0
+ranchester,1344,2
+pomaria,701,11
+pinesdale,278,6
+hiteman,939,9
+leonardo,551,7
+allensville,513,1
+hanson,717,8
+stockman,377,5
+leonardo,1770,10
+woodbine,1921,4
+beechwood,960,0
+leonardo,1411,11
+lindenwood,213,0
+lakeville,1423,5
+tolstoy,714,10
+klickitat,2338,10
+merom,448,0
+leonardo,367,2
+cosmos,246,1
+merom,166,3
+allensville,205,4
+wainscott,1512,5
+mifflinburg,618,9
+newfields,437,3
+beechwood,374,0
+forkland,504,4
+wainscott,1019,3
+coffeen,890,5
+marstons,956,2
+tolstoy,915,6
+wainscott,582,12
+merom,10,3
+leonardo,50,4
+woodbine,637,3
+pomaria,1140,3
+marstons,641,2
+newfields,991,10
+tolstoy,1656,7
+onaga,664,3
+shelbyville,2487,4
+tolstoy,1574,1
+pinesdale,47,6
+beechwood,440,4
+klickitat,2255,10
+hiteman,1723,0
+shelbyville,35,0
+woodbine,2001,2
+marstons,1204,8
+coffeen,585,4
+lindenwood,1132,8
+klickitat,167,2
+coffeen,726,1
+leonardo,681,8
+newfields,13,4
+ranchester,389,10
+hanson,848,3
+shelbyville,945,0
+coffeen,720,1
+cosmos,939,5
+lakeville,1405,5
+hanson,1482,4
+pinesdale,534,2
+cosmos,706,2
+cosmos,318,2
+coffeen,873,2
+shelbyville,1893,3
+tolstoy,805,8
+klickitat,908,10
+shelbyville,857,8
+shelbyville,2203,4
+allensville,172,9
+woodbine,125,2
+newfields,317,3
+wainscott,1332,5
+leonardo,415,3
+pinesdale,586,2
+newfields,529,2
+lindenwood,2059,0
+coffeen,1370,5
+cosmos,950,0
+pomaria,873,0
+klickitat,1367,3
+klickitat,584,6
+pomaria,506,5
+marstons,791,0
+marstons,2215,3
+marstons,788,1
+pinesdale,721,2
+beechwood,626,0
+lakeville,399,9
+woodbine,411,0
+pomaria,92,2
+forkland,644,3
+leonardo,263,16
+lindenwood,1829,4
+lindenwood,416,1
+lakeville,396,11
+wainscott,73,3
+shelbyville,2154,6
+hanson,1001,5
+woodbine,373,5
+leonardo,1354,8
+marstons,1521,0
+beechwood,12,6
+marstons,1894,6
+klickitat,220,9
+shelbyville,1627,3
+merom,878,3
+ranchester,38,6
+pinesdale,158,0
+tolstoy,1611,5
+hanson,906,1
+stockman,1582,1
+allensville,206,2
+tolstoy,834,8
+coffeen,1009,3
+marstons,2532,6
+coffeen,255,9
+wainscott,484,10
+hiteman,447,3
+lakeville,119,1
+stockman,631,0
+lindenwood,1675,16
+klickitat,18,0
+klickitat,1713,3
+cosmos,773,7
+cosmos,195,5
+forkland,1173,2
+klickitat,1811,16
+marstons,192,5
+ranchester,1260,2
+tolstoy,310,8
+marstons,1178,1
+lindenwood,687,0
+marstons,1111,3
+klickitat,1787,0
+woodbine,43,0
+benevolence,765,7
+beechwood,973,5
+tolstoy,684,6
+woodbine,8,3
+marstons,1513,1
+lindenwood,2073,1
+klickitat,1437,13
+lindenwood,2340,2
+tolstoy,1762,0
+lakeville,836,9
+coffeen,152,3
+klickitat,1949,2
+wainscott,593,5
+woodbine,388,8
+shelbyville,2404,6
+coffeen,1272,2
+coffeen,639,4
+tolstoy,639,0
+ranchester,516,9
+leonardo,440,7
+newfields,1301,5
+marstons,1012,11
+hiteman,902,3
+beechwood,831,8
+beechwood,176,3
+shelbyville,595,2
+marstons,550,8
+shelbyville,1610,11
+woodbine,1761,2
+ranchester,696,0
+marstons,505,6
+lindenwood,1125,3
+shelbyville,823,3
+lakeville,1677,3
+benevolence,436,1
+lindenwood,1291,1
+pomaria,1281,13
+lindenwood,2122,0
+wainscott,1670,2
+hanson,1478,3
+onaga,575,6
+marstons,252,0
+hiteman,938,7
+wainscott,99,16
+ranchester,1089,5
+ranchester,73,0
+lindenwood,601,2
+hanson,1062,0
+marstons,1752,6
+newfields,1356,3
+pomaria,352,8
+wainscott,145,0
+leonardo,1919,0
+lakeville,528,5
+lindenwood,1451,0
+beechwood,326,0
+cosmos,457,0
+pomaria,1018,2
+pomaria,232,11
+coffeen,257,3
+cosmos,514,5
+woodbine,15,6
+woodbine,396,0
+klickitat,74,10
+hanson,1582,9
+klickitat,1792,2
+cosmos,639,8
+lindenwood,215,6
+stockman,46,0
+klickitat,47,6
+marstons,503,2
+coffeen,784,1
+pinesdale,681,0
+forkland,928,0
+tolstoy,1249,5
+stockman,908,2
+pinesdale,1471,6
+lindenwood,2243,2
+lakeville,1338,2
+merom,744,3
+lakeville,1531,0
+hanson,1009,13
+shelbyville,1868,3
+lakeville,1441,7
+marstons,1897,4
+marstons,173,1
+lindenwood,683,11
+mifflinburg,72,0
+leonardo,625,2
+shelbyville,1117,0
+lindenwood,1096,2
+ranchester,1580,11
+klickitat,1745,1
+ranchester,467,10
+lakeville,620,3
+cosmos,862,7
+lakeville,1786,4
+klickitat,1077,3
+mifflinburg,58,6
+lakeville,1655,8
+klickitat,515,4
+newfields,129,7
+klickitat,367,1
+woodbine,41,7
+marstons,1399,0
+lindenwood,1138,6
+klickitat,198,2
+pomaria,478,11
+klickitat,414,3
+cosmos,320,3
+shelbyville,2774,3
+wainscott,672,5
+woodbine,1740,5
+beechwood,521,2
+coffeen,121,3
+woodbine,557,11
+klickitat,980,3
+wainscott,735,7
+lakeville,1262,3
+lindenwood,380,3
+lindenwood,2585,0
+beechwood,230,1
+woodbine,1435,8
+klickitat,1475,2
+shelbyville,351,0
+coffeen,1066,2
+hiteman,1064,3
+lindenwood,256,4
+onaga,484,0
+marstons,2230,3
+lindenwood,2219,1
+pinesdale,339,5
+hanson,1470,1
+ranchester,1304,15
+stockman,1220,1
+forkland,744,0
+wainscott,1132,8
+mifflinburg,978,1
+wainscott,1583,13
+hiteman,983,0
+lakeville,127,1
+marstons,1012,5
+beechwood,53,2
+tolstoy,670,3
+lakeville,1674,5
+marstons,1527,3
+klickitat,156,1
+hanson,1130,5
+wainscott,549,6
+tolstoy,1648,3
+klickitat,420,7
+woodbine,743,4
+lakeville,1640,7
+wainscott,312,3
+leonardo,1623,2
+klickitat,1283,4
+leonardo,1772,6
+newfields,740,19
+newfields,1645,3
+coffeen,683,4
+klickitat,1679,0
+marstons,1113,1
+tolstoy,1003,0
+pomaria,801,2
+klickitat,922,4
+stockman,1561,2
+ranchester,294,2
+marstons,240,6
+pomaria,15,2
+marstons,402,1
+lakeville,1028,1
+mifflinburg,63,2
+cosmos,958,8
+pinesdale,1144,5
+shelbyville,2376,1
+pinesdale,1430,2
+pomaria,1224,0
+merom,1056,8
+shelbyville,2694,4
+woodbine,1020,2
+forkland,970,1
+shelbyville,314,4
+lindenwood,508,3
+cosmos,1010,8
+leonardo,1772,0
+marstons,61,3
+cosmos,361,3
+lindenwood,1783,5
+shelbyville,708,2
+ranchester,1442,4
+tolstoy,906,9
+marstons,2074,2
+newfields,213,9
+hiteman,280,7
+wainscott,1278,1
+lakeville,1594,12
+leonardo,142,1
+tolstoy,122,3
+tolstoy,724,11
+marstons,2386,3
+coffeen,406,4
+marstons,391,14
+lindenwood,2152,2
+hiteman,1468,2
+mifflinburg,617,1
+pomaria,1187,0
+hanson,131,6
+shelbyville,2595,5
+ranchester,966,4
+lindenwood,748,1
+cosmos,726,0
+ranchester,1244,1
+merom,378,2
+lindenwood,2208,4
+hanson,641,6
+pomaria,785,2
+wainscott,196,9
+klickitat,621,9
+ranchester,1534,5
+lakeville,809,0
+leonardo,766,13
+lakeville,12,2
+shelbyville,2619,0
+hanson,1201,11
+hiteman,276,3
+woodbine,873,13
+pinesdale,698,2
+marstons,93,11
+shelbyville,1361,0
+marstons,2335,9
+marstons,1161,4
+lakeville,45,3
+marstons,1690,1
+lindenwood,1943,1
+lindenwood,2679,3
+marstons,971,0
+beechwood,885,4
+klickitat,2113,8
+lindenwood,1591,7
+mifflinburg,937,9
+beechwood,1165,0
+cosmos,678,3
+leonardo,1991,2
+hiteman,833,1
+marstons,2130,0
+leonardo,291,11
+newfields,1146,14
+tolstoy,876,14
+shelbyville,1953,4
+hiteman,822,11
+wainscott,764,1
+wainscott,1419,3
+onaga,22,4
+newfields,1474,12
+shelbyville,930,9
+wainscott,43,5
+lakeville,1200,5
+leonardo,97,2
+ranchester,605,6
+ranchester,249,0
+hiteman,350,8
+pinesdale,787,1
+lakeville,1584,2
+klickitat,2,5
+marstons,707,1
+coffeen,185,0
+marstons,1822,6
+wainscott,3,1
+wainscott,1171,8
+marstons,374,14
+ranchester,153,11
+pomaria,1233,13
+shelbyville,2674,8
+lakeville,481,0
+lakeville,545,4
+coffeen,720,4
+merom,306,1
+lakeville,1592,8
+klickitat,1685,6
+newfields,558,1
+pomaria,515,3
+wainscott,1702,5
+marstons,1604,10
+woodbine,1920,1
+merom,400,9
+marstons,2517,3
+marstons,240,0
+klickitat,1825,0
+stockman,38,4
+lindenwood,2678,5
+mifflinburg,496,5
+lindenwood,161,8
+marstons,280,2
+coffeen,560,2
+pomaria,320,11
+beechwood,622,2
+klickitat,2293,12
+wainscott,1672,1
+ranchester,221,6
+pomaria,1080,6
+marstons,142,6
+leonardo,2083,2
+leonardo,397,7
+shelbyville,1077,10
+lindenwood,1867,6
+shelbyville,732,4
+pinesdale,1277,1
+pomaria,794,1
+lakeville,1729,6
+klickitat,1064,1
+marstons,651,2
+wainscott,1134,3
+pomaria,829,2
+shelbyville,1303,10
+pinesdale,852,6
+leonardo,720,6
+marstons,216,1
+allensville,140,2
+pomaria,1403,2
+pinesdale,1457,0
+tolstoy,35,11
+tolstoy,592,0
+coffeen,1294,7
+onaga,312,0
+beechwood,1043,3
+hanson,342,4
+shelbyville,1868,2
+lindenwood,1008,4
+marstons,797,2
+woodbine,1867,10
+wainscott,1492,0
+beechwood,0,1
+benevolence,472,3
+onaga,612,5
+leonardo,555,1
+lakeville,1896,4
+shelbyville,2013,5
+lindenwood,98,8
+pomaria,1091,4
+wainscott,1617,10
+coffeen,401,2
+shelbyville,259,4
+coffeen,110,0
+ranchester,92,2
+leonardo,2058,5
+lindenwood,2321,3
+shelbyville,289,3
+marstons,892,7
+wainscott,1176,0
+pomaria,1102,2
+shelbyville,881,6
+forkland,851,1
+newfields,931,5
+tolstoy,231,11
+wainscott,503,13
+woodbine,717,0
+shelbyville,332,5
+allensville,210,2
+woodbine,1530,1
+beechwood,911,7
+marstons,1093,13
+woodbine,355,15
+pinesdale,1193,5
+wainscott,1504,9
+wainscott,456,0
+forkland,94,2
+stockman,1321,6
+hiteman,471,1
+marstons,377,5
+cosmos,793,0
+tolstoy,1778,3
+pinesdale,1269,6
+lindenwood,1762,2
+shelbyville,1147,2
+klickitat,565,4
+pomaria,21,2
+tolstoy,1599,2
+marstons,2203,5
+leonardo,608,4
+marstons,2645,5
+leonardo,1834,2
+tolstoy,373,3
+shelbyville,2119,6
+leonardo,1526,9
+marstons,230,2
+lindenwood,2597,1
+leonardo,1214,8
+hiteman,439,2
+cosmos,682,7
+leonardo,1160,3
+lakeville,90,0
+ranchester,638,3
+marstons,142,0
+stockman,274,1
+klickitat,1637,3
+shelbyville,1920,1
+hiteman,92,1
+klickitat,870,0
+tolstoy,1685,0
+woodbine,588,2
+pomaria,1110,1
+hanson,779,6
+merom,621,1
+hanson,6,0
+onaga,65,2
+marstons,1166,2
+pomaria,1294,2
+leonardo,728,4
+lindenwood,236,0
+mifflinburg,220,2
+wainscott,970,8
+cosmos,427,14
+marstons,1820,0
+tolstoy,1208,4
+woodbine,868,1
+lakeville,283,0
+coffeen,994,0
+beechwood,181,7
+lindenwood,910,4
+beechwood,1113,5
+wainscott,671,0
+shelbyville,1241,1
+shelbyville,209,3
+merom,109,0
+cosmos,526,12
+klickitat,653,11
+stockman,1172,2
+ranchester,1039,4
+lindenwood,1442,5
+pinesdale,1272,1
+ranchester,983,2
+merom,280,5
+hiteman,996,1
+leonardo,102,7
+coffeen,1006,0
+pomaria,243,2
+klickitat,774,14
+marstons,1580,6
+newfields,954,2
+klickitat,1077,2
+newfields,621,3
+beechwood,1129,3
+lindenwood,2286,7
+onaga,356,4
+marstons,1057,5
+leonardo,1209,11
+cosmos,419,7
+marstons,1598,0
+lindenwood,2338,1
+wainscott,1765,5
+stockman,689,12
+pinesdale,1144,0
+pinesdale,32,9
+shelbyville,2572,1
+marstons,1003,7
+lindenwood,1254,3
+lindenwood,693,1
+leonardo,137,4
+lakeville,1678,9
+hiteman,1312,4
+pomaria,1050,0
+ranchester,444,1
+coffeen,303,3
+hanson,715,4
+wainscott,1698,2
+ranchester,1450,1
+pomaria,1030,3
+lakeville,738,0
+marstons,344,3
+hiteman,1354,0
+coffeen,32,7
+pomaria,187,1
+pinesdale,973,4
+lindenwood,996,7
+lakeville,1627,1
+wainscott,1554,0
+klickitat,154,8
+shelbyville,2434,1
+coffeen,729,2
+lindenwood,932,1
+lindenwood,1443,0
+mifflinburg,952,0
+klickitat,2009,4
+lindenwood,726,5
+leonardo,1283,8
+pomaria,1265,5
+wainscott,104,6
+leonardo,23,0
+woodbine,2028,4
+lakeville,1501,0
+beechwood,453,2
+mifflinburg,199,5
+lakeville,948,5
+merom,832,6
+lindenwood,2639,0
+cosmos,931,6
+stockman,1400,6
+lindenwood,2025,2
+klickitat,1161,0
+leonardo,164,3
+lindenwood,2051,2
+pomaria,453,4
+shelbyville,1645,7
+leonardo,1672,0
+woodbine,429,2
+lindenwood,1705,2
+woodbine,70,4
+mifflinburg,662,0
+wainscott,1540,5
+tolstoy,426,2
+marstons,495,7
+shelbyville,601,4
+shelbyville,200,0
+lindenwood,1397,0
+stockman,151,0
+tolstoy,420,6
+beechwood,931,3
+cosmos,454,4
+forkland,1138,5
+stockman,1596,2
+pomaria,812,1
+leonardo,265,8
+woodbine,884,7
+leonardo,1120,5
+benevolence,527,0
+ranchester,297,14
+wainscott,509,0
+pinesdale,540,5
+pinesdale,824,8
+stockman,1457,1
+woodbine,1906,0
+newfields,1132,4
+marstons,1878,6
+klickitat,564,1
+wainscott,964,2
+pomaria,621,2
+hiteman,1180,4
+klickitat,2119,0
+ranchester,953,3
+newfields,1125,1
+lindenwood,341,3
+wainscott,290,5
+ranchester,334,2
+marstons,503,6
+marstons,1064,10
+woodbine,1061,2
+cosmos,64,0
+beechwood,70,1
+klickitat,1079,2
+woodbine,903,5
+shelbyville,1388,4
+leonardo,2101,7
+leonardo,941,14
+tolstoy,1667,0
+leonardo,623,7
+tolstoy,67,2
+woodbine,682,2
+newfields,952,0
+hiteman,1177,2
+forkland,586,1
+shelbyville,603,13
+lakeville,231,5
+ranchester,1611,10
+newfields,1206,5
+leonardo,170,12
+pinesdale,391,0
+newfields,664,2
+lakeville,1205,3
+benevolence,470,1
+newfields,962,2
+hiteman,105,2
+onaga,116,0
+lakeville,1387,2
+shelbyville,216,1
+woodbine,862,0
+ranchester,613,2
+tolstoy,603,2
+ranchester,1202,2
+klickitat,1775,7
+tolstoy,1281,4
+hanson,977,5
+lakeville,1893,1
+shelbyville,26,3
+cosmos,669,0
+wainscott,627,1
+wainscott,672,2
+forkland,503,3
+lindenwood,1893,5
+allensville,160,3
+stockman,124,1
+stockman,1388,2
+hanson,1016,0
+klickitat,659,1
+marstons,2270,7
+pomaria,769,4
+coffeen,1264,3
+lindenwood,2628,15
+newfields,321,5
+mifflinburg,433,0
+marstons,581,13
+cosmos,498,1
+lakeville,532,0
+forkland,888,2
+cosmos,798,3
+lakeville,452,5
+wainscott,857,0
+leonardo,144,5
+mifflinburg,760,0
+tolstoy,1629,1
+shelbyville,2346,5
+shelbyville,2289,1
+forkland,691,0
+hiteman,334,0
+pomaria,1490,5
+lindenwood,633,6
+woodbine,1006,2
+wainscott,1021,1
+marstons,359,3
+cosmos,340,2
+pinesdale,1486,1
+lakeville,925,7
+shelbyville,720,0
+leonardo,6,3
+klickitat,2109,14
+marstons,1792,3
+benevolence,836,3
+newfields,43,0
+ranchester,837,20
+pomaria,1640,2
+newfields,239,1
+hanson,1086,2
+lakeville,130,2
+woodbine,1159,3
+shelbyville,2215,4
+lindenwood,62,3
+wainscott,677,10
+stockman,391,6
+coffeen,694,0
+leonardo,468,2
+woodbine,508,9
+coffeen,1519,2
+tolstoy,684,10
+wainscott,1521,1
+hanson,168,5
+woodbine,1810,4
+pomaria,91,0
+woodbine,1540,3
+pinesdale,734,9
+marstons,1021,2
+woodbine,472,8
+lakeville,983,6
+lindenwood,382,2
+lindenwood,155,5
+marstons,1876,7
+allensville,422,2
+lakeville,756,4
+leonardo,1375,1
+shelbyville,2770,7
+pomaria,1355,10
+shelbyville,2067,2
+klickitat,159,0
+pomaria,134,2
+stockman,90,0
+forkland,992,1
+shelbyville,1793,4
+hiteman,1583,9
+leonardo,689,14
+newfields,1269,4
+hiteman,759,17
+shelbyville,2289,0
+lakeville,1078,1
+mifflinburg,328,2
+tolstoy,1082,8
+benevolence,330,4
+klickitat,348,0
+klickitat,1155,2
+klickitat,221,3
+merom,691,1
+klickitat,1026,11
+onaga,205,0
+coffeen,1048,5
+woodbine,1077,4
+hiteman,348,4
+tolstoy,895,7
+pomaria,35,14
+shelbyville,440,10
+tolstoy,177,5
+newfields,737,6
+hanson,747,10
+lindenwood,1307,7
+stockman,692,3
+wainscott,1709,6
+coffeen,1270,2
+pinesdale,1077,6
+pomaria,1270,1
+lindenwood,682,13
+pomaria,1458,4
+hiteman,1456,2
+allensville,378,0
+shelbyville,1534,5
+lindenwood,2252,12
+klickitat,1523,4
+lakeville,1520,1
+ranchester,945,3
+leonardo,166,9
+cosmos,773,8
+hiteman,483,1
+pinesdale,554,2
+hanson,872,9
+lindenwood,1548,3
+pomaria,1536,0
+pinesdale,1307,7
+shelbyville,1872,4
+klickitat,200,3
+hiteman,458,3
+hanson,76,1
+shelbyville,1035,13
+merom,901,3
+forkland,929,9
+marstons,1958,4
+leonardo,115,7
+lakeville,406,2
+beechwood,675,7
+wainscott,3,7
+newfields,88,0
+stockman,424,6
+ranchester,589,1
+ranchester,1309,6
+onaga,602,1
+stockman,107,1
+merom,686,2
+lindenwood,1971,1
+wainscott,1686,5
+woodbine,1653,6
+marstons,825,9
+pomaria,927,5
+pinesdale,1369,1
+onaga,170,1
+shelbyville,1133,9
+lakeville,1246,0
+shelbyville,1231,4
+hiteman,1811,3
+wainscott,1159,3
+hiteman,1354,7
+leonardo,1435,4
+hiteman,1102,5
+pomaria,789,6
+tolstoy,1735,3
+beechwood,372,1
+lindenwood,1784,0
+hanson,1617,5
+stockman,832,1
+shelbyville,113,1
+newfields,1602,10
+leonardo,2070,3
+wainscott,1162,7
+leonardo,1963,6
+shelbyville,1027,6
+woodbine,660,0
+lindenwood,1702,1
+mifflinburg,132,4
+marstons,2193,2
+lakeville,210,1
+marstons,205,7
+lindenwood,2514,4
+hiteman,1346,10
+pomaria,1562,15
+tolstoy,317,4
+hanson,257,5
+pomaria,793,0
+lindenwood,1131,9
+pomaria,860,5
+pomaria,194,6
+marstons,729,11
+pinesdale,623,5
+pinesdale,1506,2
+klickitat,2095,0
+forkland,698,7
+allensville,152,0
+woodbine,1370,5
+pomaria,716,0
+hiteman,836,2
+lakeville,494,2
+shelbyville,1681,6
+hanson,358,9
+lindenwood,1670,2
+mifflinburg,775,1
+ranchester,538,3
+leonardo,532,2
+beechwood,310,1
+merom,876,0
+wainscott,1142,1
+klickitat,1913,1
+ranchester,1624,1
+klickitat,1213,14
+coffeen,1097,2
+mifflinburg,723,3
+pinesdale,1066,2
+wainscott,1106,7
+newfields,788,2
+cosmos,389,16
+lindenwood,2264,8
+marstons,1935,0
+shelbyville,129,3
+hiteman,460,2
+lindenwood,16,3
+lakeville,550,5
+shelbyville,1424,10
+leonardo,794,5
+coffeen,202,9
+shelbyville,1151,3
+woodbine,1857,6
+shelbyville,560,2
+ranchester,1129,2
+newfields,1643,1
+klickitat,1806,6
+leonardo,2030,2
+lakeville,1569,0
+stockman,948,7
+klickitat,618,1
+marstons,2275,3
+forkland,73,0
+pinesdale,1131,0
+pinesdale,966,2
+lindenwood,1690,0
+lakeville,1468,7
+lindenwood,1934,5
+hanson,725,6
+lakeville,267,6
+marstons,922,1
+shelbyville,1297,3
+pinesdale,1087,4
+tolstoy,1037,1
+lindenwood,1799,8
+shelbyville,1302,6
+marstons,1226,9
+lindenwood,530,2
+ranchester,1165,3
+leonardo,1999,3
+woodbine,1919,0
+lindenwood,231,7
+marstons,657,13
+wainscott,818,0
+lindenwood,360,4
+stockman,16,7
+woodbine,1636,5
+forkland,699,0
+lakeville,927,8
+klickitat,306,6
+forkland,679,0
+newfields,106,0
+hanson,1458,12
+marstons,1285,5
+hiteman,434,0
+marstons,410,9
+woodbine,830,4
+beechwood,237,2
+klickitat,1562,1
+hanson,1552,6
+forkland,687,3
+klickitat,1527,2
+lindenwood,1915,5
+lindenwood,893,3
+stockman,1603,2
+marstons,1066,5
+wainscott,198,5
+wainscott,918,3
+shelbyville,2689,3
+tolstoy,290,3
+lindenwood,244,6
+onaga,14,1
+coffeen,1243,0
+pomaria,1106,0
+marstons,2258,10
+onaga,72,1
+tolstoy,1287,3
+mifflinburg,563,2
+stockman,878,2
+merom,925,3
+pomaria,933,3
+mifflinburg,37,4
+merom,84,0
+ranchester,1411,0
+marstons,2379,0
+pomaria,1521,1
+benevolence,889,0
+onaga,506,0
+leonardo,384,2
+leonardo,1999,1
+klickitat,344,1
+klickitat,1632,5
+hanson,742,3
+stockman,22,1
+ranchester,1116,5
+lindenwood,101,7
+shelbyville,2523,6
+shelbyville,970,0
+hanson,238,0
+lakeville,418,0
+klickitat,307,2
+lindenwood,1933,2
+stockman,165,4
+lakeville,590,3
+lindenwood,2330,4
+newfields,894,2
+stockman,630,6
+leonardo,1256,9
+stockman,153,5
+beechwood,710,3
+lakeville,1672,6
+marstons,392,10
+leonardo,1058,7
+tolstoy,810,5
+newfields,307,4
+woodbine,789,7
+leonardo,1044,6
+woodbine,1296,3
+beechwood,206,2
+ranchester,559,1
+hanson,738,1
+tolstoy,393,1
+lindenwood,2460,0
+onaga,299,7
+klickitat,2061,4
+allensville,138,2
+marstons,1292,1
+wainscott,1500,0
+hanson,468,5
+forkland,761,1
+klickitat,1910,5
+forkland,709,0
+ranchester,1493,2
+marstons,1656,12
+stockman,1577,1
+forkland,988,0
+benevolence,326,10
+mifflinburg,750,0
+pomaria,1408,0
+klickitat,2180,3
+pinesdale,1487,15
+stockman,766,0
+leonardo,580,3
+ranchester,145,2
+onaga,332,1
+lindenwood,2637,7
+tolstoy,149,3
+tolstoy,1333,1
+marstons,2622,2
+marstons,1720,7
+coffeen,1420,1
+hanson,1424,9
+leonardo,904,1
+pinesdale,555,7
+klickitat,1931,1
+woodbine,462,0
+ranchester,1583,4
+mifflinburg,92,1
+pinesdale,139,4
+pomaria,1534,9
+hiteman,1263,7
+marstons,539,1
+ranchester,213,4
+lindenwood,2030,0
+wainscott,77,7
+klickitat,508,0
+newfields,765,0
+lakeville,106,4
+lindenwood,981,0
+pomaria,276,1
+hiteman,1747,0
+hiteman,1420,3
+pomaria,1063,1
+allensville,94,3
+merom,563,1
+marstons,2261,0
+tolstoy,59,3
+lindenwood,149,7
+ranchester,823,14
+beechwood,913,6
+forkland,590,0
+lakeville,32,2
+shelbyville,649,1
+klickitat,1944,1
+allensville,27,3
+tolstoy,10,2
+wainscott,1347,6
+tolstoy,1525,1
+hiteman,1446,4
+woodbine,411,1
+lakeville,1160,9
+hiteman,1573,0
+marstons,855,9
+coffeen,1104,3
+benevolence,759,2
+woodbine,1069,9
+lindenwood,1328,3
+newfields,136,0
+hiteman,1416,5
+tolstoy,1194,5
+lindenwood,567,3
+hanson,963,4
+woodbine,1608,11
+shelbyville,1469,15
+ranchester,1539,2
+hanson,873,2
+lindenwood,1864,1
+tolstoy,133,5
+stockman,1417,1
+ranchester,801,0
+lakeville,1105,0
+cosmos,426,3
+lindenwood,1511,5
+lindenwood,25,0
+shelbyville,192,12
+ranchester,50,2
+newfields,535,4
+newfields,1359,8
+wainscott,73,1
+klickitat,1115,12
+ranchester,1127,4
+pinesdale,61,5
+lindenwood,2454,1
+woodbine,1267,8
+ranchester,464,0
+woodbine,727,1
+leonardo,1489,1
+coffeen,499,0
+marstons,1930,8
+klickitat,752,0
+marstons,2626,3
+tolstoy,403,5
+pinesdale,1345,10
+onaga,285,0
+klickitat,1662,1
+beechwood,1179,0
+cosmos,681,4
+klickitat,1765,5
+stockman,1394,0
+tolstoy,20,0
+marstons,2249,11
+leonardo,640,2
+beechwood,421,3
+hanson,434,0
+stockman,317,3
+tolstoy,631,7
+cosmos,409,1
+marstons,1752,8
+beechwood,241,2
+shelbyville,2709,7
+klickitat,674,0
+pomaria,262,16
+shelbyville,2449,0
+pomaria,994,1
+hanson,1308,8
+onaga,603,1
+lakeville,329,8
+merom,397,1
+marstons,794,2
+wainscott,14,0
+coffeen,555,4
+lakeville,1714,14
+woodbine,731,2
+newfields,1221,3
+marstons,1945,0
+lindenwood,485,2
+woodbine,1022,1
+newfields,459,3
+coffeen,392,1
+woodbine,1258,6
+ranchester,1267,4
+pomaria,737,5
+tolstoy,547,3
+lindenwood,1814,2
+wainscott,550,6
+lakeville,680,1
+allensville,81,3
+stockman,514,1
+lakeville,882,6
+klickitat,1575,1
+klickitat,1471,2
+merom,1111,0
+woodbine,967,4
+lakeville,1403,0
+lindenwood,937,5
+marstons,1117,6
+hiteman,748,0
+woodbine,729,3
+wainscott,406,2
+ranchester,144,4
+forkland,728,2
+ranchester,1085,3
+stockman,1437,2
+pomaria,906,0
+forkland,299,2
+lindenwood,1713,4
+lindenwood,2307,0
+pomaria,584,5
+allensville,190,4
+hiteman,752,2
+shelbyville,1604,8
+stockman,569,3
+stockman,1370,0
+mifflinburg,904,2
+wainscott,1608,6
+shelbyville,1926,3
+benevolence,584,5
+hanson,1092,4
+stockman,366,0
+wainscott,861,6
+wainscott,885,6
+ranchester,760,2
+shelbyville,833,1
+pinesdale,1462,2
+lindenwood,595,0
+pomaria,1203,0
+pinesdale,1023,3
+ranchester,550,5
+stockman,1416,2
+newfields,770,3
+klickitat,118,6
+woodbine,52,5
+lakeville,176,5
+pomaria,1428,1
+hanson,457,8
+marstons,1047,0
+wainscott,1023,2
+hanson,1393,10
+cosmos,398,7
+pomaria,915,7
+tolstoy,132,3
+leonardo,1643,6
+tolstoy,1507,9
+newfields,79,6
+forkland,363,5
+wainscott,829,1
+lindenwood,382,3
+woodbine,133,0
+mifflinburg,87,3
+merom,640,1
+beechwood,119,2
+allensville,516,2
+shelbyville,1597,2
+stockman,1471,1
+shelbyville,1013,1
+leonardo,1852,5
+hiteman,46,1
+benevolence,248,1
+pomaria,321,4
+lindenwood,631,5
+leonardo,1815,3
+newfields,1570,0
+leonardo,1468,3
+marstons,2402,5
+klickitat,835,6
+leonardo,617,3
+wainscott,267,5
+lindenwood,1628,2
+newfields,1326,0
+woodbine,1363,13
+shelbyville,19,0
+hiteman,425,9
+woodbine,1356,11
+tolstoy,1324,3
+shelbyville,2662,0
+allensville,239,3
+pomaria,1516,10
+beechwood,415,0
+pinesdale,1186,2
+hanson,94,2
+leonardo,1303,4
+klickitat,1650,5
+shelbyville,632,3
+lindenwood,1993,8
+beechwood,103,14
+hanson,1642,1
+newfields,1487,11
+allensville,65,3
+lakeville,393,1
+pomaria,1364,0
+woodbine,1459,3
+marstons,1170,12
+hiteman,767,6
+wainscott,1427,1
+marstons,956,8
+lindenwood,1252,0
+ranchester,671,6
+shelbyville,2790,0
+benevolence,602,1
+wainscott,721,9
+lindenwood,413,2
+marstons,54,11
+pomaria,811,2
+leonardo,261,4
+wainscott,528,5
+merom,650,2
+lakeville,775,0
+wainscott,924,1
+marstons,1402,2
+lindenwood,2556,7
+woodbine,188,4
+shelbyville,907,4
+beechwood,601,0
+lindenwood,1498,7
+newfields,1534,4
+benevolence,32,11
+wainscott,1480,4
+klickitat,1210,2
+merom,1117,10
+shelbyville,583,4
+leonardo,1093,1
+ranchester,464,4
+lindenwood,820,2
+marstons,1385,11
+hiteman,1557,5
+allensville,28,1
+wainscott,1093,3
+lindenwood,2122,3
+leonardo,794,9
+klickitat,1782,5
+mifflinburg,275,2
+shelbyville,1081,1
+ranchester,522,3
+hiteman,1505,0
+marstons,1794,12
+marstons,2323,3
+benevolence,757,0
+merom,581,1
+ranchester,1031,2
+lindenwood,1875,1
+lindenwood,685,10
+pomaria,183,4
+ranchester,845,4
+merom,411,3
+hanson,1189,12
+newfields,1239,3
+pinesdale,114,0
+lindenwood,1269,2
+woodbine,1106,0
+marstons,2198,10
+leonardo,851,6
+merom,733,4
+shelbyville,1230,0
+cosmos,17,0
+pomaria,49,2
+ranchester,751,5
+klickitat,1164,2
+pomaria,1068,15
+hanson,895,0
+tolstoy,311,5
+cosmos,216,0
+newfields,1436,6
+lindenwood,1141,2
+shelbyville,1184,3
+stockman,19,7
+tolstoy,132,4
+pinesdale,595,0
+wainscott,1609,9
+klickitat,1405,6
+shelbyville,1411,4
+lindenwood,527,10
+klickitat,837,0
+lakeville,742,0
+lakeville,652,6
+lakeville,759,3
+marstons,1691,1
+pomaria,1,3
+shelbyville,835,0
+shelbyville,2223,3
+shelbyville,2035,3
+tolstoy,1754,3
+wainscott,535,1
+hanson,243,3
+wainscott,900,2
+allensville,219,1
+klickitat,1674,2
+mifflinburg,498,1
+coffeen,407,0
+woodbine,1893,0
+klickitat,1088,15
+benevolence,871,9
+wainscott,1077,11
+leonardo,333,2
+hiteman,1810,1
+hiteman,1507,1
+stockman,1002,5
+lakeville,1334,6
+lindenwood,1134,2
+coffeen,1202,2
+lindenwood,57,1
+marstons,1358,0
+wainscott,154,3
+leonardo,1466,3
+shelbyville,1195,2
+ranchester,133,1
+shelbyville,1875,8
+lakeville,1039,1
+ranchester,234,2
+hanson,937,0
+leonardo,409,7
+hanson,625,4
+hanson,447,3
+lindenwood,2568,8
+coffeen,147,1
+lakeville,1699,2
+woodbine,1185,0
+coffeen,756,0
+lakeville,1416,0
+coffeen,1401,3
+leonardo,1956,4
+pomaria,1539,1
+hiteman,1390,1
+forkland,812,5
+newfields,1591,10
+hiteman,1110,1
+cosmos,177,2
+lindenwood,1789,0
+hanson,828,1
+tolstoy,880,0
+merom,527,3
+pomaria,1001,1
+wainscott,915,0
+marstons,1662,1
+woodbine,414,5
+newfields,332,9
+newfields,1496,4
+lakeville,826,8
+lindenwood,1941,1
+merom,847,1
+marstons,1808,2
+pinesdale,304,2
+tolstoy,650,14
+hiteman,23,2
+hanson,473,10
+hanson,1356,6
+pomaria,665,3
+lindenwood,213,6
+leonardo,146,1
+wainscott,816,6
+tolstoy,1287,6
+leonardo,1952,13
+tolstoy,1536,1
+woodbine,296,1
+cosmos,651,0
+marstons,1046,10
+shelbyville,758,11
+lindenwood,1407,9
+lindenwood,1978,7
+merom,157,0
+hanson,1377,7
+coffeen,921,5
+onaga,10,1
+hiteman,1309,4
+lakeville,1425,2
+marstons,2052,2
+hanson,1107,1
+lindenwood,1142,5
+woodbine,598,1
+shelbyville,1461,0
+lindenwood,2066,3
+coffeen,906,1
+wainscott,917,8
+lindenwood,481,14
+pinesdale,273,5
+tolstoy,1818,5
+klickitat,2330,1
+wainscott,1630,11
+hiteman,632,9
+wainscott,873,3
+klickitat,1911,1
+marstons,352,10
+coffeen,520,2
+wainscott,1514,1
+cosmos,440,3
+ranchester,737,8
+mifflinburg,87,2
+forkland,1107,3
+marstons,2533,0
+shelbyville,452,4
+marstons,2401,3
+marstons,2526,0
+pomaria,1277,0
+marstons,1589,4
+marstons,2493,2
+leonardo,1422,5
+shelbyville,544,0
+woodbine,1671,3
+mifflinburg,206,4
+leonardo,1563,6
+woodbine,418,1
+ranchester,121,1
+hanson,394,13
+tolstoy,435,11
+tolstoy,308,0
+pomaria,498,6
+woodbine,940,4
+hiteman,883,5
+ranchester,1123,10
+forkland,293,2
+shelbyville,402,0
+newfields,48,7
+ranchester,263,5
+ranchester,1413,5
+beechwood,266,0
+hiteman,495,0
+coffeen,1452,5
+ranchester,992,1
+pomaria,929,7
+marstons,2021,13
+shelbyville,63,2
+tolstoy,142,6
+wainscott,273,2
+pomaria,1220,9
+woodbine,2029,0
+tolstoy,1495,3
+lindenwood,1958,2
+mifflinburg,290,1
+wainscott,178,5
+pomaria,1381,5
+stockman,1046,0
+leonardo,576,1
+hanson,723,4
+hanson,1330,0
+wainscott,1328,1
+coffeen,822,0
+pomaria,1334,5
+mifflinburg,593,5
+hiteman,1856,2
+wainscott,184,3
+leonardo,1811,2
+leonardo,1730,1
+lakeville,1087,0
+hanson,207,3
+lakeville,1845,2
+woodbine,794,14
+pomaria,1628,1
+coffeen,48,0
+pinesdale,613,5
+newfields,200,6
+leonardo,1322,4
+lindenwood,998,0
+mifflinburg,693,2
+marstons,975,13
+klickitat,350,3
+hanson,770,0
+ranchester,546,1
+marstons,1562,7
+marstons,1567,10
+woodbine,404,0
+pinesdale,580,1
+hanson,88,6
+cosmos,46,6
+klickitat,2075,3
+pomaria,1364,3
+marstons,162,6
+tolstoy,797,3
+wainscott,1229,4
+woodbine,265,2
+wainscott,1517,3
+benevolence,702,2
+lakeville,1515,10
+leonardo,1029,7
+hanson,1509,7
+pinesdale,185,0
+woodbine,1275,3
+benevolence,264,4
+pomaria,997,9
+shelbyville,232,0
+lindenwood,1882,5
+newfields,949,11
+wainscott,1224,3
+marstons,1063,8
+forkland,1105,6
+beechwood,523,1
+lindenwood,153,3
+lindenwood,2168,4
+pinesdale,908,0
+wainscott,1697,6
+pomaria,334,2
+tolstoy,1011,0
+cosmos,981,5
+shelbyville,2216,1
+tolstoy,1575,3
+newfields,595,0
+lakeville,1858,2
+hiteman,359,1
+leonardo,383,3
+benevolence,618,4
+ranchester,457,8
+marstons,2126,2
+lindenwood,390,11
+tolstoy,1619,4
+klickitat,1469,2
+leonardo,346,15
+klickitat,1761,1
+wainscott,13,0
+klickitat,406,8
+pomaria,1159,16
+lakeville,1685,6
+lakeville,1525,5
+marstons,2033,2
+ranchester,1188,1
+tolstoy,1070,4
+tolstoy,1006,4
+pomaria,1257,6
+woodbine,134,1
+benevolence,857,7
+lindenwood,605,0
+hiteman,995,0
+wainscott,479,0
+woodbine,147,1
+lindenwood,2312,3
+newfields,118,3
+pomaria,1145,2
+tolstoy,528,9
+wainscott,1649,2
+beechwood,32,7
+merom,715,6
+marstons,2539,7
+forkland,689,2
+woodbine,985,18
+hiteman,164,0
+pomaria,1240,2
+shelbyville,1098,0
+pinesdale,589,1
+pinesdale,816,1
+shelbyville,773,5
+lindenwood,685,4
+coffeen,13,4
+woodbine,1880,5
+pomaria,838,4
+wainscott,767,4
+lindenwood,1425,15
+newfields,774,1
+pomaria,1038,8
+klickitat,1940,0
+lindenwood,2277,1
+shelbyville,490,8
+newfields,1398,4
+lakeville,218,0
+woodbine,549,2
+tolstoy,942,3
+shelbyville,960,3
+klickitat,295,5
+klickitat,1355,5
+woodbine,1161,1
+lakeville,1211,9
+lakeville,111,9
+marstons,772,0
+onaga,190,4
+merom,452,2
+marstons,937,5
+wainscott,803,3
+benevolence,492,10
+merom,245,6
+leonardo,440,3
+pinesdale,60,4
+allensville,123,1
+stockman,674,1
+newfields,1457,3
+tolstoy,1567,1
+shelbyville,767,2
+woodbine,1128,7
+mifflinburg,934,0
+stockman,1387,2
+pomaria,815,8
+newfields,1261,1
+beechwood,364,1
+klickitat,1866,1
+shelbyville,151,9
+pomaria,164,11
+klickitat,714,10
+tolstoy,173,2
+benevolence,577,0
+wainscott,1197,7
+lindenwood,948,13
+leonardo,1688,22
+shelbyville,1038,4
+lakeville,1497,4
+newfields,306,2
+pinesdale,154,4
+shelbyville,1161,2
+ranchester,461,5
+beechwood,380,2
+wainscott,276,3
+stockman,1419,4
+merom,866,2
+marstons,1920,2
+wainscott,466,0
+pomaria,586,0
+woodbine,586,9
+merom,961,5
+hanson,888,12
+hiteman,1620,0
+beechwood,252,0
+shelbyville,1767,1
+beechwood,39,9
+hiteman,334,2
+ranchester,921,4
+wainscott,823,10
+lakeville,1572,0
+klickitat,2221,3
+hanson,1434,2
+klickitat,680,5
+pinesdale,375,2
+coffeen,269,5
+stockman,1617,2
+newfields,1647,0
+ranchester,640,7
+klickitat,2325,5
+lindenwood,2133,0
+leonardo,1626,9
+stockman,698,6
+lakeville,1470,10
+leonardo,24,4
+benevolence,860,3
+woodbine,1727,5
+forkland,358,0
+ranchester,881,2
+lindenwood,789,5
+woodbine,871,2
+coffeen,647,1
+marstons,64,15
+marstons,2409,1
+stockman,214,0
+ranchester,501,3
+merom,840,2
+klickitat,1870,5
+wainscott,1633,2
+leonardo,568,2
+shelbyville,1918,5
+stockman,72,4
+forkland,1114,3
+pinesdale,901,1
+klickitat,145,1
+woodbine,1042,3
+stockman,1316,6
+beechwood,969,0
+woodbine,886,3
+lindenwood,1881,1
+pinesdale,1045,5
+shelbyville,685,5
+tolstoy,1732,2
+cosmos,655,4
+woodbine,59,1
+newfields,470,0
+woodbine,770,8
+leonardo,1197,0
+klickitat,148,11
+lakeville,1524,2
+leonardo,1265,1
+lakeville,1564,3
+shelbyville,875,1
+marstons,2217,3
+marstons,2320,7
+hiteman,1780,1
+lindenwood,2187,2
+shelbyville,2813,10
+hiteman,260,3
+leonardo,737,6
+lakeville,1876,1
+pinesdale,71,6
+shelbyville,1573,15
+klickitat,1102,0
+lakeville,1696,6
+klickitat,111,0
+pomaria,895,2
+klickitat,2167,0
+pomaria,579,0
+pomaria,1339,2
+shelbyville,374,6
+hanson,1547,5
+klickitat,275,4
+stockman,1361,4
+lindenwood,1385,10
+hanson,1065,17
+ranchester,1490,9
+ranchester,1401,5
+shelbyville,2003,10
+woodbine,1314,10
+mifflinburg,252,1
+hiteman,194,5
+pomaria,676,1
+hanson,217,10
+onaga,210,0
+marstons,1659,0
+ranchester,1466,2
+marstons,866,0
+lindenwood,1488,3
+klickitat,614,4
+klickitat,1114,3
+wainscott,415,9
+wainscott,540,14
+woodbine,271,0
+beechwood,644,6
+pinesdale,967,0
+newfields,953,8
+leonardo,1158,12
+pomaria,1383,1
+beechwood,48,1
+coffeen,730,2
+shelbyville,1406,7
+woodbine,348,2
+cosmos,717,6
+lindenwood,2567,8
+woodbine,1343,3
+newfields,1436,2
+stockman,959,1
+lakeville,813,0
+tolstoy,1618,1
+wainscott,1367,0
+leonardo,259,0
+shelbyville,2739,0
+coffeen,1015,4
+lakeville,1332,3
+shelbyville,2529,7
+cosmos,40,1
+lindenwood,185,2
+lakeville,1102,1
+wainscott,744,4
+pinesdale,1389,2
+coffeen,96,1
+coffeen,809,7
+klickitat,402,2
+wainscott,1368,2
+klickitat,1520,13
+benevolence,293,0
+marstons,471,3
+newfields,1604,2
+leonardo,1845,1
+pomaria,322,7
+klickitat,2390,13
+marstons,2271,2
+shelbyville,482,11
+newfields,739,8
+shelbyville,997,11
+pomaria,133,7
+tolstoy,355,6
+shelbyville,2689,11
+lindenwood,420,4
+coffeen,1445,4
+stockman,769,1
+leonardo,879,3
+hanson,1434,4
+woodbine,1672,0
+newfields,825,12
+lindenwood,2339,10
+tolstoy,435,1
+ranchester,771,2
+ranchester,1633,3
+marstons,2273,20
+beechwood,480,4
+lindenwood,931,0
+tolstoy,1261,0
+lindenwood,1805,0
+hanson,470,2
+hanson,694,8
+tolstoy,628,2
+leonardo,1256,0
+klickitat,1313,0
+leonardo,1348,3
+coffeen,417,0
+hanson,233,10
+ranchester,643,1
+lakeville,84,1
+beechwood,1102,4
+woodbine,1700,10
+newfields,498,0
+marstons,1897,5
+tolstoy,1791,1
+coffeen,1316,0
+woodbine,1549,6
+wainscott,1712,3
+pomaria,1579,5
+mifflinburg,711,3
+klickitat,1802,0
+marstons,2223,5
+woodbine,1867,1
+leonardo,337,16
+stockman,266,1
+woodbine,522,3
+shelbyville,1340,3
+wainscott,1486,1
+marstons,1151,2
+newfields,910,3
+marstons,1112,1
+wainscott,689,1
+lindenwood,2409,5
+pinesdale,897,12
+stockman,1161,2
+lindenwood,1328,5
+klickitat,1328,3
+onaga,259,0
+pomaria,1337,14
+woodbine,1070,0
+cosmos,467,8
+lindenwood,557,8
+lindenwood,1817,0
+shelbyville,1428,1
+shelbyville,972,8
+wainscott,913,7
+stockman,653,11
+wainscott,1394,9
+woodbine,1151,6
+klickitat,670,2
+tolstoy,1507,8
+klickitat,704,2
+newfields,1022,4
+wainscott,1721,9
+marstons,1224,6
+woodbine,1414,3
+wainscott,1494,3
+klickitat,1065,2
+newfields,989,1
+merom,938,8
+cosmos,778,1
+pinesdale,834,0
+beechwood,28,1
+lindenwood,1501,1
+forkland,468,2
+lindenwood,1982,10
+shelbyville,1883,5
+beechwood,657,0
+marstons,1854,6
+leonardo,1292,0
+coffeen,706,3
+cosmos,499,4
+pinesdale,887,6
+beechwood,1099,0
+tolstoy,1571,5
+tolstoy,1218,8
+hiteman,468,3
+ranchester,528,4
+klickitat,144,3
+stockman,85,3
+stockman,402,3
+lindenwood,979,2
+leonardo,310,1
+hiteman,1856,4
+pinesdale,496,1
+lakeville,905,0
+wainscott,88,2
+lakeville,816,0
+marstons,1231,2
+leonardo,22,4
+klickitat,1007,13
+hiteman,31,1
+newfields,670,2
+pomaria,491,3
+shelbyville,260,3
+shelbyville,1595,9
+marstons,2132,12
+woodbine,236,3
+benevolence,19,3
+pomaria,220,0
+wainscott,942,12
+stockman,552,2
+pinesdale,235,0
+klickitat,966,9
+lindenwood,1124,4
+onaga,610,6
+marstons,1160,3
+tolstoy,1449,4
+coffeen,1330,1
+stockman,578,0
+stockman,1435,1
+marstons,1925,2
+lindenwood,2105,5
+ranchester,1186,3
+beechwood,559,1
+tolstoy,1148,3
+pomaria,1487,4
+wainscott,1564,0
+lindenwood,897,0
+hanson,974,1
+leonardo,753,3
+klickitat,424,3
+beechwood,345,3
+stockman,1519,3
+pomaria,831,3
+marstons,447,7
+pinesdale,1313,5
+lindenwood,1119,0
+lakeville,485,8
+newfields,1433,8
+woodbine,542,6
+tolstoy,111,0
+shelbyville,769,0
+leonardo,1677,2
+newfields,249,1
+lakeville,595,1
+newfields,859,2
+pinesdale,1468,2
+lakeville,1514,6
+pinesdale,1030,2
+pinesdale,86,5
+newfields,200,9
+pomaria,159,3
+pomaria,571,3
+klickitat,2340,4
+leonardo,569,2
+beechwood,221,3
+shelbyville,132,0
+coffeen,474,2
+marstons,659,13
+shelbyville,2035,5
+newfields,1296,0
+cosmos,601,3
+hanson,1309,3
+leonardo,1591,14
+newfields,1596,1
+klickitat,1804,3
+newfields,1078,4
+shelbyville,2635,5
+beechwood,119,1
+lakeville,958,12
+klickitat,1319,0
+lakeville,1776,2
+tolstoy,224,6
+klickitat,436,0
+merom,292,3
+newfields,500,1
+pinesdale,15,5
+pomaria,926,6
+stockman,61,2
+hanson,1208,2
+klickitat,802,1
+shelbyville,2591,1
+lindenwood,2658,9
+hiteman,923,1
+pinesdale,115,4
+forkland,252,1
+marstons,1970,6
+hiteman,886,2
+tolstoy,16,4
+coffeen,1325,1
+marstons,229,1
+newfields,1210,1
+forkland,1048,1
+wainscott,444,0
+forkland,1050,3
+woodbine,1132,13
+tolstoy,1304,2
+hiteman,808,0
+klickitat,179,5
+tolstoy,1649,0
+lindenwood,661,1
+merom,567,0
+forkland,306,1
+pomaria,1435,3
+merom,370,4
+forkland,864,0
+marstons,61,9
+ranchester,663,3
+hanson,1305,5
+pomaria,1622,4
+lindenwood,1733,1
+shelbyville,47,4
+lindenwood,1080,3
+forkland,2,2
+lakeville,948,4
+coffeen,641,3
+hanson,757,2
+pomaria,1279,7
+beechwood,366,2
+cosmos,256,2
+woodbine,431,4
+lindenwood,348,1
+newfields,394,3
+lakeville,368,11
+newfields,426,12
+stockman,1147,1
+onaga,564,2
+ranchester,461,6
+allensville,308,1
+tolstoy,1036,7
+lindenwood,2592,3
+beechwood,279,3
+newfields,287,2
+shelbyville,2524,3
+onaga,488,5
+stockman,1299,3
+wainscott,320,3
+beechwood,227,2
+cosmos,1076,0
+wainscott,1316,2
+coffeen,1064,5
+wainscott,1682,3
+shelbyville,2621,0
+pomaria,1129,1
+lakeville,1848,0
+marstons,988,1
+pomaria,746,8
+coffeen,831,4
+woodbine,1393,5
+onaga,396,1
+leonardo,1617,4
+leonardo,1363,2
+forkland,957,2
+pomaria,1254,14
+merom,1056,1
+coffeen,890,9
+merom,323,0
+shelbyville,1326,2
+hiteman,210,1
+woodbine,1169,3
+wainscott,965,3
+hanson,1282,7
+klickitat,663,9
+ranchester,1501,8
+stockman,854,0
+klickitat,856,8
+woodbine,1069,16
+benevolence,286,3
+lindenwood,1736,6
+stockman,833,6
+lakeville,682,4
+hanson,660,7
+klickitat,229,8
+shelbyville,928,12
+newfields,83,2
+lindenwood,1039,6
+shelbyville,2096,1
+lindenwood,1701,12
+woodbine,63,8
+newfields,362,4
+shelbyville,860,2
+mifflinburg,114,0
+merom,829,1
+mifflinburg,85,3
+klickitat,1782,2
+klickitat,77,3
+beechwood,260,6
+cosmos,268,4
+klickitat,1745,4
+pinesdale,947,4
+klickitat,662,2
+marstons,934,4
+coffeen,607,7
+merom,444,6
+shelbyville,2420,5
+klickitat,365,5
+lakeville,77,1
+shelbyville,1738,4
+pomaria,1164,3
+pomaria,80,3
+coffeen,878,6
+hanson,578,0
+marstons,2517,2
+marstons,1774,9
+tolstoy,1514,1
+newfields,172,2
+leonardo,1581,1
+wainscott,283,0
+lindenwood,677,3
+lindenwood,768,0
+lindenwood,2134,10
+woodbine,1454,4
+pinesdale,183,1
+marstons,1628,4
+hiteman,1779,6
+shelbyville,380,0
+stockman,1454,14
+hanson,934,2
+hanson,1472,2
+pomaria,1050,3
+stockman,550,6
+merom,45,6
+marstons,392,4
+leonardo,1491,0
+marstons,2430,1
+woodbine,1872,3
+woodbine,566,0
+lindenwood,1898,0
+forkland,16,1
+lakeville,840,0
+mifflinburg,501,1
+klickitat,19,9
+onaga,10,5
+shelbyville,889,3
+leonardo,603,8
+woodbine,1355,15
+leonardo,454,3
+wainscott,1043,5
+pinesdale,1244,7
+lindenwood,1508,7
+stockman,1400,3
+pomaria,330,3
+ranchester,1033,13
+lindenwood,1695,2
+shelbyville,490,5
+pomaria,728,7
+leonardo,240,2
+ranchester,498,1
+wainscott,953,1
+shelbyville,2357,5
+pomaria,809,4
+woodbine,649,13
+allensville,221,1
+beechwood,569,2
+wainscott,443,10
+marstons,257,5
+leonardo,153,1
+shelbyville,572,8
+tolstoy,289,2
+cosmos,767,2
+woodbine,7,10
+shelbyville,1812,6
+woodbine,1050,11
+klickitat,486,1
+newfields,451,10
+stockman,338,3
+pinesdale,544,0
+leonardo,1241,0
+onaga,648,4
+beechwood,474,2
+lindenwood,816,7
+wainscott,418,1
+coffeen,366,3
+shelbyville,488,0
+cosmos,428,6
+shelbyville,2743,2
+shelbyville,1012,9
+ranchester,998,0
+shelbyville,2072,4
+shelbyville,238,3
+lakeville,1156,2
+newfields,1227,0
+shelbyville,2607,1
+lakeville,174,1
+marstons,1363,6
+leonardo,138,13
+tolstoy,1050,0
+beechwood,199,0
+lakeville,849,4
+lindenwood,671,3
+beechwood,186,4
+stockman,578,2
+beechwood,29,7
+forkland,1127,3
+ranchester,756,4
+forkland,554,0
+wainscott,403,7
+shelbyville,776,2
+leonardo,1008,3
+beechwood,273,1
+woodbine,1514,6
+klickitat,713,8
+leonardo,221,3
+hanson,63,4
+hanson,902,4
+marstons,1763,3
+hiteman,74,8
+leonardo,1043,7
+cosmos,973,2
+benevolence,510,7
+marstons,1217,2
+klickitat,620,0
+lindenwood,171,2
+klickitat,978,9
+ranchester,933,8
+lindenwood,1824,3
+lakeville,696,1
+pomaria,581,4
+lakeville,1797,0
+hiteman,31,4
+pinesdale,66,8
+woodbine,1858,2
+leonardo,842,3
+lindenwood,320,5
+hanson,175,3
+cosmos,857,9
+klickitat,1241,5
+shelbyville,1754,5
+leonardo,2,6
+pinesdale,990,2
+stockman,1379,2
+lindenwood,1275,2
+pomaria,266,0
+lakeville,165,4
+pomaria,248,2
+lindenwood,945,1
+lakeville,876,14
+lakeville,1489,5
+cosmos,27,5
+shelbyville,1143,3
+lakeville,550,0
+klickitat,1331,4
+shelbyville,1559,4
+benevolence,662,2
+lakeville,612,9
+coffeen,90,1
+hanson,178,1
+woodbine,925,3
+woodbine,1333,5
+marstons,1920,10
+newfields,84,4
+woodbine,1524,1
+shelbyville,193,16
+pomaria,974,6
+shelbyville,1270,2
+lindenwood,917,3
+marstons,15,14
+forkland,1097,7
+stockman,273,3
+merom,846,3
+hanson,177,0
+hanson,768,4
+pinesdale,375,1
+cosmos,143,0
+forkland,210,1
+lindenwood,1391,5
+lindenwood,1904,3
+leonardo,710,4
+newfields,133,0
+allensville,328,2
+klickitat,2052,5
+stockman,366,5
+leonardo,1678,1
+newfields,930,4
+hiteman,734,2
+newfields,580,6
+onaga,511,0
+forkland,159,0
+newfields,871,1
+lindenwood,747,17
+hiteman,1578,12
+lindenwood,2025,1
+newfields,1097,6
+hanson,1128,3
+cosmos,378,2
+woodbine,893,3
+tolstoy,975,2
+newfields,706,6
+lindenwood,1075,2
+wainscott,441,2
+woodbine,1551,9
+marstons,1655,5
+merom,4,1
+pinesdale,542,4
+lakeville,1460,1
+klickitat,660,2
+tolstoy,127,3
+tolstoy,223,3
+stockman,346,2
+allensville,388,2
+marstons,797,5
+cosmos,537,3
+wainscott,1087,0
+leonardo,1704,7
+hiteman,1180,0
+wainscott,1016,6
+benevolence,113,12
+lindenwood,570,4
+shelbyville,1347,7
+ranchester,531,6
+beechwood,33,1
+wainscott,727,1
+wainscott,89,0
+hanson,60,3
+lindenwood,1364,7
+shelbyville,2288,2
+lindenwood,1355,5
+woodbine,1289,2
+shelbyville,2425,7
+marstons,1644,4
+klickitat,156,2
+forkland,275,11
+hiteman,480,6
+woodbine,840,1
+klickitat,1718,7
+klickitat,800,4
+lakeville,265,3
+pinesdale,765,2
+shelbyville,2142,4
+marstons,738,4
+allensville,235,0
+tolstoy,824,1
+marstons,1422,6
+marstons,2607,3
+allensville,217,0
+leonardo,130,8
+marstons,2134,4
+klickitat,818,8
+marstons,1553,3
+hanson,205,7
+hiteman,477,12
+pinesdale,400,1
+wainscott,1190,4
+ranchester,721,2
+marstons,115,0
+woodbine,502,7
+woodbine,1588,5
+wainscott,1355,7
+leonardo,1830,10
+marstons,2273,9
+lakeville,1734,3
+marstons,797,11
+lakeville,794,7
+coffeen,1187,6
+klickitat,2228,6
+hiteman,897,1
+beechwood,667,3
+hiteman,297,0
+tolstoy,103,0
+newfields,1434,6
+leonardo,1132,5
+woodbine,1530,7
+lindenwood,582,2
+merom,416,1
+lakeville,824,11
+hanson,1293,1
+pinesdale,336,0
+newfields,642,6
+ranchester,975,1
+pomaria,459,4
+woodbine,1105,1
+marstons,1061,2
+forkland,212,2
+lindenwood,1593,0
+lindenwood,652,10
+newfields,795,7
+shelbyville,1257,0
+tolstoy,350,3
+woodbine,1009,0
+wainscott,294,11
+marstons,2645,0
+klickitat,1375,2
+wainscott,735,10
+pinesdale,6,3
+marstons,469,5
+wainscott,1264,7
+woodbine,934,4
+shelbyville,618,0
+lindenwood,964,16
+tolstoy,1074,1
+pomaria,501,0
+marstons,1783,5
+marstons,139,5
+pomaria,1229,5
+newfields,748,5
+lakeville,197,6
+klickitat,1739,5
+leonardo,12,7
+newfields,1636,2
+marstons,961,5
+leonardo,100,2
+leonardo,1936,2
+hanson,1110,7
+marstons,2345,1
+marstons,1925,3
+pomaria,1124,0
+lindenwood,566,4
+klickitat,1476,3
+newfields,384,1
+benevolence,582,7
+beechwood,999,1
+hiteman,174,0
+lakeville,1501,3
+pinesdale,818,1
+klickitat,1404,5
+newfields,1480,3
+ranchester,1483,3
+marstons,1211,7
+marstons,2636,0
+shelbyville,1941,2
+wainscott,1208,0
+onaga,154,2
+lakeville,127,0
+ranchester,197,10
+leonardo,2019,0
+wainscott,1514,2
+cosmos,315,6
+hiteman,961,3
+forkland,688,1
+beechwood,407,3
+shelbyville,969,1
+marstons,2316,6
+woodbine,1659,0
+wainscott,652,2
+klickitat,1509,8
+tolstoy,478,6
+newfields,616,2
+wainscott,389,1
+marstons,566,4
+klickitat,707,8
+marstons,1485,0
+lakeville,1616,2
+shelbyville,2258,8
+stockman,49,5
+newfields,1414,0
+klickitat,940,5
+woodbine,945,4
+hanson,408,3
+stockman,339,3
+shelbyville,2801,2
+newfields,1331,2
+lakeville,1408,3
+onaga,482,3
+tolstoy,1357,1
+stockman,92,2
+wainscott,1267,3
+leonardo,2111,6
+shelbyville,250,9
+klickitat,2216,5
+newfields,1122,2
+hiteman,383,7
+marstons,2604,6
+wainscott,1391,2
+lindenwood,2445,0
+newfields,298,2
+coffeen,386,3
+leonardo,659,2
+benevolence,431,2
+lakeville,1860,0
+klickitat,1882,3
+stockman,1160,0
+leonardo,460,2
+forkland,1163,2
+allensville,219,5
+klickitat,340,2
+woodbine,1868,3
+woodbine,51,1
+klickitat,1788,3
+klickitat,1654,3
+shelbyville,792,7
+hiteman,700,1
+lindenwood,454,3
+pomaria,1339,7
+newfields,646,1
+lakeville,341,2
+lindenwood,1781,5
+hiteman,249,0
+pomaria,1086,2
+forkland,124,2
+marstons,1702,1
+marstons,191,0
+wainscott,465,0
+marstons,1859,8
+lakeville,1782,10
+ranchester,1379,4
+shelbyville,2218,12
+tolstoy,1666,1
+woodbine,2051,3
+hiteman,146,9
+benevolence,342,12
+shelbyville,1833,3
+lakeville,1160,13
+woodbine,946,1
+lindenwood,2384,4
+stockman,459,2
+pinesdale,341,2
+woodbine,1016,3
+allensville,245,3
+ranchester,1150,11
+klickitat,102,12
+cosmos,859,2
+leonardo,610,5
+marstons,391,9
+hiteman,1143,2
+wainscott,924,7
+klickitat,74,5
+lakeville,806,3
+forkland,1025,2
+klickitat,1599,3
+hiteman,1731,2
+pomaria,1378,3
+shelbyville,2150,14
+beechwood,100,0
+leonardo,112,3
+ranchester,1302,4
+leonardo,141,6
+shelbyville,1184,0
+allensville,389,2
+woodbine,840,10
+leonardo,1423,14
+leonardo,216,3
+marstons,857,1
+ranchester,1501,4
+stockman,1002,1
+wainscott,1529,1
+leonardo,896,4
+lindenwood,2287,8
+merom,436,2
+newfields,1176,3
+klickitat,1114,2
+mifflinburg,572,0
+ranchester,937,2
+pomaria,471,4
+ranchester,810,8
+wainscott,1061,2
+klickitat,504,3
+marstons,1319,4
+tolstoy,703,1
+allensville,443,2
+mifflinburg,593,1
+klickitat,2255,6
+cosmos,17,1
+merom,1029,1
+marstons,1136,1
+ranchester,1304,16
+lindenwood,1915,6
+pinesdale,1482,2
+hanson,1011,1
+klickitat,2072,11
+hanson,1146,9
+benevolence,53,1
+stockman,1209,2
+marstons,2042,1
+klickitat,1790,1
+lindenwood,1601,5
+stockman,685,5
+ranchester,631,3
+pomaria,802,4
+ranchester,1594,3
+wainscott,1206,5
+hanson,1119,6
+stockman,798,2
+stockman,1107,6
+wainscott,203,3
+cosmos,382,7
+shelbyville,2386,0
+marstons,1767,10
+stockman,158,0
+wainscott,623,6
+pomaria,125,0
+shelbyville,1670,6
+newfields,1075,7
+stockman,535,1
+beechwood,789,4
+lindenwood,2410,2
+marstons,1355,5
+wainscott,351,15
+onaga,277,7
+newfields,1595,1
+lakeville,1598,6
+klickitat,1481,6
+shelbyville,2698,8
+ranchester,274,5
+marstons,1,7
+pomaria,1436,11
+marstons,1754,1
+beechwood,634,0
+marstons,1359,10
+shelbyville,2204,2
+beechwood,1019,4
+ranchester,586,3
+shelbyville,975,5
+pomaria,393,1
+newfields,1623,6
+stockman,852,3
+hanson,1598,4
+lindenwood,1364,6
+coffeen,237,0
+beechwood,101,5
+pinesdale,7,5
+ranchester,1283,2
+leonardo,1798,5
+lindenwood,1992,5
+marstons,405,8
+leonardo,62,1
+marstons,1081,2
+klickitat,2187,3
+hiteman,971,0
+allensville,351,5
+stockman,527,2
+forkland,894,9
+lakeville,284,10
+stockman,1025,8
+woodbine,1130,2
+beechwood,324,7
+forkland,113,8
+lakeville,253,1
+pomaria,908,5
+wainscott,554,7
+woodbine,1590,5
+klickitat,448,2
+woodbine,907,4
+marstons,1366,2
+wainscott,1090,14
+hanson,1236,1
+pomaria,940,3
+marstons,764,3
+mifflinburg,786,2
+lakeville,1579,3
+hanson,635,4
+newfields,109,2
+tolstoy,928,2
+woodbine,1976,8
+klickitat,1209,2
+leonardo,560,10
+leonardo,1999,11
+tolstoy,381,1
+woodbine,655,3
+pinesdale,765,11
+lakeville,1871,7
+lakeville,287,3
+stockman,382,1
+klickitat,959,14
+lindenwood,2368,8
+klickitat,1264,3
+ranchester,992,7
+wainscott,1047,4
+marstons,1956,6
+klickitat,1444,7
+coffeen,708,3
+newfields,1106,1
+lindenwood,2034,5
+newfields,931,0
+hiteman,1249,3
+lindenwood,311,3
+marstons,2440,0
+hiteman,618,1
+ranchester,520,1
+pomaria,1543,9
+hiteman,1300,7
+ranchester,595,2
+lakeville,1484,8
+hiteman,504,2
+pinesdale,674,2
+leonardo,222,0
+leonardo,406,16
+newfields,476,0
+woodbine,327,8
+leonardo,587,2
+stockman,657,4
+stockman,509,1
+woodbine,1829,6
+klickitat,1782,6
+pomaria,693,5
+lindenwood,2051,6
+marstons,695,0
+beechwood,881,5
+woodbine,567,5
+leonardo,1528,5
+lakeville,11,0
+tolstoy,924,10
+lindenwood,2572,2
+marstons,300,1
+lakeville,1267,4
+forkland,451,3
+shelbyville,2199,3
+lakeville,689,2
+klickitat,151,13
+lakeville,1871,0
+lakeville,153,7
+allensville,285,4
+wainscott,1746,0
+woodbine,1704,1
+klickitat,1196,2
+newfields,38,1
+lakeville,692,6
+shelbyville,692,10
+hanson,765,0
+wainscott,515,3
+mifflinburg,582,0
+merom,245,8
+hanson,483,2
+lakeville,1742,0
+ranchester,1317,3
+hanson,895,7
+marstons,84,3
+lakeville,1239,6
+shelbyville,930,2
+klickitat,348,10
+pomaria,1627,1
+lindenwood,1222,4
+hiteman,1143,0
+ranchester,107,0
+pomaria,1582,2
+hanson,727,1
+leonardo,51,0
+wainscott,1475,2
+leonardo,1885,1
+pomaria,1310,7
+stockman,1339,2
+pinesdale,1442,5
+ranchester,606,4
+hanson,882,4
+leonardo,362,1
+lindenwood,1138,0
+tolstoy,422,4
+marstons,1003,14
+leonardo,554,0
+beechwood,710,1
+newfields,170,10
+merom,552,4
+marstons,2490,2
+coffeen,445,0
+woodbine,908,5
+klickitat,548,13
+leonardo,397,9
+tolstoy,1738,12
+forkland,676,2
+wainscott,398,12
+allensville,429,0
+hanson,247,10
+pomaria,83,13
+klickitat,1760,8
+hiteman,24,8
+stockman,1263,0
+pinesdale,42,9
+marstons,1493,6
+newfields,1501,1
+woodbine,1672,4
+allensville,445,3
+lindenwood,1034,8
+lindenwood,332,2
+hanson,1525,2
+leonardo,2112,0
+lindenwood,2114,7
+marstons,935,2
+shelbyville,921,3
+beechwood,169,1
+woodbine,699,1
+pomaria,529,4
+hanson,626,3
+newfields,688,0
+woodbine,1710,0
+shelbyville,2295,8
+lakeville,1382,10
+pinesdale,6,1
+onaga,551,2
+klickitat,1498,3
+hanson,989,1
+pomaria,180,1
+newfields,1199,4
+allensville,147,2
+stockman,493,0
+wainscott,304,4
+newfields,1326,1
+pomaria,1543,1
+shelbyville,138,5
+newfields,637,1
+coffeen,333,1
+lindenwood,2549,1
+woodbine,1519,6
+lakeville,1336,2
+woodbine,1,2
+hiteman,506,2
+ranchester,888,2
+wainscott,1738,7
+woodbine,323,7
+hiteman,927,6
+pomaria,1020,5
+woodbine,346,2
+klickitat,361,13
+lindenwood,560,0
+ranchester,463,0
+marstons,1140,0
+hiteman,1804,11
+shelbyville,1049,0
+hiteman,1802,4
+merom,123,1
+leonardo,1330,1
+tolstoy,1647,13
+cosmos,718,0
+pinesdale,609,7
+cosmos,169,3
+klickitat,1648,4
+woodbine,1967,0
+benevolence,613,5
+stockman,1175,0
+leonardo,1066,1
+stockman,557,1
+pomaria,1078,2
+ranchester,885,3
+ranchester,805,9
+ranchester,808,1
+pinesdale,462,2
+woodbine,501,11
+lindenwood,263,6
+hanson,457,0
+pomaria,1289,4
+hiteman,133,1
+cosmos,628,8
+tolstoy,1187,4
+marstons,2540,2
+shelbyville,1312,0
+woodbine,1688,4
+pomaria,1522,2
+ranchester,711,3
+wainscott,357,5
+merom,889,7
+pomaria,767,2
+hanson,673,12
+marstons,395,7
+woodbine,1522,2
+ranchester,953,0
+wainscott,952,1
+leonardo,1102,5
+marstons,1819,3
+woodbine,1083,7
+shelbyville,1317,8
+shelbyville,698,2
+hiteman,1153,5
+shelbyville,682,3
+stockman,136,0
+beechwood,181,6
+marstons,1708,13
+hiteman,1755,1
+klickitat,748,5
+lindenwood,287,7
+wainscott,3,3
+woodbine,917,0
+klickitat,2143,7
+pomaria,1094,1
+merom,144,6
+wainscott,1274,4
+woodbine,1126,12
+hanson,1560,2
+woodbine,340,12
+hanson,438,1
+wainscott,748,13
+woodbine,1856,11
+marstons,1366,5
+lakeville,443,1
+shelbyville,2334,18
+klickitat,266,6
+lindenwood,2213,7
+lindenwood,547,5
+lakeville,458,6
+pomaria,679,0
+klickitat,1837,0
+benevolence,330,3
+hiteman,310,1
+klickitat,268,0
+lindenwood,1965,3
+lindenwood,590,0
+stockman,511,7
+tolstoy,973,0
+mifflinburg,512,3
+lakeville,1655,13
+coffeen,174,5
+coffeen,983,3
+lindenwood,2588,4
+tolstoy,617,3
+lakeville,1204,1
+lakeville,504,4
+tolstoy,336,0
+hiteman,1548,10
+merom,802,2
+wainscott,726,0
+tolstoy,1803,7
+benevolence,832,4
+shelbyville,2369,0
+coffeen,31,7
+hanson,74,10
+lindenwood,1822,3
+cosmos,117,0
+mifflinburg,799,4
+woodbine,981,0
+wainscott,467,2
+forkland,392,4
+woodbine,1440,0
+coffeen,1003,2
+ranchester,891,2
+cosmos,957,0
+woodbine,1782,13
+coffeen,519,3
+tolstoy,1594,2
+klickitat,1733,2
+lakeville,1468,5
+leonardo,541,5
+klickitat,1922,8
+hiteman,211,14
+woodbine,1850,3
+klickitat,611,15
+cosmos,227,4
+shelbyville,1752,1
+wainscott,1577,9
+lakeville,876,8
+tolstoy,1289,2
+cosmos,264,3
+shelbyville,1783,6
+newfields,671,0
+lindenwood,495,2
+hanson,293,10
+lakeville,1297,0
+tolstoy,153,0
+shelbyville,421,11
+forkland,143,2
+ranchester,384,3
+hiteman,1722,4
+allensville,332,7
+wainscott,722,0
+marstons,738,10
+shelbyville,348,3
+hiteman,1580,6
+leonardo,330,2
+woodbine,837,2
+ranchester,410,1
+lindenwood,2634,0
+coffeen,476,3
+shelbyville,1891,5
+shelbyville,2145,8
+pomaria,378,0
+klickitat,1562,2
+lakeville,206,2
+ranchester,784,2
+leonardo,1104,5
+hanson,504,14
+wainscott,1276,3
+forkland,956,1
+stockman,994,0
+forkland,1045,3
+marstons,634,5
+forkland,99,1
+pomaria,1457,2
+hiteman,521,1
+coffeen,279,10
+lakeville,1256,1
+onaga,213,3
+klickitat,1273,2
+pinesdale,336,4
+newfields,364,2
+hanson,936,9
+shelbyville,407,3
+stockman,829,12
+beechwood,1049,2
+ranchester,141,4
+tolstoy,956,5
+marstons,192,0
+newfields,1376,12
+wainscott,419,2
+wainscott,101,3
+stockman,172,2
+wainscott,1329,2
+ranchester,614,6
+stockman,1051,1
+ranchester,576,6
+pinesdale,500,3
+coffeen,1159,1
+forkland,582,1
+hiteman,390,2
+hiteman,315,3
+benevolence,39,8
+lakeville,1449,6
+tolstoy,909,3
+ranchester,1226,4
+lakeville,192,3
+wainscott,681,0
+shelbyville,1010,0
+lakeville,590,2
+lindenwood,2081,5
+forkland,424,1
+marstons,98,4
+stockman,1020,1
+tolstoy,71,7
+coffeen,801,4
+shelbyville,1692,6
+newfields,1156,0
+wainscott,65,5
+wainscott,1334,5
+marstons,186,4
+pomaria,1297,5
+onaga,223,2
+beechwood,423,2
+klickitat,1468,8
+lakeville,1805,10
+merom,1073,3
+wainscott,820,5
+stockman,597,1
+woodbine,493,11
+klickitat,1101,0
+klickitat,1879,0
+pinesdale,625,8
+cosmos,746,1
+pinesdale,1307,6
+tolstoy,217,8
+newfields,309,3
+pomaria,846,15
+marstons,2639,0
+klickitat,1296,8
+coffeen,214,1
+marstons,2122,0
+wainscott,508,2
+forkland,331,4
+tolstoy,255,4
+stockman,1272,1
+merom,186,2
+newfields,755,5
+leonardo,421,3
+shelbyville,2637,3
+hiteman,114,2
+stockman,1284,3
+shelbyville,323,6
+woodbine,195,5
+hanson,184,5
+marstons,1133,2
+coffeen,1360,0
+coffeen,80,3
+forkland,94,0
+marstons,546,4
+wainscott,339,2
+benevolence,616,2
+newfields,569,2
+mifflinburg,173,1
+ranchester,1148,5
+newfields,101,0
+woodbine,639,0
+woodbine,1602,2
+wainscott,295,3
+wainscott,504,7
+hiteman,131,1
+ranchester,1423,5
+lindenwood,1983,1
+leonardo,987,1
+marstons,2243,6
+marstons,2091,12
+lindenwood,1193,1
+marstons,848,3
+lakeville,1051,9
+lindenwood,667,3
+shelbyville,115,0
+woodbine,1548,4
+wainscott,613,0
+wainscott,427,0
+leonardo,68,3
+hiteman,327,5
+tolstoy,1275,4
+newfields,901,3
+leonardo,2069,1
+pomaria,6,0
+stockman,1525,7
+forkland,940,0
+marstons,1929,7
+woodbine,1969,0
+pomaria,1279,1
+benevolence,614,14
+marstons,1718,9
+woodbine,60,7
+hiteman,1641,9
+onaga,436,2
+leonardo,202,1
+leonardo,1049,4
+ranchester,1325,2
+tolstoy,480,2
+hanson,741,10
+lindenwood,1609,4
+hiteman,826,3
+coffeen,258,7
+woodbine,1486,2
+stockman,1392,1
+shelbyville,932,14
+stockman,892,2
+wainscott,1065,13
+klickitat,141,15
+hanson,1457,10
+klickitat,194,7
+ranchester,1150,12
+shelbyville,338,5
+wainscott,41,2
+wainscott,1203,0
+tolstoy,50,1
+klickitat,1444,3
+cosmos,535,3
+hiteman,1700,5
+lakeville,1165,1
+stockman,996,0
+merom,105,1
+klickitat,88,18
+newfields,1005,1
+lakeville,1865,9
+lindenwood,1936,12
+leonardo,32,2
+marstons,304,2
+tolstoy,1122,6
+lindenwood,2437,5
+shelbyville,763,2
+coffeen,240,4
+ranchester,1235,0
+coffeen,320,3
+klickitat,1289,3
+wainscott,748,11
+pomaria,1097,1
+stockman,147,12
+tolstoy,1529,1
+coffeen,1447,1
+pomaria,85,4
+woodbine,1756,6
+wainscott,1236,4
+forkland,742,0
+klickitat,406,5
+cosmos,89,2
+klickitat,215,5
+tolstoy,1530,2
+pomaria,190,4
+merom,103,1
+klickitat,1596,1
+onaga,169,3
+beechwood,937,1
+woodbine,172,4
+wainscott,146,6
+merom,683,1
+ranchester,258,6
+shelbyville,2805,3
+klickitat,734,14
+woodbine,1355,8
+klickitat,1455,3
+shelbyville,2025,4
+pomaria,578,7
+marstons,2474,6
+ranchester,444,0
+cosmos,1056,0
+forkland,1169,0
+pinesdale,1452,2
+leonardo,689,3
+marstons,1771,8
+leonardo,204,7
+ranchester,1629,4
+woodbine,325,1
+coffeen,1202,0
+woodbine,1114,0
+wainscott,503,10
+tolstoy,226,2
+shelbyville,2623,3
+ranchester,214,1
+forkland,583,2
+lakeville,74,12
+shelbyville,2550,1
+mifflinburg,10,1
+mifflinburg,802,1
+wainscott,1579,8
+lindenwood,809,0
+hanson,719,4
+coffeen,909,2
+marstons,817,1
+woodbine,186,2
+leonardo,1130,0
+leonardo,908,0
+lindenwood,563,2
+cosmos,677,1
+marstons,1601,7
+tolstoy,872,4
+newfields,99,3
+wainscott,1777,8
+woodbine,1442,14
+klickitat,2009,7
+pinesdale,1385,0
+cosmos,518,3
+lindenwood,184,2
+wainscott,1211,9
+forkland,179,1
+tolstoy,1255,3
+lindenwood,1370,1
+lakeville,1899,0
+hanson,479,1
+pinesdale,325,5
+marstons,245,1
+newfields,1114,0
+pomaria,233,6
+hiteman,1361,13
+lindenwood,281,1
+hiteman,109,2
+shelbyville,1358,3
+ranchester,726,0
+pinesdale,74,3
+forkland,142,5
+stockman,1050,0
+shelbyville,199,15
+marstons,1480,3
+woodbine,1796,12
+shelbyville,1534,6
+stockman,1515,4
+marstons,1444,0
+shelbyville,1463,5
+hanson,565,16
+pinesdale,806,1
+hanson,179,4
+shelbyville,2574,0
+hanson,1110,12
+marstons,801,2
+cosmos,664,3
+lindenwood,1169,1
+klickitat,416,0
+lakeville,1459,9
+klickitat,2123,9
+shelbyville,1012,8
+merom,122,2
+shelbyville,1920,6
+newfields,1442,2
+stockman,1269,5
+klickitat,1652,3
+marstons,128,1
+leonardo,51,2
+leonardo,1591,22
+cosmos,671,4
+lindenwood,1184,4
+leonardo,595,5
+ranchester,472,1
+mifflinburg,787,2
+hanson,1333,1
+lakeville,1420,3
+shelbyville,1257,10
+leonardo,604,8
+wainscott,19,1
+shelbyville,1727,5
+klickitat,519,4
+klickitat,2086,1
+woodbine,208,4
+klickitat,1530,6
+pomaria,1071,2
+benevolence,569,4
+wainscott,1642,0
+forkland,632,4
+mifflinburg,154,2
+leonardo,1933,10
+pinesdale,1376,4
+lindenwood,1109,3
+cosmos,599,4
+woodbine,547,8
+wainscott,783,7
+merom,374,3
+pinesdale,238,1
+lindenwood,679,0
+benevolence,840,7
+marstons,502,10
+ranchester,225,1
+leonardo,111,2
+wainscott,1480,3
+woodbine,371,0
+stockman,518,1
+tolstoy,384,8
+leonardo,755,3
+cosmos,21,5
+merom,409,0
+hiteman,742,1
+hiteman,526,1
+onaga,520,3
+woodbine,1963,6
+hiteman,1845,5
+beechwood,520,3
+coffeen,355,4
+lakeville,22,7
+hiteman,1501,7
+hiteman,1765,7
+wainscott,1305,3
+ranchester,760,3
+newfields,761,4
+stockman,189,2
+ranchester,1260,3
+coffeen,929,1
+lindenwood,2605,1
+stockman,259,2
+tolstoy,1303,1
+pinesdale,171,1
+beechwood,393,0
+ranchester,92,1
+leonardo,1344,11
+beechwood,913,7
+pomaria,816,10
+beechwood,856,2
+lindenwood,2600,10
+lindenwood,2511,0
+tolstoy,920,2
+marstons,1377,5
+beechwood,171,3
+leonardo,389,0
+coffeen,1169,1
+wainscott,1199,9
+benevolence,252,1
+leonardo,1478,0
+woodbine,1726,4
+klickitat,1509,0
+forkland,608,0
+forkland,902,1
+allensville,235,3
+tolstoy,1804,4
+klickitat,714,6
+woodbine,917,3
+marstons,379,4
+woodbine,369,9
+leonardo,636,0
+pomaria,459,2
+lindenwood,1244,7
+newfields,1108,5
+klickitat,504,7
+hanson,47,1
+merom,887,1
+marstons,1442,10
+lakeville,1875,1
+newfields,1093,7
+shelbyville,482,12
+leonardo,1942,0
+marstons,2181,4
+newfields,1142,3
+shelbyville,2360,5
+woodbine,393,7
+marstons,628,10
+merom,397,7
+leonardo,1645,4
+ranchester,193,10
+lakeville,847,13
+merom,153,8
+shelbyville,2234,5
+lindenwood,1346,5
+lakeville,446,3
+lindenwood,1663,1
+coffeen,1212,0
+lakeville,972,2
+woodbine,742,5
+lakeville,157,8
+mifflinburg,1,5
+lindenwood,2020,0
+shelbyville,2319,2
+marstons,403,4
+shelbyville,481,7
+newfields,541,13
+lindenwood,896,5
+newfields,529,9
+cosmos,1072,3
+cosmos,670,1
+woodbine,1100,2
+ranchester,1043,1
+hiteman,491,3
+lakeville,1617,1
+stockman,871,0
+klickitat,2315,5
+marstons,661,0
+leonardo,1325,3
+forkland,702,2
+woodbine,1108,2
+hiteman,976,3
+leonardo,1394,7
+shelbyville,1489,6
+beechwood,948,0
+pinesdale,919,3
+klickitat,406,11
+cosmos,190,4
+pinesdale,275,3
+onaga,3,6
+newfields,1020,3
+lakeville,1211,1
+hanson,1659,7
+lakeville,410,3
+hanson,1120,0
+lakeville,1479,2
+coffeen,964,1
+onaga,78,1
+cosmos,334,10
+klickitat,2054,3
+ranchester,312,3
+stockman,719,0
+shelbyville,2549,1
+hiteman,385,0
+marstons,2064,7
+leonardo,496,1
+woodbine,1435,11
+marstons,319,3
+leonardo,160,4
+wainscott,824,1
+ranchester,209,6
+coffeen,459,5
+marstons,1223,2
+woodbine,1437,1
+shelbyville,1116,9
+shelbyville,530,1
+hanson,1196,7
+newfields,448,5
+lindenwood,2652,7
+klickitat,1177,15
+hiteman,361,1
+pomaria,1540,3
+woodbine,90,4
+mifflinburg,668,2
+ranchester,1198,4
+klickitat,37,1
+marstons,382,0
+wainscott,315,2
+shelbyville,339,1
+beechwood,199,5
+klickitat,1361,16
+shelbyville,2258,5
+pomaria,1056,1
+lakeville,1509,3
+lakeville,1480,3
+lakeville,1199,7
+shelbyville,1077,0
+lindenwood,138,4
+klickitat,240,6
+marstons,386,4
+lakeville,774,5
+lakeville,1736,3
+stockman,311,6
+lindenwood,783,1
+wainscott,202,6
+wainscott,1523,2
+pinesdale,1376,6
+hanson,363,15
+lindenwood,2175,4
+klickitat,1666,1
+lindenwood,2492,3
+coffeen,1184,1
+leonardo,1308,3
+lakeville,23,0
+lakeville,1385,5
+pomaria,317,9
+lakeville,1865,7
+onaga,185,8
+wainscott,1492,15
+lindenwood,2017,5
+woodbine,800,2
+marstons,2046,14
+ranchester,221,8
+merom,192,0
+wainscott,664,3
+cosmos,1002,1
+hanson,1460,8
+marstons,106,2
+pinesdale,1502,5
+ranchester,1034,0
+stockman,143,4
+klickitat,1504,0
+shelbyville,2351,2
+woodbine,1213,11
+shelbyville,1469,11
+marstons,58,7
+wainscott,733,2
+allensville,486,3
+stockman,1608,3
+wainscott,1077,0
+newfields,1523,6
+woodbine,1923,0
+lindenwood,2129,13
+shelbyville,2349,4
+hanson,1398,11
+hiteman,720,1
+forkland,1146,3
+mifflinburg,242,0
+hanson,383,10
+lindenwood,1142,1
+tolstoy,808,1
+coffeen,1479,10
+pomaria,1266,3
+shelbyville,332,11
+leonardo,76,3
+lindenwood,1045,4
+tolstoy,43,5
+pomaria,604,3
+marstons,1666,2
+stockman,560,1
+hanson,1147,4
+coffeen,1302,6
+merom,287,4
+tolstoy,1665,3
+shelbyville,853,4
+cosmos,448,7
+shelbyville,681,2
+newfields,11,9
+stockman,758,4
+lakeville,65,4
+shelbyville,396,2
+beechwood,509,3
+ranchester,1495,2
+beechwood,838,0
+forkland,394,2
+mifflinburg,588,3
+leonardo,1909,0
+wainscott,1568,8
+coffeen,1026,1
+mifflinburg,954,1
+leonardo,1948,2
+ranchester,896,9
+merom,751,1
+woodbine,1446,3
+forkland,1182,2
+lindenwood,2176,1
+pomaria,1627,2
+klickitat,2044,4
+tolstoy,720,10
+hanson,730,7
+klickitat,1213,13
+hiteman,393,3
+klickitat,2324,10
+woodbine,672,7
+wainscott,1263,0
+wainscott,623,5
+woodbine,229,11
+marstons,61,14
+coffeen,1435,5
+shelbyville,1267,4
+marstons,2362,5
+woodbine,2032,8
+lindenwood,1299,6
+woodbine,1692,6
+klickitat,138,2
+allensville,242,0
+lakeville,1050,2
+leonardo,2039,8
+beechwood,943,4
+ranchester,154,5
+lakeville,1438,2
+lakeville,257,2
+klickitat,320,9
+pinesdale,1036,3
+pomaria,1631,1
+marstons,1840,7
+wainscott,59,0
+klickitat,1257,12
+allensville,471,3
+pinesdale,1391,1
+woodbine,393,10
+merom,854,0
+leonardo,459,3
+newfields,82,0
+lindenwood,2243,0
+marstons,127,0
+lindenwood,1810,2
+ranchester,247,1
+marstons,1069,1
+beechwood,688,1
+pomaria,1273,6
+stockman,1507,3
+lindenwood,2574,10
+cosmos,835,1
+woodbine,830,0
+marstons,2192,4
+marstons,1970,7
+woodbine,1504,11
+forkland,318,1
+coffeen,1141,3
+lakeville,1874,7
+pinesdale,973,3
+pinesdale,1313,7
+hanson,356,2
+cosmos,161,8
+woodbine,894,1
+tolstoy,1547,3
+marstons,614,1
+coffeen,1224,1
+newfields,415,9
+beechwood,352,1
+coffeen,623,5
+woodbine,1933,2
+klickitat,1032,3
+merom,604,0
+pinesdale,1265,0
+stockman,384,1
+klickitat,2149,1
+stockman,643,5
+pinesdale,577,1
+forkland,67,3
+beechwood,292,3
+lakeville,1627,3
+wainscott,220,2
+hiteman,810,3
+pinesdale,304,0
+tolstoy,475,2
+hiteman,1055,6
+pinesdale,373,2
+shelbyville,624,3
+lindenwood,481,9
+leonardo,558,3
+beechwood,123,6
+tolstoy,1417,3
+pinesdale,422,8
+wainscott,934,0
+shelbyville,80,5
+hiteman,670,11
+marstons,1236,2
+mifflinburg,196,1
+newfields,67,3
+marstons,2047,4
+pinesdale,1247,4
+newfields,370,2
+leonardo,1880,0
+hanson,1424,0
+woodbine,869,3
+benevolence,222,5
+tolstoy,825,1
+tolstoy,1165,3
+ranchester,638,1
+wainscott,359,0
+lindenwood,2435,1
+marstons,1246,3
+ranchester,89,0
+pomaria,273,3
+shelbyville,1965,6
+lindenwood,2157,4
+woodbine,1677,3
+pomaria,1447,6
+cosmos,299,1
+pinesdale,827,1
+tolstoy,508,1
+shelbyville,1320,5
+newfields,1025,11
+beechwood,821,2
+forkland,620,0
+pomaria,1499,0
+shelbyville,2703,12
+leonardo,1066,2
+lindenwood,2072,0
+merom,990,1
+benevolence,52,2
+pomaria,510,3
+lindenwood,1173,1
+klickitat,356,0
+cosmos,359,1
+tolstoy,307,2
+hiteman,12,5
+marstons,1832,1
+pomaria,1527,3
+shelbyville,2814,15
+hanson,255,6
+pinesdale,1373,5
+shelbyville,718,4
+shelbyville,56,0
+newfields,1528,1
+woodbine,2009,5
+pinesdale,36,12
+ranchester,926,3
+woodbine,1319,12
+woodbine,266,4
+marstons,550,0
+ranchester,835,4
+ranchester,1392,6
+pomaria,1638,3
+tolstoy,274,8
+shelbyville,1267,3
+stockman,1108,2
+ranchester,1589,3
+leonardo,117,5
+coffeen,505,0
+leonardo,1620,0
+forkland,156,0
+hiteman,665,0
+leonardo,1380,2
+marstons,2479,4
+ranchester,1270,2
+hanson,1300,1
+wainscott,1708,12
+leonardo,1691,9
+marstons,259,2
+leonardo,1920,0
+stockman,1536,5
+lakeville,192,7
+forkland,1144,6
+hanson,327,13
+pomaria,272,1
+ranchester,301,4
+hiteman,1401,0
+wainscott,1431,3
+ranchester,498,4
+ranchester,437,0
+allensville,229,3
+lakeville,1068,5
+pinesdale,258,0
+marstons,656,2
+stockman,901,2
+tolstoy,1737,4
+lakeville,1215,0
+leonardo,1005,0
+onaga,551,1
+cosmos,829,3
+hanson,35,18
+klickitat,487,4
+hiteman,632,0
+hiteman,478,3
+wainscott,1753,3
+shelbyville,1867,4
+wainscott,1428,11
+cosmos,839,6
+forkland,285,4
+lakeville,944,2
+tolstoy,416,4
+marstons,1845,2
+pinesdale,642,1
+hanson,1651,3
+newfields,717,8
+klickitat,1266,9
+stockman,767,4
+marstons,1518,8
+lindenwood,1850,11
+ranchester,1050,0
+lakeville,1319,5
+leonardo,399,2
+wainscott,298,5
+onaga,554,4
+pomaria,504,2
+lindenwood,2500,4
+pomaria,1384,1
+benevolence,907,0
+shelbyville,2240,1
+marstons,2047,7
+hanson,176,5
+marstons,812,1
+mifflinburg,463,1
+pomaria,662,3
+lindenwood,1615,3
+klickitat,1126,1
+hanson,659,3
+woodbine,806,2
+pomaria,1661,7
+coffeen,1321,0
+benevolence,444,4
+ranchester,1204,0
+pinesdale,1143,6
+lindenwood,1447,3
+klickitat,1589,10
+wainscott,1188,4
+lindenwood,2133,5
+shelbyville,1679,1
+pinesdale,1397,2
+onaga,506,5
+pomaria,520,3
+cosmos,536,2
+wainscott,639,10
+hanson,1297,5
+forkland,876,5
+shelbyville,2619,1
+klickitat,738,6
+klickitat,1098,4
+hanson,339,2
+klickitat,409,1
+pomaria,105,2
+shelbyville,379,1
+marstons,1518,4
+hiteman,1761,5
+lindenwood,1672,5
+forkland,1163,3
+klickitat,557,1
+hiteman,428,0
+newfields,976,0
+hiteman,563,3
+hiteman,592,1
+lindenwood,1929,0
+pinesdale,1317,2
+coffeen,771,3
+merom,750,3
+forkland,1155,2
+tolstoy,1379,0
+marstons,2446,1
+shelbyville,1764,3
+pomaria,772,2
+benevolence,482,0
+leonardo,1525,3
+newfields,602,3
+merom,770,0
+marstons,2335,2
+merom,934,2
+wainscott,411,14
+leonardo,692,1
+forkland,432,3
+forkland,844,0
+lindenwood,2317,4
+wainscott,999,11
+hanson,902,0
+shelbyville,2701,2
+benevolence,337,1
+woodbine,1322,2
+leonardo,680,1
+woodbine,2024,0
+klickitat,2169,4
+merom,834,2
+leonardo,732,7
+benevolence,941,6
+hanson,343,6
+lindenwood,2124,3
+coffeen,325,0
+lakeville,1555,6
+wainscott,1154,4
+tolstoy,671,1
+marstons,2094,1
+lakeville,78,3
+leonardo,1770,6
+stockman,685,9
+lakeville,1120,5
+woodbine,63,6
+ranchester,1591,0
+marstons,1057,7
+shelbyville,698,8
+stockman,1298,4
+merom,513,5
+shelbyville,1303,3
+marstons,2219,0
+klickitat,1391,0
+forkland,298,3
+hiteman,1554,3
+klickitat,1458,3
+pomaria,1484,7
+klickitat,612,8
+tolstoy,804,4
+ranchester,517,3
+merom,391,5
+shelbyville,2615,1
+lindenwood,1507,0
+leonardo,1433,1
+lindenwood,391,0
+lindenwood,1159,8
+wainscott,1710,5
+lakeville,1040,0
+woodbine,1602,7
+shelbyville,2082,4
+beechwood,105,4
+marstons,1441,0
+hanson,1253,4
+stockman,1581,7
+tolstoy,831,1
+klickitat,19,5
+hanson,1104,1
+pinesdale,140,3
+lindenwood,1207,2
+newfields,640,7
+leonardo,823,2
+pomaria,862,0
+ranchester,474,2
+ranchester,1411,8
+woodbine,1443,6
+wainscott,1265,2
+forkland,272,2
+pomaria,598,1
+leonardo,502,5
+lindenwood,1765,3
+marstons,983,5
+hanson,1371,2
+marstons,1172,6
+hanson,1025,6
+pomaria,1318,2
+hanson,527,2
+lindenwood,1004,5
+lindenwood,173,8
+lakeville,868,11
+tolstoy,1506,0
+klickitat,1818,0
+marstons,425,3
+pomaria,131,4
+cosmos,259,12
+tolstoy,1454,4
+wainscott,871,10
+lindenwood,971,2
+merom,985,6
+leonardo,1669,4
+mifflinburg,395,7
+ranchester,1250,10
+newfields,36,10
+shelbyville,148,6
+stockman,1270,4
+lakeville,1289,3
+merom,58,4
+forkland,48,0
+allensville,65,5
+lindenwood,796,1
+hiteman,1845,1
+tolstoy,140,3
+woodbine,1089,3
+ranchester,51,3
+pomaria,1426,2
+marstons,895,14
+stockman,1130,0
+wainscott,334,1
+benevolence,248,6
+beechwood,509,4
+forkland,626,0
+shelbyville,2800,0
+merom,166,6
+marstons,1390,10
+hiteman,574,0
+hanson,776,7
+leonardo,24,6
+newfields,1002,1
+stockman,1080,2
+onaga,401,0
+klickitat,1662,0
+hanson,774,6
+hanson,944,14
+hanson,897,7
+stockman,1203,0
+wainscott,149,1
+stockman,1502,4
+lakeville,603,3
+ranchester,1360,2
+shelbyville,2678,0
+klickitat,787,7
+hiteman,233,2
+shelbyville,2669,7
+hanson,1017,3
+lakeville,1409,2
+beechwood,755,15
+shelbyville,194,0
+leonardo,1121,4
+pomaria,595,2
+wainscott,683,7
+ranchester,1245,1
+wainscott,1314,2
+marstons,1288,10
+lakeville,1561,8
+marstons,2152,6
+lindenwood,263,0
+shelbyville,1752,0
+hiteman,1799,4
+marstons,2267,8
+shelbyville,2274,9
+hanson,52,4
+stockman,1309,2
+pomaria,1377,6
+hanson,387,2
+lindenwood,1625,7
+lakeville,1474,6
+ranchester,796,3
+shelbyville,459,0
+leonardo,1805,0
+ranchester,1601,12
+shelbyville,1196,0
+woodbine,1380,3
+pomaria,353,6
+woodbine,898,3
+newfields,392,2
+hanson,350,1
+wainscott,1680,6
+coffeen,1496,6
+allensville,465,4
+newfields,1088,17
+merom,406,4
+woodbine,675,6
+newfields,525,1
+newfields,1027,11
+newfields,398,3
+leonardo,1108,1
+klickitat,2135,0
+lindenwood,1050,0
+newfields,313,12
+klickitat,1279,17
+stockman,1357,1
+forkland,924,2
+leonardo,1930,0
+lindenwood,271,3
+tolstoy,1306,3
+pinesdale,1020,1
+lindenwood,862,5
+tolstoy,78,6
+wainscott,774,11
+forkland,871,7
+shelbyville,2742,1
+lindenwood,2646,5
+lindenwood,961,1
+beechwood,5,1
+leonardo,826,5
+woodbine,88,7
+pinesdale,973,13
+lindenwood,1689,11
+tolstoy,1288,3
+hiteman,145,6
+forkland,54,4
+woodbine,268,8
+hanson,22,0
+marstons,1408,0
+cosmos,631,7
+merom,997,1
+marstons,1424,5
+shelbyville,1080,4
+wainscott,1162,2
+hanson,578,2
+leonardo,992,1
+hiteman,912,8
+leonardo,733,15
+cosmos,930,2
+newfields,1318,0
+stockman,287,0
+merom,817,0
+mifflinburg,58,0
+hanson,1107,10
+pomaria,1635,0
+shelbyville,1185,5
+shelbyville,2735,3
+woodbine,1768,2
+leonardo,1020,9
+pomaria,582,2
+hiteman,1687,6
+klickitat,26,1
+beechwood,16,1
+klickitat,2373,2
+klickitat,1610,1
+pomaria,494,10
+klickitat,1413,6
+benevolence,698,2
+ranchester,206,1
+wainscott,1249,2
+shelbyville,2192,4
+hanson,326,1
+ranchester,705,7
+pomaria,562,0
+hanson,1034,4
+shelbyville,148,2
+marstons,1354,2
+wainscott,293,2
+marstons,1434,5
+leonardo,1387,6
+marstons,1689,0
+marstons,679,1
+leonardo,1362,2
+marstons,2554,10
+lindenwood,275,3
+tolstoy,1477,5
+marstons,1386,7
+ranchester,911,4
+shelbyville,2227,9
+shelbyville,1142,6
+lindenwood,807,4
+cosmos,50,2
+pomaria,1136,9
+marstons,1698,13
+wainscott,1205,7
+lakeville,546,0
+stockman,465,0
+lakeville,255,1
+woodbine,176,3
+marstons,709,1
+pomaria,1374,1
+cosmos,32,8
+stockman,1218,0
+pomaria,562,2
+hanson,356,6
+stockman,104,2
+leonardo,1012,3
+allensville,203,2
+lakeville,1718,2
+tolstoy,217,4
+klickitat,1731,0
+marstons,607,3
+lindenwood,1158,2
+hanson,820,7
+marstons,2236,4
+tolstoy,1823,3
+klickitat,951,0
+lindenwood,809,4
+wainscott,1281,3
+stockman,976,5
+beechwood,1017,3
+shelbyville,1699,2
+woodbine,1751,8
+marstons,803,1
+klickitat,2071,9
+leonardo,781,5
+newfields,744,2
+woodbine,2008,3
+tolstoy,1572,4
+wainscott,1758,1
+hanson,731,8
+shelbyville,1804,4
+pomaria,1058,2
+marstons,374,10
+klickitat,302,0
+woodbine,959,5
+marstons,2051,0
+beechwood,567,0
+shelbyville,990,0
+benevolence,564,1
+marstons,1956,5
+newfields,1130,2
+onaga,210,2
+shelbyville,2124,12
+woodbine,1968,4
+klickitat,1441,2
+pomaria,1320,1
+klickitat,1719,2
+tolstoy,617,9
+beechwood,1108,5
+merom,677,2
+marstons,1563,0
+hanson,184,12
+merom,1106,3
+lindenwood,2108,18
+hiteman,1763,2
+newfields,1592,5
+coffeen,880,5
+shelbyville,2336,6
+newfields,263,10
+woodbine,187,1
+leonardo,262,1
+woodbine,556,1
+lakeville,913,2
+woodbine,1404,10
+lindenwood,1760,2
+shelbyville,1775,5
+klickitat,2079,4
+shelbyville,1875,7
+marstons,2658,1
+wainscott,321,3
+klickitat,2278,7
+tolstoy,1598,8
+hanson,1030,0
+leonardo,569,8
+shelbyville,2710,6
+klickitat,1546,4
+pomaria,429,5
+allensville,479,3
+hiteman,446,14
+coffeen,507,2
+lakeville,1469,3
+klickitat,1302,9
+lakeville,936,8
+marstons,2630,1
+woodbine,1050,10
+lakeville,1711,2
+pinesdale,720,7
+stockman,1126,2
+wainscott,816,11
+klickitat,397,0
+hiteman,655,2
+shelbyville,1368,3
+newfields,1148,2
+woodbine,155,0
+marstons,1698,10
+hanson,9,0
+stockman,1176,6
+marstons,758,9
+shelbyville,164,1
+marstons,1574,5
+shelbyville,328,8
+wainscott,1571,7
+pomaria,816,3
+leonardo,1856,2
+newfields,1569,0
+wainscott,758,17
+beechwood,878,1
+pinesdale,1055,6
+marstons,2622,11
+klickitat,2363,6
+pinesdale,146,0
+onaga,537,0
+stockman,1245,3
+hiteman,1349,0
+woodbine,1677,1
+tolstoy,882,1
+shelbyville,2386,1
+leonardo,1291,2
+marstons,291,8
+tolstoy,610,14
+lindenwood,1659,5
+klickitat,458,14
+klickitat,1016,6
+stockman,282,5
+stockman,86,7
+wainscott,611,0
+tolstoy,789,2
+ranchester,1547,3
+wainscott,1653,8
+marstons,1765,5
+leonardo,226,2
+hanson,1533,1
+marstons,1586,14
+shelbyville,1202,0
+shelbyville,2470,12
+marstons,947,6
+pinesdale,1118,0
+hanson,911,0
+stockman,1565,5
+leonardo,941,6
+shelbyville,1316,0
+klickitat,1604,5
+ranchester,462,2
+hiteman,925,0
+lindenwood,406,4
+cosmos,103,1
+lakeville,1380,1
+woodbine,1072,2
+pinesdale,1380,1
+pinesdale,821,3
+hanson,1469,2
+lindenwood,2525,4
+merom,1044,5
+marstons,385,2
+pinesdale,307,9
+klickitat,1072,0
+hiteman,50,4
+woodbine,724,3
+cosmos,334,1
+tolstoy,1601,0
+wainscott,403,6
+leonardo,528,12
+cosmos,217,12
+allensville,79,5
+forkland,968,3
+ranchester,1612,2
+klickitat,368,1
+hanson,1450,2
+lindenwood,2326,2
+benevolence,411,4
+tolstoy,155,6
+woodbine,1779,1
+lindenwood,631,3
+hiteman,271,11
+klickitat,1437,18
+cosmos,474,0
+lindenwood,1156,0
+pinesdale,152,9
+shelbyville,1081,6
+tolstoy,467,11
+lindenwood,1512,8
+tolstoy,243,0
+ranchester,707,5
+marstons,1810,0
+lindenwood,2293,4
+tolstoy,1757,3
+lindenwood,1723,2
+pomaria,1092,4
+beechwood,439,7
+shelbyville,317,3
+hiteman,1295,8
+shelbyville,1981,2
+lindenwood,1307,8
+wainscott,462,2
+ranchester,450,1
+benevolence,837,4
+coffeen,876,3
+klickitat,1495,21
+shelbyville,1860,4
+pinesdale,504,6
+hiteman,256,8
+klickitat,949,2
+stockman,719,4
+pomaria,1350,6
+shelbyville,2150,9
+hanson,1435,3
+pomaria,554,3
+wainscott,1392,1
+marstons,1085,15
+pomaria,1638,12
+leonardo,731,0
+newfields,1009,3
+klickitat,640,0
+shelbyville,1718,0
+coffeen,1345,2
+lakeville,278,0
+marstons,737,0
+newfields,250,2
+beechwood,965,2
+stockman,1000,6
+marstons,1795,3
+klickitat,2056,11
+marstons,821,5
+ranchester,829,2
+cosmos,833,3
+coffeen,1365,5
+ranchester,683,7
+lakeville,1535,3
+allensville,27,0
+beechwood,320,4
+lakeville,1125,5
+lindenwood,1781,1
+ranchester,834,3
+coffeen,359,0
+leonardo,742,8
+lindenwood,257,12
+ranchester,181,3
+leonardo,1435,11
+shelbyville,1934,7
+hiteman,271,7
+leonardo,634,6
+lindenwood,1458,4
+pinesdale,242,1
+wainscott,263,2
+beechwood,999,5
+klickitat,2280,0
+hiteman,150,8
+marstons,89,3
+pomaria,1213,12
+beechwood,260,3
+mifflinburg,423,5
+forkland,1143,2
+wainscott,1577,7
+wainscott,308,1
+lakeville,1459,6
+allensville,144,6
+hanson,723,5
+marstons,1649,3
+tolstoy,291,10
+wainscott,740,11
+hiteman,593,0
+pomaria,1438,6
+marstons,838,2
+newfields,444,5
+cosmos,311,12
+woodbine,968,6
+hanson,894,5
+hiteman,694,4
+benevolence,947,7
+newfields,713,2
+stockman,869,2
+forkland,1007,4
+klickitat,2,11
+cosmos,454,7
+wainscott,783,13
+benevolence,605,8
+lakeville,73,0
+hiteman,1373,1
+wainscott,548,7
+woodbine,675,11
+stockman,393,4
+hiteman,438,1
+merom,267,3
+coffeen,792,2
+klickitat,256,11
+lindenwood,181,7
+woodbine,1288,3
+lindenwood,1606,0
+beechwood,252,3
+lakeville,355,5
+pinesdale,910,1
+leonardo,1464,1
+wainscott,665,8
+klickitat,2329,0
+newfields,1282,3
+wainscott,954,6
+newfields,1238,6
+newfields,1394,6
+woodbine,1214,0
+lakeville,9,2
+stockman,96,6
+lindenwood,384,1
+shelbyville,180,5
+hanson,1161,12
+merom,778,2
+leonardo,1319,2
+lakeville,1060,3
+allensville,268,4
+beechwood,765,2
+beechwood,993,10
+lakeville,1561,6
+shelbyville,784,10
+newfields,656,4
+hanson,374,0
+pomaria,1137,1
+hiteman,870,0
+woodbine,282,3
+newfields,56,4
+pomaria,437,5
+ranchester,1356,1
+beechwood,424,0
+lakeville,1063,4
+woodbine,502,1
+cosmos,421,11
+lakeville,1878,2
+wainscott,1077,6
+tolstoy,1655,8
+lakeville,1148,1
+mifflinburg,425,2
+lindenwood,1474,11
+shelbyville,1276,10
+cosmos,929,8
+cosmos,1068,1
+leonardo,1955,6
+stockman,55,2
+hiteman,615,3
+pomaria,10,2
+hiteman,1819,3
+klickitat,1914,14
+stockman,468,7
+lakeville,1004,3
+allensville,108,1
+shelbyville,1623,6
+lakeville,411,8
+beechwood,741,1
+shelbyville,511,2
+leonardo,492,5
+stockman,1298,6
+lindenwood,1319,1
+marstons,465,1
+lindenwood,1302,8
+marstons,2567,1
+wainscott,821,0
+wainscott,1581,2
+coffeen,1129,9
+onaga,675,3
+lindenwood,386,6
+shelbyville,1775,11
+klickitat,80,3
+marstons,2157,4
+ranchester,1633,4
+merom,779,8
+hiteman,137,8
+shelbyville,2298,3
+klickitat,569,2
+lakeville,1283,1
+hiteman,685,1
+benevolence,623,8
+pinesdale,1069,2
+pomaria,864,0
+lindenwood,312,1
+klickitat,1378,0
+pomaria,142,3
+woodbine,875,8
+marstons,589,1
+forkland,1166,4
+shelbyville,1545,11
+newfields,1602,1
+newfields,1560,5
+pomaria,385,9
+pinesdale,562,2
+woodbine,1282,9
+wainscott,252,4
+wainscott,1478,8
+shelbyville,2094,9
+hanson,1131,10
+hiteman,282,2
+stockman,404,4
+leonardo,1860,5
+hanson,623,11
+leonardo,1073,4
+hanson,1183,10
+pinesdale,1455,8
+hiteman,473,2
+tolstoy,596,2
+shelbyville,2070,1
+woodbine,1961,10
+stockman,1237,3
+leonardo,86,6
+hanson,1638,1
+tolstoy,882,5
+newfields,494,3
+ranchester,323,3
+forkland,335,0
+klickitat,1796,4
+klickitat,1902,1
+hiteman,988,5
+ranchester,1058,0
+klickitat,52,5
+klickitat,947,4
+hiteman,1261,10
+pinesdale,949,2
+woodbine,1406,3
+newfields,483,0
+lakeville,664,1
+marstons,582,5
+lindenwood,2055,10
+beechwood,131,0
+lakeville,656,6
+marstons,2179,0
+klickitat,464,1
+wainscott,186,2
+ranchester,939,3
+stockman,742,1
+lakeville,467,1
+wainscott,1284,1
+forkland,231,3
+cosmos,902,3
+woodbine,650,0
+ranchester,860,2
+newfields,787,5
+mifflinburg,431,3
+woodbine,1178,0
+woodbine,245,2
+woodbine,1389,0
+beechwood,1071,6
+leonardo,936,0
+leonardo,784,4
+pomaria,814,2
+lakeville,1097,2
+stockman,1331,3
+cosmos,44,1
+beechwood,867,1
+klickitat,113,6
+leonardo,1618,8
+klickitat,2329,8
+leonardo,790,2
+klickitat,1963,5
+pinesdale,174,1
+leonardo,1317,4
+hanson,892,5
+klickitat,861,6
+klickitat,2072,21
+lakeville,1483,4
+hiteman,1202,4
+shelbyville,713,0
+leonardo,149,3
+tolstoy,1336,0
+lindenwood,747,10
+beechwood,220,3
+lakeville,1839,3
+ranchester,1002,0
+newfields,1245,12
+marstons,1844,3
+klickitat,1526,1
+leonardo,1813,8
+mifflinburg,826,1
+cosmos,787,0
+allensville,60,2
+coffeen,720,2
+marstons,310,0
+newfields,1298,0
+lakeville,1213,7
+stockman,1141,1
+newfields,1575,4
+merom,147,4
+marstons,1311,9
+ranchester,641,4
+newfields,1640,0
+shelbyville,1113,0
+lindenwood,240,0
+hanson,151,0
+tolstoy,133,7
+hanson,750,3
+wainscott,781,1
+klickitat,147,2
+pomaria,510,7
+shelbyville,198,2
+pinesdale,1081,8
+shelbyville,2317,1
+woodbine,1663,2
+pomaria,391,2
+lindenwood,2284,4
+lindenwood,1795,9
+pinesdale,765,1
+marstons,824,1
+beechwood,1072,4
+hanson,1475,8
+hanson,800,13
+coffeen,567,6
+leonardo,1458,0
+lindenwood,1577,1
+wainscott,1481,0
+leonardo,447,2
+lindenwood,685,8
+lindenwood,2426,2
+marstons,1323,3
+woodbine,478,3
+newfields,386,0
+pinesdale,622,4
+shelbyville,2476,1
+woodbine,1493,9
+leonardo,1200,1
+woodbine,882,1
+marstons,1103,4
+merom,966,4
+mifflinburg,337,0
+coffeen,698,1
+lindenwood,1294,4
+marstons,1769,1
+lakeville,582,1
+marstons,2032,8
+cosmos,683,0
+coffeen,287,0
+hiteman,112,2
+beechwood,548,6
+pinesdale,917,1
+newfields,1403,9
+leonardo,41,2
+tolstoy,1389,8
+stockman,1324,0
+newfields,1508,0
+cosmos,1066,1
+coffeen,1490,1
+hanson,931,5
+lakeville,1327,14
+marstons,1629,5
+ranchester,946,6
+woodbine,687,3
+marstons,2275,0
+onaga,520,0
+hiteman,1033,0
+lindenwood,1000,0
+klickitat,841,10
+mifflinburg,971,10
+allensville,174,1
+pomaria,477,5
+klickitat,262,0
+coffeen,878,2
+hanson,591,0
+lindenwood,298,7
+stockman,795,1
+lindenwood,2476,12
+hanson,205,5
+forkland,957,0
+newfields,1030,11
+marstons,2561,2
+wainscott,1591,2
+marstons,2656,2
+shelbyville,2725,3
+lakeville,1740,5
+coffeen,147,0
+tolstoy,848,0
+hiteman,1087,3
+woodbine,551,2
+stockman,1343,3
+marstons,2398,0
+wainscott,900,3
+shelbyville,2540,3
+lindenwood,2454,6
+lindenwood,1076,2
+klickitat,1611,1
+shelbyville,2342,8
+lindenwood,539,2
+klickitat,1842,1
+hanson,387,0
+beechwood,872,3
+woodbine,1440,10
+coffeen,781,1
+marstons,2248,8
+coffeen,288,1
+lakeville,1860,9
+tolstoy,878,1
+hanson,35,17
+wainscott,133,8
+lakeville,1080,6
+coffeen,731,3
+hiteman,275,2
+mifflinburg,616,0
+ranchester,960,0
+lakeville,467,6
+beechwood,261,5
+cosmos,714,7
+shelbyville,534,12
+mifflinburg,226,4
+marstons,524,3
+woodbine,2024,8
+pomaria,1020,0
+pomaria,1082,0
+mifflinburg,433,3
+wainscott,182,6
+shelbyville,1692,4
+hanson,635,1
+klickitat,373,4
+pinesdale,307,2
+tolstoy,1639,2
+ranchester,871,0
+merom,150,6
+shelbyville,978,4
+shelbyville,395,2
+marstons,2181,0
+hanson,999,8
+newfields,1326,4
+lakeville,1800,4
+woodbine,1118,1
+klickitat,1689,9
+pinesdale,352,2
+hanson,962,3
+tolstoy,934,1
+wainscott,1169,5
+hanson,146,7
+ranchester,1366,0
+tolstoy,1232,5
+klickitat,712,6
+woodbine,1316,0
+stockman,1031,7
+hanson,1162,4
+marstons,38,1
+hiteman,133,2
+merom,866,3
+klickitat,1960,15
+newfields,455,3
+mifflinburg,327,3
+stockman,536,2
+woodbine,1235,6
+pomaria,217,6
+forkland,234,8
+leonardo,1094,4
+ranchester,375,4
+leonardo,173,0
+hanson,1198,0
+hanson,1082,7
+newfields,1167,4
+pomaria,920,3
+wainscott,1671,1
+woodbine,1826,2
+hiteman,1834,13
+tolstoy,789,1
+wainscott,313,9
+tolstoy,1144,4
+leonardo,190,15
+tolstoy,404,1
+ranchester,257,1
+klickitat,2270,6
+woodbine,508,6
+klickitat,1702,5
+lindenwood,579,9
+merom,1070,1
+lindenwood,2345,3
+klickitat,1974,15
+shelbyville,1547,1
+hanson,1195,14
+hiteman,1563,10
+onaga,581,3
+wainscott,342,2
+tolstoy,573,6
+woodbine,952,1
+mifflinburg,828,4
+pinesdale,625,7
+klickitat,1539,0
+woodbine,1713,2
+lakeville,1690,11
+cosmos,306,2
+woodbine,1667,15
+hiteman,544,1
+wainscott,1249,4
+hiteman,63,1
+wainscott,722,1
+wainscott,832,5
+shelbyville,901,6
+woodbine,1811,2
+tolstoy,279,11
+marstons,1975,3
+leonardo,2033,8
+leonardo,1363,0
+hiteman,1016,0
+hiteman,1611,5
+lindenwood,2246,6
+klickitat,303,14
+klickitat,1144,5
+newfields,365,0
+forkland,652,1
+beechwood,103,5
+hanson,981,5
+lakeville,818,10
+pomaria,488,17
+stockman,1033,3
+pinesdale,107,2
+leonardo,1394,6
+tolstoy,839,4
+woodbine,470,10
+klickitat,471,1
+woodbine,543,4
+tolstoy,489,3
+coffeen,931,3
+woodbine,844,4
+hanson,175,0
+hiteman,1487,6
+mifflinburg,127,2
+onaga,265,1
+hiteman,448,0
+ranchester,94,6
+shelbyville,1368,10
+beechwood,852,1
+hanson,442,0
+woodbine,1402,0
+pomaria,385,4
+cosmos,274,0
+klickitat,2089,3
+leonardo,1646,0
+leonardo,2085,2
+shelbyville,1828,2
+ranchester,302,2
+onaga,84,8
+mifflinburg,218,5
+klickitat,17,6
+mifflinburg,681,1
+marstons,958,8
+leonardo,1534,8
+beechwood,349,4
+coffeen,303,2
+ranchester,41,2
+leonardo,1859,1
+coffeen,1274,1
+hanson,219,4
+pinesdale,1405,8
+hiteman,1319,6
+leonardo,938,1
+tolstoy,1820,1
+tolstoy,1360,4
+stockman,1471,2
+tolstoy,1303,5
+lindenwood,61,3
+tolstoy,1203,1
+newfields,161,8
+pomaria,1160,7
+marstons,1824,4
+onaga,253,3
+pomaria,1215,5
+shelbyville,839,3
+pomaria,883,3
+wainscott,28,2
+wainscott,1514,0
+marstons,7,0
+ranchester,1195,6
+pinesdale,928,0
+wainscott,300,7
+klickitat,1886,1
+newfields,901,4
+mifflinburg,513,1
+shelbyville,1341,3
+hiteman,481,4
+ranchester,400,7
+cosmos,1021,5
+wainscott,1762,0
+pomaria,450,9
+marstons,1053,7
+klickitat,202,8
+lindenwood,1159,10
+marstons,2035,2
+klickitat,1387,3
+pomaria,1646,3
+tolstoy,248,5
+leonardo,1033,1
+mifflinburg,400,5
+marstons,2436,5
+klickitat,2038,5
+ranchester,336,8
+shelbyville,1086,1
+pinesdale,690,7
+woodbine,1270,8
+ranchester,1573,0
+klickitat,74,19
+shelbyville,1740,6
+stockman,36,13
+hanson,307,16
+merom,533,5
+shelbyville,836,0
+ranchester,896,11
+newfields,1367,7
+allensville,168,1
+lakeville,850,4
+hiteman,168,11
+lakeville,1061,12
+ranchester,211,2
+ranchester,109,5
+lindenwood,682,2
+marstons,1710,9
+leonardo,1594,9
+wainscott,1010,7
+pinesdale,94,2
+klickitat,427,1
+tolstoy,176,6
+shelbyville,815,6
+shelbyville,865,0
+pomaria,942,3
+wainscott,975,11
+shelbyville,1493,8
+marstons,2355,0
+shelbyville,2482,9
+wainscott,577,0
+newfields,933,0
+lindenwood,2392,5
+wainscott,1635,2
+newfields,1195,1
+tolstoy,448,5
+newfields,1143,4
+lindenwood,2571,11
+mifflinburg,687,0
+ranchester,310,0
+wainscott,163,0
+woodbine,1415,2
+newfields,12,2
+shelbyville,1762,2
+leonardo,218,1
+allensville,29,2
+shelbyville,436,3
+marstons,674,2
+wainscott,919,10
+merom,779,10
+leonardo,1778,0
+klickitat,1553,15
+lindenwood,67,2
+lakeville,753,2
+newfields,248,1
+stockman,1336,1
+mifflinburg,218,2
+beechwood,603,1
+beechwood,319,2
+woodbine,699,3
+shelbyville,508,7
+pinesdale,1384,5
+forkland,71,3
+pomaria,40,4
+lindenwood,1388,4
+coffeen,700,3
+klickitat,1889,1
+benevolence,650,2
+hanson,997,7
+pinesdale,984,2
+wainscott,633,4
+marstons,34,2
+lindenwood,1604,2
+ranchester,69,12
+newfields,84,6
+forkland,357,3
+benevolence,536,7
+coffeen,375,1
+lakeville,876,13
+klickitat,52,8
+leonardo,363,13
+leonardo,1528,17
+hiteman,566,1
+hiteman,587,0
+lindenwood,644,4
+klickitat,388,1
+lakeville,328,4
+stockman,477,2
+pomaria,1603,4
+coffeen,1101,5
+hiteman,858,9
+mifflinburg,736,0
+pinesdale,1169,0
+wainscott,1722,4
+forkland,1090,1
+klickitat,1361,12
+cosmos,339,2
+hiteman,136,1
+lakeville,645,2
+cosmos,947,6
+wainscott,1457,3
+mifflinburg,227,2
+woodbine,2016,7
+leonardo,2063,7
+lakeville,453,6
+hanson,1361,9
+ranchester,1639,9
+lindenwood,1738,5
+benevolence,263,0
+lakeville,92,3
+mifflinburg,694,6
+forkland,1130,4
+hiteman,621,0
+hanson,149,4
+woodbine,250,2
+leonardo,1883,4
+marstons,485,1
+shelbyville,2140,9
+lindenwood,746,2
+klickitat,1215,1
+wainscott,544,9
+coffeen,1403,0
+stockman,495,0
+onaga,147,2
+lindenwood,1973,2
+forkland,750,3
+shelbyville,1753,6
+klickitat,1007,7
+beechwood,87,0
+pomaria,35,12
+newfields,1047,3
+tolstoy,896,2
+pomaria,1494,1
+ranchester,403,6
+shelbyville,564,1
+shelbyville,2426,3
+leonardo,456,3
+leonardo,1957,0
+beechwood,1021,3
+benevolence,601,1
+shelbyville,1201,4
+hiteman,650,13
+coffeen,434,2
+lakeville,1276,0
+leonardo,346,16
+hanson,420,1
+pomaria,207,0
+hanson,698,5
+hanson,558,7
+hanson,327,11
+hanson,1438,2
+coffeen,729,6
+woodbine,181,3
+newfields,1402,0
+wainscott,1163,1
+lakeville,1871,2
+klickitat,1323,7
+tolstoy,962,2
+stockman,44,5
+mifflinburg,758,8
+pinesdale,198,0
+beechwood,709,1
+merom,70,7
+wainscott,1787,3
+beechwood,1056,5
+lakeville,1312,1
+pinesdale,27,2
+stockman,1504,2
+shelbyville,2461,0
+leonardo,996,4
+hiteman,1377,1
+pinesdale,248,7
+forkland,543,3
+marstons,2539,3
+shelbyville,1934,1
+onaga,468,2
+klickitat,30,2
+lindenwood,2525,9
+hanson,1354,5
+leonardo,1411,2
+klickitat,1004,2
+stockman,1557,2
+marstons,384,11
+newfields,1595,2
+merom,603,0
+forkland,288,3
+shelbyville,709,2
+klickitat,1149,0
+ranchester,279,4
+coffeen,1230,0
+onaga,553,0
+wainscott,253,1
+ranchester,1415,3
+benevolence,298,1
+lindenwood,2618,3
+benevolence,295,0
+lindenwood,2312,8
+allensville,169,2
+lindenwood,645,1
+hiteman,691,3
+wainscott,1578,5
+forkland,615,2
+pomaria,281,0
+lindenwood,177,0
+stockman,980,10
+forkland,300,1
+lindenwood,814,1
+woodbine,410,5
+benevolence,158,1
+shelbyville,409,0
+tolstoy,694,2
+lindenwood,254,4
+hiteman,763,5
+lindenwood,618,0
+marstons,2407,6
+hiteman,334,6
+woodbine,220,2
+marstons,2540,9
+pomaria,1017,0
+benevolence,812,3
+leonardo,1020,0
+newfields,1529,1
+lindenwood,1137,5
+pomaria,351,5
+forkland,100,12
+tolstoy,1423,1
+lindenwood,708,5
+shelbyville,1667,1
+klickitat,1747,2
+coffeen,163,1
+marstons,48,5
+marstons,312,2
+allensville,344,5
+ranchester,778,2
+pinesdale,798,2
+allensville,489,3
+shelbyville,1705,1
+pomaria,180,7
+klickitat,1471,13
+pinesdale,722,8
+allensville,1,1
+allensville,462,5
+merom,320,2
+lakeville,1252,13
+coffeen,361,0
+ranchester,806,2
+ranchester,400,11
+marstons,1158,9
+wainscott,749,0
+hiteman,1350,6
+merom,286,0
+shelbyville,434,1
+lakeville,775,3
+lakeville,1570,6
+shelbyville,1621,4
+lindenwood,285,1
+merom,206,1
+klickitat,237,5
+wainscott,1514,11
+newfields,902,8
+marstons,1250,0
+shelbyville,455,3
+beechwood,671,5
+tolstoy,786,0
+lindenwood,1276,8
+hanson,1351,1
+lakeville,1453,1
+hanson,1009,14
+onaga,293,4
+benevolence,604,8
+coffeen,1093,6
+shelbyville,328,4
+lindenwood,2094,4
+coffeen,1346,3
+coffeen,1237,2
+ranchester,1033,17
+klickitat,355,2
+newfields,559,2
+marstons,2372,8
+shelbyville,1985,0
+marstons,1561,6
+cosmos,290,1
+stockman,556,6
+pinesdale,1448,4
+woodbine,1510,2
+woodbine,289,0
+pinesdale,864,0
+woodbine,470,13
+forkland,77,3
+benevolence,753,1
+hiteman,204,5
+tolstoy,268,10
+cosmos,936,10
+beechwood,1077,0
+hiteman,1157,4
+cosmos,623,0
+hanson,1162,2
+newfields,989,3
+wainscott,801,4
+leonardo,912,0
+klickitat,246,5
+pinesdale,113,13
+cosmos,823,6
+lakeville,135,6
+lindenwood,1681,1
+beechwood,506,4
+wainscott,1399,2
+woodbine,39,1
+newfields,562,0
+forkland,566,2
+lindenwood,1818,2
+pomaria,1485,3
+shelbyville,514,2
+allensville,386,0
+tolstoy,1006,5
+hanson,1347,0
+stockman,1428,4
+newfields,1072,5
+cosmos,1028,0
+coffeen,424,2
+woodbine,1030,8
+marstons,363,0
+hiteman,1182,3
+shelbyville,1707,9
+klickitat,2152,2
+merom,1105,4
+newfields,312,3
+hanson,380,1
+klickitat,1580,8
+hanson,1604,9
+wainscott,1106,5
+stockman,15,8
+forkland,1003,7
+shelbyville,1236,4
+hanson,796,3
+hanson,255,5
+tolstoy,1015,6
+pomaria,248,10
+cosmos,703,6
+marstons,1751,14
+klickitat,822,4
+marstons,1804,2
+klickitat,512,2
+hiteman,240,2
+hanson,1006,1
+marstons,1877,3
+pomaria,1170,2
+lindenwood,1575,4
+coffeen,649,6
+lindenwood,1470,0
+marstons,2352,1
+pinesdale,779,2
+tolstoy,1548,1
+shelbyville,126,10
+coffeen,560,13
+lakeville,212,3
+marstons,1255,10
+newfields,953,6
+lakeville,674,2
+klickitat,1432,1
+wainscott,1156,5
+leonardo,671,1
+lakeville,1355,4
+benevolence,969,7
+marstons,499,9
+benevolence,467,1
+shelbyville,330,2
+coffeen,225,2
+hiteman,1676,0
+shelbyville,2688,10
+merom,638,5
+tolstoy,965,3
+lindenwood,795,2
+hiteman,283,1
+shelbyville,2663,5
+pinesdale,953,1
+coffeen,490,0
+ranchester,537,4
+newfields,1000,1
+coffeen,94,2
+lakeville,1026,0
+tolstoy,1333,4
+benevolence,451,2
+shelbyville,2663,2
+lindenwood,101,4
+tolstoy,555,3
+klickitat,1468,1
+wainscott,625,11
+allensville,152,2
+shelbyville,1895,5
+klickitat,846,10
+beechwood,776,4
+stockman,64,2
+wainscott,893,2
+woodbine,58,0
+lakeville,920,6
+pinesdale,1321,3
+hiteman,1248,2
+woodbine,516,7
+klickitat,2122,7
+hanson,176,0
+mifflinburg,735,0
+leonardo,929,0
+newfields,674,0
+ranchester,598,9
+allensville,394,5
+coffeen,776,1
+cosmos,426,0
+klickitat,1990,3
+newfields,1272,1
+leonardo,1952,15
+shelbyville,1293,11
+lakeville,211,1
+lindenwood,1226,1
+marstons,2448,7
+onaga,109,9
+newfields,611,9
+stockman,1190,3
+forkland,94,8
+lindenwood,111,5
+onaga,635,0
+shelbyville,2819,0
+lindenwood,1316,9
+cosmos,461,2
+hanson,1467,8
+onaga,550,9
+stockman,505,2
+wainscott,1575,5
+wainscott,376,4
+klickitat,989,1
+klickitat,2143,3
+coffeen,598,1
+shelbyville,1569,12
+pinesdale,1260,8
+klickitat,120,2
+hanson,1237,1
+pomaria,651,4
+woodbine,1112,6
+lindenwood,361,11
+tolstoy,1107,1
+lindenwood,2315,6
+merom,675,0
+ranchester,424,3
+stockman,353,6
+newfields,1205,3
+woodbine,420,3
+woodbine,1546,0
+wainscott,394,8
+newfields,1492,0
+hanson,1616,1
+pinesdale,551,3
+forkland,628,2
+hanson,652,8
+wainscott,473,0
+merom,420,2
+hiteman,560,2
+hanson,1601,6
+pomaria,557,14
+shelbyville,799,8
+beechwood,946,4
+benevolence,439,3
+merom,948,8
+klickitat,1706,9
+lindenwood,2289,10
+cosmos,252,1
+ranchester,250,1
+klickitat,1488,3
+hiteman,1420,5
+hanson,76,4
+forkland,580,4
+marstons,1045,11
+ranchester,1616,4
+marstons,2207,0
+hanson,766,5
+shelbyville,143,3
+lakeville,1365,1
+marstons,484,7
+klickitat,954,0
+pomaria,567,0
+wainscott,719,5
+marstons,1786,7
+stockman,1405,3
+tolstoy,402,6
+klickitat,1813,1
+shelbyville,1619,4
+shelbyville,1012,5
+woodbine,1750,4
+ranchester,533,6
+pinesdale,1380,2
+hiteman,197,1
+wainscott,1332,3
+marstons,56,4
+tolstoy,1516,2
+lakeville,1235,2
+shelbyville,1441,1
+leonardo,528,24
+klickitat,32,3
+hanson,1598,10
+marstons,238,4
+marstons,1707,4
+cosmos,536,4
+pinesdale,1435,0
+shelbyville,1120,12
+wainscott,478,11
+pinesdale,1155,1
+hiteman,1274,5
+pomaria,883,6
+leonardo,1876,7
+tolstoy,913,8
+lindenwood,453,11
+tolstoy,349,1
+hanson,1221,5
+mifflinburg,942,2
+woodbine,729,10
+tolstoy,1290,11
+marstons,1194,9
+ranchester,296,3
+lakeville,270,1
+shelbyville,1645,13
+lindenwood,311,4
+pinesdale,1168,2
+benevolence,66,1
+mifflinburg,446,2
+pinesdale,283,1
+leonardo,1557,3
+klickitat,904,3
+hanson,652,4
+leonardo,540,8
+leonardo,679,0
+stockman,15,9
+forkland,935,1
+coffeen,529,8
+beechwood,491,0
+beechwood,681,0
+hiteman,696,13
+shelbyville,675,8
+lakeville,1176,4
+pomaria,762,0
+hanson,362,10
+leonardo,726,1
+wainscott,626,2
+shelbyville,2640,0
+cosmos,702,4
+leonardo,2107,3
+pomaria,71,4
+marstons,1512,6
+stockman,168,2
+leonardo,878,1
+stockman,1163,0
+tolstoy,9,5
+forkland,698,1
+leonardo,918,3
+woodbine,1839,5
+mifflinburg,567,0
+newfields,1659,7
+coffeen,1151,7
+lindenwood,1199,3
+lakeville,1154,1
+leonardo,1830,6
+coffeen,39,1
+pomaria,1105,0
+wainscott,303,7
+stockman,637,0
+marstons,890,1
+pomaria,1403,10
+hanson,812,9
+forkland,1090,0
+pomaria,1551,2
+cosmos,817,2
+pinesdale,199,4
+coffeen,609,8
+lindenwood,1316,0
+ranchester,524,5
+stockman,496,3
+stockman,1059,3
+ranchester,1480,0
+cosmos,830,4
+leonardo,1749,0
+leonardo,1273,6
+stockman,1453,6
+marstons,1262,14
+woodbine,881,9
+lakeville,159,2
+merom,291,3
+beechwood,1019,6
+cosmos,195,0
+marstons,1341,12
+coffeen,1461,3
+marstons,798,8
+pinesdale,610,1
+lakeville,1447,3
+tolstoy,1560,5
+marstons,353,0
+coffeen,1336,1
+woodbine,1298,7
+marstons,2187,3
+onaga,576,3
+shelbyville,1822,5
+woodbine,117,4
+klickitat,2107,9
+marstons,657,6
+lakeville,910,6
+stockman,1430,1
+hiteman,456,5
+klickitat,1521,0
+stockman,685,1
+newfields,779,8
+klickitat,1326,3
+wainscott,647,0
+klickitat,1043,0
+klickitat,974,2
+klickitat,160,2
+klickitat,636,6
+lakeville,1382,1
+lakeville,561,14
+hanson,1162,1
+shelbyville,134,8
+ranchester,1470,0
+lakeville,1470,4
+hanson,397,1
+lakeville,506,1
+tolstoy,642,0
+hiteman,1175,0
+lindenwood,590,5
+marstons,151,11
+wainscott,415,0
+ranchester,1117,3
+allensville,441,4
+cosmos,537,0
+forkland,926,3
+pomaria,1166,2
+klickitat,1872,2
+leonardo,1641,0
+lindenwood,367,3
+lakeville,667,0
+merom,576,4
+marstons,349,3
+newfields,1003,11
+shelbyville,1009,1
+lindenwood,1713,3
+shelbyville,1679,4
+klickitat,246,12
+cosmos,702,2
+hiteman,974,3
+shelbyville,2778,0
+coffeen,765,3
+ranchester,565,7
+newfields,302,4
+klickitat,1677,8
+lakeville,79,2
+pinesdale,527,7
+lindenwood,1355,10
+merom,861,1
+allensville,391,2
+pomaria,164,10
+woodbine,1583,8
+allensville,153,3
+wainscott,794,5
+woodbine,88,11
+marstons,1045,0
+ranchester,752,0
+lakeville,548,6
+klickitat,207,1
+woodbine,1207,5
+coffeen,785,1
+lindenwood,16,4
+lakeville,189,1
+lakeville,691,10
+leonardo,689,2
+marstons,1248,11
+woodbine,595,10
+tolstoy,682,6
+pomaria,636,7
+ranchester,1063,3
+woodbine,1232,3
+shelbyville,1643,9
+pomaria,739,8
+klickitat,805,8
+pomaria,1498,4
+lakeville,1512,1
+wainscott,539,11
+lindenwood,709,2
+marstons,469,8
+leonardo,691,1
+shelbyville,726,0
+klickitat,467,1
+shelbyville,94,0
+shelbyville,610,1
+shelbyville,1883,6
+wainscott,761,1
+pinesdale,507,2
+shelbyville,2206,2
+hanson,1014,2
+tolstoy,1454,8
+hanson,587,3
+wainscott,1371,7
+pinesdale,1073,6
+tolstoy,1157,0
+hiteman,774,1
+hanson,393,6
+tolstoy,1062,3
+newfields,929,3
+hiteman,412,0
+newfields,534,10
+ranchester,1205,9
+stockman,563,5
+lindenwood,1010,5
+pomaria,105,0
+allensville,319,3
+cosmos,293,6
+pomaria,1125,2
+lakeville,935,7
+hiteman,1116,5
+tolstoy,1594,0
+lindenwood,925,8
+mifflinburg,545,8
+merom,120,0
+lindenwood,762,1
+lakeville,1177,1
+tolstoy,1451,3
+benevolence,786,3
+marstons,800,1
+lakeville,385,0
+pomaria,1122,7
+hiteman,1112,9
+shelbyville,2300,1
+lindenwood,1009,6
+klickitat,2006,0
+marstons,2110,0
+shelbyville,2302,16
+wainscott,1328,0
+wainscott,1629,4
+woodbine,310,0
+klickitat,1565,8
+newfields,226,2
+cosmos,777,2
+woodbine,1132,5
+lakeville,460,0
+shelbyville,1094,5
+hiteman,1146,1
+shelbyville,2290,4
+pinesdale,1076,6
+benevolence,488,0
+hanson,1222,0
+klickitat,2081,8
+marstons,1379,0
+mifflinburg,131,9
+klickitat,1685,10
+lakeville,1242,7
+newfields,790,1
+wainscott,1790,10
+klickitat,467,3
+woodbine,539,16
+shelbyville,2268,7
+newfields,1216,2
+mifflinburg,496,0
+shelbyville,482,4
+shelbyville,2518,0
+lakeville,449,5
+shelbyville,1949,5
+pinesdale,1340,0
+coffeen,1013,3
+lindenwood,242,0
+tolstoy,105,1
+leonardo,1073,2
+woodbine,1139,3
+klickitat,2102,4
+shelbyville,2393,10
+woodbine,159,9
+hanson,28,4
+shelbyville,446,1
+shelbyville,1064,4
+hiteman,1208,1
+stockman,1521,1
+cosmos,1064,3
+wainscott,1583,11
+hanson,401,1
+tolstoy,136,0
+leonardo,33,2
+shelbyville,15,7
+leonardo,1747,1
+tolstoy,1252,5
+ranchester,113,5
+stockman,832,2
+pinesdale,437,2
+shelbyville,2388,4
+newfields,1529,17
+marstons,793,8
+woodbine,315,0
+tolstoy,1658,1
+hanson,1244,2
+wainscott,1380,2
+beechwood,662,4
+lindenwood,2315,2
+pinesdale,866,4
+pomaria,1409,6
+shelbyville,1454,6
+lindenwood,1992,0
+lindenwood,1539,2
+hanson,789,5
+forkland,841,4
+mifflinburg,322,3
+forkland,331,2
+woodbine,645,2
+lindenwood,423,6
+klickitat,737,2
+klickitat,977,4
+tolstoy,860,1
+wainscott,390,4
+woodbine,1700,1
+tolstoy,549,1
+ranchester,1348,9
+leonardo,992,3
+hiteman,1529,2
+klickitat,87,3
+cosmos,268,0
+woodbine,821,1
+klickitat,622,4
+klickitat,1042,6
+wainscott,721,11
+lakeville,1166,2
+marstons,1129,2
+leonardo,1366,4
+woodbine,655,2
+wainscott,777,0
+leonardo,1187,2
+cosmos,193,9
+tolstoy,1668,2
+woodbine,493,2
+pomaria,1558,1
+hiteman,270,2
+cosmos,639,1
+hanson,337,7
+pinesdale,1371,4
+shelbyville,1645,4
+lindenwood,737,0
+shelbyville,971,7
+pomaria,343,0
+coffeen,497,2
+pomaria,1550,3
+tolstoy,1030,0
+wainscott,821,6
+shelbyville,1517,4
+lindenwood,1030,5
+newfields,82,8
+marstons,1556,0
+tolstoy,1526,3
+cosmos,770,0
+leonardo,1945,2
+pomaria,609,11
+benevolence,681,3
+coffeen,537,4
+shelbyville,194,4
+pinesdale,420,10
+wainscott,81,0
+marstons,1193,5
+shelbyville,82,3
+beechwood,1031,1
+stockman,583,2
+merom,107,1
+woodbine,1273,2
+forkland,197,2
+klickitat,720,5
+wainscott,127,0
+benevolence,180,0
+marstons,2098,2
+marstons,1102,6
+hanson,1459,15
+leonardo,1533,2
+lakeville,1381,1
+lakeville,700,1
+tolstoy,1193,0
+leonardo,1338,2
+stockman,844,2
+klickitat,100,2
+wainscott,543,0
+shelbyville,1353,3
+shelbyville,50,5
+cosmos,790,1
+shelbyville,666,0
+newfields,413,2
+leonardo,1473,6
+shelbyville,718,6
+wainscott,1763,0
+benevolence,799,1
+marstons,648,3
+cosmos,1038,1
+shelbyville,2753,3
+leonardo,1397,2
+shelbyville,204,5
+woodbine,823,0
+coffeen,88,0
+forkland,1090,3
+shelbyville,992,2
+wainscott,1509,5
+lindenwood,2075,5
+lindenwood,151,3
+lindenwood,251,2
+cosmos,814,1
+hanson,1340,1
+klickitat,831,0
+lindenwood,349,0
+newfields,1529,2
+leonardo,422,0
+onaga,293,1
+leonardo,1572,8
+newfields,269,7
+mifflinburg,339,3
+pomaria,1051,5
+wainscott,78,3
+leonardo,1247,0
+klickitat,1822,4
+onaga,20,4
+forkland,286,1
+beechwood,1101,5
+hanson,849,0
+merom,353,1
+hiteman,111,2
+leonardo,518,6
+hiteman,851,3
+woodbine,1083,8
+newfields,1359,3
+cosmos,640,7
+stockman,156,0
+benevolence,42,8
+klickitat,775,3
+merom,973,0
+woodbine,1374,0
+hanson,754,5
+merom,544,4
+woodbine,1707,13
+mifflinburg,920,4
+mifflinburg,62,4
+woodbine,1235,8
+tolstoy,466,1
+hanson,1624,8
+coffeen,644,6
+beechwood,1118,3
+shelbyville,2295,9
+pinesdale,830,2
+beechwood,44,6
+pinesdale,1456,5
+klickitat,1279,19
+klickitat,187,4
+shelbyville,121,4
+shelbyville,871,2
+merom,822,5
+newfields,1488,8
+hanson,1344,3
+woodbine,894,6
+hanson,1201,13
+pomaria,315,2
+marstons,1552,0
+shelbyville,24,9
+klickitat,173,2
+tolstoy,358,1
+allensville,257,0
+marstons,1039,4
+hiteman,1552,2
+ranchester,1039,11
+shelbyville,2329,8
+forkland,771,3
+woodbine,1320,0
+leonardo,420,5
+woodbine,771,4
+tolstoy,1560,0
+lakeville,153,4
+pinesdale,205,10
+woodbine,1947,0
+mifflinburg,404,2
+shelbyville,1477,2
+hiteman,961,1
+wainscott,731,4
+hanson,1058,2
+lindenwood,583,4
+marstons,2628,0
+woodbine,1154,8
+marstons,2155,1
+hanson,171,4
+woodbine,1772,4
+marstons,2036,0
+forkland,1097,9
+lakeville,1342,8
+merom,764,2
+hiteman,1522,4
+wainscott,1147,0
+pomaria,1355,11
+shelbyville,949,10
+pomaria,840,3
+coffeen,589,6
+shelbyville,1987,7
+lakeville,1304,5
+ranchester,525,9
+merom,902,1
+marstons,1529,2
+wainscott,1553,4
+cosmos,463,0
+pomaria,180,3
+klickitat,420,0
+stockman,1153,0
+newfields,42,2
+newfields,166,3
+klickitat,150,0
+marstons,584,5
+stockman,454,1
+marstons,2610,1
+woodbine,1481,1
+newfields,178,2
+wainscott,876,1
+woodbine,675,3
+shelbyville,2448,4
+woodbine,2014,9
+leonardo,1155,4
+shelbyville,2771,16
+leonardo,2102,4
+klickitat,1064,4
+lakeville,326,5
+lindenwood,828,10
+cosmos,179,4
+lindenwood,2283,0
+lakeville,48,1
+pomaria,1620,3
+leonardo,1979,0
+pinesdale,1066,6
+wainscott,40,4
+cosmos,472,1
+tolstoy,1737,2
+coffeen,825,4
+lakeville,774,9
+marstons,2643,4
+pinesdale,454,9
+leonardo,1530,3
+marstons,1483,8
+hanson,312,2
+newfields,702,7
+newfields,933,6
+leonardo,1204,7
+leonardo,1697,0
+lakeville,745,1
+wainscott,781,15
+lindenwood,1932,2
+klickitat,1872,3
+marstons,318,9
+hanson,334,7
+lakeville,1075,0
+beechwood,660,8
+pinesdale,1172,5
+newfields,1286,5
+tolstoy,917,2
+lindenwood,1163,1
+shelbyville,2336,2
+shelbyville,576,9
+hiteman,1539,3
+klickitat,142,2
+lakeville,584,6
+hanson,342,15
+lakeville,1316,1
+woodbine,737,2
+pomaria,1131,0
+hanson,279,1
+cosmos,204,2
+pomaria,618,6
+tolstoy,347,8
+pomaria,416,7
+pomaria,289,5
+shelbyville,2341,14
+lindenwood,2137,0
+hiteman,112,5
+ranchester,1434,11
+hanson,1250,7
+lakeville,1563,0
+newfields,428,6
+tolstoy,788,0
+merom,547,1
+ranchester,1457,4
+wainscott,295,9
+cosmos,922,0
+ranchester,1400,6
+leonardo,533,8
+coffeen,710,3
+lindenwood,1632,0
+wainscott,1062,3
+hiteman,648,9
+leonardo,2083,10
+forkland,30,0
+tolstoy,979,0
+marstons,1373,5
+wainscott,1706,2
+tolstoy,112,1
+leonardo,473,2
+hanson,336,1
+forkland,889,3
+tolstoy,17,15
+shelbyville,2693,11
+wainscott,1216,4
+merom,751,2
+marstons,1027,17
+marstons,504,5
+onaga,417,2
+shelbyville,2289,8
+coffeen,214,0
+coffeen,745,0
+leonardo,1957,9
+hiteman,1156,3
+pomaria,430,1
+cosmos,1030,2
+wainscott,215,0
+newfields,256,2
+coffeen,687,1
+leonardo,860,5
+woodbine,1728,0
+hiteman,1702,2
+merom,972,2
+onaga,540,2
+coffeen,130,4
+hanson,1464,1
+lindenwood,1094,7
+leonardo,487,5
+pinesdale,354,1
+shelbyville,1862,10
+newfields,760,1
+beechwood,218,3
+woodbine,1605,1
+ranchester,1406,6
+shelbyville,1495,6
+cosmos,131,10
+beechwood,513,1
+klickitat,1555,0
+tolstoy,1264,10
+leonardo,842,2
+coffeen,622,5
+stockman,438,3
+shelbyville,91,0
+stockman,1100,1
+pinesdale,711,2
+cosmos,310,12
+forkland,412,0
+hiteman,1412,11
+leonardo,563,10
+benevolence,774,4
+woodbine,1622,2
+klickitat,2050,8
+woodbine,1352,0
+stockman,1542,12
+newfields,861,0
+lakeville,1147,11
+shelbyville,491,1
+tolstoy,797,1
+hanson,609,2
+lindenwood,2053,2
+shelbyville,262,6
+marstons,1349,2
+tolstoy,555,2
+lakeville,59,2
+forkland,152,1
+marstons,685,4
+hiteman,355,14
+ranchester,74,0
+hiteman,904,1
+pomaria,272,7
+hanson,404,3
+shelbyville,2232,8
+allensville,35,5
+mifflinburg,206,1
+cosmos,392,4
+leonardo,529,13
+merom,760,1
+merom,387,3
+hanson,406,2
+shelbyville,659,0
+klickitat,903,0
+marstons,2428,6
+marstons,271,2
+cosmos,305,1
+beechwood,729,3
+hanson,40,0
+wainscott,329,8
+klickitat,1592,2
+ranchester,199,3
+cosmos,934,6
+cosmos,706,3
+leonardo,1631,1
+cosmos,585,2
+newfields,151,6
+tolstoy,601,2
+newfields,1611,0
+woodbine,1913,4
+marstons,949,4
+tolstoy,1387,2
+beechwood,1149,2
+benevolence,265,3
+lakeville,370,9
+pinesdale,829,2
+marstons,1023,6
+shelbyville,194,5
+stockman,570,1
+shelbyville,2291,3
+pinesdale,594,3
+newfields,1357,2
+ranchester,732,1
+wainscott,1596,2
+marstons,1318,2
+marstons,846,0
+stockman,390,1
+lakeville,976,5
+pomaria,1624,0
+lindenwood,291,10
+lakeville,413,1
+pomaria,1306,1
+pomaria,237,2
+merom,417,8
+hiteman,1099,4
+pinesdale,1483,8
+tolstoy,1535,16
+coffeen,474,11
+pomaria,1072,6
+klickitat,1052,3
+shelbyville,2245,6
+shelbyville,351,1
+marstons,1211,6
+klickitat,1762,6
+ranchester,411,3
+shelbyville,575,9
+newfields,132,2
+lindenwood,2086,2
+lindenwood,2385,1
+ranchester,193,11
+klickitat,1925,3
+woodbine,315,13
+hiteman,1168,7
+shelbyville,1388,8
+woodbine,1414,6
+beechwood,101,0
+shelbyville,2524,0
+woodbine,1353,4
+wainscott,1401,1
+lakeville,1682,2
+klickitat,2394,3
+tolstoy,294,17
+wainscott,1214,2
+marstons,1243,3
+forkland,499,3
+beechwood,789,11
+newfields,482,0
+coffeen,858,2
+wainscott,1366,4
+ranchester,67,7
+wainscott,584,9
+lindenwood,1822,6
+lakeville,729,0
+allensville,352,2
+woodbine,799,7
+coffeen,888,3
+stockman,830,4
+shelbyville,51,1
+woodbine,613,2
+pomaria,901,0
+klickitat,347,7
+cosmos,738,13
+shelbyville,2153,6
+wainscott,844,1
+woodbine,998,10
+pinesdale,1075,4
+shelbyville,2646,6
+hiteman,1373,0
+beechwood,70,2
+ranchester,817,6
+woodbine,1185,1
+hanson,553,1
+hanson,1195,13
+klickitat,54,7
+marstons,1788,3
+woodbine,503,8
+wainscott,811,2
+hiteman,1008,1
+hanson,1065,9
+lindenwood,2262,4
+lindenwood,951,6
+coffeen,443,3
+shelbyville,2688,8
+lindenwood,1489,2
+newfields,918,2
+hanson,358,13
+marstons,1317,2
+hanson,514,8
+leonardo,1152,7
+coffeen,73,1
+pomaria,709,3
+wainscott,1030,9
+beechwood,18,3
+coffeen,315,0
+hanson,70,4
+hiteman,625,6
+wainscott,877,4
+klickitat,478,2
+klickitat,933,7
+coffeen,542,4
+woodbine,1196,2
+lindenwood,2666,0
+stockman,820,1
+leonardo,1635,13
+coffeen,947,3
+merom,249,3
+onaga,458,2
+beechwood,817,2
+leonardo,699,20
+hiteman,922,0
+hanson,431,0
+marstons,2191,0
+pomaria,1375,6
+tolstoy,1224,13
+shelbyville,270,2
+klickitat,2324,4
+ranchester,878,6
+hiteman,623,14
+lindenwood,877,9
+shelbyville,1021,1
+hiteman,595,3
+hiteman,1392,1
+wainscott,181,5
+lindenwood,2071,6
+ranchester,232,1
+beechwood,255,4
+coffeen,785,3
+beechwood,464,1
+merom,32,4
+leonardo,1210,2
+shelbyville,35,5
+klickitat,2246,3
+hanson,719,8
+shelbyville,1318,6
+lindenwood,1369,5
+shelbyville,1654,6
+ranchester,835,3
+klickitat,2188,3
+lakeville,536,1
+pinesdale,473,5
+beechwood,1139,3
+tolstoy,561,0
+leonardo,1437,3
+stockman,540,0
+hanson,1520,0
+leonardo,1512,11
+hanson,836,5
+klickitat,1043,1
+newfields,497,16
+woodbine,1429,1
+marstons,1359,12
+marstons,2129,8
+leonardo,251,1
+lindenwood,2269,6
+newfields,776,10
+hiteman,460,7
+benevolence,581,1
+leonardo,1260,2
+lindenwood,415,0
+leonardo,1550,3
+merom,739,2
+merom,658,1
+woodbine,1823,1
+mifflinburg,745,6
+tolstoy,616,2
+beechwood,927,7
+marstons,1174,4
+woodbine,451,1
+mifflinburg,823,4
+shelbyville,221,5
+wainscott,1789,1
+woodbine,538,13
+shelbyville,1280,7
+pomaria,101,10
+cosmos,705,9
+klickitat,669,0
+pomaria,954,4
+shelbyville,1499,3
+wainscott,1667,7
+lindenwood,469,1
+forkland,861,7
+klickitat,1201,5
+benevolence,141,9
+wainscott,815,5
+coffeen,450,1
+marstons,1545,10
+shelbyville,2246,2
+klickitat,2243,1
+wainscott,62,6
+hiteman,1602,2
+stockman,768,5
+coffeen,236,1
+lakeville,1201,4
+shelbyville,282,11
+ranchester,1548,3
+pinesdale,218,5
+lakeville,1109,1
+forkland,1032,7
+ranchester,1233,1
+shelbyville,2468,5
+klickitat,1297,8
+lindenwood,2515,4
+shelbyville,2781,6
+lindenwood,1474,1
+woodbine,1891,3
+lindenwood,2099,0
+pinesdale,953,0
+beechwood,1154,3
+leonardo,250,9
+mifflinburg,347,1
+tolstoy,562,2
+shelbyville,2655,2
+newfields,222,1
+lindenwood,264,5
+stockman,523,2
+hanson,623,1
+woodbine,873,2
+woodbine,2042,8
+lindenwood,804,3
+beechwood,143,0
+leonardo,896,2
+allensville,395,2
+marstons,1558,2
+pomaria,1432,8
+coffeen,1239,4
+stockman,276,4
+lindenwood,1475,2
+wainscott,467,0
+klickitat,1758,0
+marstons,2641,9
+beechwood,695,1
+beechwood,398,4
+hiteman,1802,3
+woodbine,1864,10
+newfields,925,0
+klickitat,1430,13
+cosmos,945,11
+allensville,117,0
+wainscott,215,2
+marstons,1177,2
+ranchester,993,0
+marstons,1118,1
+mifflinburg,510,0
+coffeen,1183,2
+hiteman,125,2
+tolstoy,300,6
+wainscott,120,3
+woodbine,1221,1
+pinesdale,662,0
+leonardo,2102,7
+pomaria,275,6
+wainscott,802,4
+marstons,1442,9
+ranchester,1504,2
+marstons,1183,14
+pinesdale,618,1
+pinesdale,714,0
+shelbyville,2169,6
+forkland,885,0
+coffeen,253,2
+onaga,454,4
+pomaria,248,4
+hanson,423,12
+marstons,1718,13
+klickitat,453,1
+lakeville,1206,2
+pomaria,960,0
+newfields,1473,3
+leonardo,2005,6
+hanson,106,3
+merom,792,2
+lindenwood,2331,5
+klickitat,64,1
+cosmos,891,1
+marstons,711,6
+hiteman,694,11
+ranchester,415,1
+coffeen,70,2
+onaga,435,3
+merom,872,1
+leonardo,830,1
+marstons,710,4
+shelbyville,629,3
+klickitat,888,3
+pinesdale,68,10
+coffeen,488,0
+ranchester,931,0
+woodbine,105,6
+klickitat,1778,7
+mifflinburg,528,7
+mifflinburg,50,3
+leonardo,877,4
+pinesdale,1126,0
+wainscott,150,3
+tolstoy,1433,0
+lakeville,1690,0
+stockman,367,2
+lindenwood,482,11
+wainscott,1542,1
+wainscott,719,4
+wainscott,1255,3
+marstons,2251,2
+tolstoy,1224,1
+coffeen,690,7
+pomaria,147,5
+lindenwood,174,4
+hiteman,1781,0
+hiteman,1258,2
+woodbine,2046,11
+ranchester,1303,0
+klickitat,1105,5
+lindenwood,1635,4
+beechwood,775,10
+leonardo,1897,2
+benevolence,663,9
+woodbine,1874,5
+tolstoy,1148,1
+leonardo,1780,10
+lakeville,474,4
+merom,419,4
+pinesdale,1159,2
+stockman,1411,3
+shelbyville,2478,3
+stockman,1589,0
+lindenwood,152,3
+woodbine,2012,3
+newfields,1256,3
+coffeen,31,5
+woodbine,74,1
+klickitat,300,5
+lindenwood,2323,8
+mifflinburg,59,4
+pinesdale,1160,7
+allensville,220,1
+hanson,702,1
+wainscott,1290,8
+lakeville,1268,7
+marstons,1069,0
+cosmos,66,5
+hiteman,1615,2
+woodbine,1508,9
+lakeville,1102,5
+leonardo,1572,5
+pomaria,857,1
+forkland,935,0
+klickitat,2249,5
+leonardo,595,8
+woodbine,725,8
+stockman,1269,2
+klickitat,882,3
+lakeville,319,6
+coffeen,551,2
+hanson,1011,2
+klickitat,282,4
+newfields,24,0
+lindenwood,2281,13
+marstons,1681,6
+tolstoy,1484,1
+marstons,1092,5
+klickitat,986,14
+shelbyville,1171,7
+hiteman,1395,4
+shelbyville,2215,7
+shelbyville,1663,5
+cosmos,326,7
+cosmos,405,12
+shelbyville,2449,1
+marstons,1976,15
+shelbyville,114,2
+shelbyville,1713,0
+marstons,1160,2
+klickitat,959,0
+marstons,2285,1
+leonardo,386,2
+allensville,270,2
+woodbine,1893,3
+klickitat,31,2
+klickitat,1505,4
+marstons,2620,0
+hanson,875,6
+hiteman,1742,2
+leonardo,209,2
+woodbine,1529,9
+marstons,547,10
+lakeville,1153,6
+klickitat,811,7
+tolstoy,600,3
+forkland,1195,1
+forkland,772,3
+forkland,793,0
+woodbine,1553,3
+mifflinburg,28,0
+hanson,367,11
+hanson,1633,4
+coffeen,606,3
+pomaria,21,0
+shelbyville,1339,4
+marstons,1738,3
+stockman,1036,1
+benevolence,100,8
+pinesdale,467,3
+lakeville,1196,2
+klickitat,650,1
+shelbyville,270,9
+leonardo,641,8
+beechwood,991,3
+benevolence,44,10
+shelbyville,1279,7
+lindenwood,2507,0
+ranchester,1048,1
+ranchester,1596,6
+lindenwood,180,7
+mifflinburg,824,0
+pinesdale,610,5
+marstons,652,8
+tolstoy,1702,2
+marstons,1080,0
+pinesdale,623,2
+woodbine,101,0
+lindenwood,1117,1
+marstons,1220,8
+shelbyville,1352,9
+ranchester,1516,1
+pomaria,1095,11
+leonardo,1777,8
+wainscott,1570,2
+woodbine,627,3
+klickitat,1357,3
+newfields,307,6
+ranchester,1638,4
+woodbine,309,4
+beechwood,522,5
+lakeville,1425,5
+lakeville,434,8
+tolstoy,310,3
+stockman,489,3
+ranchester,1170,6
+wainscott,1001,7
+leonardo,518,7
+shelbyville,2673,0
+tolstoy,193,2
+hanson,826,7
+hiteman,1508,11
+leonardo,1458,1
+merom,1096,3
+klickitat,1872,0
+shelbyville,1440,2
+lakeville,1621,4
+cosmos,641,6
+wainscott,838,6
+pinesdale,980,1
+lindenwood,2081,3
+tolstoy,1028,5
+woodbine,21,6
+wainscott,904,8
+wainscott,505,4
+woodbine,795,9
+lindenwood,2461,8
+woodbine,1950,9
+leonardo,2080,1
+stockman,284,3
+hiteman,1717,6
+leonardo,241,3
+wainscott,538,2
+klickitat,2060,6
+woodbine,1163,1
+pomaria,1597,2
+klickitat,2334,1
+leonardo,265,12
+stockman,174,2
+merom,1092,3
+lindenwood,1474,3
+ranchester,1012,0
+woodbine,1257,6
+hanson,1576,6
+pinesdale,1163,6
+lindenwood,2111,9
+hiteman,1385,7
+onaga,567,1
+klickitat,151,8
+wainscott,1300,4
+hanson,363,3
+pomaria,1554,13
+lindenwood,433,8
+newfields,199,3
+pomaria,588,3
+lindenwood,1070,2
+mifflinburg,148,0
+woodbine,1999,6
+wainscott,685,0
+shelbyville,1544,5
+ranchester,216,19
+pomaria,404,4
+mifflinburg,361,1
+beechwood,489,2
+woodbine,1666,5
+leonardo,1476,2
+marstons,1051,0
+hiteman,112,1
+ranchester,438,5
+ranchester,1138,1
+klickitat,112,0
+forkland,781,2
+forkland,372,9
+cosmos,300,0
+leonardo,43,3
+klickitat,2084,0
+pomaria,368,11
+pinesdale,401,3
+newfields,132,1
+allensville,203,3
+hanson,190,2
+leonardo,1402,2
+hanson,1478,0
+lakeville,332,15
+wainscott,1626,2
+shelbyville,1043,0
+klickitat,755,3
+merom,105,5
+hanson,1176,3
+cosmos,911,9
+wainscott,535,8
+stockman,1091,0
+pinesdale,399,2
+hanson,307,13
+leonardo,1483,0
+hanson,740,0
+shelbyville,2508,2
+benevolence,535,3
+ranchester,945,11
+lakeville,81,3
+wainscott,1616,3
+wainscott,1609,7
+marstons,37,2
+lindenwood,1684,0
+pinesdale,648,3
+forkland,713,3
+hiteman,1066,4
+cosmos,419,11
+newfields,742,0
+coffeen,1219,2
+shelbyville,2045,1
+benevolence,350,1
+leonardo,311,5
+shelbyville,1869,4
+beechwood,464,2
+klickitat,1043,18
+pomaria,426,15
+lakeville,1686,2
+marstons,2484,1
+forkland,99,2
+beechwood,1023,3
+hiteman,1293,5
+beechwood,1151,8
+shelbyville,1445,5
+coffeen,1385,2
+leonardo,1882,0
+leonardo,328,1
+lindenwood,366,3
+hiteman,32,6
+shelbyville,891,2
+wainscott,1663,1
+newfields,455,0
+lakeville,1287,3
+lindenwood,1581,3
+pinesdale,702,0
+beechwood,400,5
+coffeen,269,2
+pinesdale,838,3
+shelbyville,2008,4
+klickitat,479,11
+marstons,420,7
+lakeville,95,5
+lindenwood,1270,2
+wainscott,1445,9
+ranchester,611,4
+forkland,63,0
+lindenwood,1089,6
+lakeville,1295,1
+newfields,1013,3
+klickitat,2067,2
+woodbine,1108,6
+lindenwood,2347,2
+wainscott,671,6
+woodbine,1736,2
+woodbine,1411,4
+woodbine,870,2
+hiteman,1009,1
+pomaria,1053,1
+shelbyville,1506,3
+wainscott,1539,2
+wainscott,61,4
+hiteman,690,3
+woodbine,1136,1
+wainscott,1609,8
+mifflinburg,640,1
+pinesdale,55,4
+wainscott,779,10
+wainscott,1331,5
+klickitat,1331,2
+forkland,735,1
+klickitat,467,19
+marstons,2397,3
+pomaria,1274,1
+hanson,257,11
+lindenwood,1595,0
+lindenwood,1057,7
+pomaria,493,0
+mifflinburg,395,6
+lakeville,193,5
+marstons,2403,5
+ranchester,533,0
+beechwood,187,0
+marstons,122,9
+lindenwood,81,6
+leonardo,168,9
+lindenwood,168,3
+marstons,2008,8
+mifflinburg,801,2
+lindenwood,1455,9
+woodbine,27,4
+stockman,940,5
+leonardo,2094,15
+mifflinburg,295,2
+wainscott,1385,17
+hiteman,639,2
+klickitat,1240,5
+ranchester,1538,6
+pinesdale,321,2
+lindenwood,688,8
+lindenwood,1058,0
+lindenwood,963,5
+klickitat,2218,14
+lakeville,943,12
+shelbyville,1511,2
+shelbyville,134,1
+coffeen,468,1
+lakeville,52,7
+klickitat,1126,5
+merom,777,1
+klickitat,832,7
+beechwood,418,1
+hiteman,194,1
+pomaria,173,6
+coffeen,414,4
+newfields,763,0
+beechwood,859,3
+lindenwood,7,1
+lindenwood,2443,5
+marstons,1803,1
+tolstoy,1192,2
+marstons,1385,2
+leonardo,1405,2
+lakeville,446,0
+tolstoy,1512,10
+newfields,1578,0
+tolstoy,1325,5
+pinesdale,584,5
+lakeville,1431,8
+onaga,35,2
+hiteman,335,3
+tolstoy,688,0
+woodbine,1414,4
+newfields,1185,5
+pinesdale,551,1
+ranchester,594,0
+leonardo,668,1
+woodbine,1764,4
+lakeville,281,1
+marstons,878,5
+ranchester,351,2
+woodbine,1556,2
+woodbine,1079,1
+pomaria,368,3
+lindenwood,141,4
+coffeen,1176,3
+pomaria,143,6
+klickitat,173,12
+lakeville,416,13
+shelbyville,1739,2
+mifflinburg,689,0
+beechwood,755,4
+hanson,85,2
+allensville,468,1
+shelbyville,967,0
+ranchester,1205,10
+leonardo,699,25
+lindenwood,2086,17
+lindenwood,741,12
+stockman,1150,1
+leonardo,1778,7
+pinesdale,556,0
+shelbyville,1302,5
+woodbine,538,15
+beechwood,144,9
+lakeville,1502,8
+klickitat,2164,0
+lindenwood,1334,0
+tolstoy,1127,9
+shelbyville,2744,4
+coffeen,1201,0
+klickitat,1308,7
+wainscott,249,0
+hanson,60,17
+pinesdale,1258,1
+lindenwood,1370,0
+merom,1083,11
+coffeen,1124,1
+hiteman,692,5
+lakeville,1533,3
+klickitat,1598,0
+shelbyville,1774,9
+lakeville,1198,3
+stockman,1471,10
+stockman,202,1
+coffeen,798,1
+hiteman,361,4
+hanson,342,0
+pinesdale,1495,7
+stockman,0,2
+hanson,1271,3
+ranchester,301,0
+pomaria,1569,9
+beechwood,1157,4
+wainscott,389,3
+lindenwood,420,5
+hanson,1602,1
+tolstoy,180,0
+pomaria,82,1
+shelbyville,806,11
+klickitat,2330,3
+leonardo,1217,9
+beechwood,1083,1
+merom,684,0
+marstons,1528,2
+forkland,393,5
+onaga,586,4
+marstons,104,1
+klickitat,695,16
+woodbine,2024,4
+coffeen,201,2
+pinesdale,1423,2
+wainscott,783,0
+lindenwood,13,0
+coffeen,642,3
+coffeen,1151,0
+leonardo,1301,6
+leonardo,1948,6
+tolstoy,636,2
+pomaria,1240,3
+shelbyville,856,1
+pomaria,1509,1
+beechwood,223,5
+wainscott,1355,8
+marstons,2130,1
+tolstoy,1078,0
+hanson,1079,2
+woodbine,504,2
+mifflinburg,795,2
+lakeville,1783,7
+cosmos,95,1
+pomaria,1660,5
+forkland,918,1
+stockman,63,3
+forkland,1006,0
+lakeville,239,4
+lindenwood,213,2
+pomaria,543,9
+hiteman,491,2
+forkland,106,1
+lindenwood,2083,3
+beechwood,991,1
+shelbyville,472,3
+allensville,113,0
+stockman,925,2
+marstons,1238,1
+klickitat,136,0
+wainscott,1189,4
+lindenwood,2047,0
+tolstoy,641,0
+benevolence,146,1
+marstons,1547,4
+klickitat,1389,16
+klickitat,247,3
+newfields,36,12
+cosmos,364,3
+lindenwood,1701,3
+lakeville,1242,1
+klickitat,969,3
+allensville,177,0
+lindenwood,1897,0
+hanson,1235,2
+mifflinburg,961,11
+cosmos,832,9
+wainscott,1443,1
+forkland,1148,3
+shelbyville,1289,2
+lindenwood,857,0
+shelbyville,2328,0
+beechwood,1014,0
+lindenwood,2244,0
+woodbine,1491,8
+merom,444,3
+hanson,1588,5
+ranchester,855,3
+tolstoy,1389,7
+lindenwood,341,9
+mifflinburg,644,3
+beechwood,851,5
+beechwood,488,3
+marstons,528,1
+lakeville,183,17
+cosmos,81,0
+beechwood,526,1
+newfields,217,4
+marstons,254,6
+mifflinburg,601,0
+woodbine,1952,11
+pomaria,406,0
+coffeen,967,0
+klickitat,628,2
+stockman,496,5
+lindenwood,1520,3
+pinesdale,1204,0
+ranchester,1494,13
+leonardo,1018,9
+marstons,1156,2
+cosmos,720,5
+hanson,1121,5
+beechwood,7,12
+newfields,441,9
+hiteman,101,2
+lindenwood,1165,0
+ranchester,268,7
+wainscott,1719,3
+tolstoy,602,9
+shelbyville,308,4
+forkland,468,1
+lakeville,1592,4
+benevolence,749,4
+stockman,483,4
+lakeville,1681,10
+pomaria,721,3
+shelbyville,387,2
+marstons,2099,1
+onaga,44,4
+leonardo,1512,10
+shelbyville,2140,4
+wainscott,197,1
+beechwood,138,3
+coffeen,1406,5
+klickitat,1623,9
+woodbine,1597,3
+merom,226,1
+woodbine,1823,10
+stockman,798,1
+klickitat,198,3
+cosmos,309,5
+lindenwood,2111,11
+shelbyville,2404,2
+marstons,1140,11
+hanson,946,9
+klickitat,2029,3
+pinesdale,414,1
+beechwood,152,2
+woodbine,1425,0
+leonardo,1922,4
+lakeville,996,2
+coffeen,1349,6
+klickitat,453,0
+merom,577,2
+shelbyville,892,0
+marstons,1975,4
+pomaria,1395,2
+woodbine,670,5
+tolstoy,1123,2
+marstons,178,1
+klickitat,678,6
+woodbine,1353,10
+klickitat,399,12
+pomaria,910,0
+hiteman,339,1
+cosmos,102,4
+lindenwood,2287,6
+lakeville,740,6
+pomaria,1127,8
+stockman,1508,4
+newfields,647,1
+newfields,190,2
+klickitat,482,7
+shelbyville,2167,1
+marstons,427,0
+newfields,577,9
+stockman,850,2
+pomaria,1416,15
+hiteman,139,4
+ranchester,1540,1
+lakeville,1164,4
+marstons,2425,2
+allensville,119,9
+pomaria,1353,2
+pomaria,317,8
+shelbyville,2174,16
+leonardo,1858,14
+klickitat,18,2
+hiteman,934,0
+wainscott,1584,5
+pinesdale,1310,1
+marstons,905,6
+tolstoy,1388,4
+pinesdale,1149,0
+wainscott,1344,4
+pomaria,785,1
+marstons,1093,0
+benevolence,131,2
+marstons,521,1
+forkland,728,5
+lakeville,865,6
+forkland,137,2
+stockman,0,1
+pomaria,683,0
+onaga,255,3
+forkland,1142,2
+onaga,207,6
+leonardo,977,7
+lakeville,1678,1
+beechwood,215,4
+cosmos,731,3
+coffeen,580,1
+benevolence,840,0
+leonardo,871,8
+klickitat,1154,8
+pomaria,1533,2
+pinesdale,36,9
+tolstoy,1331,4
+woodbine,1910,2
+wainscott,1110,2
+marstons,1976,5
+ranchester,1046,2
+lindenwood,2199,9
+newfields,1183,8
+hiteman,1546,2
+wainscott,1743,5
+lakeville,1626,4
+wainscott,569,5
+lakeville,365,1
+lakeville,796,5
+lindenwood,1737,1
+leonardo,865,1
+shelbyville,305,3
+tolstoy,1197,6
+marstons,192,8
+marstons,2264,12
+pinesdale,787,0
+lindenwood,1865,12
+lakeville,1571,9
+marstons,1288,2
+pinesdale,1121,4
+klickitat,370,9
+stockman,253,0
+lindenwood,876,4
+forkland,658,0
+woodbine,373,2
+wainscott,449,2
+marstons,848,0
+lindenwood,336,1
+newfields,903,4
+wainscott,1707,12
+shelbyville,2331,4
+leonardo,305,5
+hiteman,1680,1
+ranchester,395,2
+tolstoy,437,2
+marstons,1078,7
+newfields,537,1
+stockman,1119,1
+shelbyville,2044,9
+lakeville,601,0
+shelbyville,2227,5
+newfields,1436,4
+tolstoy,627,4
+pinesdale,954,2
+cosmos,690,2
+cosmos,418,1
+marstons,2369,2
+stockman,886,2
+coffeen,1359,4
+marstons,2164,9
+coffeen,102,0
+ranchester,781,3
+woodbine,1089,0
+lakeville,907,13
+lakeville,87,4
+onaga,471,2
+cosmos,889,3
+lindenwood,2224,5
+allensville,397,4
+shelbyville,2777,3
+pinesdale,869,4
+shelbyville,763,3
+klickitat,560,5
+merom,627,5
+marstons,2441,2
+woodbine,1711,0
+klickitat,2153,8
+wainscott,394,13
+hanson,1617,8
+wainscott,1144,2
+mifflinburg,933,5
+hiteman,808,2
+cosmos,991,3
+stockman,449,4
+coffeen,738,0
+shelbyville,288,1
+lakeville,132,3
+beechwood,103,7
+klickitat,2232,0
+lakeville,1457,3
+lakeville,1661,0
+shelbyville,2789,6
+leonardo,483,2
+shelbyville,1564,4
+lindenwood,2644,3
+leonardo,601,16
+lakeville,504,3
+leonardo,1280,0
+beechwood,271,1
+woodbine,456,3
+hanson,454,1
+ranchester,431,7
+tolstoy,1743,5
+leonardo,962,2
+tolstoy,1101,3
+wainscott,1166,1
+shelbyville,2491,3
+coffeen,843,1
+stockman,645,3
+lakeville,596,1
+coffeen,603,4
+beechwood,251,0
+newfields,1031,1
+wainscott,677,5
+newfields,828,4
+leonardo,1877,1
+leonardo,115,8
+tolstoy,1448,9
+hiteman,1455,12
+allensville,142,0
+tolstoy,724,4
+hanson,1197,4
+hiteman,1551,8
+pomaria,27,3
+klickitat,725,2
+leonardo,1454,19
+coffeen,384,1
+coffeen,870,1
+marstons,1873,0
+marstons,1341,9
+pinesdale,487,3
+hanson,742,4
+lakeville,851,5
+shelbyville,1078,2
+pinesdale,1345,5
+klickitat,1615,1
+shelbyville,192,4
+pinesdale,1443,0
+pinesdale,655,2
+shelbyville,1158,1
+wainscott,649,3
+cosmos,1054,7
+ranchester,1367,3
+shelbyville,1839,11
+woodbine,1211,3
+tolstoy,871,1
+hiteman,606,0
+leonardo,1883,13
+shelbyville,1344,2
+tolstoy,1184,0
+pomaria,46,4
+lindenwood,1067,1
+hiteman,805,8
+leonardo,207,3
+leonardo,724,0
+tolstoy,769,4
+hanson,920,4
+pomaria,78,8
+tolstoy,835,0
+shelbyville,2389,6
+pinesdale,59,2
+klickitat,557,2
+hiteman,1566,0
+ranchester,1454,5
+ranchester,993,3
+pomaria,497,2
+woodbine,998,9
+woodbine,1904,7
+cosmos,804,11
+klickitat,2309,8
+lakeville,28,4
+onaga,185,7
+hiteman,614,6
+tolstoy,762,0
+lakeville,1295,2
+tolstoy,1554,9
+lindenwood,2395,7
+tolstoy,1556,1
+ranchester,1047,3
+shelbyville,329,7
+newfields,822,3
+stockman,241,2
+tolstoy,980,0
+wainscott,393,2
+hiteman,1704,16
+benevolence,251,0
+wainscott,1585,1
+woodbine,1119,3
+pinesdale,649,4
+coffeen,347,1
+wainscott,477,12
+shelbyville,1894,2
+pinesdale,99,8
+ranchester,1594,5
+tolstoy,179,4
+klickitat,985,0
+cosmos,473,8
+shelbyville,1864,0
+leonardo,1618,11
+hiteman,1142,3
+coffeen,974,3
+klickitat,1086,0
+lindenwood,533,1
+leonardo,978,0
+lakeville,1455,3
+klickitat,968,6
+pinesdale,1337,2
+lakeville,554,10
+ranchester,156,6
+onaga,279,3
+ranchester,1582,2
+woodbine,1109,2
+pomaria,185,11
+lindenwood,2206,5
+onaga,639,4
+tolstoy,438,9
+allensville,358,6
+hanson,220,7
+cosmos,210,2
+ranchester,399,0
+shelbyville,1364,9
+woodbine,30,4
+cosmos,679,3
+shelbyville,2647,8
+benevolence,156,6
+merom,516,2
+hiteman,361,2
+tolstoy,337,2
+beechwood,436,2
+benevolence,641,2
+hanson,324,7
+lakeville,1487,4
+mifflinburg,135,2
+mifflinburg,618,1
+lakeville,396,16
+hiteman,1523,0
+pinesdale,736,7
+marstons,2647,2
+wainscott,373,8
+klickitat,116,6
+woodbine,342,3
+coffeen,666,1
+leonardo,1449,1
+marstons,573,0
+klickitat,415,3
+lakeville,327,1
+leonardo,817,7
+lindenwood,1991,9
+hanson,1399,9
+klickitat,1383,3
+benevolence,253,8
+woodbine,1225,8
+leonardo,1716,10
+klickitat,1389,15
+pomaria,296,3
+wainscott,309,3
+tolstoy,465,10
+woodbine,1639,16
+marstons,1619,2
+leonardo,872,2
+shelbyville,26,16
+shelbyville,194,2
+tolstoy,855,6
+leonardo,398,0
+pomaria,1045,3
+newfields,1327,9
+allensville,211,0
+newfields,551,0
+forkland,25,2
+stockman,1542,2
+wainscott,850,0
+leonardo,1148,2
+wainscott,1486,2
+pomaria,1054,3
+lindenwood,1009,5
+hanson,553,11
+pomaria,1512,7
+mifflinburg,593,7
+tolstoy,89,4
+shelbyville,1839,8
+shelbyville,1684,2
+hanson,12,1
+cosmos,771,5
+leonardo,859,3
+hiteman,45,6
+marstons,1271,3
+hiteman,186,4
+klickitat,157,9
+lakeville,1488,3
+tolstoy,155,3
+hanson,76,13
+hanson,787,0
+onaga,679,1
+marstons,554,5
+shelbyville,2686,2
+mifflinburg,507,2
+woodbine,538,4
+lindenwood,1230,0
+lindenwood,1503,0
+shelbyville,1915,4
+lindenwood,1945,2
+wainscott,1782,3
+klickitat,1001,9
+stockman,466,9
+allensville,26,8
+woodbine,1101,0
+woodbine,901,1
+shelbyville,635,0
+tolstoy,610,21
+wainscott,1125,2
+lakeville,90,1
+woodbine,115,6
+hanson,526,10
+lakeville,1372,3
+klickitat,2395,1
+cosmos,2,1
+forkland,667,4
+tolstoy,1355,1
+marstons,686,0
+lakeville,450,8
+lakeville,671,4
+lakeville,1391,1
+hiteman,763,4
+lakeville,370,12
+pinesdale,1449,4
+klickitat,1816,1
+lindenwood,2006,3
+stockman,285,2
+hanson,1417,6
+lakeville,374,3
+mifflinburg,412,10
+klickitat,1284,0
+woodbine,240,10
+lakeville,1405,14
+coffeen,20,3
+lindenwood,1410,10
+woodbine,1548,2
+wainscott,635,0
+newfields,812,10
+pomaria,658,3
+pomaria,1038,9
+tolstoy,1531,2
+stockman,432,2
+woodbine,1765,2
+wainscott,873,2
+pomaria,1674,1
+wainscott,1155,1
+lakeville,1318,1
+shelbyville,1361,8
+marstons,278,1
+woodbine,199,8
+woodbine,454,1
+benevolence,670,0
+hanson,888,18
+pomaria,1611,7
+marstons,1194,10
+merom,4,2
+lakeville,1572,9
+tolstoy,963,3
+marstons,1356,5
+leonardo,743,2
+allensville,210,6
+leonardo,1035,5
+hiteman,271,9
+klickitat,1912,3
+pomaria,455,9
+shelbyville,972,5
+klickitat,509,1
+ranchester,592,3
+pinesdale,1383,0
+marstons,1726,1
+hanson,602,6
+lakeville,1076,3
+leonardo,804,0
+wainscott,261,4
+coffeen,169,2
+marstons,1474,4
+wainscott,1361,9
+lindenwood,435,1
+tolstoy,1463,5
+shelbyville,279,2
+coffeen,845,1
+lakeville,1192,1
+stockman,1103,1
+wainscott,136,0
+allensville,299,2
+coffeen,981,2
+lakeville,1343,1
+mifflinburg,471,6
+klickitat,2397,1
+benevolence,163,5
+klickitat,2169,1
+cosmos,236,8
+ranchester,345,1
+lindenwood,761,5
+hanson,490,15
+lindenwood,96,4
+hiteman,515,0
+newfields,1099,3
+lindenwood,2640,0
+tolstoy,684,8
+mifflinburg,571,1
+newfields,1041,2
+newfields,305,0
+klickitat,1040,10
+wainscott,991,0
+pinesdale,1001,2
+tolstoy,1164,11
+woodbine,1715,9
+lindenwood,197,0
+pinesdale,1514,6
+klickitat,1723,0
+newfields,1015,4
+lindenwood,1385,8
+klickitat,1688,5
+wainscott,350,8
+wainscott,1579,3
+newfields,1118,1
+wainscott,394,12
+tolstoy,1267,4
+woodbine,1602,6
+lindenwood,2309,9
+benevolence,535,5
+pomaria,1161,9
+ranchester,93,1
+woodbine,715,5
+lindenwood,2314,9
+mifflinburg,715,2
+shelbyville,2175,2
+woodbine,601,7
+lindenwood,1490,11
+tolstoy,1787,5
+coffeen,56,2
+shelbyville,1379,2
+wainscott,1099,11
+merom,352,3
+allensville,96,4
+forkland,45,2
+beechwood,475,3
+hanson,1570,8
+pinesdale,611,7
+klickitat,1730,2
+beechwood,46,3
+lindenwood,1335,2
+shelbyville,1550,12
+hanson,1571,6
+klickitat,1582,0
+lakeville,1777,6
+woodbine,514,13
+pinesdale,372,1
+shelbyville,845,2
+stockman,1029,0
+newfields,1475,9
+lindenwood,1573,0
+shelbyville,37,7
+woodbine,815,3
+lindenwood,2215,13
+hanson,62,11
+klickitat,155,1
+hiteman,1144,4
+lakeville,1543,2
+shelbyville,512,13
+shelbyville,2157,3
+forkland,326,5
+lindenwood,2246,9
+stockman,1526,1
+klickitat,1953,4
+leonardo,1626,2
+lakeville,330,4
+wainscott,138,7
+pomaria,1046,2
+forkland,274,0
+benevolence,945,4
+allensville,29,1
+ranchester,216,18
+lakeville,936,1
+leonardo,1969,1
+shelbyville,2635,2
+marstons,2625,2
+merom,617,1
+newfields,705,0
+marstons,789,0
+lakeville,494,3
+lindenwood,591,0
+beechwood,14,1
+wainscott,1727,11
+pomaria,1543,5
+hiteman,1396,2
+woodbine,1071,3
+pomaria,391,5
+wainscott,1742,8
+klickitat,940,4
+lindenwood,934,0
+woodbine,61,3
+newfields,600,0
+lindenwood,2458,5
+lakeville,380,3
+woodbine,631,1
+pinesdale,530,2
+coffeen,43,2
+marstons,224,8
+marstons,1692,0
+shelbyville,2611,4
+marstons,2166,8
+cosmos,122,0
+mifflinburg,499,2
+woodbine,18,3
+newfields,1365,0
+marstons,322,2
+ranchester,158,2
+hiteman,458,5
+forkland,35,6
+klickitat,72,5
+coffeen,1448,1
+woodbine,1339,3
+shelbyville,2723,1
+mifflinburg,761,0
+shelbyville,626,3
+allensville,394,1
+leonardo,897,1
+woodbine,1842,7
+beechwood,839,3
+woodbine,1760,0
+lindenwood,1183,13
+hiteman,326,8
+lindenwood,1777,7
+allensville,448,0
+lakeville,922,4
+lindenwood,2117,9
+leonardo,212,3
+klickitat,1369,5
+pomaria,724,5
+lindenwood,112,0
+tolstoy,401,9
+forkland,957,1
+pinesdale,1307,4
+hanson,1431,3
+pinesdale,137,3
+tolstoy,1272,7
+beechwood,1098,4
+ranchester,749,3
+tolstoy,140,8
+ranchester,1243,2
+klickitat,1768,1
+lakeville,1166,13
+lindenwood,2288,4
+shelbyville,2393,4
+marstons,472,2
+hanson,455,3
+stockman,556,4
+cosmos,40,7
+tolstoy,617,1
+shelbyville,2640,3
+woodbine,671,12
+newfields,1387,0
+mifflinburg,167,9
+allensville,389,0
+coffeen,1079,10
+marstons,2633,4
+stockman,589,3
+beechwood,1151,1
+mifflinburg,101,2
+newfields,309,5
+woodbine,359,1
+hanson,1146,6
+tolstoy,711,0
+pinesdale,323,1
+pinesdale,989,4
+merom,262,1
+newfields,810,0
+lindenwood,166,1
+lakeville,961,1
+cosmos,193,1
+lindenwood,144,3
+newfields,186,2
+lakeville,1307,1
+leonardo,316,16
+coffeen,557,2
+woodbine,1377,2
+leonardo,284,2
+lakeville,275,4
+klickitat,980,5
+hanson,658,0
+forkland,289,4
+shelbyville,332,4
+stockman,591,3
+tolstoy,780,4
+lindenwood,708,3
+woodbine,398,3
+ranchester,1293,7
+klickitat,2258,3
+lakeville,1591,4
+shelbyville,240,1
+tolstoy,1555,6
+marstons,515,0
+lindenwood,824,0
+hanson,154,2
+woodbine,1519,1
+marstons,1745,8
+shelbyville,180,7
+onaga,163,1
+mifflinburg,318,1
+wainscott,884,0
+marstons,753,9
+onaga,337,5
+stockman,1452,3
+pinesdale,1137,2
+shelbyville,139,2
+newfields,1097,2
+shelbyville,160,2
+tolstoy,163,2
+cosmos,1014,1
+marstons,2200,1
+pomaria,1179,1
+newfields,1633,5
+klickitat,1092,2
+stockman,694,4
+beechwood,572,7
+tolstoy,665,0
+stockman,546,4
+stockman,802,7
+hanson,1365,5
+lindenwood,2073,4
+coffeen,21,0
+marstons,1767,0
+hanson,522,3
+benevolence,637,6
+wainscott,1623,1
+woodbine,638,6
+pinesdale,892,2
+leonardo,958,2
+tolstoy,163,8
+klickitat,1601,0
+coffeen,262,2
+klickitat,1200,4
+hanson,530,1
+beechwood,467,1
+lakeville,779,3
+coffeen,1056,2
+pinesdale,613,0
+newfields,1189,1
+klickitat,65,13
+tolstoy,1534,3
+tolstoy,524,2
+newfields,1074,7
+wainscott,830,11
+lindenwood,2378,2
+pinesdale,1458,3
+lakeville,1364,0
+pinesdale,1096,0
+pomaria,922,2
+mifflinburg,75,0
+lakeville,1356,1
+shelbyville,2494,1
+newfields,1577,4
+stockman,579,5
+cosmos,752,4
+woodbine,823,3
+hanson,221,7
+lakeville,188,3
+ranchester,1006,2
+shelbyville,1233,3
+pomaria,1078,3
+lakeville,1484,3
+pinesdale,377,1
+woodbine,1760,7
+tolstoy,344,4
+hiteman,424,8
+lakeville,687,2
+woodbine,1787,5
+stockman,433,0
+lakeville,1221,5
+mifflinburg,545,3
+hiteman,67,0
+hiteman,686,2
+beechwood,758,0
+beechwood,715,1
+tolstoy,460,5
+coffeen,889,2
+ranchester,494,0
+lindenwood,2670,10
+stockman,147,11
+tolstoy,436,3
+leonardo,110,3
+wainscott,786,4
+leonardo,316,1
+lindenwood,1829,6
+shelbyville,47,10
+pomaria,1517,2
+woodbine,827,0
+cosmos,700,0
+klickitat,297,0
+marstons,1718,8
+hanson,429,9
+benevolence,384,2
+lakeville,699,0
+hanson,289,4
+hanson,934,0
+shelbyville,1637,5
+shelbyville,959,12
+onaga,663,5
+merom,1102,0
+ranchester,165,8
+onaga,338,2
+lakeville,946,7
+klickitat,162,1
+hiteman,1562,11
+pinesdale,186,6
+shelbyville,256,9
+wainscott,1519,3
+klickitat,734,3
+beechwood,123,1
+klickitat,2414,8
+onaga,397,2
+marstons,577,0
+stockman,642,0
+pomaria,437,3
+lindenwood,2535,4
+pomaria,947,1
+hiteman,207,2
+cosmos,33,2
+leonardo,852,2
+ranchester,1094,2
+klickitat,1111,0
+leonardo,781,2
+hanson,455,5
+lindenwood,1370,4
+leonardo,25,3
+stockman,89,3
+shelbyville,965,2
+pinesdale,807,0
+merom,278,8
+coffeen,1070,3
+klickitat,1980,8
+woodbine,1707,10
+beechwood,999,0
+wainscott,355,5
+lakeville,994,8
+stockman,1149,1
+merom,180,1
+cosmos,742,0
+mifflinburg,173,2
+cosmos,1024,7
+klickitat,1395,0
+lakeville,1384,15
+stockman,1288,1
+hiteman,512,0
+pinesdale,1388,12
+stockman,454,7
+merom,216,5
+ranchester,740,4
+shelbyville,1495,5
+pomaria,930,0
+beechwood,79,4
+marstons,2402,0
+hanson,483,8
+coffeen,106,7
+tolstoy,451,2
+pinesdale,906,3
+lindenwood,589,2
+beechwood,857,4
+hiteman,1410,3
+hanson,752,5
+ranchester,838,8
+woodbine,1018,2
+newfields,1155,4
+hiteman,68,17
+stockman,1452,4
+shelbyville,64,14
+mifflinburg,518,2
+marstons,1925,17
+hanson,1636,0
+lindenwood,1484,10
+marstons,1220,0
+newfields,202,10
+wainscott,1074,1
+pomaria,1609,3
+leonardo,1032,0
+ranchester,655,1
+leonardo,1041,0
+shelbyville,175,1
+lindenwood,1905,12
+ranchester,123,3
+coffeen,717,2
+newfields,407,2
+coffeen,984,4
+pomaria,1666,3
+lakeville,1417,1
+shelbyville,1516,8
+woodbine,1874,6
+hanson,1151,3
+tolstoy,1010,12
+merom,880,5
+stockman,481,0
+pinesdale,501,2
+marstons,335,5
+klickitat,1206,9
+leonardo,459,4
+onaga,29,3
+lakeville,1486,5
+shelbyville,2382,2
+pinesdale,738,2
+tolstoy,891,10
+tolstoy,1325,6
+newfields,1221,17
+beechwood,827,5
+ranchester,640,1
+mifflinburg,664,1
+hiteman,1705,0
+pinesdale,696,0
+pinesdale,903,1
+lakeville,911,1
+marstons,1003,11
+ranchester,333,2
+woodbine,970,10
+woodbine,1077,6
+marstons,285,1
+newfields,1104,5
+marstons,64,2
+lindenwood,743,3
+shelbyville,2352,7
+forkland,892,4
+merom,442,2
+shelbyville,242,3
+newfields,344,6
+hiteman,1023,3
+hanson,228,3
+wainscott,785,0
+marstons,1390,2
+cosmos,369,3
+lakeville,67,5
+woodbine,656,0
+tolstoy,544,3
+beechwood,1104,3
+hiteman,511,4
+allensville,341,3
+wainscott,1451,2
+shelbyville,962,2
+lindenwood,1261,8
+klickitat,1911,0
+tolstoy,1372,2
+wainscott,421,1
+ranchester,546,11
+woodbine,1154,0
+ranchester,608,2
+onaga,226,3
+leonardo,1335,9
+lindenwood,872,4
+lindenwood,2141,7
+allensville,473,0
+ranchester,1432,0
+marstons,533,5
+hiteman,592,0
+lakeville,1209,1
+pomaria,658,11
+shelbyville,517,4
+tolstoy,971,4
+coffeen,267,3
+allensville,306,4
+allensville,456,1
+lindenwood,1159,0
+klickitat,476,4
+wainscott,1001,8
+marstons,54,2
+lindenwood,626,7
+pinesdale,886,1
+hiteman,670,12
+cosmos,893,5
+shelbyville,1347,15
+merom,58,2
+lakeville,1357,0
+klickitat,619,0
+lakeville,52,6
+mifflinburg,99,2
+onaga,204,3
+pomaria,1157,3
+pomaria,1511,3
+forkland,734,1
+wainscott,1176,3
+wainscott,936,3
+stockman,1057,2
+onaga,211,8
+pinesdale,688,6
+lindenwood,1764,4
+hanson,383,4
+klickitat,1367,0
+merom,916,14
+merom,413,1
+lindenwood,1821,6
+stockman,1333,1
+pinesdale,1250,2
+wainscott,744,2
+leonardo,1238,2
+shelbyville,575,5
+newfields,147,3
+pomaria,892,2
+lakeville,537,0
+ranchester,1538,14
+pinesdale,27,1
+benevolence,820,12
+marstons,237,1
+newfields,1474,3
+beechwood,1096,2
+lakeville,1344,6
+hanson,40,12
+hanson,1507,2
+wainscott,1017,5
+beechwood,161,0
+pomaria,186,0
+lakeville,1313,1
+hanson,23,1
+forkland,212,0
+wainscott,64,4
+woodbine,1725,3
+lakeville,494,1
+klickitat,891,2
+lindenwood,1621,4
+leonardo,1486,0
+mifflinburg,179,1
+tolstoy,1218,7
+onaga,288,3
+hiteman,2,3
+klickitat,1384,3
+forkland,627,3
+cosmos,448,2
+newfields,1310,2
+marstons,338,2
+hiteman,1423,7
+ranchester,1437,8
+newfields,707,1
+klickitat,2053,1
+shelbyville,1490,9
+ranchester,1363,3
+woodbine,116,3
+pinesdale,783,2
+woodbine,1961,12
+hanson,553,8
+lakeville,910,0
+beechwood,875,5
+pinesdale,31,11
+shelbyville,685,10
+hanson,1155,3
+forkland,1091,8
+tolstoy,906,6
+pomaria,1178,0
+hanson,403,1
+klickitat,1065,0
+hiteman,446,20
+lindenwood,707,2
+klickitat,456,4
+shelbyville,724,8
+pomaria,507,1
+leonardo,975,0
+hanson,1510,13
+marstons,1511,5
+lindenwood,797,3
+marstons,1604,9
+newfields,940,2
+lakeville,240,1
+hanson,1426,8
+beechwood,30,0
+pinesdale,595,1
+tolstoy,184,1
+newfields,528,3
+lakeville,151,11
+pinesdale,733,0
+hanson,871,2
+pomaria,1182,1
+pinesdale,543,2
+wainscott,355,1
+marstons,64,16
+coffeen,1434,2
+shelbyville,1766,5
+lakeville,536,3
+klickitat,563,2
+onaga,53,8
+wainscott,426,0
+coffeen,635,5
+pinesdale,443,3
+klickitat,180,3
+newfields,284,6
+wainscott,13,1
+tolstoy,684,3
+tolstoy,689,2
+lindenwood,1137,7
+lakeville,943,13
+newfields,678,0
+shelbyville,2660,2
+onaga,301,6
+ranchester,1062,0
+marstons,1728,2
+marstons,2250,0
+lindenwood,255,9
+merom,434,1
+mifflinburg,888,4
+leonardo,1331,2
+lakeville,1723,1
+mifflinburg,119,3
+leonardo,331,2
+wainscott,301,0
+newfields,472,10
+hiteman,1098,4
+klickitat,1559,12
+merom,708,2
+wainscott,308,8
+woodbine,340,0
+merom,406,5
+wainscott,1400,1
+marstons,2151,10
+woodbine,1803,6
+newfields,499,4
+beechwood,391,2
+woodbine,118,3
+pomaria,65,2
+cosmos,812,6
+stockman,374,9
+shelbyville,1231,0
+lakeville,106,5
+klickitat,825,2
+lakeville,1179,2
+hanson,384,10
+coffeen,902,3
+hanson,1237,3
+tolstoy,468,5
+beechwood,64,3
+lindenwood,318,4
+lindenwood,1640,1
+leonardo,1201,4
+pinesdale,1057,6
+woodbine,779,2
+marstons,513,8
+lindenwood,662,2
+cosmos,1013,1
+shelbyville,171,0
+pomaria,1397,1
+hanson,204,1
+marstons,606,0
+lindenwood,2445,2
+allensville,87,4
+tolstoy,795,6
+klickitat,1076,0
+wainscott,436,3
+ranchester,1473,4
+marstons,1774,4
+tolstoy,1237,10
+leonardo,435,0
+lakeville,1899,2
+hiteman,1704,11
+stockman,497,6
+beechwood,1054,0
+allensville,294,3
+lindenwood,1418,3
+pinesdale,852,7
+ranchester,142,4
+wainscott,994,9
+coffeen,607,6
+shelbyville,1764,1
+beechwood,304,7
+klickitat,656,5
+klickitat,426,9
+forkland,355,3
+hanson,847,1
+pomaria,1384,5
+marstons,1889,2
+benevolence,630,10
+hiteman,77,2
+lindenwood,239,2
+lindenwood,1944,11
+marstons,386,1
+klickitat,111,4
+leonardo,87,5
+shelbyville,1256,1
+hiteman,60,1
+woodbine,1878,5
+tolstoy,649,2
+klickitat,1447,12
+klickitat,2363,4
+shelbyville,151,4
+ranchester,21,0
+mifflinburg,301,3
+hiteman,380,3
+lindenwood,1890,1
+lindenwood,920,3
+beechwood,1162,2
+klickitat,1796,0
+ranchester,1033,3
+hiteman,1040,5
+ranchester,753,1
+pinesdale,768,2
+klickitat,1624,3
+pomaria,1012,1
+allensville,438,1
+shelbyville,1392,8
+marstons,1836,3
+lakeville,59,14
+pinesdale,1257,0
+lakeville,148,0
+woodbine,351,7
+forkland,625,0
+pinesdale,363,0
+shelbyville,256,1
+wainscott,1541,3
+lakeville,96,0
+forkland,792,2
+woodbine,1344,1
+beechwood,488,0
+leonardo,663,2
+klickitat,177,0
+hanson,126,4
+lindenwood,813,10
+beechwood,861,3
+stockman,480,2
+marstons,1597,5
+forkland,796,2
+beechwood,441,4
+shelbyville,2520,5
+marstons,2224,8
+pinesdale,74,2
+tolstoy,1619,2
+woodbine,965,5
+lindenwood,975,0
+mifflinburg,367,0
+merom,148,4
+ranchester,1416,11
+coffeen,384,0
+tolstoy,463,4
+pinesdale,403,3
+shelbyville,218,0
+hanson,428,5
+newfields,1221,15
+hanson,1460,3
+newfields,1590,4
+hanson,488,4
+ranchester,383,4
+wainscott,380,1
+lakeville,308,7
+newfields,603,12
+lindenwood,1099,3
+tolstoy,102,1
+pinesdale,487,8
+wainscott,1540,8
+merom,842,0
+wainscott,1019,1
+woodbine,138,3
+marstons,618,2
+marstons,929,14
+pomaria,1002,6
+tolstoy,372,1
+woodbine,1803,4
+klickitat,978,5
+hanson,168,7
+marstons,1705,10
+stockman,559,2
+coffeen,242,1
+newfields,1515,4
+klickitat,914,23
+leonardo,1917,2
+stockman,1129,9
+wainscott,345,3
+pinesdale,939,1
+stockman,942,2
+shelbyville,1709,0
+pinesdale,6,7
+newfields,490,2
+newfields,129,3
+merom,63,0
+ranchester,811,0
+forkland,619,2
+lindenwood,1410,0
+wainscott,326,8
+forkland,730,2
+cosmos,681,12
+klickitat,2044,11
+lindenwood,1069,2
+lakeville,1045,13
+woodbine,689,3
+mifflinburg,408,0
+hanson,1659,10
+wainscott,1504,3
+beechwood,895,2
+woodbine,1436,9
+pomaria,511,1
+tolstoy,190,7
+woodbine,1042,1
+stockman,8,7
+lakeville,953,0
+hiteman,1666,5
+shelbyville,1566,4
+forkland,233,1
+woodbine,873,7
+coffeen,1204,0
+newfields,222,2
+leonardo,788,4
+coffeen,476,9
+pinesdale,725,7
+beechwood,7,1
+merom,1077,3
+newfields,592,8
+tolstoy,1597,0
+wainscott,466,2
+newfields,612,3
+shelbyville,1286,0
+leonardo,288,1
+tolstoy,1167,12
+lindenwood,889,0
+leonardo,1726,3
+hiteman,168,10
+marstons,2358,6
+tolstoy,233,0
+ranchester,687,6
+lakeville,987,2
+ranchester,1086,7
+shelbyville,2610,3
+shelbyville,2495,4
+hiteman,1398,5
+coffeen,658,0
+ranchester,62,5
+marstons,1249,2
+pomaria,1673,6
+lakeville,554,4
+cosmos,494,0
+lakeville,1899,5
+tolstoy,1785,7
+tolstoy,558,4
+hiteman,721,2
+onaga,619,2
+forkland,387,0
+marstons,593,2
+hanson,1353,8
+newfields,944,8
+klickitat,571,5
+newfields,1557,2
+leonardo,1354,0
+lindenwood,2170,3
+tolstoy,622,0
+lindenwood,67,1
+wainscott,1510,7
+shelbyville,1042,1
+klickitat,2224,0
+pomaria,1418,2
+newfields,1257,0
+wainscott,1719,5
+pomaria,1285,0
+wainscott,1391,10
+marstons,307,7
+lakeville,259,2
+marstons,545,4
+wainscott,1197,1
+hiteman,1068,0
+klickitat,938,7
+marstons,1213,9
+pomaria,402,1
+lindenwood,1219,1
+stockman,1349,2
+klickitat,1622,6
+ranchester,745,2
+ranchester,234,1
+lakeville,1257,1
+leonardo,1852,2
+ranchester,1200,6
+lindenwood,2111,16
+cosmos,163,0
+klickitat,1112,2
+newfields,708,2
+cosmos,822,7
+woodbine,1292,4
+marstons,2600,1
+shelbyville,2400,3
+shelbyville,2035,2
+pomaria,1400,4
+shelbyville,1363,3
+leonardo,1503,2
+hanson,813,9
+mifflinburg,611,5
+newfields,271,9
+newfields,187,10
+coffeen,1079,8
+wainscott,1720,2
+lakeville,1470,3
+woodbine,355,1
+stockman,93,3
+hiteman,938,0
+wainscott,121,1
+allensville,201,3
+lakeville,1562,8
+leonardo,896,9
+pomaria,1622,1
+leonardo,1877,3
+lindenwood,1387,3
+tolstoy,1526,4
+pomaria,1528,0
+cosmos,623,3
+hanson,801,2
+woodbine,303,14
+pomaria,828,2
+pomaria,545,1
+coffeen,387,2
+shelbyville,185,3
+pinesdale,263,2
+coffeen,777,2
+hanson,735,0
+hanson,1074,0
+ranchester,1278,2
+woodbine,249,0
+leonardo,1851,3
+lindenwood,254,7
+klickitat,2267,5
+tolstoy,1421,7
+coffeen,339,2
+lindenwood,1293,3
+wainscott,1065,4
+merom,573,8
+ranchester,838,3
+woodbine,1769,0
+shelbyville,1901,0
+cosmos,141,0
+marstons,2057,0
+lindenwood,1758,1
+newfields,1340,5
+pomaria,249,1
+lakeville,498,3
+coffeen,1364,7
+pinesdale,723,1
+klickitat,26,4
+lindenwood,2627,1
+hiteman,1697,1
+wainscott,409,12
+shelbyville,2513,2
+leonardo,1053,1
+hiteman,312,1
+wainscott,1707,9
+hiteman,928,2
+ranchester,916,4
+lindenwood,1976,3
+pinesdale,102,4
+leonardo,1089,5
+shelbyville,1942,6
+forkland,778,0
+coffeen,460,3
+klickitat,1669,2
+lindenwood,803,5
+merom,528,4
+wainscott,306,2
+pinesdale,933,6
+beechwood,254,3
+forkland,68,11
+leonardo,802,1
+merom,662,4
+shelbyville,1887,6
+hiteman,1165,4
+leonardo,1716,1
+klickitat,949,1
+onaga,457,2
+lakeville,347,10
+allensville,58,7
+lindenwood,1459,5
+lakeville,631,11
+shelbyville,2061,5
+klickitat,427,5
+wainscott,585,5
+marstons,768,4
+newfields,633,0
+beechwood,871,0
+lakeville,1488,0
+marstons,335,1
+lindenwood,2287,2
+coffeen,1073,5
+lakeville,1225,10
+hanson,776,11
+shelbyville,1481,3
+hanson,499,1
+wainscott,1208,7
+allensville,250,1
+coffeen,12,1
+hiteman,526,0
+allensville,414,0
+beechwood,37,2
+hiteman,376,0
+marstons,2654,3
+coffeen,1341,2
+marstons,2115,1
+lakeville,403,3
+klickitat,1060,14
+pomaria,1165,6
+beechwood,218,1
+leonardo,871,9
+pomaria,1557,6
+marstons,424,6
+merom,771,3
+lindenwood,947,2
+pomaria,492,6
+coffeen,855,2
+tolstoy,1767,6
+lindenwood,2610,5
+hiteman,1390,7
+wainscott,566,5
+marstons,1207,2
+marstons,1188,2
+stockman,1591,0
+newfields,1335,3
+allensville,245,0
+ranchester,786,1
+coffeen,948,3
+lindenwood,1853,14
+stockman,51,1
+shelbyville,179,1
+lindenwood,1366,2
+wainscott,2,7
+shelbyville,2466,1
+forkland,616,0
+merom,248,0
+leonardo,1421,0
+wainscott,331,10
+leonardo,427,3
+hanson,1453,1
+shelbyville,2611,2
+hiteman,972,1
+wainscott,1575,3
+stockman,45,1
+klickitat,2010,4
+merom,560,1
+lakeville,1437,2
+leonardo,1002,2
+mifflinburg,31,3
+cosmos,306,9
+shelbyville,406,7
+leonardo,1342,1
+hanson,1263,1
+shelbyville,2814,13
+shelbyville,1038,8
+pomaria,272,5
+hanson,695,0
+pomaria,580,9
+tolstoy,294,9
+woodbine,602,2
+shelbyville,2770,14
+merom,766,3
+tolstoy,891,9
+hanson,754,3
+shelbyville,1902,5
+marstons,281,4
+lindenwood,2352,8
+pomaria,1058,3
+cosmos,1051,2
+hanson,195,2
+merom,43,5
+pomaria,997,3
+klickitat,35,20
+lindenwood,2128,0
+shelbyville,1065,5
+klickitat,2121,1
+stockman,46,5
+stockman,175,4
+cosmos,635,1
+coffeen,638,2
+woodbine,1516,5
+klickitat,472,0
+klickitat,1528,3
+ranchester,1303,2
+klickitat,187,3
+woodbine,1739,1
+pomaria,882,1
+woodbine,1590,3
+merom,87,0
+beechwood,75,10
+tolstoy,1192,5
+coffeen,795,1
+wainscott,25,0
+cosmos,231,4
+newfields,646,6
+hiteman,901,1
+shelbyville,2252,3
+pomaria,1240,12
+shelbyville,1396,3
+marstons,1807,1
+marstons,1078,10
+ranchester,697,4
+shelbyville,1203,8
+hanson,327,14
+ranchester,588,3
+beechwood,525,1
+shelbyville,529,2
+pomaria,135,1
+lakeville,1107,8
+klickitat,821,7
+marstons,926,0
+hanson,1633,2
+onaga,437,0
+hiteman,325,0
+lindenwood,2212,0
+cosmos,365,2
+ranchester,811,5
+lindenwood,764,3
+coffeen,1510,8
+shelbyville,256,5
+coffeen,909,5
+woodbine,180,0
+shelbyville,2692,3
+shelbyville,2124,3
+lindenwood,905,2
+merom,854,3
+leonardo,1104,3
+shelbyville,614,10
+shelbyville,201,5
+coffeen,235,1
+wainscott,1429,9
+mifflinburg,232,5
+marstons,698,11
+beechwood,33,0
+woodbine,1561,0
+newfields,1333,0
+lindenwood,2153,6
+lakeville,490,4
+marstons,1320,10
+hanson,1204,14
+tolstoy,999,0
+leonardo,1739,1
+leonardo,445,0
+marstons,2048,3
+lindenwood,702,19
+stockman,1088,1
+newfields,1525,15
+ranchester,670,0
+shelbyville,1316,5
+lindenwood,652,3
+stockman,252,0
+beechwood,364,0
+merom,1039,6
+pomaria,1100,3
+forkland,1025,1
+marstons,1559,2
+pinesdale,1140,0
+cosmos,267,0
+mifflinburg,527,2
+marstons,265,1
+marstons,110,3
+beechwood,380,9
+shelbyville,1402,9
+shelbyville,1024,4
+beechwood,959,6
+lakeville,1358,0
+woodbine,1038,2
+allensville,268,6
+hiteman,464,11
+cosmos,949,2
+tolstoy,13,1
+lakeville,569,2
+pinesdale,669,2
+hanson,372,0
+benevolence,765,6
+ranchester,656,2
+marstons,669,9
+lindenwood,575,2
+shelbyville,2759,0
+wainscott,336,8
+beechwood,694,3
+forkland,64,2
+marstons,1030,3
+stockman,1081,3
+forkland,1144,3
+newfields,790,3
+merom,596,0
+pomaria,1295,3
+pinesdale,690,4
+shelbyville,1495,0
+woodbine,383,1
+shelbyville,322,1
+mifflinburg,617,2
+newfields,764,5
+woodbine,984,13
+newfields,1206,1
+newfields,1625,10
+shelbyville,1429,1
+shelbyville,2225,1
+hanson,1400,6
+pomaria,85,7
+pomaria,921,3
+klickitat,3,1
+shelbyville,1506,0
+klickitat,720,4
+lindenwood,1965,0
+cosmos,875,4
+wainscott,288,5
+pinesdale,1447,1
+cosmos,917,1
+lakeville,54,4
+shelbyville,1943,6
+pomaria,914,2
+shelbyville,77,3
+tolstoy,1255,14
+newfields,1624,0
+stockman,365,0
+klickitat,2285,15
+hiteman,1336,10
+leonardo,66,1
+wainscott,1703,8
+marstons,682,10
+wainscott,364,10
+mifflinburg,499,9
+lakeville,1764,3
+allensville,197,9
+marstons,649,6
+pomaria,1677,6
+coffeen,689,4
+shelbyville,2059,2
+hiteman,609,0
+shelbyville,1342,4
+onaga,209,2
+lindenwood,704,6
+ranchester,1016,2
+ranchester,596,2
+woodbine,906,1
+forkland,420,4
+leonardo,602,1
+lakeville,1104,10
+merom,1108,4
+hanson,1552,9
+cosmos,295,0
+klickitat,920,9
+wainscott,1522,4
+shelbyville,1687,10
+hiteman,685,3
+klickitat,37,8
+hanson,1279,5
+klickitat,1295,7
+lakeville,1382,0
+hanson,1479,15
+stockman,1217,0
+lindenwood,1210,5
+benevolence,575,1
+benevolence,395,8
+hanson,429,3
+leonardo,232,2
+marstons,681,2
+tolstoy,456,1
+klickitat,2405,1
+ranchester,1439,7
+leonardo,1450,4
+ranchester,762,1
+pomaria,826,2
+tolstoy,1256,5
+leonardo,409,0
+newfields,464,3
+pomaria,895,8
+coffeen,130,7
+marstons,2588,5
+leonardo,1596,2
+ranchester,556,1
+shelbyville,2344,5
+hanson,418,9
+woodbine,454,0
+coffeen,394,4
+shelbyville,1670,12
+leonardo,530,8
+klickitat,1788,8
+ranchester,1245,5
+ranchester,194,4
+ranchester,1221,0
+shelbyville,100,1
+newfields,751,5
+woodbine,1932,9
+benevolence,823,10
+hanson,300,6
+pinesdale,670,5
+woodbine,1027,2
+stockman,61,6
+cosmos,978,1
+woodbine,754,3
+woodbine,2033,4
+lakeville,679,2
+lakeville,786,6
+cosmos,320,2
+wainscott,784,1
+shelbyville,2559,0
+mifflinburg,581,1
+coffeen,745,3
+newfields,1473,6
+marstons,1012,8
+hiteman,1787,1
+stockman,686,7
+cosmos,88,0
+leonardo,1593,11
+woodbine,370,4
+tolstoy,396,5
+pinesdale,216,3
+lindenwood,2524,0
+cosmos,348,0
+woodbine,368,3
+pomaria,1514,2
+hiteman,1304,0
+mifflinburg,114,1
+cosmos,746,2
+klickitat,835,0
+wainscott,478,5
+woodbine,548,4
+mifflinburg,674,4
+klickitat,723,5
+shelbyville,368,0
+hanson,1653,0
+pomaria,1371,10
+lindenwood,1624,0
+klickitat,952,15
+klickitat,2117,2
+hiteman,1280,7
+lindenwood,2359,4
+stockman,735,2
+allensville,484,1
+shelbyville,2372,10
+leonardo,1586,2
+shelbyville,268,4
+pomaria,591,4
+hanson,1564,1
+pomaria,886,1
+leonardo,1175,2
+lakeville,927,7
+hanson,1244,0
+hanson,601,6
+pomaria,477,1
+pomaria,976,12
+ranchester,1342,7
+tolstoy,1051,2
+stockman,852,6
+tolstoy,321,2
+hanson,775,9
+pomaria,933,2
+leonardo,1024,3
+newfields,213,10
+marstons,1726,0
+tolstoy,586,0
+stockman,665,4
+hiteman,1491,10
+shelbyville,241,9
+hanson,342,3
+stockman,156,2
+wainscott,1594,8
+hiteman,91,11
+wainscott,1652,4
+lindenwood,2191,8
+marstons,2426,0
+leonardo,1691,0
+mifflinburg,98,5
+benevolence,538,2
+pomaria,1273,11
+cosmos,1072,2
+pinesdale,1495,10
+ranchester,1256,9
+wainscott,1287,0
+newfields,759,2
+onaga,608,1
+klickitat,2240,4
+woodbine,700,5
+shelbyville,930,10
+tolstoy,1580,3
+hiteman,221,0
+newfields,1571,6
+klickitat,782,11
+wainscott,523,15
+shelbyville,1727,7
+hiteman,366,6
+tolstoy,941,0
+marstons,1039,3
+coffeen,950,4
+lindenwood,261,1
+pomaria,174,1
+woodbine,1457,0
+pinesdale,74,9
+newfields,1622,0
+pomaria,388,9
+lindenwood,424,5
+marstons,515,4
+lakeville,1784,3
+cosmos,372,5
+coffeen,737,3
+pinesdale,972,1
+stockman,275,3
+beechwood,164,0
+coffeen,875,0
+leonardo,1130,2
+mifflinburg,742,1
+hanson,93,1
+lakeville,172,14
+coffeen,1210,0
+leonardo,889,0
+lakeville,459,12
+shelbyville,2451,7
+tolstoy,1758,4
+woodbine,593,15
+newfields,1541,8
+mifflinburg,679,5
+leonardo,1331,3
+shelbyville,1173,1
+newfields,922,0
+hiteman,265,1
+lakeville,1837,7
+hanson,1054,4
+stockman,159,0
+leonardo,1900,0
+marstons,505,4
+cosmos,715,9
+mifflinburg,273,0
+stockman,592,2
+pinesdale,497,0
+lakeville,358,12
+coffeen,1216,1
+klickitat,991,5
+forkland,293,3
+forkland,117,2
+newfields,1542,4
+tolstoy,1581,3
+marstons,145,6
+hiteman,318,0
+newfields,1493,0
+hiteman,1716,0
+coffeen,1317,1
+hiteman,1855,5
+newfields,1153,5
+hiteman,1378,3
+shelbyville,2391,1
+shelbyville,702,5
+tolstoy,1452,13
+allensville,333,4
+hiteman,1720,5
+klickitat,1628,3
+lindenwood,60,0
+stockman,1181,0
+shelbyville,479,6
+stockman,76,0
+woodbine,1788,13
+klickitat,236,0
+wainscott,149,0
+pinesdale,29,0
+tolstoy,1422,0
+stockman,907,3
+shelbyville,1277,10
+shelbyville,1055,4
+cosmos,238,1
+shelbyville,897,4
+beechwood,667,0
+wainscott,1592,2
+shelbyville,1888,10
+newfields,588,13
+woodbine,156,7
+leonardo,1803,1
+benevolence,730,9
+newfields,1090,1
+pomaria,36,1
+shelbyville,1915,1
+lindenwood,1207,10
+shelbyville,192,7
+pinesdale,998,3
+stockman,309,0
+beechwood,714,1
+shelbyville,2140,11
+hanson,1309,1
+lindenwood,715,5
+pomaria,147,4
+cosmos,1057,2
+shelbyville,2603,1
+stockman,1300,1
+hanson,1219,0
+shelbyville,1166,1
+forkland,315,1
+pomaria,1212,0
+tolstoy,546,3
+pinesdale,1110,8
+klickitat,1396,0
+wainscott,1709,1
+merom,966,1
+merom,384,8
+pomaria,154,5
+merom,1045,1
+klickitat,1134,3
+pomaria,403,5
+hanson,182,1
+lakeville,1602,2
+leonardo,1452,2
+lindenwood,1582,10
+leonardo,742,0
+woodbine,548,2
+hiteman,587,6
+wainscott,1737,3
+coffeen,561,1
+pinesdale,402,1
+woodbine,2054,4
+lakeville,415,1
+pomaria,97,4
+newfields,1417,3
+coffeen,507,1
+hiteman,1058,2
+marstons,1246,5
+beechwood,993,3
+shelbyville,356,4
+pomaria,687,0
+lindenwood,1599,2
+woodbine,1517,3
+shelbyville,1185,8
+pomaria,467,3
+shelbyville,646,0
+leonardo,77,0
+merom,504,1
+wainscott,687,6
+klickitat,1042,7
+woodbine,518,4
+lakeville,587,1
+wainscott,121,3
+marstons,2090,3
+wainscott,1370,2
+shelbyville,1797,6
+lakeville,135,0
+merom,470,2
+tolstoy,1727,2
+stockman,9,3
+coffeen,963,1
+forkland,1066,5
+hanson,0,0
+hanson,894,0
+mifflinburg,0,0
+ranchester,961,1
+klickitat,2322,0
+lakeville,266,3
+pomaria,1066,4
+newfields,1582,5
+marstons,1808,8
+hiteman,1508,13
+pomaria,1552,3
+woodbine,154,1
+pomaria,528,6
+ranchester,989,1
+lindenwood,1934,4
+marstons,1624,2
+newfields,1488,13
+ranchester,1164,0
+pinesdale,1082,1
+pinesdale,257,0
+newfields,1183,3
+woodbine,1333,2
+lakeville,528,0
+tolstoy,1425,6
+pomaria,595,4
+marstons,1080,1
+pomaria,1556,9
+klickitat,2076,4
+shelbyville,727,10
+pomaria,1402,1
+ranchester,1470,7
+marstons,1339,16
+merom,670,0
+woodbine,2034,2
+klickitat,840,7
+wainscott,618,3
+coffeen,728,8
+marstons,1365,4
+allensville,374,0
+stockman,44,1
+marstons,2206,0
+lindenwood,725,2
+benevolence,769,8
+hiteman,50,8
+lindenwood,2076,3
+hiteman,319,1
+stockman,1266,7
+pinesdale,460,3
+klickitat,521,3
+hiteman,403,0
+lakeville,1499,7
+ranchester,17,0
+marstons,39,2
+pomaria,1219,0
+lakeville,220,10
+lindenwood,2569,0
+klickitat,1836,4
+shelbyville,2803,1
+wainscott,1441,2
+ranchester,309,0
+ranchester,134,3
+beechwood,1178,1
+pomaria,209,1
+shelbyville,308,2
+hiteman,722,6
+shelbyville,1249,13
+hiteman,1704,0
+beechwood,942,9
+coffeen,1347,0
+shelbyville,928,4
+benevolence,264,5
+hanson,698,6
+wainscott,1120,4
+marstons,1727,1
+hiteman,1534,3
+stockman,371,0
+coffeen,1053,2
+klickitat,197,4
+marstons,139,13
+pinesdale,670,4
+marstons,2241,7
+forkland,754,9
+marstons,1385,13
+newfields,490,1
+lindenwood,2048,1
+lakeville,970,6
+merom,759,1
+shelbyville,322,6
+hanson,717,2
+merom,544,2
+marstons,1784,1
+shelbyville,2496,1
+mifflinburg,479,0
+marstons,1145,2
+marstons,987,7
+ranchester,3,2
+lindenwood,96,2
+beechwood,265,2
+pinesdale,1030,10
+merom,892,2
+ranchester,319,5
+hanson,1389,3
+stockman,1025,2
+coffeen,321,1
+merom,735,8
+marstons,2183,1
+hiteman,1734,5
+cosmos,653,1
+marstons,2215,7
+merom,52,0
+marstons,1046,9
+mifflinburg,168,1
+newfields,217,14
+wainscott,442,5
+pomaria,1298,2
+cosmos,129,0
+hiteman,201,4
+shelbyville,594,6
+lakeville,619,5
+stockman,1333,3
+wainscott,885,5
+shelbyville,978,8
+stockman,525,11
+hanson,175,1
+stockman,371,1
+ranchester,1086,3
+coffeen,1334,6
+leonardo,1219,10
+tolstoy,1259,0
+newfields,510,1
+lakeville,734,5
+pomaria,1554,10
+newfields,1610,1
+benevolence,301,5
+wainscott,1237,1
+newfields,1229,0
+wainscott,769,0
+hanson,1418,5
+shelbyville,2819,1
+klickitat,2410,6
+marstons,1828,5
+wainscott,1282,0
+coffeen,675,4
+shelbyville,2302,12
+beechwood,866,5
+marstons,646,7
+newfields,1060,7
+leonardo,385,3
+hanson,520,5
+forkland,72,2
+lindenwood,2325,4
+hanson,332,1
+pomaria,1305,6
+shelbyville,1897,1
+tolstoy,1797,5
+mifflinburg,393,1
+allensville,196,2
+cosmos,503,6
+lindenwood,2140,2
+klickitat,1812,7
+lakeville,789,5
+lindenwood,1351,9
+pomaria,1459,12
+wainscott,1296,6
+tolstoy,668,9
+tolstoy,1402,9
+klickitat,1609,7
+cosmos,277,0
+hanson,5,1
+klickitat,846,4
+beechwood,1040,0
+stockman,882,0
+hanson,430,5
+woodbine,100,9
+woodbine,1983,8
+stockman,674,4
+lindenwood,2578,3
+mifflinburg,379,1
+pomaria,1031,3
+hiteman,1814,0
+hiteman,686,0
+newfields,1143,0
+woodbine,1518,8
+merom,551,1
+cosmos,219,9
+lindenwood,331,1
+leonardo,1813,1
+woodbine,1804,1
+marstons,349,1
+stockman,1427,6
+wainscott,1203,5
+benevolence,401,1
+pinesdale,715,4
+newfields,533,3
+stockman,952,2
+woodbine,355,0
+leonardo,1775,0
+merom,975,2
+pinesdale,1376,9
+woodbine,417,12
+woodbine,15,10
+wainscott,1357,4
+wainscott,134,2
+lakeville,1665,4
+pinesdale,1502,3
+forkland,174,0
+shelbyville,2718,3
+tolstoy,1135,2
+hiteman,417,1
+pinesdale,932,3
+hiteman,1102,0
+shelbyville,1038,12
+wainscott,1504,7
+pomaria,316,16
+onaga,494,0
+pomaria,235,13
+pinesdale,449,4
+klickitat,1099,2
+stockman,203,5
+pinesdale,1216,8
+hiteman,1317,3
+hanson,1042,1
+leonardo,2026,0
+woodbine,867,5
+hanson,357,4
+lindenwood,485,6
+marstons,2239,3
+woodbine,1294,9
+tolstoy,1276,1
+leonardo,286,2
+onaga,618,1
+shelbyville,1415,0
+woodbine,1762,3
+woodbine,1474,10
+leonardo,337,14
+woodbine,1703,2
+newfields,717,5
+pomaria,976,17
+lakeville,968,2
+beechwood,98,0
+forkland,733,2
+leonardo,2108,10
+wainscott,1434,4
+lakeville,1250,8
+shelbyville,284,2
+shelbyville,1008,2
+pomaria,0,7
+wainscott,983,2
+mifflinburg,23,2
+hanson,168,4
+wainscott,1674,1
+coffeen,823,2
+shelbyville,2477,4
+allensville,22,0
+mifflinburg,975,1
+wainscott,369,2
+leonardo,741,5
+newfields,1439,2
+pomaria,204,1
+newfields,856,3
+marstons,2224,9
+mifflinburg,100,1
+tolstoy,1196,5
+shelbyville,706,3
+leonardo,417,0
+woodbine,1848,0
+pinesdale,743,0
+lakeville,1825,2
+lakeville,193,4
+leonardo,1579,10
+woodbine,1738,9
+lindenwood,2393,15
+stockman,1596,1
+klickitat,1870,1
+wainscott,1298,1
+wainscott,1024,9
+shelbyville,2089,1
+lindenwood,2556,4
+klickitat,2081,3
+onaga,335,6
+hanson,786,5
+forkland,882,3
+lakeville,873,0
+newfields,14,3
+mifflinburg,334,3
+allensville,391,3
+stockman,698,1
+klickitat,1714,1
+ranchester,1581,1
+pinesdale,464,3
+lakeville,631,10
+coffeen,1165,3
+marstons,834,0
+marstons,299,5
+tolstoy,1530,1
+beechwood,336,5
+coffeen,329,1
+coffeen,1198,2
+woodbine,124,2
+forkland,678,3
+beechwood,223,2
+marstons,1815,1
+shelbyville,718,11
+forkland,813,1
+klickitat,1558,9
+marstons,2170,0
+shelbyville,557,6
+pomaria,844,8
+cosmos,397,2
+shelbyville,1255,2
+leonardo,1743,1
+leonardo,762,7
+klickitat,632,1
+wainscott,1162,17
+beechwood,761,0
+tolstoy,638,3
+lakeville,101,0
+stockman,731,4
+lakeville,1011,4
+shelbyville,222,1
+shelbyville,1627,2
+lakeville,1189,0
+wainscott,190,1
+woodbine,2014,6
+klickitat,231,8
+hiteman,1737,5
+lakeville,1628,2
+tolstoy,933,5
+hanson,1125,13
+pomaria,1068,13
+wainscott,394,7
+lindenwood,658,6
+newfields,676,1
+coffeen,1363,0
+leonardo,1440,3
+hanson,1227,2
+ranchester,850,5
+lindenwood,1616,7
+pomaria,1324,1
+lindenwood,1856,4
+benevolence,208,1
+klickitat,2175,8
+pinesdale,720,10
+ranchester,838,5
+lakeville,1332,2
+tolstoy,1603,3
+marstons,1240,1
+forkland,167,6
+wainscott,917,2
+lakeville,515,2
+lakeville,119,2
+shelbyville,2250,2
+klickitat,483,3
+merom,1071,4
+woodbine,621,0
+marstons,114,5
+tolstoy,23,1
+ranchester,934,2
+stockman,657,5
+pinesdale,1477,2
+lakeville,444,10
+lindenwood,1239,4
+hanson,1203,3
+hiteman,150,0
+shelbyville,1971,15
+lindenwood,1027,2
+pinesdale,330,1
+pomaria,1416,9
+coffeen,81,0
+hiteman,1127,1
+ranchester,63,9
+woodbine,1054,0
+wainscott,837,6
+benevolence,382,3
+lindenwood,1596,4
+woodbine,1049,5
+leonardo,1782,3
+pomaria,1423,1
+hiteman,69,0
+lindenwood,1904,10
+klickitat,1922,4
+leonardo,1293,0
+hiteman,950,3
+pomaria,154,8
+lindenwood,858,1
+klickitat,2198,5
+coffeen,661,4
+leonardo,808,1
+woodbine,952,7
+cosmos,1076,7
+onaga,539,5
+shelbyville,680,10
+stockman,1591,2
+marstons,1541,3
+allensville,139,4
+hiteman,1602,4
+klickitat,708,12
+pomaria,1408,2
+lindenwood,1637,5
+hanson,336,5
+wainscott,506,6
+pomaria,584,13
+mifflinburg,946,1
+wainscott,166,4
+lakeville,1503,0
+merom,310,3
+mifflinburg,362,3
+lindenwood,1402,0
+merom,648,4
+klickitat,2293,0
+lindenwood,240,1
+ranchester,467,3
+marstons,874,3
+pinesdale,813,0
+woodbine,986,0
+shelbyville,1277,6
+onaga,181,0
+lindenwood,547,6
+forkland,1023,1
+pomaria,688,1
+lakeville,1281,3
+pinesdale,203,3
+shelbyville,12,0
+lakeville,1104,4
+newfields,5,6
+pomaria,603,3
+shelbyville,2197,4
+tolstoy,1042,1
+pinesdale,783,7
+ranchester,1031,5
+tolstoy,1141,2
+onaga,559,1
+pomaria,635,3
+tolstoy,1578,5
+lindenwood,1496,6
+cosmos,174,9
+lindenwood,1612,0
+newfields,974,1
+klickitat,586,2
+allensville,269,2
+stockman,935,1
+leonardo,1691,14
+ranchester,1268,0
+pomaria,1259,1
+hanson,1239,4
+merom,66,4
+newfields,396,2
+wainscott,1492,14
+pinesdale,1345,1
+allensville,492,3
+klickitat,1967,14
+wainscott,648,4
+marstons,1652,5
+hanson,456,2
+pinesdale,1199,1
+allensville,367,1
+cosmos,423,0
+cosmos,85,4
+beechwood,711,4
+shelbyville,644,2
+lindenwood,819,15
+lakeville,259,1
+lakeville,801,2
+newfields,504,9
+hanson,1008,1
+lakeville,530,8
+lindenwood,448,0
+woodbine,1608,7
+pinesdale,807,8
+onaga,318,2
+lakeville,280,4
+woodbine,1175,4
+klickitat,1877,6
+lakeville,1158,1
+pinesdale,1160,3
+ranchester,985,5
+shelbyville,300,5
+klickitat,303,1
+pinesdale,720,1
+hiteman,1490,0
+marstons,416,1
+newfields,1407,6
+lindenwood,345,10
+shelbyville,1887,0
+lindenwood,1865,8
+lakeville,1424,14
+lakeville,1526,4
+lakeville,917,5
+hiteman,1061,1
+lakeville,974,0
+wainscott,1585,0
+leonardo,1182,5
+shelbyville,2530,1
+pomaria,348,7
+leonardo,168,6
+forkland,942,2
+tolstoy,118,1
+stockman,1390,4
+beechwood,718,1
+coffeen,1047,1
+marstons,230,9
+woodbine,39,8
+shelbyville,572,5
+cosmos,774,2
+klickitat,445,7
+hiteman,366,9
+tolstoy,974,3
+hiteman,56,0
+lindenwood,778,2
+leonardo,1107,3
+coffeen,1025,0
+hiteman,268,0
+leonardo,679,1
+merom,175,1
+pomaria,186,13
+hanson,13,3
+hanson,977,0
+lindenwood,1138,5
+lakeville,1513,0
+marstons,2068,2
+lakeville,1878,5
+leonardo,1079,1
+coffeen,1222,1
+coffeen,864,4
+wainscott,266,1
+hanson,844,1
+pomaria,1554,2
+pomaria,230,6
+beechwood,242,2
+tolstoy,893,3
+cosmos,518,4
+shelbyville,203,0
+marstons,1759,4
+tolstoy,27,1
+leonardo,1198,3
+shelbyville,975,4
+merom,1109,2
+wainscott,661,3
+marstons,1816,6
+marstons,362,8
+forkland,1083,1
+lindenwood,2077,3
+cosmos,310,10
+forkland,9,2
+lakeville,1858,1
+marstons,2532,4
+pomaria,135,2
+hiteman,246,5
+cosmos,819,1
+shelbyville,629,6
+hiteman,43,7
+hiteman,497,7
+shelbyville,169,2
+klickitat,1470,4
+hiteman,284,1
+marstons,1561,4
+hiteman,211,3
+shelbyville,1796,2
+shelbyville,944,6
+shelbyville,254,2
+hiteman,1781,6
+klickitat,1636,2
+allensville,362,3
+cosmos,873,1
+lakeville,272,0
+lakeville,513,2
+klickitat,784,1
+hanson,1466,3
+lindenwood,638,5
+forkland,351,2
+stockman,303,1
+shelbyville,349,3
+marstons,2584,0
+cosmos,907,1
+hanson,722,0
+wainscott,1498,1
+newfields,142,4
+hanson,668,2
+newfields,1405,1
+lindenwood,983,2
+lindenwood,1714,4
+tolstoy,933,6
+pomaria,1431,9
+woodbine,1510,10
+marstons,2288,1
+woodbine,1265,2
+pomaria,904,3
+wainscott,369,5
+lakeville,246,4
+marstons,3,9
+marstons,1828,9
+merom,668,1
+wainscott,373,9
+hiteman,1737,0
+pomaria,711,2
+leonardo,265,0
+stockman,49,8
+cosmos,1071,4
+coffeen,566,5
+pomaria,231,2
+lakeville,1462,2
+allensville,410,1
+pomaria,528,2
+ranchester,41,7
+hiteman,1758,2
+merom,825,1
+lindenwood,628,8
+leonardo,1490,2
+lindenwood,1312,9
+cosmos,850,8
+hiteman,1184,1
+klickitat,1443,3
+stockman,1382,2
+lindenwood,1985,7
+allensville,194,1
+stockman,1380,1
+shelbyville,388,1
+lindenwood,985,11
+pinesdale,989,2
+stockman,630,8
+newfields,894,4
+wainscott,1742,9
+newfields,1144,1
+shelbyville,13,0
+lakeville,1782,5
+beechwood,288,0
+woodbine,975,0
+lindenwood,2672,1
+newfields,1370,2
+wainscott,1487,1
+hanson,1455,0
+klickitat,660,0
+lindenwood,2138,0
+coffeen,1494,0
+newfields,413,3
+leonardo,207,5
+hiteman,389,6
+cosmos,541,4
+stockman,15,13
+onaga,654,3
+pomaria,487,4
+klickitat,1857,4
+shelbyville,1629,0
+ranchester,694,10
+pinesdale,939,3
+merom,231,0
+marstons,548,9
+klickitat,249,0
+shelbyville,2218,1
+lakeville,196,5
+shelbyville,1516,3
+coffeen,81,9
+wainscott,173,7
+pomaria,928,1
+lindenwood,2650,4
+leonardo,1780,8
+lakeville,577,3
+wainscott,1144,5
+shelbyville,1253,2
+newfields,725,9
+hanson,1278,1
+pinesdale,26,4
+cosmos,851,1
+leonardo,1482,7
+lindenwood,1932,0
+tolstoy,309,11
+lindenwood,1644,2
+woodbine,1939,8
+cosmos,748,2
+mifflinburg,13,0
+beechwood,926,2
+woodbine,1615,3
+marstons,1228,12
+ranchester,62,8
+wainscott,1480,1
+lindenwood,2282,9
+klickitat,1689,2
+leonardo,1404,1
+marstons,120,0
+merom,806,2
+pomaria,1514,5
+lindenwood,545,1
+merom,596,10
+woodbine,1529,4
+forkland,633,4
+lakeville,507,1
+woodbine,839,0
+marstons,2063,10
+hiteman,228,2
+pinesdale,869,6
+coffeen,399,0
+lakeville,824,1
+lakeville,1736,4
+lakeville,1211,16
+woodbine,1267,9
+klickitat,639,4
+wainscott,1274,9
+wainscott,38,2
+pinesdale,797,9
+klickitat,484,4
+klickitat,2036,9
+pomaria,156,1
+benevolence,485,0
+newfields,502,2
+beechwood,1145,2
+merom,882,5
+marstons,1271,11
+wainscott,1436,5
+pinesdale,1396,0
+tolstoy,1157,1
+lindenwood,751,0
+lindenwood,2129,8
+leonardo,1617,2
+marstons,2642,3
+pinesdale,1408,3
+ranchester,539,3
+wainscott,625,4
+stockman,572,3
+woodbine,1806,4
+mifflinburg,124,2
+pinesdale,1039,0
+lindenwood,982,8
+klickitat,1470,5
+cosmos,501,3
+pomaria,1543,3
+wainscott,1525,5
+wainscott,1524,0
+merom,1074,4
+woodbine,527,11
+lakeville,888,0
+woodbine,1920,2
+stockman,809,5
+forkland,253,0
+lakeville,263,11
+beechwood,46,2
+marstons,2562,10
+shelbyville,1615,8
+wainscott,1617,0
+benevolence,131,9
+klickitat,1073,1
+hanson,171,7
+wainscott,1492,10
+pinesdale,871,2
+onaga,488,2
+merom,826,3
+marstons,1588,2
+leonardo,490,0
+tolstoy,844,0
+onaga,247,0
+hiteman,1522,12
+woodbine,834,2
+lindenwood,232,4
+wainscott,1431,2
+cosmos,911,5
+klickitat,893,1
+tolstoy,841,0
+leonardo,540,6
+beechwood,491,2
+klickitat,1135,2
+wainscott,1385,12
+benevolence,580,1
+coffeen,1093,4
+wainscott,1335,4
+newfields,1585,7
+marstons,1482,2
+marstons,2046,5
+mifflinburg,430,2
+tolstoy,456,9
+allensville,197,7
+beechwood,305,0
+stockman,491,2
+leonardo,1231,5
+lakeville,794,9
+lindenwood,1979,4
+lakeville,1856,5
+tolstoy,300,8
+pinesdale,565,5
+beechwood,7,9
+ranchester,1127,2
+wainscott,792,13
+woodbine,1662,6
+newfields,1561,1
+pomaria,827,5
+allensville,134,3
+marstons,2317,1
+wainscott,162,1
+wainscott,411,13
+klickitat,179,0
+beechwood,94,5
+hanson,1255,8
+shelbyville,2262,3
+cosmos,519,0
+hanson,1460,0
+leonardo,1766,4
+klickitat,575,3
+coffeen,135,1
+hiteman,252,10
+marstons,2613,6
+allensville,418,2
+marstons,1034,5
+tolstoy,1173,1
+pomaria,1215,4
+newfields,274,6
+lakeville,455,1
+ranchester,1461,2
+mifflinburg,631,1
+ranchester,1446,2
+ranchester,589,3
+cosmos,499,6
+lindenwood,2274,0
+lakeville,1393,7
+hiteman,1319,8
+lakeville,1333,4
+ranchester,1023,0
+klickitat,1565,9
+wainscott,1105,4
+coffeen,662,7
+merom,423,2
+lindenwood,2093,8
+shelbyville,893,5
+lakeville,1083,3
+tolstoy,1477,6
+hiteman,1323,13
+wainscott,1354,4
+mifflinburg,384,0
+newfields,269,8
+merom,96,0
+lakeville,1845,1
+woodbine,297,2
+beechwood,374,1
+pomaria,1472,12
+leonardo,85,3
+shelbyville,1401,9
+hiteman,669,4
+woodbine,2040,4
+mifflinburg,554,1
+beechwood,760,0
+onaga,513,8
+shelbyville,1100,12
+pinesdale,170,0
+pinesdale,842,5
+ranchester,1185,1
+klickitat,156,0
+hanson,565,10
+shelbyville,581,1
+shelbyville,1507,18
+pinesdale,664,4
+leonardo,1913,3
+klickitat,1856,5
+tolstoy,714,0
+marstons,802,0
+leonardo,2035,5
+pinesdale,1018,7
+woodbine,809,4
+shelbyville,1281,5
+pinesdale,1438,1
+benevolence,316,0
+marstons,2049,6
+ranchester,1331,4
+marstons,2127,14
+woodbine,768,0
+tolstoy,940,3
+coffeen,1475,3
+tolstoy,1387,3
+klickitat,1561,8
+beechwood,1124,3
+stockman,860,1
+leonardo,219,0
+hiteman,987,0
+lindenwood,2580,1
+klickitat,1085,0
+coffeen,742,3
+shelbyville,2146,1
+lindenwood,962,2
+pomaria,280,2
+merom,212,2
+shelbyville,2726,2
+newfields,1659,10
+pinesdale,366,1
+pomaria,498,9
+wainscott,59,8
+woodbine,800,5
+stockman,188,2
+newfields,300,2
+newfields,1242,2
+wainscott,1632,8
+ranchester,395,10
+benevolence,280,2
+tolstoy,869,0
+lindenwood,694,1
+pomaria,1263,2
+lindenwood,1421,2
+pinesdale,255,1
+woodbine,1023,7
+ranchester,902,1
+hiteman,1216,3
+shelbyville,1201,7
+allensville,224,2
+pomaria,582,13
+lindenwood,1661,4
+leonardo,114,10
+leonardo,852,11
+hiteman,727,3
+hiteman,838,1
+shelbyville,1794,0
+lindenwood,1344,2
+tolstoy,1176,4
+leonardo,1756,1
+shelbyville,1093,2
+klickitat,541,7
+marstons,2503,9
+ranchester,978,0
+tolstoy,1366,5
+hiteman,1412,2
+coffeen,54,0
+newfields,103,1
+marstons,649,2
+hanson,608,0
+forkland,942,3
+lindenwood,2366,5
+marstons,1083,0
+pomaria,1309,2
+merom,934,1
+coffeen,820,0
+pomaria,392,3
+beechwood,69,2
+lindenwood,1123,3
+cosmos,774,1
+wainscott,725,2
+ranchester,1239,2
+pinesdale,1048,0
+leonardo,831,2
+lakeville,1717,2
+leonardo,618,0
+leonardo,760,3
+tolstoy,1824,0
+lindenwood,1309,1
+tolstoy,1027,0
+merom,240,2
+wainscott,712,5
+shelbyville,49,8
+wainscott,511,2
+lindenwood,527,1
+allensville,407,4
+woodbine,1333,8
+ranchester,479,8
+hiteman,1271,9
+hanson,839,2
+hanson,1554,3
+woodbine,850,0
+tolstoy,1123,1
+lindenwood,2311,0
+shelbyville,1393,3
+stockman,1128,1
+pinesdale,498,10
+pomaria,1184,0
+pinesdale,1118,4
+klickitat,307,4
+tolstoy,1648,0
+newfields,1178,12
+hiteman,1282,0
+cosmos,444,2
+allensville,264,5
+tolstoy,1569,12
+klickitat,21,1
+newfields,1221,11
+leonardo,316,12
+tolstoy,1306,7
+stockman,1570,5
+klickitat,2375,1
+woodbine,1212,3
+pinesdale,289,8
+marstons,1605,8
+marstons,1524,1
+marstons,194,3
+marstons,1532,12
+newfields,663,14
+newfields,505,2
+stockman,806,3
+klickitat,1185,2
+lindenwood,283,0
+shelbyville,2358,2
+allensville,485,1
+onaga,433,0
+ranchester,182,3
+lindenwood,2222,1
+allensville,185,2
+wainscott,962,3
+tolstoy,433,2
+leonardo,359,14
+wainscott,1742,4
+woodbine,1330,8
+pomaria,259,1
+woodbine,399,6
+leonardo,1849,1
+pomaria,1272,3
+lindenwood,2086,5
+ranchester,692,2
+hanson,294,0
+lindenwood,2499,5
+stockman,545,0
+hanson,1079,3
+lakeville,1591,1
+hiteman,173,1
+pinesdale,1495,8
+leonardo,626,0
+hanson,597,1
+pomaria,855,2
+leonardo,2100,5
+coffeen,1191,2
+hiteman,104,1
+hiteman,1203,3
+cosmos,924,3
+newfields,270,15
+woodbine,1513,4
+tolstoy,55,2
+woodbine,1395,2
+lindenwood,2529,4
+lakeville,1242,8
+klickitat,156,17
+cosmos,753,5
+lakeville,1250,2
+newfields,611,5
+klickitat,1090,4
+pomaria,1411,11
+newfields,889,5
+lindenwood,348,6
+lakeville,1714,9
+tolstoy,1094,8
+shelbyville,1484,9
+onaga,385,2
+hiteman,1011,3
+mifflinburg,561,2
+lindenwood,2054,3
+tolstoy,466,0
+allensville,46,2
+pinesdale,1218,2
+coffeen,859,3
+stockman,1186,5
+woodbine,840,0
+cosmos,452,1
+marstons,119,10
+wainscott,1083,16
+beechwood,615,3
+lindenwood,2657,5
+newfields,743,1
+beechwood,512,2
+hanson,1029,12
+marstons,162,2
+shelbyville,2529,2
+newfields,892,1
+lindenwood,1582,1
+pomaria,465,13
+pinesdale,810,2
+hiteman,1038,3
+pomaria,1531,5
+klickitat,1924,8
+woodbine,1182,1
+wainscott,906,0
+tolstoy,1583,10
+shelbyville,2355,8
+mifflinburg,611,2
+marstons,1003,1
+beechwood,681,8
+coffeen,1008,3
+marstons,1898,5
+ranchester,593,1
+coffeen,169,3
+mifflinburg,245,2
+pomaria,54,14
+allensville,371,2
+lindenwood,156,0
+marstons,927,0
+newfields,287,8
+lakeville,183,14
+mifflinburg,624,1
+shelbyville,375,3
+leonardo,170,2
+leonardo,7,5
+lindenwood,103,1
+lakeville,365,8
+pinesdale,433,0
+newfields,1201,2
+stockman,1568,8
+pomaria,1677,7
+newfields,678,3
+leonardo,417,3
+pomaria,103,2
+marstons,2343,2
+newfields,826,1
+coffeen,1125,2
+pomaria,335,3
+pinesdale,1317,12
+shelbyville,2663,11
+beechwood,8,4
+klickitat,1888,2
+marstons,1004,3
+shelbyville,2570,5
+leonardo,1900,3
+cosmos,931,7
+ranchester,1467,4
+stockman,1246,7
+shelbyville,1598,0
+woodbine,1304,2
+ranchester,274,11
+shelbyville,683,2
+woodbine,1715,4
+shelbyville,435,3
+tolstoy,729,6
+hiteman,1095,15
+mifflinburg,209,2
+hanson,362,11
+wainscott,1738,2
+cosmos,645,3
+wainscott,1179,6
+tolstoy,798,0
+pomaria,1355,5
+marstons,1284,0
+lakeville,233,7
+merom,720,0
+marstons,1968,0
+beechwood,927,6
+pinesdale,1293,0
+wainscott,1095,10
+cosmos,500,4
+cosmos,837,2
+klickitat,153,1
+cosmos,206,0
+forkland,1077,3
+shelbyville,271,7
+newfields,1147,6
+newfields,756,1
+pinesdale,819,3
+tolstoy,321,7
+coffeen,546,3
+klickitat,1841,1
+marstons,994,1
+klickitat,2249,0
+lindenwood,654,5
+woodbine,60,2
+ranchester,870,1
+marstons,1389,0
+tolstoy,1805,6
+shelbyville,1548,1
+woodbine,1281,15
+lakeville,422,1
+hiteman,281,1
+forkland,529,2
+mifflinburg,76,3
+wainscott,206,8
+mifflinburg,55,1
+pomaria,1545,1
+beechwood,684,8
+allensville,320,4
+tolstoy,64,7
+woodbine,944,5
+tolstoy,864,13
+coffeen,104,2
+tolstoy,1830,8
+ranchester,902,3
+hiteman,577,2
+ranchester,432,1
+marstons,1152,1
+hanson,1110,8
+lakeville,598,3
+shelbyville,779,5
+hiteman,1008,0
+tolstoy,1279,1
+lindenwood,1479,2
+pomaria,758,0
+merom,506,2
+shelbyville,1566,11
+leonardo,718,0
+klickitat,1059,3
+merom,1086,2
+hanson,1633,9
+newfields,1255,2
+beechwood,1170,1
+onaga,105,2
+hiteman,598,4
+lakeville,841,2
+benevolence,791,7
+benevolence,222,7
+hiteman,1333,4
+lakeville,502,3
+marstons,568,0
+wainscott,470,4
+leonardo,281,0
+shelbyville,957,7
+lakeville,528,8
+hiteman,1543,1
+newfields,15,0
+lakeville,546,3
+allensville,82,1
+klickitat,59,1
+woodbine,1411,5
+coffeen,565,3
+woodbine,457,8
+hanson,1356,8
+stockman,587,3
+stockman,630,2
+stockman,1248,1
+lakeville,970,7
+onaga,382,2
+forkland,1103,1
+marstons,164,2
+lakeville,631,3
+hiteman,1527,0
+klickitat,2329,7
+allensville,418,7
+leonardo,238,4
+leonardo,1132,8
+beechwood,280,1
+hiteman,186,12
+ranchester,220,3
+woodbine,1716,5
+marstons,864,1
+lindenwood,561,1
+stockman,1204,2
+tolstoy,373,7
+hiteman,1811,4
+klickitat,179,7
+merom,57,3
+newfields,1164,0
+leonardo,1465,3
+leonardo,1397,5
+hanson,461,8
+newfields,729,1
+wainscott,1307,6
+hiteman,1628,1
+tolstoy,568,1
+lindenwood,1727,3
+shelbyville,265,5
+beechwood,342,2
+cosmos,46,2
+marstons,1771,0
+cosmos,619,1
+lakeville,1449,1
+leonardo,523,0
+hanson,6,7
+tolstoy,1667,1
+marstons,287,2
+hiteman,1254,5
+forkland,257,1
+merom,164,9
+pinesdale,737,3
+stockman,1145,1
+shelbyville,762,2
+mifflinburg,102,3
+beechwood,854,3
+shelbyville,574,5
+marstons,2017,4
+ranchester,61,8
+pinesdale,1509,5
+hiteman,1199,7
+marstons,254,1
+hanson,366,1
+shelbyville,238,2
+lakeville,899,3
+leonardo,563,9
+klickitat,1706,11
+marstons,1926,7
+pinesdale,923,12
+coffeen,847,1
+allensville,415,1
+hiteman,1517,1
+wainscott,925,8
+shelbyville,894,4
+hiteman,1763,8
+leonardo,1168,3
+cosmos,740,1
+lakeville,792,6
+tolstoy,754,4
+lindenwood,2519,1
+hanson,923,13
+woodbine,612,0
+marstons,432,0
+pomaria,426,12
+pomaria,1494,7
+shelbyville,1892,11
+klickitat,361,1
+hiteman,1059,1
+lakeville,653,4
+lakeville,738,4
+hiteman,1695,12
+marstons,140,7
+tolstoy,820,1
+pinesdale,145,2
+tolstoy,728,8
+klickitat,1681,0
+pomaria,492,5
+newfields,574,6
+hiteman,342,6
+woodbine,472,7
+marstons,1671,1
+newfields,1127,3
+allensville,141,3
+onaga,40,0
+marstons,1302,1
+ranchester,711,10
+newfields,136,2
+pinesdale,648,4
+stockman,733,0
+hanson,103,0
+benevolence,55,3
+marstons,1739,2
+woodbine,1902,5
+pomaria,776,4
+hanson,522,1
+shelbyville,2067,3
+lindenwood,1870,0
+lakeville,1361,5
+newfields,431,1
+lindenwood,2135,0
+wainscott,815,6
+woodbine,1535,15
+tolstoy,1073,4
+coffeen,118,2
+forkland,573,3
+hanson,375,4
+woodbine,1811,6
+onaga,59,4
+marstons,2368,6
+klickitat,489,3
+lakeville,1844,4
+klickitat,1032,1
+tolstoy,1276,0
+marstons,768,2
+stockman,375,2
+lindenwood,2169,6
+marstons,1863,5
+benevolence,32,6
+ranchester,703,6
+pomaria,1403,8
+coffeen,1468,0
+coffeen,664,2
+newfields,840,2
+shelbyville,110,4
+hanson,183,6
+mifflinburg,584,2
+leonardo,16,1
+leonardo,1657,1
+coffeen,560,3
+lindenwood,2339,9
+hiteman,1749,1
+beechwood,511,2
+shelbyville,961,0
+shelbyville,1354,0
+marstons,1884,5
+newfields,204,5
+coffeen,1309,0
+stockman,49,11
+cosmos,266,0
+lakeville,231,3
+lindenwood,2552,7
+lindenwood,83,2
+newfields,1109,4
+cosmos,149,7
+marstons,2407,1
+pinesdale,1362,2
+klickitat,2412,1
+pomaria,300,3
+lindenwood,2308,0
+pinesdale,1381,5
+marstons,2000,12
+pomaria,611,1
+marstons,1943,4
+cosmos,301,0
+newfields,32,14
+lakeville,1421,3
+forkland,98,3
+shelbyville,2565,1
+tolstoy,1835,0
+marstons,1121,0
+wainscott,1027,4
+benevolence,617,1
+ranchester,936,0
+shelbyville,329,11
+hanson,1136,10
+klickitat,2415,0
+pomaria,447,10
+klickitat,819,5
+shelbyville,1512,2
+lakeville,886,2
+wainscott,683,4
+klickitat,2348,2
+pinesdale,465,4
+hiteman,995,5
+hanson,585,0
+forkland,841,5
+lindenwood,33,2
+klickitat,1002,6
+shelbyville,544,1
+merom,279,3
+lakeville,692,4
+leonardo,2058,10
+klickitat,1427,0
+lindenwood,2388,1
+woodbine,1862,7
+stockman,1469,1
+marstons,2505,2
+woodbine,680,3
+marstons,2419,4
+cosmos,828,4
+coffeen,373,4
+lakeville,1521,12
+ranchester,1227,4
+lakeville,1594,7
+woodbine,691,7
+hiteman,595,2
+marstons,854,0
+coffeen,792,5
+wainscott,1577,10
+lindenwood,580,5
+tolstoy,1397,0
+lakeville,89,0
+newfields,314,6
+allensville,350,3
+onaga,507,8
+ranchester,703,2
+benevolence,494,0
+leonardo,2055,9
+shelbyville,941,3
+stockman,195,0
+newfields,1333,4
+lakeville,1822,0
+cosmos,963,0
+hiteman,722,7
+shelbyville,1982,5
+onaga,398,1
+stockman,1535,2
+woodbine,1060,3
+woodbine,4,0
+ranchester,429,14
+lakeville,573,1
+lindenwood,1517,14
+lindenwood,1539,5
+klickitat,2411,4
+lakeville,1483,3
+pinesdale,331,6
+lindenwood,664,1
+ranchester,775,4
+lindenwood,2676,3
+tolstoy,1762,2
+stockman,1435,5
+hiteman,1737,14
+merom,1018,10
+newfields,288,9
+allensville,474,1
+newfields,1268,1
+marstons,1580,2
+hanson,193,4
+ranchester,87,0
+pomaria,731,0
+forkland,504,7
+stockman,1380,5
+lindenwood,2090,11
+klickitat,2230,10
+shelbyville,2772,4
+lindenwood,522,15
+marstons,1761,5
+mifflinburg,572,2
+marstons,2189,6
+wainscott,1289,5
+woodbine,1404,6
+forkland,29,0
+lindenwood,688,7
+beechwood,197,1
+ranchester,694,13
+tolstoy,114,0
+marstons,2183,4
+hanson,767,3
+allensville,103,1
+allensville,154,2
+forkland,489,2
+tolstoy,851,1
+lindenwood,1024,4
+marstons,1676,11
+lindenwood,1181,2
+marstons,1004,0
+marstons,2260,4
+tolstoy,40,0
+woodbine,1599,9
+pomaria,666,2
+leonardo,1076,6
+lindenwood,1510,7
+newfields,6,0
+hanson,367,4
+stockman,1226,4
+woodbine,1008,6
+woodbine,1685,0
+beechwood,1,0
+mifflinburg,363,1
+pomaria,139,8
+coffeen,1056,1
+stockman,1445,0
+ranchester,177,9
+cosmos,589,0
+forkland,1118,4
+woodbine,303,3
+onaga,461,1
+tolstoy,419,1
+marstons,934,12
+merom,992,3
+shelbyville,1627,4
+onaga,507,9
+marstons,137,3
+merom,856,0
+klickitat,308,6
+mifflinburg,575,5
+pinesdale,622,0
+leonardo,189,5
+beechwood,32,1
+woodbine,1618,2
+klickitat,2242,0
+ranchester,1282,0
+stockman,162,4
+hanson,1436,10
+stockman,489,11
+wainscott,869,1
+pinesdale,412,0
+merom,234,0
+wainscott,1646,0
+tolstoy,1467,1
+merom,982,2
+shelbyville,1566,14
+shelbyville,712,6
+shelbyville,392,3
+hiteman,1829,2
+marstons,2243,5
+lindenwood,2244,6
+shelbyville,1444,4
+shelbyville,1124,0
+newfields,1406,5
+lindenwood,720,3
+wainscott,300,1
+shelbyville,428,7
+hanson,402,5
+cosmos,756,6
+klickitat,571,7
+shelbyville,1295,7
+pinesdale,1167,8
+marstons,2081,2
+wainscott,237,2
+woodbine,109,3
+hiteman,1816,7
+newfields,406,1
+shelbyville,2527,1
+stockman,19,2
+tolstoy,363,1
+marstons,589,5
+pomaria,1327,3
+leonardo,1411,20
+woodbine,904,2
+hiteman,437,2
+tolstoy,268,2
+klickitat,1230,2
+cosmos,773,11
+lakeville,1760,3
+wainscott,1103,2
+marstons,504,2
+forkland,504,6
+leonardo,1266,2
+lakeville,1882,1
+newfields,766,4
+leonardo,1129,3
+pomaria,581,3
+cosmos,1025,4
+wainscott,862,2
+klickitat,1088,11
+beechwood,20,11
+klickitat,127,1
+shelbyville,821,1
+onaga,340,2
+mifflinburg,514,0
+hanson,619,0
+woodbine,1711,1
+lakeville,469,0
+shelbyville,2261,0
+marstons,659,9
+onaga,338,3
+marstons,1271,13
+klickitat,797,7
+shelbyville,1788,5
+mifflinburg,148,1
+tolstoy,230,1
+newfields,196,1
+klickitat,1688,9
+cosmos,504,12
+forkland,167,2
+cosmos,330,3
+pomaria,437,8
+lindenwood,2188,0
+hanson,17,8
+shelbyville,39,1
+cosmos,1023,3
+marstons,1190,5
+cosmos,599,3
+hanson,820,1
+pinesdale,525,0
+stockman,577,4
+woodbine,221,9
+lindenwood,416,6
+lindenwood,2224,6
+pinesdale,840,0
+klickitat,897,2
+klickitat,1550,1
+mifflinburg,821,3
+shelbyville,2444,1
+pomaria,1022,0
+marstons,2179,6
+shelbyville,1493,6
+forkland,668,3
+newfields,994,1
+woodbine,1574,2
+lakeville,192,2
+stockman,376,3
+hiteman,507,3
+woodbine,1236,9
+wainscott,101,1
+merom,585,5
+wainscott,1274,3
+wainscott,721,12
+mifflinburg,463,2
+marstons,2387,9
+tolstoy,1784,1
+cosmos,883,2
+shelbyville,1466,6
+beechwood,638,5
+wainscott,727,3
+klickitat,1898,3
+woodbine,17,2
+newfields,403,4
+lakeville,632,1
+leonardo,1915,0
+hanson,49,3
+lindenwood,1397,4
+newfields,213,0
+stockman,765,4
+ranchester,1357,4
+shelbyville,1343,0
+hanson,1250,4
+hanson,1042,0
+coffeen,735,1
+pinesdale,128,2
+woodbine,1672,6
+cosmos,870,5
+lindenwood,974,2
+lindenwood,1768,8
+ranchester,1224,3
+cosmos,572,7
+klickitat,129,6
+stockman,1293,1
+pinesdale,499,2
+marstons,2203,0
+pomaria,7,7
+shelbyville,2470,6
+tolstoy,1663,2
+lakeville,1237,0
+woodbine,658,9
+hiteman,1464,0
+hiteman,20,0
+ranchester,177,1
+cosmos,343,1
+cosmos,108,0
+pinesdale,298,13
+leonardo,658,2
+coffeen,699,6
+shelbyville,721,0
+tolstoy,1559,1
+ranchester,1411,1
+shelbyville,1914,8
+shelbyville,853,2
+lakeville,171,12
+lakeville,415,3
+merom,48,0
+tolstoy,232,3
+klickitat,1003,5
+beechwood,832,9
+lindenwood,173,4
+coffeen,710,4
+tolstoy,1783,5
+shelbyville,883,1
+shelbyville,1538,2
+marstons,2482,1
+shelbyville,2094,7
+leonardo,1919,2
+stockman,1318,13
+wainscott,159,8
+woodbine,758,4
+wainscott,253,4
+pinesdale,912,3
+leonardo,2077,3
+cosmos,925,3
+ranchester,1036,1
+leonardo,528,1
+lakeville,1787,3
+mifflinburg,490,2
+ranchester,1082,4
+marstons,1685,1
+ranchester,1246,3
+newfields,236,3
+hanson,281,3
+hiteman,1716,7
+lakeville,1678,7
+hiteman,1343,1
+beechwood,83,1
+newfields,1583,9
+forkland,494,0
+allensville,118,2
+hiteman,922,3
+pomaria,1638,11
+marstons,2315,7
+klickitat,659,0
+hiteman,1104,3
+lindenwood,1675,19
+hiteman,1519,6
+newfields,170,11
+hanson,436,1
+pomaria,646,2
+stockman,126,1
+hiteman,521,2
+lakeville,464,10
+marstons,665,0
+klickitat,1319,4
+klickitat,1731,10
+wainscott,1046,7
+marstons,841,16
+coffeen,586,4
+ranchester,635,2
+cosmos,611,4
+pinesdale,598,1
+woodbine,469,3
+wainscott,1483,0
+beechwood,114,1
+lindenwood,2113,7
+shelbyville,750,7
+newfields,472,6
+pomaria,88,1
+beechwood,53,1
+woodbine,248,5
+lakeville,1181,9
+marstons,2650,7
+stockman,692,1
+lakeville,1618,2
+lakeville,652,0
+woodbine,504,1
+lakeville,806,1
+woodbine,1083,5
+cosmos,16,4
+stockman,1237,2
+shelbyville,1206,10
+woodbine,586,12
+onaga,59,5
+pomaria,1108,1
+wainscott,888,5
+leonardo,1210,0
+merom,252,2
+tolstoy,1245,0
+wainscott,1398,0
+hiteman,1800,9
+lindenwood,537,1
+shelbyville,478,1
+shelbyville,1475,2
+shelbyville,2368,0
+shelbyville,1055,6
+coffeen,317,9
+klickitat,858,10
+lakeville,292,5
+shelbyville,506,4
+klickitat,1774,2
+merom,462,2
+tolstoy,968,4
+newfields,1524,3
+leonardo,494,5
+mifflinburg,684,0
+coffeen,621,1
+woodbine,837,0
+lindenwood,1637,0
+stockman,830,3
+marstons,1092,4
+woodbine,881,5
+klickitat,851,6
+marstons,358,3
+woodbine,475,4
+newfields,314,3
+wainscott,1191,2
+shelbyville,2415,5
+woodbine,1763,14
+klickitat,1304,3
+pomaria,1500,3
+woodbine,1796,15
+shelbyville,1221,10
+ranchester,393,11
+pinesdale,1024,1
+coffeen,819,3
+klickitat,826,3
+lindenwood,2417,0
+forkland,555,2
+ranchester,499,6
+tolstoy,27,5
+klickitat,543,3
+klickitat,2054,4
+mifflinburg,695,0
+allensville,99,2
+newfields,435,14
+leonardo,1156,4
+cosmos,340,4
+lindenwood,2134,5
+forkland,1018,2
+woodbine,479,2
+shelbyville,2631,9
+woodbine,1131,1
+mifflinburg,365,1
+stockman,717,1
+pomaria,1097,0
+pinesdale,308,5
+lindenwood,921,2
+marstons,2301,0
+klickitat,1700,3
+leonardo,1027,0
+mifflinburg,258,4
+beechwood,21,1
+shelbyville,2419,1
+forkland,569,6
+leonardo,213,1
+stockman,1372,0
+coffeen,766,1
+pinesdale,184,3
+onaga,539,3
+marstons,2370,5
+stockman,1276,1
+merom,1011,4
+merom,434,5
+ranchester,446,3
+pinesdale,1454,3
+benevolence,604,1
+woodbine,1887,10
+shelbyville,2746,0
+coffeen,1355,0
+ranchester,199,1
+shelbyville,2567,0
+benevolence,632,12
+lakeville,1160,10
+beechwood,247,5
+forkland,825,3
+pomaria,143,0
+woodbine,472,10
+stockman,1435,3
+marstons,254,3
+shelbyville,1489,1
+shelbyville,2531,9
+benevolence,672,2
+merom,337,4
+merom,274,0
+newfields,1261,3
+ranchester,799,3
+pinesdale,1025,1
+onaga,632,0
+klickitat,1455,5
+hanson,214,0
+lindenwood,371,2
+leonardo,874,0
+leonardo,391,1
+newfields,417,14
+allensville,447,0
+leonardo,51,1
+hanson,715,1
+lindenwood,378,0
+lindenwood,2475,1
+leonardo,298,5
+pinesdale,609,13
+lakeville,246,8
+pinesdale,1282,4
+shelbyville,2761,11
+lindenwood,2592,0
+leonardo,145,1
+leonardo,283,3
+klickitat,1629,9
+tolstoy,443,2
+klickitat,1040,15
+stockman,1050,5
+shelbyville,1468,10
+woodbine,156,3
+beechwood,901,1
+ranchester,299,4
+stockman,1548,1
+shelbyville,2160,3
+lakeville,1217,7
+marstons,1728,7
+benevolence,9,12
+klickitat,1759,5
+onaga,507,3
+marstons,1981,4
+shelbyville,1339,0
+marstons,2415,13
+hanson,672,20
+tolstoy,154,4
+wainscott,820,8
+klickitat,383,4
+leonardo,25,0
+lindenwood,527,4
+newfields,1113,1
+lindenwood,292,3
+hanson,1525,0
+pinesdale,1169,5
+woodbine,1788,3
+shelbyville,2172,1
+wainscott,1608,4
+ranchester,1124,4
+pinesdale,131,2
+stockman,1300,0
+klickitat,2164,6
+merom,507,1
+stockman,25,2
+woodbine,1224,4
+marstons,853,0
+pomaria,299,0
+pinesdale,398,1
+marstons,2595,10
+mifflinburg,784,2
+marstons,1596,9
+shelbyville,1854,6
+woodbine,1208,9
+leonardo,965,0
+pinesdale,532,2
+leonardo,1641,4
+benevolence,631,0
+hanson,862,6
+allensville,500,4
+benevolence,942,4
+klickitat,378,5
+klickitat,836,1
+pinesdale,491,2
+lakeville,976,6
+wainscott,1584,15
+marstons,1634,1
+lakeville,1811,0
+forkland,470,0
+klickitat,943,1
+pomaria,1075,9
+tolstoy,23,0
+lakeville,1715,2
+wainscott,298,11
+wainscott,250,11
+woodbine,1236,3
+newfields,1160,3
+wainscott,441,6
+stockman,660,2
+stockman,786,2
+klickitat,75,11
+pomaria,757,4
+mifflinburg,920,3
+hiteman,1695,4
+hiteman,718,2
+beechwood,903,5
+pinesdale,209,6
+newfields,307,1
+beechwood,556,4
+ranchester,219,4
+stockman,283,0
+pomaria,318,2
+klickitat,893,7
+pinesdale,1176,0
+leonardo,1318,1
+hiteman,1409,3
+wainscott,1398,4
+newfields,954,5
+onaga,507,0
+klickitat,2250,4
+hiteman,770,13
+klickitat,296,4
+shelbyville,484,0
+hiteman,1238,5
+coffeen,5,5
+lindenwood,71,0
+hanson,1064,3
+marstons,406,1
+lakeville,824,10
+klickitat,790,0
+beechwood,404,1
+lindenwood,33,3
+shelbyville,2655,5
+beechwood,548,9
+woodbine,1065,0
+allensville,248,2
+allensville,509,2
+pomaria,0,2
+coffeen,71,1
+wainscott,1289,6
+shelbyville,705,4
+onaga,314,0
+forkland,1010,2
+leonardo,72,8
+pomaria,1562,5
+lindenwood,1694,4
+lakeville,1471,6
+pinesdale,880,10
+lindenwood,685,13
+marstons,2351,4
+mifflinburg,927,3
+woodbine,969,2
+klickitat,1520,0
+newfields,526,6
+coffeen,44,2
+benevolence,34,0
+shelbyville,586,11
+woodbine,1877,5
+cosmos,258,5
+lindenwood,873,3
+lakeville,1685,0
+lakeville,428,7
+pomaria,1294,20
+merom,516,9
+leonardo,1565,0
+pomaria,916,5
+beechwood,831,7
+forkland,510,0
+lindenwood,319,1
+leonardo,2017,2
+woodbine,539,0
+merom,50,2
+leonardo,303,10
+lakeville,932,2
+hanson,779,9
+wainscott,685,1
+lindenwood,1998,8
+woodbine,641,7
+shelbyville,1675,2
+coffeen,932,3
+pinesdale,187,8
+woodbine,1485,9
+pomaria,187,2
+pinesdale,1314,8
+coffeen,681,2
+tolstoy,656,5
+shelbyville,2428,3
+cosmos,54,4
+coffeen,1263,2
+hiteman,872,4
+stockman,453,4
+lindenwood,1045,3
+klickitat,727,2
+hanson,1287,2
+wainscott,1071,0
+lakeville,1615,1
+merom,470,10
+ranchester,327,2
+wainscott,394,6
+pomaria,243,0
+lindenwood,525,0
+lindenwood,1634,0
+ranchester,1299,3
+woodbine,1537,1
+lakeville,1676,2
+lakeville,1504,3
+lakeville,1573,4
+pomaria,549,6
+tolstoy,1406,3
+lakeville,488,0
+wainscott,1488,2
+benevolence,684,2
+hanson,1054,0
+shelbyville,2341,0
+pomaria,126,0
+lindenwood,1946,1
+newfields,1341,0
+benevolence,621,3
+forkland,1115,3
+tolstoy,1617,5
+forkland,166,2
+beechwood,159,2
+lakeville,1445,7
+beechwood,48,16
+forkland,346,0
+marstons,584,4
+hanson,656,7
+stockman,581,5
+hanson,1473,8
+shelbyville,896,3
+lakeville,1644,6
+lakeville,111,0
+pinesdale,87,11
+shelbyville,1969,4
+lakeville,1140,6
+lindenwood,1261,4
+forkland,505,4
+shelbyville,250,7
+hiteman,1263,4
+pinesdale,1404,1
+newfields,1011,2
+lindenwood,1546,3
+newfields,171,2
+tolstoy,1529,4
+lindenwood,2464,4
+shelbyville,2137,4
+lindenwood,2520,2
+tolstoy,1208,14
+lindenwood,1450,6
+shelbyville,1498,12
+ranchester,76,2
+tolstoy,417,1
+marstons,2595,5
+cosmos,779,5
+lakeville,554,2
+hiteman,1294,3
+shelbyville,273,5
+mifflinburg,281,1
+tolstoy,1815,6
+marstons,835,2
+forkland,70,1
+leonardo,562,2
+hanson,717,5
+lakeville,129,2
+hanson,1321,1
+lindenwood,2024,3
+benevolence,481,10
+benevolence,916,5
+leonardo,512,1
+beechwood,123,0
+mifflinburg,246,9
+hiteman,88,0
+wainscott,718,2
+lakeville,246,10
+hiteman,911,1
+ranchester,943,1
+ranchester,1407,3
+marstons,1805,12
+lakeville,1684,5
+lakeville,1009,7
+newfields,631,6
+lindenwood,1278,5
+hanson,452,7
+leonardo,891,6
+lakeville,1446,7
+newfields,89,10
+beechwood,643,7
+coffeen,467,5
+lakeville,1721,3
+klickitat,1425,1
+shelbyville,1247,2
+klickitat,1210,9
+forkland,1024,6
+hiteman,43,4
+mifflinburg,512,7
+pomaria,548,6
+tolstoy,920,1
+pinesdale,1285,5
+klickitat,1403,9
+shelbyville,2119,3
+lindenwood,2579,1
+klickitat,1156,2
+lakeville,1503,8
+marstons,1816,10
+cosmos,951,1
+leonardo,2107,2
+woodbine,1783,3
+klickitat,811,0
+marstons,626,0
+leonardo,1280,1
+coffeen,961,1
+lindenwood,2504,0
+merom,327,0
+hiteman,534,4
+pomaria,1027,1
+lindenwood,390,3
+ranchester,942,1
+leonardo,1411,5
+pinesdale,913,6
+ranchester,1553,7
+beechwood,806,15
+benevolence,409,8
+marstons,357,3
+lindenwood,1778,5
+hiteman,488,5
+shelbyville,1176,0
+hiteman,1721,3
+allensville,209,2
+allensville,481,5
+lindenwood,793,1
+hiteman,531,1
+lindenwood,591,3
+pomaria,1345,1
+woodbine,1453,3
+newfields,367,4
+ranchester,1085,2
+newfields,1442,1
+lindenwood,1585,2
+cosmos,717,12
+allensville,202,2
+lakeville,1120,3
+lindenwood,1936,1
+forkland,236,4
+wainscott,1616,4
+stockman,176,3
+newfields,1257,1
+leonardo,1962,2
+pomaria,1165,1
+klickitat,1501,4
+cosmos,924,9
+pinesdale,901,0
+pomaria,1421,5
+leonardo,1112,7
+wainscott,1533,0
+stockman,1254,4
+forkland,365,0
+hanson,1000,0
+tolstoy,1730,1
+newfields,1610,3
+benevolence,352,3
+pomaria,1432,6
+woodbine,705,8
+hanson,76,9
+hiteman,1720,3
+beechwood,382,0
+klickitat,1935,1
+wainscott,933,0
+woodbine,1050,9
+leonardo,940,0
+pinesdale,528,11
+leonardo,1776,5
+shelbyville,434,2
+woodbine,1970,1
+forkland,739,0
+shelbyville,496,2
+klickitat,350,2
+shelbyville,581,9
+tolstoy,319,7
+woodbine,1126,1
+hanson,1294,4
+shelbyville,674,1
+shelbyville,718,1
+klickitat,2076,6
+ranchester,303,10
+tolstoy,680,6
+stockman,642,6
+lindenwood,841,7
+marstons,233,0
+beechwood,1174,4
+wainscott,195,4
+leonardo,1905,0
+hanson,1138,1
+newfields,363,5
+coffeen,1110,2
+woodbine,1491,0
+lindenwood,1455,4
+beechwood,789,2
+beechwood,401,1
+pomaria,999,10
+pomaria,959,0
+woodbine,494,4
+cosmos,697,1
+hiteman,233,1
+cosmos,414,8
+coffeen,464,1
+shelbyville,331,3
+ranchester,1049,8
+lindenwood,324,0
+pomaria,544,2
+wainscott,479,2
+marstons,1288,3
+lindenwood,741,11
+leonardo,49,5
+shelbyville,797,3
+klickitat,503,11
+wainscott,1264,12
+newfields,916,3
+shelbyville,887,7
+coffeen,712,2
+allensville,70,3
+klickitat,499,1
+hanson,783,3
+tolstoy,746,4
+pomaria,212,2
+hiteman,960,1
+hiteman,523,2
+hiteman,709,5
+wainscott,93,15
+stockman,1362,2
+shelbyville,429,1
+beechwood,1027,1
+tolstoy,621,4
+klickitat,656,13
+hiteman,662,8
+stockman,1135,6
+klickitat,1260,10
+leonardo,408,1
+woodbine,786,3
+newfields,1568,0
+woodbine,337,0
+wainscott,1127,5
+wainscott,1550,4
+shelbyville,1574,1
+newfields,1352,0
+beechwood,1174,8
+newfields,385,0
+beechwood,1078,0
+allensville,155,2
+woodbine,691,1
+coffeen,1446,2
+shelbyville,2524,6
+ranchester,20,1
+shelbyville,1887,3
+forkland,892,3
+onaga,511,2
+klickitat,1485,2
+marstons,1288,8
+lindenwood,539,3
+lindenwood,64,4
+ranchester,1177,1
+leonardo,1058,15
+tolstoy,1707,2
+lakeville,206,10
+lindenwood,2477,1
+hiteman,554,2
+leonardo,1286,4
+cosmos,66,7
+lindenwood,1097,8
+allensville,452,3
+merom,718,0
+hiteman,770,11
+cosmos,525,2
+wainscott,584,2
+leonardo,1846,0
+shelbyville,590,4
+shelbyville,889,9
+marstons,392,12
+lindenwood,2050,0
+hiteman,896,5
+wainscott,1255,10
+pinesdale,713,5
+forkland,398,1
+benevolence,651,10
+mifflinburg,136,2
+newfields,437,5
+shelbyville,2332,3
+pinesdale,51,3
+klickitat,612,0
+coffeen,1186,5
+lakeville,308,10
+stockman,1516,3
+cosmos,278,1
+marstons,1560,0
+leonardo,853,3
+stockman,328,2
+wainscott,1672,4
+ranchester,1538,3
+leonardo,1457,2
+newfields,969,12
+hiteman,1806,6
+allensville,104,2
+ranchester,700,3
+klickitat,2015,3
+marstons,1968,1
+woodbine,166,3
+ranchester,518,3
+klickitat,68,9
+hiteman,1570,5
+tolstoy,1013,9
+pomaria,1464,3
+lakeville,151,7
+newfields,148,3
+hanson,1637,1
+wainscott,1221,8
+shelbyville,208,7
+hanson,923,9
+pomaria,1677,0
+lindenwood,2044,8
+cosmos,264,4
+marstons,2272,3
+tolstoy,1721,0
+stockman,460,2
+pomaria,1448,12
+leonardo,1355,2
+klickitat,565,2
+hanson,86,13
+forkland,606,5
+marstons,651,5
+shelbyville,1793,5
+pomaria,478,1
+lindenwood,225,9
+lindenwood,504,6
+shelbyville,553,13
+lindenwood,328,9
+shelbyville,124,4
+lakeville,38,9
+lakeville,1886,8
+marstons,2381,3
+hiteman,761,4
+pinesdale,1336,2
+ranchester,1444,2
+leonardo,662,9
+shelbyville,1847,2
+beechwood,59,1
+pinesdale,1492,3
+marstons,1158,6
+wainscott,47,2
+marstons,606,4
+newfields,99,4
+lakeville,757,10
+marstons,2366,2
+ranchester,83,0
+lakeville,554,7
+pinesdale,811,6
+lindenwood,2636,0
+leonardo,842,1
+shelbyville,2348,1
+klickitat,1520,3
+merom,419,6
+beechwood,255,7
+hanson,1634,7
+coffeen,1220,3
+woodbine,1375,4
+newfields,978,1
+shelbyville,1161,8
+wainscott,1104,1
+pomaria,1281,7
+cosmos,228,6
+forkland,702,0
+benevolence,977,1
+marstons,811,0
+lakeville,166,6
+lindenwood,147,7
+lakeville,1556,10
+ranchester,1403,1
+pinesdale,1352,1
+lakeville,884,2
+pomaria,1213,1
+hiteman,276,4
+lakeville,1852,3
+newfields,1249,12
+cosmos,424,1
+klickitat,1650,0
+wainscott,366,12
+hanson,964,6
+marstons,230,13
+klickitat,2022,3
+klickitat,347,6
+lindenwood,2102,1
+hiteman,123,14
+hanson,371,0
+shelbyville,524,1
+forkland,1166,11
+stockman,215,2
+marstons,547,11
+lakeville,1572,12
+hiteman,425,2
+onaga,670,4
+beechwood,288,2
+woodbine,706,4
+wainscott,1670,5
+lindenwood,2567,3
+stockman,1612,4
+mifflinburg,774,10
+wainscott,456,2
+pomaria,440,0
+newfields,1126,0
+marstons,1283,0
+mifflinburg,167,1
+leonardo,1691,13
+cosmos,671,3
+merom,669,8
+tolstoy,1599,6
+hanson,1251,3
+newfields,185,2
+newfields,1046,0
+shelbyville,395,1
+cosmos,130,0
+marstons,1872,3
+hanson,682,8
+stockman,1128,3
+newfields,155,3
+shelbyville,1835,10
+tolstoy,864,10
+hanson,357,9
+stockman,650,0
+newfields,1489,8
+leonardo,1440,1
+cosmos,419,9
+marstons,1809,6
+leonardo,272,1
+ranchester,332,5
+shelbyville,1654,8
+leonardo,269,6
+hanson,1180,2
+marstons,2210,9
+lindenwood,1766,1
+shelbyville,1369,4
+mifflinburg,847,5
+marstons,13,2
+shelbyville,2101,2
+tolstoy,685,2
+leonardo,1181,3
+pinesdale,406,6
+hiteman,745,0
+shelbyville,632,13
+lakeville,1151,1
+hiteman,796,10
+lakeville,376,11
+hanson,1471,7
+klickitat,2334,18
+newfields,1591,1
+lakeville,1871,6
+allensville,291,0
+cosmos,160,0
+woodbine,284,2
+ranchester,1624,0
+klickitat,1408,4
+shelbyville,2648,0
+lakeville,1573,6
+lindenwood,512,1
+hanson,565,3
+allensville,56,6
+shelbyville,134,11
+coffeen,480,1
+woodbine,1591,3
+beechwood,160,6
+onaga,513,5
+shelbyville,362,2
+hiteman,380,8
+marstons,846,2
+woodbine,384,3
+merom,1052,3
+wainscott,890,9
+ranchester,942,2
+shelbyville,144,16
+leonardo,1701,2
+onaga,563,0
+hiteman,1383,4
+lindenwood,908,2
+hiteman,1212,8
+tolstoy,126,1
+woodbine,86,6
+klickitat,2284,3
+forkland,817,2
+pomaria,8,2
+mifflinburg,111,1
+pinesdale,540,0
+beechwood,570,4
+newfields,1191,4
+newfields,1325,3
+stockman,550,1
+shelbyville,2683,0
+stockman,1216,3
+leonardo,2098,0
+lindenwood,1015,2
+benevolence,622,1
+onaga,546,2
+tolstoy,822,0
+pinesdale,445,0
+stockman,1394,2
+tolstoy,768,5
+shelbyville,1824,0
+newfields,1178,2
+hanson,2,5
+forkland,286,4
+hiteman,450,0
+hiteman,350,5
+shelbyville,666,11
+onaga,55,7
+shelbyville,2670,2
+beechwood,765,7
+woodbine,508,1
+marstons,2493,0
+lakeville,1778,13
+hiteman,1252,2
+ranchester,1155,1
+cosmos,1069,0
+klickitat,1048,1
+mifflinburg,243,7
+ranchester,1342,0
+hiteman,456,0
+marstons,2047,9
+pinesdale,547,3
+lindenwood,1176,3
+shelbyville,984,6
+marstons,103,1
+woodbine,1972,2
+wainscott,34,9
+klickitat,667,0
+beechwood,69,4
+klickitat,1289,0
+lakeville,383,4
+ranchester,265,18
+wainscott,1387,17
+pomaria,901,1
+pinesdale,463,2
+pomaria,1393,1
+stockman,1381,3
+ranchester,1163,0
+tolstoy,1470,0
+pomaria,874,10
+lindenwood,7,0
+shelbyville,1539,0
+woodbine,564,3
+pomaria,813,8
+forkland,474,3
+shelbyville,1969,1
+newfields,228,4
+wainscott,1701,2
+newfields,1610,9
+wainscott,28,1
+forkland,473,1
+leonardo,1112,6
+leonardo,1209,1
+cosmos,779,4
+marstons,1516,4
+pinesdale,294,4
+hiteman,662,6
+stockman,758,0
+stockman,620,4
+wainscott,1070,0
+leonardo,185,3
+forkland,582,0
+leonardo,152,8
+tolstoy,1540,6
+mifflinburg,457,1
+lakeville,434,1
+shelbyville,1266,3
+klickitat,2410,7
+lindenwood,833,0
+lindenwood,745,1
+tolstoy,724,9
+klickitat,645,3
+leonardo,1413,0
+hanson,661,6
+pinesdale,578,0
+merom,566,5
+klickitat,1201,9
+leonardo,1705,10
+marstons,211,11
+cosmos,1000,2
+leonardo,2012,1
+pinesdale,21,2
+woodbine,75,1
+klickitat,1063,3
+lindenwood,2109,0
+wainscott,740,8
+lindenwood,1196,0
+coffeen,1173,5
+pomaria,1449,2
+hiteman,1186,3
+benevolence,508,6
+newfields,1230,3
+tolstoy,1132,10
+wainscott,616,0
+shelbyville,646,4
+newfields,422,4
+allensville,268,2
+newfields,1475,2
+marstons,1460,0
+marstons,1351,5
+lindenwood,1633,3
+woodbine,1198,6
+merom,499,4
+ranchester,1555,2
+mifflinburg,588,6
+hanson,1034,10
+lakeville,1884,3
+hanson,1458,5
+leonardo,662,0
+hiteman,1707,3
+hiteman,1431,3
+lakeville,836,0
+lindenwood,2236,0
+beechwood,883,8
+shelbyville,1409,0
+marstons,389,3
+newfields,1655,2
+klickitat,1679,7
+tolstoy,402,12
+marstons,1166,1
+pinesdale,202,0
+tolstoy,1653,0
+leonardo,1110,5
+tolstoy,1598,7
+lindenwood,928,4
+wainscott,867,3
+shelbyville,2468,15
+woodbine,177,5
+forkland,816,4
+newfields,1193,3
+lakeville,370,1
+marstons,2331,5
+lindenwood,615,1
+newfields,1633,3
+mifflinburg,183,1
+marstons,474,3
+forkland,1055,1
+benevolence,694,6
+hanson,1582,3
+hiteman,1354,3
+marstons,983,7
+shelbyville,1280,2
+ranchester,1317,2
+lakeville,1633,3
+shelbyville,1760,2
+hanson,792,2
+hiteman,311,4
+woodbine,94,3
+hanson,872,8
+shelbyville,1208,6
+pomaria,1579,6
+pinesdale,512,1
+lindenwood,1925,3
+wainscott,1201,10
+ranchester,319,13
+tolstoy,207,0
+merom,1018,7
+wainscott,1284,5
+newfields,916,0
+lakeville,1429,6
+leonardo,1536,2
+stockman,1286,2
+shelbyville,1268,7
+leonardo,108,3
+klickitat,352,3
+woodbine,595,6
+lindenwood,505,0
+pomaria,1296,1
+lindenwood,1604,3
+klickitat,1228,7
+hiteman,930,4
+cosmos,267,1
+leonardo,515,0
+wainscott,31,1
+tolstoy,1007,3
+lakeville,1284,6
+merom,415,0
+wainscott,1170,3
+ranchester,464,7
+pinesdale,809,8
+coffeen,384,2
+stockman,554,2
+merom,905,1
+leonardo,212,0
+klickitat,1952,3
+pinesdale,1237,4
+shelbyville,1342,10
+woodbine,494,1
+lindenwood,2649,2
+hanson,1515,1
+tolstoy,629,1
+woodbine,182,1
+pomaria,1415,12
+woodbine,1735,3
+woodbine,390,0
+hanson,977,7
+klickitat,119,5
+forkland,895,0
+wainscott,22,1
+lindenwood,1545,9
+woodbine,1097,8
+klickitat,1447,4
+ranchester,1155,2
+wainscott,482,3
+hiteman,1359,8
+klickitat,1412,10
+newfields,1654,8
+marstons,654,5
+lakeville,84,0
+klickitat,14,1
+ranchester,1283,4
+cosmos,487,0
+woodbine,299,1
+hanson,150,10
+newfields,816,0
+onaga,121,0
+shelbyville,438,0
+stockman,368,0
+tolstoy,1713,3
+leonardo,1058,9
+ranchester,648,2
+marstons,2524,7
+stockman,1263,2
+woodbine,1949,4
+marstons,1832,3
+ranchester,1511,2
+hiteman,1482,5
+tolstoy,1782,3
+klickitat,811,2
+stockman,359,2
+pomaria,232,2
+klickitat,1495,23
+pomaria,1186,2
+tolstoy,1398,5
+cosmos,507,0
+ranchester,345,14
+wainscott,809,3
+merom,478,3
+wainscott,236,0
+coffeen,1263,4
+tolstoy,345,0
+marstons,37,12
+pomaria,519,6
+lakeville,1155,7
+marstons,974,5
+marstons,631,0
+mifflinburg,327,5
+marstons,2104,8
+pinesdale,782,4
+hanson,524,1
+tolstoy,464,0
+pomaria,1320,9
+shelbyville,2105,7
+leonardo,1034,6
+pomaria,366,1
+newfields,679,1
+ranchester,1391,5
+marstons,2356,2
+klickitat,983,13
+hanson,1622,1
+pomaria,838,1
+forkland,612,0
+marstons,274,10
+wainscott,1016,3
+wainscott,1264,11
+klickitat,833,2
+leonardo,713,1
+allensville,171,4
+lakeville,1716,2
+wainscott,479,4
+hanson,226,12
+shelbyville,1920,11
+coffeen,1163,3
+newfields,642,2
+ranchester,342,1
+lakeville,1355,5
+shelbyville,2066,3
+ranchester,1525,1
+tolstoy,1177,4
+beechwood,1111,2
+woodbine,967,3
+hiteman,571,4
+beechwood,288,3
+wainscott,118,6
+marstons,160,1
+wainscott,525,0
+lakeville,579,4
+onaga,517,4
+marstons,671,2
+beechwood,738,7
+tolstoy,775,7
+wainscott,1721,2
+lindenwood,633,3
+hiteman,1614,1
+pomaria,816,4
+marstons,8,2
+pinesdale,778,1
+lindenwood,273,15
+benevolence,181,1
+lindenwood,522,4
+stockman,736,2
+ranchester,1130,3
+forkland,1124,11
+merom,163,4
+wainscott,1315,3
+wainscott,835,11
+shelbyville,1070,4
+hiteman,369,0
+wainscott,164,4
+merom,1105,5
+pinesdale,1079,3
+marstons,2614,17
+forkland,734,2
+hanson,822,4
+tolstoy,1204,4
+shelbyville,1422,0
+mifflinburg,877,1
+newfields,495,9
+leonardo,1874,1
+hiteman,243,5
+mifflinburg,114,7
+wainscott,110,4
+ranchester,1116,10
+lindenwood,1878,1
+klickitat,2139,6
+marstons,1724,2
+klickitat,1017,4
+lindenwood,2471,5
+lindenwood,542,5
+klickitat,1003,10
+woodbine,1379,2
+klickitat,982,6
+leonardo,1662,3
+pomaria,710,1
+benevolence,172,3
+lakeville,1332,0
+leonardo,2099,5
+newfields,930,0
+pinesdale,1132,0
+woodbine,1693,2
+ranchester,708,4
+coffeen,873,1
+mifflinburg,156,0
+klickitat,799,3
+ranchester,879,4
+newfields,814,1
+cosmos,503,1
+mifflinburg,909,2
+newfields,1169,0
+newfields,1019,3
+leonardo,1100,1
+shelbyville,2461,1
+wainscott,1255,2
+shelbyville,2691,1
+forkland,431,0
+tolstoy,686,4
+shelbyville,1653,1
+newfields,17,8
+lindenwood,2538,5
+stockman,689,7
+hanson,1307,4
+stockman,386,2
+pinesdale,392,7
+pinesdale,1027,9
+cosmos,816,0
+ranchester,1604,1
+leonardo,511,3
+marstons,2509,0
+leonardo,1255,3
+newfields,1659,2
+shelbyville,1418,0
+stockman,1501,0
+klickitat,488,1
+allensville,226,7
+klickitat,2271,9
+shelbyville,775,9
+beechwood,800,3
+marstons,1710,10
+merom,871,7
+tolstoy,956,1
+benevolence,797,1
+coffeen,11,2
+mifflinburg,119,6
+tolstoy,1204,0
+lindenwood,2173,3
+ranchester,1023,3
+klickitat,1921,12
+klickitat,2363,2
+pomaria,1607,5
+pomaria,1544,2
+hiteman,1250,1
+onaga,182,1
+wainscott,44,0
+beechwood,80,0
+klickitat,1047,7
+hiteman,1751,3
+hiteman,1229,2
+shelbyville,2803,5
+wainscott,433,11
+leonardo,718,5
+tolstoy,1324,1
+marstons,368,8
+mifflinburg,486,2
+pomaria,621,5
+ranchester,1447,0
+ranchester,1311,1
+tolstoy,1042,2
+hiteman,503,6
+benevolence,334,0
+klickitat,2087,6
+pinesdale,637,1
+merom,36,2
+klickitat,1002,3
+pomaria,132,7
+coffeen,575,9
+wainscott,337,2
+hanson,422,8
+pomaria,786,1
+ranchester,1448,3
+shelbyville,2047,10
+shelbyville,2231,5
+lakeville,1162,12
+marstons,1968,2
+tolstoy,905,6
+shelbyville,1102,10
+shelbyville,1599,1
+marstons,1302,9
+lakeville,760,4
+wainscott,161,1
+shelbyville,1280,3
+lindenwood,292,8
+stockman,1581,6
+merom,15,3
+mifflinburg,945,2
+hanson,1466,5
+leonardo,1994,7
+coffeen,125,3
+shelbyville,693,1
+klickitat,528,3
+mifflinburg,831,2
+shelbyville,2430,4
+woodbine,34,11
+lakeville,1460,0
+cosmos,434,2
+merom,807,2
+hanson,8,4
+shelbyville,198,7
+klickitat,1271,7
+pomaria,1436,10
+ranchester,971,0
+lakeville,1443,4
+klickitat,989,8
+onaga,342,0
+wainscott,1035,0
+newfields,1290,6
+cosmos,305,3
+woodbine,2005,2
+hiteman,1649,3
+beechwood,837,3
+ranchester,1585,10
+cosmos,185,8
+lindenwood,2015,2
+newfields,1237,8
+forkland,1065,5
+leonardo,2076,3
+beechwood,391,7
+woodbine,56,0
+newfields,1593,0
+onaga,260,7
+merom,170,3
+klickitat,1717,5
+lakeville,299,2
+lakeville,1329,7
+klickitat,2296,3
+allensville,221,0
+hanson,120,1
+lindenwood,1556,0
+woodbine,1571,13
+pomaria,160,1
+forkland,482,1
+benevolence,376,8
+hanson,22,10
+stockman,1338,2
+klickitat,260,4
+shelbyville,1363,0
+hanson,569,3
+wainscott,1488,11
+coffeen,559,1
+klickitat,1868,4
+klickitat,1325,8
+lindenwood,2106,3
+allensville,14,1
+lakeville,493,2
+leonardo,958,1
+shelbyville,547,2
+pomaria,38,1
+klickitat,2296,5
+shelbyville,2015,4
+tolstoy,864,17
+leonardo,960,1
+cosmos,353,3
+woodbine,112,6
+lindenwood,352,8
+wainscott,917,4
+klickitat,1977,10
+shelbyville,104,4
+beechwood,265,1
+merom,927,9
+marstons,1023,0
+benevolence,909,3
+hanson,1109,0
+pinesdale,1014,3
+woodbine,885,1
+merom,388,4
+wainscott,1672,7
+allensville,166,5
+pomaria,481,8
+hanson,278,1
+tolstoy,1035,1
+ranchester,1017,2
+onaga,516,3
+onaga,448,0
+klickitat,1848,3
+merom,397,5
+shelbyville,1152,3
+merom,974,11
+lindenwood,2252,19
+coffeen,778,6
+pomaria,687,3
+tolstoy,156,0
+lindenwood,144,7
+coffeen,210,8
+allensville,303,2
+mifflinburg,258,1
+wainscott,1773,2
+forkland,348,4
+wainscott,1111,1
+marstons,1044,7
+hiteman,860,0
+leonardo,768,7
+lakeville,1826,5
+leonardo,1231,4
+klickitat,1164,1
+marstons,1774,5
+mifflinburg,153,2
+lakeville,1490,7
+marstons,1256,5
+stockman,709,7
+shelbyville,1036,0
+lakeville,812,6
+hanson,269,5
+beechwood,1171,3
+beechwood,671,2
+tolstoy,1266,1
+beechwood,73,7
+ranchester,38,4
+ranchester,1000,3
+tolstoy,700,10
+forkland,797,6
+hiteman,1035,8
+shelbyville,1304,9
+woodbine,336,2
+lindenwood,1358,3
+merom,654,1
+woodbine,524,1
+wainscott,7,0
+lakeville,835,7
+shelbyville,1057,0
+tolstoy,1632,0
+hiteman,1249,7
+woodbine,104,3
+newfields,157,1
+beechwood,179,0
+leonardo,10,9
+allensville,158,4
+lakeville,475,5
+lakeville,1733,5
+lindenwood,691,5
+woodbine,1122,5
+woodbine,1504,8
+shelbyville,1035,14
+hiteman,128,7
+pomaria,1472,11
+hanson,1320,8
+hiteman,540,3
+merom,1090,2
+newfields,1566,3
+lakeville,1731,1
+tolstoy,1486,0
+hiteman,1806,7
+pomaria,1323,4
+hanson,856,6
+lakeville,1899,14
+lakeville,1185,2
+woodbine,828,2
+tolstoy,325,7
+stockman,251,0
+benevolence,281,0
+newfields,509,1
+shelbyville,1241,2
+klickitat,2230,15
+lindenwood,684,4
+newfields,1362,9
+leonardo,2046,0
+pinesdale,1142,2
+forkland,11,3
+pinesdale,711,1
+shelbyville,948,1
+beechwood,1179,1
+newfields,110,0
+newfields,338,3
+shelbyville,2140,8
+hanson,904,1
+tolstoy,774,6
+lakeville,691,3
+klickitat,2305,9
+klickitat,1255,0
+forkland,641,1
+leonardo,505,3
+hiteman,1129,6
+newfields,819,1
+merom,71,3
+pinesdale,1146,8
+cosmos,902,5
+wainscott,468,8
+klickitat,485,5
+ranchester,571,2
+coffeen,165,1
+lakeville,192,1
+hiteman,967,2
+marstons,76,1
+klickitat,1398,9
+benevolence,764,0
+hiteman,980,1
+pinesdale,392,4
+onaga,236,5
+mifflinburg,174,1
+allensville,167,0
+allensville,257,3
+pomaria,587,3
+woodbine,21,9
+lindenwood,2087,2
+woodbine,377,3
+lindenwood,1942,3
+pomaria,1676,3
+cosmos,350,3
+leonardo,1600,0
+shelbyville,2559,13
+hiteman,1185,4
+klickitat,1193,0
+coffeen,1391,4
+klickitat,1423,0
+leonardo,1813,10
+marstons,1146,4
+pinesdale,611,1
+onaga,322,1
+pinesdale,562,0
+cosmos,2,2
+wainscott,275,3
+pinesdale,191,3
+hanson,1032,2
+lindenwood,1467,1
+beechwood,473,2
+newfields,1527,1
+klickitat,1982,2
+coffeen,1023,2
+merom,532,1
+tolstoy,1430,1
+hanson,694,15
+newfields,99,7
+marstons,2069,0
+pinesdale,991,6
+forkland,660,1
+stockman,1228,1
+leonardo,2021,12
+beechwood,166,1
+newfields,1524,6
+hanson,1607,0
+klickitat,2222,0
+lindenwood,1311,4
+newfields,386,2
+tolstoy,1549,11
+lakeville,1862,19
+woodbine,1113,5
+shelbyville,645,5
+hiteman,1858,3
+shelbyville,740,7
+merom,372,5
+wainscott,498,1
+leonardo,73,11
+woodbine,1162,2
+lindenwood,640,1
+lakeville,1395,0
+leonardo,143,3
+ranchester,1136,0
+pomaria,1676,4
+woodbine,1625,1
+lindenwood,1265,0
+leonardo,932,4
+pinesdale,166,3
+newfields,1654,3
+onaga,236,6
+tolstoy,217,2
+marstons,677,6
+shelbyville,1396,6
+pinesdale,383,1
+allensville,455,2
+klickitat,1871,1
+mifflinburg,285,0
+hanson,1366,5
+klickitat,2146,1
+leonardo,803,3
+mifflinburg,888,5
+marstons,911,4
+hiteman,864,0
+hanson,163,3
+marstons,1658,4
+pinesdale,677,4
+leonardo,2087,10
+marstons,1462,6
+wainscott,821,7
+coffeen,471,0
+shelbyville,2230,5
+coffeen,1293,6
+forkland,320,0
+hiteman,124,0
+forkland,275,2
+hanson,1226,4
+newfields,826,4
+coffeen,932,1
+mifflinburg,174,2
+coffeen,1023,7
+newfields,1152,1
+leonardo,1405,0
+cosmos,480,0
+lakeville,1710,10
+ranchester,731,2
+pomaria,411,0
+tolstoy,1794,2
+newfields,1376,4
+stockman,141,0
+tolstoy,108,6
+marstons,974,1
+wainscott,945,6
+shelbyville,52,1
+lindenwood,1743,2
+pinesdale,1042,2
+cosmos,906,3
+tolstoy,1349,2
+tolstoy,1791,8
+stockman,141,2
+klickitat,724,4
+newfields,225,2
+leonardo,247,3
+lakeville,631,5
+klickitat,1351,3
+newfields,969,10
+woodbine,992,2
+lindenwood,1301,2
+pomaria,234,4
+forkland,1161,2
+beechwood,344,2
+ranchester,1011,3
+shelbyville,1953,3
+hanson,1416,3
+ranchester,85,1
+coffeen,794,1
+coffeen,816,2
+hiteman,1157,0
+marstons,2366,4
+stockman,263,7
+pomaria,1623,0
+shelbyville,1243,0
+shelbyville,1295,10
+mifflinburg,40,1
+hanson,402,14
+coffeen,1343,3
+wainscott,331,4
+tolstoy,1512,3
+klickitat,884,1
+lindenwood,1455,0
+woodbine,1873,7
+tolstoy,906,15
+benevolence,212,7
+beechwood,948,2
+klickitat,1363,1
+hiteman,191,2
+lakeville,1741,2
+woodbine,1659,3
+marstons,473,11
+lindenwood,544,2
+wainscott,331,13
+marstons,2064,8
+allensville,436,3
+shelbyville,731,0
+marstons,1855,2
+shelbyville,1195,3
+lindenwood,755,7
+klickitat,2230,12
+pomaria,1052,8
+cosmos,827,4
+forkland,686,2
+tolstoy,1541,3
+coffeen,602,0
+newfields,1333,5
+wainscott,1347,4
+pinesdale,446,1
+wainscott,313,1
+shelbyville,2101,13
+shelbyville,2077,2
+benevolence,496,4
+lindenwood,689,1
+leonardo,1177,2
+klickitat,1249,1
+forkland,229,2
+newfields,1142,8
+wainscott,105,0
+cosmos,918,1
+newfields,1608,13
+tolstoy,56,13
+pomaria,951,5
+hiteman,1126,2
+tolstoy,906,5
+lindenwood,1411,0
+lakeville,1160,15
+hiteman,46,12
+stockman,1427,7
+lindenwood,1498,2
+leonardo,678,13
+coffeen,497,4
+cosmos,1009,1
+pomaria,368,2
+pinesdale,503,0
+woodbine,1259,1
+tolstoy,538,5
+shelbyville,1034,0
+newfields,1438,4
+hanson,816,4
+newfields,911,0
+shelbyville,1120,2
+hanson,806,3
+lindenwood,1302,1
+lakeville,1438,4
+woodbine,881,7
+shelbyville,2693,2
+forkland,287,0
+newfields,17,14
+leonardo,1994,0
+ranchester,1519,1
+klickitat,793,10
+shelbyville,1359,0
+leonardo,963,5
+hanson,188,3
+pomaria,748,1
+lindenwood,645,4
+wainscott,470,9
+leonardo,148,3
+coffeen,610,10
+wainscott,1604,0
+wainscott,1551,2
+mifflinburg,831,4
+coffeen,158,3
+hiteman,232,4
+ranchester,790,8
+woodbine,1876,0
+woodbine,532,3
+hiteman,675,2
+tolstoy,1768,6
+forkland,573,4
+marstons,802,1
+marstons,243,10
+tolstoy,1090,2
+wainscott,1623,8
+klickitat,1960,0
+hanson,644,1
+onaga,206,0
+lakeville,94,10
+tolstoy,834,6
+marstons,1583,1
+pinesdale,1161,2
+marstons,1506,2
+onaga,288,2
+hiteman,944,0
+newfields,306,0
+ranchester,1596,4
+hiteman,1026,1
+lakeville,797,1
+newfields,1416,12
+shelbyville,513,2
+beechwood,619,5
+hiteman,287,2
+coffeen,898,3
+lakeville,830,2
+shelbyville,1180,3
+shelbyville,838,3
+lindenwood,1151,4
+woodbine,591,8
+newfields,1634,4
+beechwood,306,5
+lindenwood,1127,2
+marstons,1377,0
+onaga,2,0
+pinesdale,48,1
+lindenwood,1170,2
+tolstoy,1406,0
+lindenwood,2667,0
+marstons,1391,0
+allensville,447,1
+pomaria,656,9
+lakeville,1559,9
+hanson,1277,12
+shelbyville,1451,2
+lindenwood,2461,2
+wainscott,1346,0
+lindenwood,1932,3
+marstons,2241,6
+hanson,1199,0
+klickitat,1705,2
+mifflinburg,538,1
+coffeen,672,4
+woodbine,1261,5
+lindenwood,1571,0
+mifflinburg,460,4
+shelbyville,1917,2
+pomaria,467,6
+cosmos,627,3
+lindenwood,1026,7
+stockman,447,2
+hiteman,227,0
+newfields,627,3
+pomaria,580,3
+leonardo,271,16
+ranchester,865,6
+lindenwood,870,1
+hanson,51,5
+woodbine,1791,6
+klickitat,342,2
+coffeen,126,3
+hiteman,1305,1
+woodbine,1232,2
+leonardo,889,1
+marstons,2078,0
+leonardo,1692,3
+newfields,545,1
+beechwood,896,4
+marstons,2441,4
+benevolence,386,4
+merom,947,0
+tolstoy,561,1
+hanson,1346,14
+allensville,284,2
+lindenwood,2267,2
+stockman,470,0
+forkland,927,5
+leonardo,1360,1
+pomaria,1373,1
+woodbine,1914,5
+hiteman,99,9
+leonardo,359,13
+newfields,1476,13
+stockman,805,3
+pinesdale,320,1
+wainscott,1247,4
+wainscott,1788,0
+forkland,1189,3
+beechwood,514,3
+marstons,1920,12
+lakeville,1899,8
+leonardo,915,5
+hiteman,1514,5
+lakeville,1463,1
+woodbine,784,1
+cosmos,945,2
+merom,600,4
+newfields,1478,2
+marstons,377,10
+lindenwood,713,10
+hanson,1458,7
+hiteman,359,14
+stockman,1059,4
+hiteman,1811,2
+ranchester,1284,0
+pinesdale,432,4
+tolstoy,512,4
+klickitat,1728,16
+klickitat,1836,5
+pomaria,1442,5
+merom,245,10
+lindenwood,12,1
+leonardo,232,3
+merom,1042,0
+stockman,767,2
+stockman,802,0
+wainscott,251,1
+ranchester,127,0
+lindenwood,542,3
+hiteman,1486,1
+lakeville,1353,8
+klickitat,468,5
+beechwood,1137,4
+pomaria,535,4
+mifflinburg,116,2
+marstons,200,1
+beechwood,906,4
+lindenwood,2592,5
+hanson,62,7
+onaga,111,0
+tolstoy,1604,3
+leonardo,1542,0
+tolstoy,1834,0
+hiteman,1223,1
+wainscott,1388,2
+shelbyville,2582,5
+lakeville,999,1
+wainscott,125,4
+allensville,198,3
+hiteman,1461,6
+pomaria,1366,2
+newfields,830,6
+forkland,723,2
+shelbyville,1279,5
+klickitat,1657,3
+stockman,637,1
+marstons,1716,0
+lakeville,212,2
+hiteman,1842,1
+newfields,968,6
+marstons,1905,2
+cosmos,981,2
+cosmos,303,6
+pinesdale,1405,11
+leonardo,1393,3
+woodbine,809,8
+pomaria,71,5
+tolstoy,629,8
+lakeville,473,0
+marstons,1125,1
+newfields,730,0
+pomaria,916,9
+hiteman,1045,5
+hanson,482,5
+hanson,751,5
+tolstoy,1512,2
+ranchester,216,8
+merom,1006,1
+ranchester,551,3
+hiteman,1099,3
+marstons,1501,4
+marstons,360,0
+marstons,988,2
+coffeen,657,5
+forkland,75,4
+klickitat,904,0
+benevolence,414,5
+ranchester,1289,1
+tolstoy,1513,13
+woodbine,1535,13
+newfields,575,2
+onaga,247,1
+newfields,1261,7
+allensville,212,0
+tolstoy,1570,2
+marstons,2163,7
+lindenwood,263,3
+hiteman,446,16
+hanson,882,1
+tolstoy,543,5
+coffeen,1417,1
+leonardo,1682,0
+stockman,134,1
+cosmos,235,1
+lindenwood,1621,3
+benevolence,927,3
+coffeen,1280,0
+ranchester,923,4
+klickitat,2000,0
+leonardo,2006,9
+lakeville,169,4
+tolstoy,1533,3
+lakeville,1076,0
+klickitat,1863,3
+klickitat,1459,5
+pomaria,699,7
+leonardo,1473,1
+cosmos,679,10
+woodbine,1935,0
+stockman,669,0
+leonardo,1330,4
+pinesdale,927,2
+ranchester,1008,2
+leonardo,882,15
+woodbine,1012,0
+wainscott,1639,0
+wainscott,141,11
+shelbyville,1419,10
+lakeville,1221,3
+lindenwood,595,6
+cosmos,62,2
+lakeville,509,0
+marstons,3,4
+lindenwood,1554,1
+lakeville,265,4
+leonardo,18,1
+marstons,2196,0
+klickitat,31,3
+onaga,146,1
+beechwood,647,4
+lakeville,1477,0
+lindenwood,1548,2
+lakeville,266,1
+stockman,147,10
+wainscott,1473,6
+lakeville,319,5
+woodbine,1112,3
+leonardo,573,0
+wainscott,280,3
+woodbine,479,5
+marstons,1783,10
+hanson,557,6
+hanson,126,1
+hiteman,431,5
+woodbine,2004,0
+beechwood,130,2
+newfields,130,8
+ranchester,1377,20
+woodbine,1768,3
+lindenwood,914,5
+woodbine,1727,0
+lindenwood,2261,0
+leonardo,223,9
+forkland,1114,1
+merom,391,4
+lindenwood,2675,12
+newfields,1321,4
+shelbyville,991,5
+ranchester,1208,1
+hanson,1204,16
+newfields,364,0
+marstons,2362,3
+stockman,852,9
+marstons,698,3
+onaga,216,1
+coffeen,538,1
+shelbyville,1990,4
+hiteman,419,0
+forkland,569,7
+coffeen,24,3
+beechwood,207,3
+hanson,123,10
+marstons,239,2
+newfields,153,2
+wainscott,1703,0
+allensville,205,3
+lindenwood,1167,3
+shelbyville,358,2
+wainscott,1617,5
+mifflinburg,548,2
+lindenwood,1452,0
+leonardo,1526,4
+benevolence,712,2
+marstons,1636,3
+marstons,933,0
+leonardo,522,0
+allensville,396,2
+cosmos,313,0
+tolstoy,922,2
+wainscott,1255,1
+wainscott,286,4
+wainscott,182,12
+klickitat,122,10
+woodbine,908,10
+cosmos,455,4
+hanson,1139,2
+ranchester,134,2
+ranchester,158,3
+woodbine,330,1
+forkland,1160,3
+newfields,696,10
+benevolence,189,0
+woodbine,1765,7
+pomaria,341,0
+shelbyville,1432,9
+lindenwood,745,10
+hanson,1071,0
+stockman,1238,5
+newfields,531,3
+hiteman,549,7
+mifflinburg,794,2
+wainscott,662,0
+coffeen,347,3
+newfields,1458,13
+newfields,702,4
+shelbyville,1556,5
+wainscott,584,3
+woodbine,1406,2
+lakeville,1168,3
+tolstoy,491,8
+shelbyville,2715,4
+lakeville,1216,2
+marstons,2398,4
+marstons,395,8
+marstons,697,0
+tolstoy,1304,1
+coffeen,252,4
+klickitat,1842,2
+tolstoy,577,2
+wainscott,218,7
+forkland,195,2
+stockman,523,0
+hiteman,389,14
+lindenwood,1768,2
+marstons,206,7
+hiteman,1231,3
+woodbine,1712,11
+woodbine,1243,9
+stockman,757,3
+pinesdale,135,8
+wainscott,100,4
+newfields,1620,4
+coffeen,965,2
+pinesdale,1041,1
+hanson,1565,1
+lindenwood,1500,3
+shelbyville,1314,6
+wainscott,229,9
+coffeen,244,2
+pomaria,1485,12
+allensville,468,8
+lakeville,1790,4
+leonardo,1547,2
+klickitat,980,2
+coffeen,594,3
+beechwood,860,1
+woodbine,1961,11
+onaga,488,4
+wainscott,152,6
+klickitat,1940,12
+hiteman,956,5
+mifflinburg,487,0
+shelbyville,2310,6
+stockman,122,2
+hanson,141,3
+cosmos,341,1
+leonardo,885,5
+forkland,442,3
+tolstoy,692,3
+onaga,74,2
+klickitat,1365,3
+marstons,1102,5
+woodbine,2032,4
+lindenwood,82,2
+klickitat,560,2
+hanson,234,5
+tolstoy,304,10
+lindenwood,1401,0
+tolstoy,1538,1
+pomaria,134,13
+shelbyville,715,6
+lakeville,1280,4
+wainscott,1747,0
+coffeen,242,0
+shelbyville,2017,9
+lindenwood,2398,0
+marstons,243,0
+pomaria,1505,0
+ranchester,1511,8
+marstons,725,10
+woodbine,1575,3
+shelbyville,1809,4
+marstons,2091,14
+marstons,1616,7
+lakeville,1100,3
+shelbyville,2399,10
+shelbyville,64,4
+cosmos,199,4
+onaga,309,0
+lakeville,1282,5
+shelbyville,2255,6
+stockman,875,6
+lindenwood,1187,2
+hanson,396,2
+shelbyville,1581,0
+marstons,1778,2
+wainscott,1583,4
+mifflinburg,440,4
+benevolence,760,3
+beechwood,450,1
+leonardo,140,4
+shelbyville,2094,6
+hanson,1346,1
+klickitat,1301,10
+woodbine,1103,1
+klickitat,1091,1
+woodbine,132,12
+wainscott,1199,13
+lakeville,351,3
+beechwood,78,0
+lakeville,526,4
+pinesdale,537,0
+lakeville,1110,5
+marstons,69,9
+hiteman,1390,4
+leonardo,1545,0
+klickitat,548,7
+shelbyville,2105,0
+hanson,385,1
+lindenwood,1649,1
+lindenwood,907,11
+pomaria,1236,8
+forkland,259,3
+ranchester,1248,4
+coffeen,1286,5
+pinesdale,410,6
+benevolence,550,0
+woodbine,1971,2
+coffeen,872,1
+tolstoy,1110,4
+tolstoy,1322,1
+woodbine,891,6
+shelbyville,228,4
+leonardo,1176,1
+hiteman,1556,14
+marstons,291,11
+cosmos,155,9
+hiteman,68,16
+leonardo,2101,8
+shelbyville,282,10
+beechwood,108,1
+lindenwood,1436,7
+stockman,936,1
+lakeville,1503,10
+marstons,242,4
+stockman,1,7
+woodbine,1705,1
+mifflinburg,228,1
+tolstoy,818,0
+wainscott,1110,8
+newfields,223,2
+cosmos,749,3
+hiteman,1696,0
+pomaria,567,2
+coffeen,298,3
+woodbine,515,0
+klickitat,457,1
+lindenwood,1632,6
+tolstoy,539,0
+merom,1073,1
+lakeville,503,1
+lindenwood,1075,3
+ranchester,1603,3
+marstons,1512,4
+coffeen,1402,1
+leonardo,49,3
+newfields,856,1
+lindenwood,358,10
+woodbine,1450,3
+leonardo,404,11
+forkland,46,2
+mifflinburg,516,3
+mifflinburg,943,0
+lakeville,1863,12
+woodbine,651,1
+shelbyville,1837,2
+hanson,108,4
+shelbyville,324,1
+tolstoy,270,6
+pinesdale,638,2
+lindenwood,972,3
+merom,229,2
+tolstoy,582,14
+merom,147,0
+klickitat,1699,2
+pomaria,724,2
+pomaria,1143,0
+hiteman,567,4
+marstons,55,6
+leonardo,794,2
+lindenwood,971,0
+klickitat,360,4
+lindenwood,2084,1
+forkland,966,2
+marstons,484,2
+pinesdale,1426,3
+hiteman,1512,15
+leonardo,419,7
+lindenwood,1892,5
+coffeen,61,1
+marstons,803,0
+woodbine,726,1
+newfields,1077,3
+pinesdale,435,2
+marstons,2548,3
+shelbyville,515,2
+pomaria,1232,1
+wainscott,1207,4
+stockman,1614,0
+lindenwood,1797,1
+stockman,96,8
+shelbyville,1006,1
+pinesdale,196,1
+lakeville,389,0
+hanson,270,1
+leonardo,397,2
+hanson,86,11
+lindenwood,1207,4
+klickitat,1665,3
+shelbyville,1804,2
+klickitat,2333,2
+klickitat,2072,2
+ranchester,1031,7
+pinesdale,1241,1
+tolstoy,1028,2
+benevolence,28,5
+onaga,89,1
+klickitat,1783,12
+mifflinburg,929,2
+klickitat,2111,1
+woodbine,922,1
+wainscott,806,1
+newfields,1268,0
+marstons,1534,3
+hiteman,662,2
+lindenwood,425,0
+lakeville,1823,0
+tolstoy,772,3
+lakeville,1371,1
+hiteman,1603,5
+marstons,1045,13
+lindenwood,2421,1
+newfields,299,8
+tolstoy,1013,4
+marstons,934,3
+stockman,387,2
+pinesdale,1244,6
+wainscott,371,0
+tolstoy,1444,8
+tolstoy,792,3
+lakeville,1160,0
+lindenwood,515,7
+newfields,742,2
+shelbyville,386,1
+klickitat,2123,1
+beechwood,470,0
+klickitat,1924,1
+tolstoy,77,3
+shelbyville,2211,2
+klickitat,93,2
+coffeen,481,6
+klickitat,1735,15
+merom,357,5
+lakeville,8,3
+stockman,1490,1
+wainscott,306,1
+lindenwood,2557,9
+stockman,998,1
+lindenwood,2325,10
+marstons,1557,2
+cosmos,751,1
+pomaria,1302,2
+hanson,458,0
+hiteman,734,0
+wainscott,312,5
+beechwood,348,3
+lindenwood,1944,0
+merom,126,0
+coffeen,1131,7
+mifflinburg,325,2
+shelbyville,2488,2
+leonardo,1654,1
+lindenwood,1253,1
+leonardo,1555,0
+hiteman,1195,2
+shelbyville,500,7
+lindenwood,1288,4
+woodbine,1005,16
+woodbine,1724,0
+klickitat,1204,2
+shelbyville,329,5
+shelbyville,2260,5
+onaga,500,1
+marstons,2119,5
+lindenwood,787,1
+coffeen,1376,3
+newfields,1637,4
+hiteman,1095,12
+marstons,2435,3
+newfields,551,2
+leonardo,164,0
+tolstoy,532,2
+hiteman,1430,4
+hanson,1129,2
+woodbine,88,8
+forkland,889,0
+leonardo,1044,5
+tolstoy,1285,0
+klickitat,823,2
+marstons,2241,2
+woodbine,1170,3
+klickitat,2189,3
+cosmos,39,3
+newfields,417,12
+merom,566,2
+marstons,1481,2
+shelbyville,1517,0
+klickitat,2221,1
+marstons,2057,1
+shelbyville,1873,8
+shelbyville,348,4
+newfields,106,9
+marstons,711,5
+wainscott,614,0
+marstons,2074,3
+marstons,1650,5
+klickitat,480,11
+pomaria,1537,4
+klickitat,853,0
+shelbyville,1233,8
+pomaria,959,1
+tolstoy,854,2
+pinesdale,30,1
+cosmos,369,4
+newfields,115,4
+shelbyville,2110,1
+hanson,1366,11
+woodbine,766,8
+hiteman,635,1
+beechwood,1042,6
+leonardo,589,1
+woodbine,328,1
+mifflinburg,162,4
+wainscott,783,10
+wainscott,307,5
+shelbyville,773,7
+wainscott,483,2
+tolstoy,1529,0
+stockman,249,4
+onaga,619,1
+ranchester,629,1
+hanson,1430,1
+hiteman,1219,0
+mifflinburg,458,4
+shelbyville,2360,1
+stockman,1200,0
+pomaria,436,4
+newfields,1033,4
+lindenwood,1453,7
+woodbine,1940,1
+ranchester,256,1
+lindenwood,1119,1
+forkland,662,6
+pinesdale,434,4
+cosmos,557,4
+merom,392,5
+shelbyville,2562,8
+shelbyville,2107,5
+cosmos,141,3
+cosmos,130,3
+woodbine,1851,1
+lakeville,880,3
+klickitat,2154,11
+lakeville,1281,5
+shelbyville,1314,0
+hanson,1434,11
+lakeville,1134,4
+lindenwood,2596,0
+forkland,951,0
+hanson,838,2
+klickitat,2176,2
+leonardo,1013,7
+cosmos,740,2
+woodbine,195,8
+coffeen,404,1
+ranchester,67,0
+klickitat,1081,3
+shelbyville,2072,3
+klickitat,1970,1
+hanson,215,12
+hanson,830,0
+tolstoy,852,2
+pinesdale,148,1
+pinesdale,521,1
+hanson,490,3
+lakeville,871,7
+marstons,2503,12
+hanson,504,7
+benevolence,872,0
+cosmos,712,0
+stockman,119,3
+wainscott,1460,7
+hanson,1058,0
+pinesdale,1334,1
+hanson,1177,2
+shelbyville,2327,0
+marstons,1302,10
+shelbyville,1435,4
+allensville,233,2
+newfields,181,2
+leonardo,449,3
+stockman,463,4
+lakeville,253,8
+klickitat,2257,5
+klickitat,1842,4
+newfields,1287,2
+klickitat,246,3
+marstons,2502,7
+leonardo,2058,3
+lindenwood,1330,1
+cosmos,185,2
+hiteman,251,1
+benevolence,532,0
+tolstoy,838,3
+marstons,2450,2
+marstons,1741,0
+lindenwood,1133,5
+coffeen,80,1
+tolstoy,55,1
+shelbyville,2146,6
+klickitat,542,1
+allensville,105,0
+shelbyville,259,3
+ranchester,1392,4
+lindenwood,1237,6
+ranchester,1319,4
+leonardo,2063,9
+cosmos,782,1
+pomaria,969,6
+hiteman,1562,3
+woodbine,1761,8
+merom,519,5
+cosmos,293,10
+beechwood,897,10
+hanson,1394,4
+newfields,1342,4
+allensville,15,6
+klickitat,1903,5
+tolstoy,885,1
+marstons,794,8
+lindenwood,456,11
+leonardo,344,1
+lakeville,1801,1
+shelbyville,435,5
+pinesdale,444,1
+woodbine,903,11
+wainscott,1338,5
+benevolence,979,5
+shelbyville,593,4
+leonardo,1999,4
+lakeville,1692,1
+woodbine,875,1
+tolstoy,1173,4
+shelbyville,1399,12
+hanson,694,9
+marstons,2221,3
+klickitat,170,0
+onaga,386,3
+klickitat,1799,12
+woodbine,1058,1
+hiteman,439,0
+hiteman,33,8
+hanson,1335,0
+shelbyville,309,3
+marstons,1656,9
+klickitat,1563,0
+marstons,473,10
+lakeville,1647,2
+pinesdale,322,1
+wainscott,781,6
+allensville,239,7
+pinesdale,1084,2
+stockman,1353,6
+tolstoy,682,11
+woodbine,579,1
+leonardo,32,3
+woodbine,1100,0
+coffeen,1443,4
+onaga,638,0
+hanson,347,2
+marstons,975,7
+klickitat,1766,7
+woodbine,1030,4
+lakeville,687,3
+wainscott,517,14
+lindenwood,228,5
+benevolence,379,3
+klickitat,784,2
+shelbyville,1924,10
+leonardo,1416,0
+klickitat,262,7
+lakeville,1476,1
+newfields,507,3
+hanson,1522,4
+forkland,1098,0
+klickitat,252,2
+newfields,1108,10
+leonardo,1845,0
+marstons,419,6
+pinesdale,192,4
+hanson,742,1
+tolstoy,1791,7
+ranchester,753,3
+cosmos,962,3
+klickitat,203,3
+tolstoy,1309,3
+coffeen,220,2
+woodbine,1233,4
+klickitat,1115,5
+newfields,1163,10
+newfields,687,2
+cosmos,844,12
+tolstoy,1097,1
+stockman,1302,1
+marstons,2566,3
+onaga,617,2
+coffeen,68,10
+lindenwood,812,2
+woodbine,60,0
+klickitat,2077,1
+lakeville,861,3
+klickitat,1368,1
+klickitat,728,4
+klickitat,54,2
+wainscott,224,0
+stockman,521,4
+lakeville,1363,1
+klickitat,675,1
+coffeen,385,10
+ranchester,1591,3
+hanson,1237,7
+newfields,857,5
+pomaria,1051,0
+lindenwood,627,3
+lindenwood,268,11
+coffeen,1052,7
+hanson,936,15
+klickitat,768,4
+pomaria,676,8
+klickitat,1275,3
+marstons,2177,12
+lakeville,1688,1
+woodbine,1835,4
+marstons,47,0
+klickitat,1762,8
+shelbyville,1441,7
+wainscott,1212,3
+klickitat,1664,5
+merom,318,1
+marstons,1412,5
+woodbine,779,1
+shelbyville,1711,2
+leonardo,2023,0
+coffeen,797,5
+lakeville,1236,7
+woodbine,1376,1
+klickitat,76,1
+onaga,646,4
+lindenwood,1574,3
+hanson,692,3
+marstons,726,0
+pomaria,588,0
+wainscott,93,5
+stockman,594,1
+forkland,961,2
+pomaria,1424,2
+pinesdale,255,2
+stockman,233,1
+woodbine,487,3
+stockman,969,0
+klickitat,102,16
+klickitat,1134,2
+shelbyville,440,1
+pinesdale,115,2
+leonardo,688,4
+stockman,662,3
+coffeen,1287,3
+pomaria,1504,6
+leonardo,1380,9
+pinesdale,165,0
+pinesdale,256,0
+lakeville,533,6
+woodbine,29,4
+pomaria,1392,8
+coffeen,451,0
+leonardo,678,11
+hiteman,233,0
+pomaria,1051,6
+wainscott,1362,11
+ranchester,569,3
+shelbyville,2048,4
+pinesdale,950,3
+cosmos,421,13
+lindenwood,675,8
+pinesdale,176,2
+beechwood,798,1
+hiteman,1605,4
+leonardo,1443,2
+shelbyville,422,0
+klickitat,2383,3
+pomaria,1016,8
+forkland,242,2
+mifflinburg,960,0
+tolstoy,322,2
+pomaria,1074,1
+lakeville,1879,3
+ranchester,1067,2
+leonardo,1654,5
+woodbine,1821,2
+hiteman,1235,0
+newfields,1297,5
+hiteman,1511,2
+benevolence,248,3
+coffeen,673,5
+mifflinburg,129,5
+wainscott,441,12
+wainscott,501,1
+hiteman,1350,3
+lindenwood,2169,2
+cosmos,646,2
+shelbyville,1595,7
+woodbine,1616,4
+wainscott,1725,2
+lakeville,1655,2
+ranchester,1357,9
+shelbyville,593,3
+stockman,414,0
+beechwood,773,2
+merom,656,1
+shelbyville,2545,6
+lindenwood,265,2
+coffeen,293,0
+wainscott,942,7
+lakeville,575,6
+forkland,323,2
+shelbyville,400,2
+lakeville,1428,3
+cosmos,520,12
+marstons,1399,3
+onaga,647,2
+pinesdale,616,2
+shelbyville,2220,0
+lindenwood,733,4
+shelbyville,1495,8
+pomaria,1037,1
+lakeville,1572,3
+shelbyville,536,2
+hiteman,797,3
+lindenwood,1217,6
+klickitat,39,8
+tolstoy,95,3
+lindenwood,173,3
+leonardo,764,1
+wainscott,1336,1
+pomaria,583,4
+ranchester,1076,4
+lindenwood,1769,9
+marstons,1428,0
+lindenwood,2287,7
+stockman,493,4
+merom,225,1
+pomaria,527,1
+shelbyville,1549,1
+hiteman,24,10
+leonardo,768,6
+pomaria,954,9
+lindenwood,1639,4
+lindenwood,529,1
+tolstoy,1435,6
+shelbyville,367,3
+lindenwood,1268,12
+wainscott,1728,2
+wainscott,1789,2
+woodbine,864,1
+ranchester,764,4
+lindenwood,635,1
+hiteman,1191,3
+hanson,1250,5
+onaga,413,1
+lakeville,1200,1
+klickitat,1286,2
+newfields,1171,4
+wainscott,190,7
+stockman,769,5
+pomaria,1412,2
+forkland,946,2
+ranchester,1146,1
+woodbine,329,2
+hanson,368,17
+tolstoy,357,1
+cosmos,356,0
+shelbyville,575,2
+shelbyville,289,1
+lakeville,1393,4
+klickitat,1820,1
+allensville,190,3
+hiteman,1335,1
+newfields,1308,2
+leonardo,1629,0
+marstons,284,2
+wainscott,133,9
+marstons,2648,2
+woodbine,1747,1
+lakeville,1576,4
+woodbine,1298,6
+shelbyville,1348,2
+woodbine,1475,0
+coffeen,1065,1
+klickitat,1216,2
+tolstoy,1794,4
+woodbine,811,7
+klickitat,1857,2
+klickitat,165,8
+klickitat,1098,1
+klickitat,1620,2
+lakeville,391,3
+lakeville,398,4
+merom,707,2
+lakeville,36,15
+coffeen,893,2
+hanson,1294,6
+stockman,1121,3
+shelbyville,338,0
+shelbyville,2271,0
+newfields,93,4
+ranchester,1094,11
+hiteman,462,4
+wainscott,1737,1
+allensville,301,3
+marstons,975,12
+newfields,66,4
+marstons,1525,1
+cosmos,260,1
+stockman,674,3
+allensville,171,5
+lakeville,131,8
+allensville,447,3
+marstons,696,5
+shelbyville,173,10
+lindenwood,34,1
+shelbyville,934,3
+woodbine,669,5
+hanson,1325,1
+pinesdale,789,1
+stockman,873,1
+shelbyville,641,8
+pinesdale,1254,1
+woodbine,1850,0
+lindenwood,683,4
+klickitat,696,5
+woodbine,569,4
+tolstoy,1600,4
+marstons,1928,2
+marstons,1707,11
+lakeville,1447,0
+beechwood,476,1
+coffeen,918,0
+leonardo,1091,0
+pinesdale,844,1
+woodbine,1658,4
+mifflinburg,783,0
+hiteman,1322,1
+shelbyville,1230,2
+woodbine,1780,3
+klickitat,2302,2
+lindenwood,1199,16
+pomaria,824,1
+cosmos,434,12
+tolstoy,350,2
+merom,994,0
+pinesdale,671,3
+marstons,556,4
+hanson,1094,1
+leonardo,696,2
+lakeville,1684,0
+shelbyville,2291,6
+newfields,1074,0
+hiteman,595,4
+lindenwood,2393,9
+lindenwood,2570,6
+benevolence,330,0
+pomaria,1597,7
+pinesdale,1453,0
+hiteman,1287,2
+pomaria,1336,1
+pomaria,937,2
+leonardo,293,8
+forkland,420,6
+pomaria,377,0
+lindenwood,397,4
+ranchester,1296,6
+marstons,1951,2
+merom,30,9
+klickitat,1784,9
+newfields,362,2
+shelbyville,1700,2
+stockman,1312,2
+marstons,1308,1
+klickitat,1509,3
+marstons,505,1
+coffeen,124,2
+lakeville,356,3
+coffeen,625,8
+newfields,1445,6
+stockman,1251,4
+marstons,1845,5
+shelbyville,190,4
+wainscott,1286,7
+hiteman,1030,6
+woodbine,2004,3
+tolstoy,1162,0
+shelbyville,2657,3
+wainscott,1273,2
+hiteman,869,3
+cosmos,179,11
+pinesdale,622,5
+benevolence,773,2
+klickitat,1572,6
+ranchester,1378,2
+lakeville,663,5
+woodbine,295,9
+hiteman,1037,1
+wainscott,1373,4
+marstons,1370,0
+pomaria,1557,3
+wainscott,1267,0
+leonardo,698,1
+klickitat,1539,6
+leonardo,1559,7
+woodbine,538,7
+hanson,1359,2
+beechwood,1064,4
+tolstoy,76,4
+stockman,1557,5
+tolstoy,1765,1
+woodbine,910,1
+lakeville,1575,12
+leonardo,1183,2
+beechwood,795,0
+woodbine,271,3
+lakeville,1070,2
+shelbyville,475,9
+ranchester,692,3
+hanson,350,0
+hiteman,1563,0
+marstons,925,2
+klickitat,2061,12
+marstons,1740,3
+pomaria,1438,1
+pomaria,468,2
+shelbyville,1732,19
+pomaria,1161,13
+shelbyville,2576,4
+lakeville,851,4
+pomaria,702,3
+coffeen,1070,0
+stockman,543,2
+woodbine,1724,1
+klickitat,1179,12
+pinesdale,469,0
+pinesdale,118,3
+onaga,532,0
+merom,478,8
+pinesdale,1428,8
+tolstoy,957,2
+shelbyville,127,8
+klickitat,241,1
+coffeen,430,9
+mifflinburg,338,2
+lindenwood,366,5
+woodbine,780,3
+shelbyville,2672,6
+forkland,897,3
+shelbyville,2436,3
+tolstoy,705,4
+leonardo,1978,6
+forkland,106,4
+newfields,302,6
+stockman,1461,3
+lakeville,1742,5
+beechwood,17,5
+cosmos,620,3
+hanson,1413,1
+onaga,446,7
+leonardo,974,2
+shelbyville,184,2
+hanson,307,17
+wainscott,657,5
+lakeville,683,2
+merom,497,2
+hanson,28,6
+newfields,1464,1
+lindenwood,716,2
+tolstoy,1071,4
+newfields,1424,4
+ranchester,869,1
+klickitat,2303,4
+shelbyville,2633,2
+pinesdale,292,6
+marstons,692,2
+hiteman,1026,0
+lakeville,935,8
+wainscott,1602,1
+merom,607,2
+shelbyville,2292,2
+wainscott,842,2
+shelbyville,389,0
+lakeville,493,1
+shelbyville,1307,2
+newfields,1489,11
+woodbine,1866,1
+marstons,1086,5
+hanson,1098,5
+forkland,156,1
+newfields,1645,1
+lakeville,1350,16
+lindenwood,1994,3
+shelbyville,2715,12
+klickitat,793,1
+hiteman,368,4
+forkland,1182,1
+shelbyville,2790,5
+coffeen,671,2
+woodbine,100,3
+newfields,1307,1
+lakeville,378,3
+pinesdale,354,4
+coffeen,320,1
+forkland,1094,5
+pinesdale,1389,7
+coffeen,993,4
+shelbyville,1808,5
+leonardo,1181,1
+beechwood,1143,0
+leonardo,2066,0
+shelbyville,1124,3
+newfields,985,7
+klickitat,783,1
+benevolence,367,1
+pomaria,758,1
+marstons,2132,3
+tolstoy,391,1
+hiteman,791,2
+lakeville,1346,1
+tolstoy,1779,1
+newfields,1200,1
+pomaria,532,3
+hanson,771,5
+marstons,65,3
+stockman,83,3
+woodbine,228,2
+woodbine,1705,5
+coffeen,1125,1
+ranchester,41,4
+coffeen,576,1
+leonardo,1790,5
+shelbyville,1843,10
+hanson,1400,1
+newfields,613,8
+ranchester,1418,0
+mifflinburg,496,3
+wainscott,183,11
+woodbine,679,0
+ranchester,954,4
+benevolence,855,2
+hanson,826,8
+newfields,837,3
+leonardo,678,10
+leonardo,13,0
+stockman,1506,2
+hiteman,1777,6
+newfields,806,1
+marstons,706,0
+pinesdale,88,10
+marstons,1036,4
+marstons,921,1
+lakeville,882,3
+shelbyville,298,2
+marstons,2131,4
+leonardo,1598,2
+leonardo,373,13
+ranchester,995,6
+hanson,1409,0
+pinesdale,14,0
+tolstoy,535,13
+lakeville,166,5
+wainscott,1756,1
+klickitat,2206,8
+hiteman,1392,3
+ranchester,942,0
+pomaria,1529,12
+onaga,446,1
+merom,146,1
+merom,131,5
+leonardo,1674,4
+hanson,566,4
+newfields,261,4
+hanson,1307,0
+marstons,288,8
+mifflinburg,712,4
+ranchester,531,16
+pomaria,411,6
+stockman,262,9
+shelbyville,1939,2
+wainscott,1372,7
+tolstoy,195,2
+hiteman,898,3
+klickitat,383,6
+lakeville,1837,10
+shelbyville,1545,6
+pinesdale,540,10
+hanson,360,2
+wainscott,1227,0
+marstons,1276,2
+shelbyville,1423,3
+shelbyville,2738,2
+onaga,551,0
+coffeen,1488,1
+ranchester,589,6
+newfields,917,4
+klickitat,2068,11
+leonardo,287,1
+marstons,595,0
+tolstoy,1265,0
+hiteman,1503,2
+marstons,270,2
+beechwood,979,11
+hanson,1595,1
+shelbyville,1862,11
+lakeville,1639,2
+forkland,481,2
+pinesdale,298,14
+lindenwood,532,0
+hanson,471,7
+lindenwood,1393,3
+hanson,457,7
+tolstoy,1325,0
+pinesdale,98,6
+pinesdale,796,11
+shelbyville,2623,2
+klickitat,1114,7
+newfields,22,1
+woodbine,1474,3
+ranchester,1009,6
+woodbine,1218,5
+pomaria,27,2
+coffeen,476,2
+allensville,171,6
+lakeville,1150,3
+cosmos,741,2
+shelbyville,366,0
+allensville,344,3
+marstons,2540,10
+hanson,1452,7
+shelbyville,436,7
+marstons,2466,1
+lindenwood,1777,5
+lakeville,1030,2
+stockman,1484,0
+marstons,2066,4
+klickitat,710,4
+woodbine,1180,2
+stockman,1444,1
+hanson,477,1
+shelbyville,1165,4
+woodbine,1095,0
+merom,620,2
+klickitat,1925,6
+woodbine,833,8
+newfields,1183,5
+hanson,1126,1
+hiteman,851,9
+shelbyville,738,1
+lindenwood,2136,5
+marstons,985,6
+ranchester,712,3
+benevolence,730,8
+klickitat,493,10
+mifflinburg,599,2
+ranchester,424,5
+tolstoy,556,0
+stockman,313,3
+lakeville,852,10
+ranchester,1535,6
+mifflinburg,933,0
+leonardo,1671,1
+shelbyville,183,4
+stockman,296,2
+pomaria,218,3
+marstons,341,0
+lakeville,432,6
+stockman,825,4
+stockman,123,0
+lindenwood,1870,4
+pomaria,904,4
+pomaria,1172,6
+wainscott,1469,9
+onaga,83,8
+klickitat,1373,5
+cosmos,37,1
+lakeville,782,4
+shelbyville,2800,2
+lakeville,761,1
+lindenwood,960,0
+merom,99,1
+onaga,222,4
+lakeville,1428,0
+woodbine,1340,1
+leonardo,1710,0
+tolstoy,451,1
+lindenwood,1880,1
+lindenwood,735,2
+lakeville,1681,5
+marstons,533,3
+wainscott,302,1
+newfields,1091,1
+marstons,2326,1
+cosmos,89,3
+klickitat,1999,0
+shelbyville,1766,8
+beechwood,12,3
+hiteman,431,4
+woodbine,1474,1
+stockman,369,4
+marstons,1299,6
+hiteman,1302,2
+marstons,1293,2
+cosmos,348,13
+benevolence,868,4
+lakeville,945,2
+lakeville,672,1
+shelbyville,95,0
+woodbine,759,4
+woodbine,2008,1
+pinesdale,594,9
+lindenwood,1723,1
+hanson,198,4
+lindenwood,2058,2
+hiteman,1341,1
+merom,893,1
+tolstoy,129,3
+wainscott,1118,16
+beechwood,864,6
+klickitat,572,10
+merom,1074,0
+hiteman,1769,0
+hanson,1290,5
+shelbyville,2154,1
+lakeville,358,11
+cosmos,629,2
+coffeen,1507,1
+lindenwood,2282,6
+klickitat,206,5
+woodbine,671,4
+lakeville,12,0
+ranchester,1585,9
+pomaria,103,10
+shelbyville,2717,13
+klickitat,607,2
+allensville,38,2
+lakeville,654,14
+leonardo,833,1
+klickitat,377,3
+tolstoy,541,4
+shelbyville,1654,0
+wainscott,315,1
+lakeville,1755,1
+stockman,727,6
+benevolence,565,8
+ranchester,1520,1
+hanson,214,2
+pinesdale,736,1
+tolstoy,1443,6
+marstons,239,1
+shelbyville,2311,6
+leonardo,2007,0
+benevolence,727,4
+hanson,1310,1
+hanson,94,10
+klickitat,1531,1
+merom,995,1
+lindenwood,2314,8
+newfields,811,0
+benevolence,86,3
+benevolence,398,4
+hiteman,670,0
+hiteman,390,1
+newfields,478,13
+leonardo,613,0
+marstons,2025,6
+klickitat,113,9
+hiteman,1498,3
+woodbine,830,3
+newfields,1314,10
+marstons,2541,1
+leonardo,2079,1
+wainscott,1179,3
+wainscott,108,4
+hiteman,1491,5
+beechwood,322,2
+mifflinburg,131,1
+hanson,1510,24
+leonardo,273,1
+marstons,1073,2
+marstons,1417,4
+klickitat,108,0
+tolstoy,427,4
+tolstoy,1104,1
+hanson,428,6
+pinesdale,1397,3
+forkland,850,1
+benevolence,352,5
+shelbyville,1559,5
+ranchester,1631,1
+shelbyville,849,6
+forkland,281,2
+leonardo,849,3
+hiteman,796,1
+newfields,1109,2
+shelbyville,2503,0
+merom,60,0
+pomaria,798,5
+klickitat,1257,0
+beechwood,938,5
+wainscott,725,0
+hiteman,1429,2
+merom,585,3
+newfields,53,3
+shelbyville,1759,6
+tolstoy,609,4
+woodbine,156,11
+pomaria,97,2
+ranchester,1098,5
+benevolence,131,7
+benevolence,268,2
+marstons,1221,7
+allensville,166,2
+lakeville,1857,5
+hiteman,279,1
+lindenwood,1850,13
+pinesdale,123,0
+klickitat,8,16
+pinesdale,1445,4
+marstons,1331,6
+hiteman,321,1
+lakeville,834,4
+klickitat,1623,6
+ranchester,1114,0
+stockman,837,2
+leonardo,1742,0
+forkland,51,0
+ranchester,739,11
+hanson,1545,0
+stockman,733,1
+coffeen,729,3
+ranchester,381,1
+tolstoy,152,1
+mifflinburg,886,0
+ranchester,82,5
+klickitat,1275,0
+coffeen,16,7
+marstons,283,1
+merom,643,1
+woodbine,52,6
+newfields,973,2
+marstons,1931,3
+pomaria,1341,8
+leonardo,1336,5
+stockman,1285,8
+shelbyville,1906,7
+wainscott,462,0
+woodbine,31,13
+cosmos,623,1
+hanson,1579,5
+lakeville,724,5
+coffeen,1023,6
+newfields,127,0
+newfields,1093,11
+pinesdale,1164,2
+shelbyville,2212,3
+pinesdale,347,3
+beechwood,42,4
+tolstoy,1402,7
+forkland,442,8
+lakeville,811,7
+tolstoy,955,0
+marstons,1261,2
+klickitat,1025,0
+mifflinburg,937,4
+lindenwood,1342,8
+stockman,390,2
+leonardo,493,3
+shelbyville,2199,0
+klickitat,1311,3
+wainscott,209,0
+lindenwood,901,0
+wainscott,37,3
+pinesdale,1117,0
+shelbyville,1154,2
+wainscott,538,3
+lindenwood,926,0
+newfields,416,1
+ranchester,1225,8
+forkland,109,7
+marstons,1245,8
+tolstoy,293,0
+coffeen,157,0
+pomaria,934,3
+ranchester,324,1
+lindenwood,2281,6
+lindenwood,2123,1
+hiteman,242,13
+newfields,1160,5
+pinesdale,1401,4
+onaga,484,2
+lindenwood,1870,3
+klickitat,326,6
+cosmos,660,2
+klickitat,1779,4
+marstons,1305,1
+allensville,353,3
+hiteman,181,2
+shelbyville,906,0
+newfields,456,10
+klickitat,1482,3
+merom,144,4
+coffeen,666,7
+pomaria,1651,4
+mifflinburg,488,5
+benevolence,267,5
+hiteman,1673,2
+lindenwood,1562,0
+shelbyville,1694,5
+hanson,1604,6
+tolstoy,1259,2
+onaga,186,2
+leonardo,2074,4
+pomaria,413,8
+leonardo,1009,12
+leonardo,1388,9
+leonardo,658,3
+marstons,1164,11
+pomaria,451,3
+pomaria,737,0
+forkland,1020,0
+hiteman,1300,9
+mifflinburg,53,5
+lakeville,1308,0
+lindenwood,1052,3
+tolstoy,38,2
+stockman,1483,4
+pinesdale,1097,4
+ranchester,1479,0
+ranchester,1505,0
+merom,975,3
+lakeville,1631,4
+hiteman,425,1
+cosmos,577,2
+leonardo,1876,2
+hiteman,1537,19
+wainscott,64,12
+mifflinburg,399,8
+ranchester,825,2
+woodbine,398,4
+lindenwood,1539,3
+klickitat,893,0
+onaga,194,0
+lakeville,439,1
+hiteman,1381,2
+woodbine,639,7
+lindenwood,1598,1
+lindenwood,2181,11
+klickitat,1430,9
+lakeville,267,5
+wainscott,581,2
+lakeville,1698,2
+shelbyville,880,0
+hiteman,1429,12
+ranchester,121,4
+klickitat,1075,2
+woodbine,368,5
+klickitat,1310,3
+klickitat,851,3
+tolstoy,172,0
+lindenwood,1470,5
+shelbyville,2258,11
+hanson,438,5
+marstons,409,0
+woodbine,481,7
+pomaria,1565,0
+shelbyville,1573,4
+marstons,1816,9
+onaga,443,0
+pomaria,217,4
+forkland,788,3
+tolstoy,907,5
+wainscott,779,1
+tolstoy,1065,4
+woodbine,1559,1
+hanson,1363,13
+leonardo,676,4
+ranchester,555,4
+stockman,349,7
+marstons,1851,2
+wainscott,213,0
+leonardo,1613,2
+lindenwood,486,12
+klickitat,1529,2
+tolstoy,330,5
+marstons,2576,1
+lindenwood,1361,0
+klickitat,2361,7
+marstons,2423,8
+newfields,1617,1
+klickitat,1978,2
+merom,883,4
+mifflinburg,938,2
+shelbyville,2629,3
+woodbine,1432,2
+beechwood,622,1
+hanson,1267,2
+stockman,999,3
+pomaria,89,3
+lakeville,938,1
+forkland,940,8
+shelbyville,1973,14
+benevolence,682,7
+shelbyville,1342,13
+lindenwood,1054,4
+hanson,1410,9
+lakeville,637,1
+lindenwood,1533,8
+lakeville,1533,0
+marstons,775,2
+beechwood,1150,6
+hiteman,222,1
+leonardo,1918,2
+wainscott,927,0
+leonardo,1940,2
+tolstoy,914,3
+ranchester,1608,1
+lakeville,1064,0
+allensville,412,5
+shelbyville,2110,2
+shelbyville,930,5
+lakeville,771,7
+mifflinburg,216,0
+lakeville,908,9
+coffeen,1481,0
+onaga,285,2
+tolstoy,798,1
+klickitat,2347,0
+wainscott,1404,1
+wainscott,928,7
+marstons,976,3
+hanson,1002,3
+leonardo,875,0
+cosmos,580,2
+tolstoy,610,5
+coffeen,1130,7
+forkland,42,1
+shelbyville,1697,7
+hanson,1468,4
+klickitat,1070,5
+pomaria,811,1
+lindenwood,521,0
+shelbyville,1428,0
+hanson,120,2
+lakeville,1884,1
+shelbyville,241,4
+hanson,774,0
+mifflinburg,180,0
+mifflinburg,551,3
+lakeville,929,2
+hanson,1520,10
+shelbyville,2434,2
+marstons,34,3
+pomaria,1202,4
+leonardo,881,0
+coffeen,517,8
+lakeville,457,9
+hanson,545,6
+hanson,293,14
+stockman,1412,4
+tolstoy,252,2
+lindenwood,849,2
+pomaria,553,9
+tolstoy,561,4
+hanson,1622,3
+hiteman,1605,0
+marstons,1373,0
+newfields,79,5
+lindenwood,715,2
+forkland,569,1
+lakeville,811,5
+coffeen,1192,3
+hiteman,41,1
+shelbyville,1095,13
+forkland,834,4
+stockman,1141,8
+ranchester,1000,1
+pinesdale,114,2
+woodbine,1071,1
+shelbyville,1419,9
+marstons,882,3
+marstons,934,10
+wainscott,1121,0
+shelbyville,54,0
+benevolence,377,0
+benevolence,477,9
+leonardo,1423,18
+lindenwood,2204,3
+allensville,338,2
+pinesdale,1278,1
+lindenwood,2359,5
+shelbyville,1271,7
+onaga,646,7
+stockman,838,4
+merom,15,4
+pomaria,29,2
+klickitat,2414,4
+stockman,1402,4
+hiteman,237,6
+woodbine,1684,0
+woodbine,318,1
+lindenwood,2565,3
+lakeville,1665,5
+lakeville,1109,3
+wainscott,526,1
+leonardo,1466,10
+allensville,199,2
+pinesdale,410,7
+stockman,547,0
+tolstoy,1660,6
+shelbyville,1838,6
+leonardo,442,2
+marstons,1121,3
+hanson,1420,13
+tolstoy,524,0
+hanson,467,0
+lindenwood,1396,0
+lakeville,756,15
+wainscott,1090,8
+leonardo,683,7
+onaga,477,3
+lindenwood,473,1
+klickitat,1223,1
+marstons,2444,9
+stockman,1486,6
+shelbyville,2121,1
+woodbine,1631,4
+lindenwood,572,10
+beechwood,765,9
+klickitat,1040,4
+ranchester,1408,2
+allensville,199,3
+woodbine,1680,0
+marstons,975,8
+newfields,137,6
+marstons,1177,0
+tolstoy,17,4
+klickitat,1328,4
+marstons,240,1
+cosmos,67,3
+woodbine,1440,9
+wainscott,1171,5
+ranchester,1018,2
+woodbine,1902,12
+coffeen,610,4
+hiteman,1708,2
+pomaria,319,13
+pinesdale,1198,4
+leonardo,2116,13
+beechwood,550,8
+coffeen,60,2
+wainscott,205,5
+lakeville,1284,2
+leonardo,518,5
+leonardo,73,10
+marstons,318,2
+lakeville,1438,1
+ranchester,1173,6
+coffeen,642,1
+marstons,1803,0
+beechwood,866,3
+shelbyville,300,2
+tolstoy,1822,0
+lindenwood,784,3
+newfields,990,2
+woodbine,1941,6
+leonardo,629,1
+hanson,144,1
+ranchester,1048,3
+tolstoy,66,2
+coffeen,601,1
+klickitat,2416,7
+beechwood,1043,1
+forkland,194,1
+benevolence,613,3
+merom,202,0
+wainscott,1542,4
+ranchester,508,9
+newfields,729,3
+hanson,331,5
+ranchester,440,2
+klickitat,295,12
+lindenwood,524,1
+klickitat,938,13
+hiteman,1079,1
+lindenwood,693,14
+pomaria,896,3
+lakeville,545,10
+lindenwood,1942,0
+marstons,1846,1
+newfields,1516,1
+lindenwood,1276,0
+shelbyville,1453,1
+allensville,203,0
+lakeville,644,5
+marstons,168,0
+ranchester,491,0
+ranchester,106,1
+woodbine,926,1
+leonardo,1580,10
+wainscott,1311,3
+benevolence,471,2
+lindenwood,652,14
+newfields,294,5
+klickitat,1195,2
+marstons,1881,10
+lindenwood,124,4
+lakeville,1327,16
+coffeen,948,0
+marstons,2069,16
+shelbyville,1032,0
+cosmos,401,4
+wainscott,467,4
+leonardo,493,0
+wainscott,1520,0
+mifflinburg,349,3
+tolstoy,578,3
+lindenwood,1758,7
+klickitat,2123,11
+hiteman,1404,1
+tolstoy,123,3
+cosmos,217,3
+coffeen,782,4
+leonardo,1783,4
+wainscott,1000,1
+mifflinburg,450,5
+wainscott,398,4
+klickitat,2038,3
+shelbyville,450,4
+lakeville,296,3
+pinesdale,98,7
+marstons,2387,0
+newfields,987,6
+lindenwood,1940,2
+marstons,1141,3
+stockman,1043,0
+merom,893,0
+shelbyville,885,0
+tolstoy,176,12
+benevolence,693,0
+merom,1031,6
+woodbine,732,0
+coffeen,710,1
+tolstoy,1318,0
+leonardo,783,2
+forkland,860,2
+woodbine,995,3
+lindenwood,683,2
+woodbine,1110,0
+marstons,2092,1
+hiteman,1254,6
+marstons,459,5
+ranchester,344,3
+coffeen,819,2
+merom,806,4
+pinesdale,81,3
+hanson,982,2
+newfields,489,0
+merom,154,2
+hanson,54,16
+newfields,1050,1
+cosmos,396,3
+marstons,2399,1
+lakeville,1556,5
+shelbyville,628,8
+lakeville,408,7
+hanson,477,5
+stockman,583,4
+klickitat,857,3
+lindenwood,852,0
+lindenwood,413,1
+tolstoy,1452,3
+lakeville,928,2
+shelbyville,1891,9
+benevolence,676,2
+lindenwood,1943,2
+shelbyville,695,3
+shelbyville,2564,4
+coffeen,1113,3
+merom,695,2
+lindenwood,235,4
+lindenwood,103,8
+marstons,847,6
+woodbine,1871,9
+wainscott,310,5
+pinesdale,761,4
+wainscott,666,6
+cosmos,997,1
+newfields,1047,0
+stockman,815,10
+woodbine,2041,2
+pomaria,750,0
+klickitat,1007,6
+marstons,2177,4
+lindenwood,1443,6
+hiteman,853,1
+lindenwood,1306,1
+pomaria,1226,11
+hanson,772,0
+forkland,718,2
+lindenwood,287,0
+tolstoy,870,1
+ranchester,106,0
+newfields,79,0
+pomaria,364,6
+shelbyville,2309,6
+tolstoy,447,6
+pomaria,6,1
+tolstoy,518,4
+leonardo,823,3
+lindenwood,2112,0
+newfields,172,5
+hiteman,703,0
+wainscott,418,2
+hiteman,1595,0
+lindenwood,1198,4
+leonardo,716,2
+ranchester,1463,4
+tolstoy,1283,2
+tolstoy,1514,4
+shelbyville,829,0
+shelbyville,1615,9
+shelbyville,1821,11
+klickitat,1230,8
+mifflinburg,838,5
+onaga,259,4
+onaga,589,1
+coffeen,505,2
+wainscott,1090,9
+cosmos,1049,0
+klickitat,1578,4
+shelbyville,53,2
+marstons,1709,6
+marstons,149,5
+klickitat,1326,2
+pomaria,1484,4
+wainscott,614,1
+newfields,752,8
+wainscott,688,3
+merom,1023,0
+woodbine,470,14
+cosmos,705,12
+shelbyville,2200,5
+merom,821,1
+shelbyville,1401,1
+lindenwood,2531,8
+coffeen,939,3
+merom,623,4
+lindenwood,627,2
+klickitat,2159,9
+pomaria,1312,0
+ranchester,873,10
+beechwood,693,6
+benevolence,908,0
+cosmos,915,2
+shelbyville,108,2
+leonardo,318,5
+wainscott,581,6
+forkland,594,0
+beechwood,297,16
+klickitat,1542,6
+pomaria,1518,0
+wainscott,1035,4
+pinesdale,525,6
+shelbyville,2214,3
+lindenwood,464,1
+marstons,1515,3
+lindenwood,336,3
+lindenwood,1785,7
+ranchester,1397,5
+shelbyville,2044,7
+cosmos,779,12
+klickitat,56,3
+forkland,417,1
+shelbyville,1034,1
+ranchester,933,5
+shelbyville,483,6
+shelbyville,1096,0
+lakeville,1307,5
+tolstoy,1263,3
+leonardo,1027,12
+forkland,1056,1
+lakeville,749,2
+woodbine,1090,0
+newfields,175,10
+lindenwood,2109,12
+beechwood,73,9
+pinesdale,422,3
+wainscott,1173,2
+woodbine,970,7
+hanson,1167,4
+stockman,139,3
+stockman,1018,10
+hanson,144,8
+lindenwood,1947,0
+shelbyville,2214,1
+forkland,896,3
+coffeen,1033,3
+ranchester,948,1
+shelbyville,1790,13
+marstons,793,5
+pomaria,1472,3
+leonardo,2083,3
+cosmos,761,1
+shelbyville,2378,0
+klickitat,1656,0
+shelbyville,1964,1
+shelbyville,2714,7
+klickitat,1633,7
+marstons,2212,0
+shelbyville,369,2
+lakeville,143,2
+lindenwood,361,5
+woodbine,1527,0
+woodbine,192,5
+pinesdale,1030,9
+ranchester,425,2
+leonardo,1852,6
+marstons,1919,6
+coffeen,648,1
+pomaria,290,1
+benevolence,322,4
+hanson,1053,1
+marstons,784,4
+coffeen,477,2
+pinesdale,1286,0
+newfields,438,1
+shelbyville,1643,4
+hiteman,1055,9
+newfields,1496,2
+cosmos,775,3
+hanson,374,2
+tolstoy,1362,3
+cosmos,845,2
+shelbyville,1913,9
+marstons,1345,0
+klickitat,1566,5
+klickitat,33,2
+klickitat,2286,15
+pomaria,581,13
+ranchester,846,0
+pomaria,1275,4
+coffeen,9,7
+pinesdale,883,11
+wainscott,1692,7
+beechwood,834,3
+klickitat,109,6
+newfields,636,6
+lindenwood,2341,4
+pinesdale,520,0
+cosmos,618,8
+shelbyville,337,7
+cosmos,682,8
+ranchester,113,7
+shelbyville,198,14
+woodbine,567,0
+woodbine,110,5
+hiteman,589,5
+woodbine,1239,2
+beechwood,1168,6
+cosmos,385,11
+pinesdale,586,4
+hiteman,1145,5
+shelbyville,2604,2
+newfields,1137,0
+hiteman,1251,1
+leonardo,1955,4
+shelbyville,1095,4
+lindenwood,0,10
+woodbine,744,0
+shelbyville,182,5
+pinesdale,1166,4
+mifflinburg,662,7
+tolstoy,202,6
+cosmos,891,3
+stockman,35,1
+hiteman,378,0
+wainscott,242,6
+coffeen,728,1
+beechwood,714,0
+lindenwood,1624,11
+wainscott,167,1
+klickitat,649,7
+lindenwood,2551,6
+pinesdale,835,3
+benevolence,807,0
+ranchester,99,0
+coffeen,1452,0
+newfields,1388,4
+coffeen,1397,6
+ranchester,166,2
+hanson,73,3
+forkland,837,0
+pomaria,165,0
+lakeville,1334,4
+coffeen,1100,2
+wainscott,290,1
+shelbyville,1012,0
+shelbyville,2235,2
+hanson,1453,12
+lindenwood,2610,6
+shelbyville,173,6
+ranchester,149,1
+marstons,979,9
+wainscott,59,2
+cosmos,93,5
+marstons,860,2
+stockman,582,4
+leonardo,1328,4
+leonardo,1420,1
+lakeville,270,2
+woodbine,932,1
+merom,763,2
+hiteman,1402,0
+onaga,364,5
+ranchester,1439,1
+woodbine,353,4
+hanson,1217,4
+hanson,1380,9
+tolstoy,854,5
+wainscott,3,8
+forkland,1102,4
+lakeville,317,1
+marstons,90,10
+lakeville,463,2
+wainscott,1620,2
+shelbyville,1968,3
+wainscott,942,9
+tolstoy,461,1
+marstons,1474,5
+lindenwood,1889,6
+tolstoy,217,5
+klickitat,2079,1
+lakeville,1367,0
+wainscott,817,8
+newfields,749,4
+pomaria,849,6
+woodbine,1172,0
+klickitat,504,1
+wainscott,121,4
+marstons,1682,2
+shelbyville,284,3
+woodbine,1813,8
+klickitat,1628,12
+marstons,908,8
+marstons,2382,5
+tolstoy,1245,2
+beechwood,436,4
+lindenwood,2417,3
+hiteman,468,7
+onaga,191,3
+woodbine,2037,1
+marstons,1458,2
+coffeen,1117,0
+newfields,36,8
+klickitat,1269,0
+merom,946,1
+forkland,1058,4
+lakeville,1518,10
+hiteman,585,3
+tolstoy,755,1
+pinesdale,924,1
+beechwood,491,4
+tolstoy,280,0
+merom,130,2
+forkland,803,1
+merom,850,1
+hiteman,1618,1
+lindenwood,1605,1
+marstons,1075,11
+lindenwood,101,9
+lindenwood,1353,5
+leonardo,1543,0
+mifflinburg,354,0
+marstons,2160,7
+woodbine,900,9
+beechwood,111,3
+wainscott,953,8
+hiteman,1842,2
+marstons,1399,5
+shelbyville,891,7
+lakeville,1384,1
+mifflinburg,340,3
+hiteman,1532,2
+tolstoy,278,5
+newfields,1525,2
+pinesdale,229,3
+klickitat,1329,1
+shelbyville,737,0
+woodbine,620,1
+hanson,238,13
+lindenwood,1115,6
+forkland,937,1
+stockman,583,1
+marstons,1062,7
+marstons,820,0
+cosmos,214,3
+wainscott,957,3
+lindenwood,185,0
+coffeen,1194,4
+klickitat,687,2
+ranchester,531,5
+pinesdale,721,0
+ranchester,159,3
+shelbyville,1508,0
+leonardo,1264,2
+marstons,1844,0
+pinesdale,814,12
+allensville,466,2
+hiteman,1309,6
+mifflinburg,192,0
+merom,241,3
+shelbyville,2374,2
+hiteman,120,2
+lindenwood,2055,7
+newfields,1642,1
+wainscott,246,2
+pomaria,433,1
+newfields,1258,0
+lakeville,1019,2
+marstons,1368,6
+hiteman,240,5
+ranchester,1079,0
+lakeville,1827,2
+mifflinburg,512,5
+allensville,113,4
+coffeen,1181,1
+leonardo,1503,5
+mifflinburg,347,3
+lakeville,850,10
+cosmos,385,1
+hiteman,1248,1
+lindenwood,1853,15
+marstons,1682,0
+lakeville,1053,2
+tolstoy,1255,0
+newfields,1618,12
+klickitat,115,0
+hanson,574,2
+shelbyville,294,11
+marstons,1225,0
+pinesdale,832,1
+shelbyville,926,0
+hiteman,1032,5
+tolstoy,569,2
+woodbine,1008,0
+beechwood,352,3
+hiteman,1584,2
+tolstoy,143,7
+shelbyville,1689,4
+wainscott,1027,0
+marstons,45,7
+tolstoy,666,0
+coffeen,1172,0
+mifflinburg,250,0
+leonardo,463,2
+hanson,1070,2
+shelbyville,1074,0
+wainscott,1134,4
+beechwood,1066,4
+marstons,1574,7
+shelbyville,2071,4
+wainscott,1718,8
+hanson,1167,7
+shelbyville,1724,1
+pomaria,1517,7
+klickitat,340,0
+woodbine,1760,4
+leonardo,1460,1
+forkland,315,5
+pomaria,888,3
+woodbine,247,6
+pinesdale,403,5
+tolstoy,1770,5
+hiteman,1263,3
+wainscott,1645,2
+shelbyville,2258,2
+stockman,215,5
+lakeville,495,3
+allensville,513,0
+lakeville,994,4
+lindenwood,1118,1
+lakeville,1381,5
+wainscott,618,2
+merom,640,0
+lakeville,314,2
+hiteman,1447,3
+newfields,904,0
+ranchester,273,0
+lindenwood,1417,3
+leonardo,122,4
+woodbine,357,0
+lindenwood,2065,0
+leonardo,545,0
+wainscott,1175,7
+mifflinburg,58,4
+lindenwood,346,9
+leonardo,99,4
+forkland,1188,0
+marstons,71,2
+pomaria,1295,7
+newfields,539,3
+klickitat,339,1
+hanson,1225,10
+pomaria,511,10
+tolstoy,1141,4
+woodbine,1236,1
+marstons,1451,5
+shelbyville,2717,7
+marstons,1756,1
+leonardo,965,9
+benevolence,173,1
+merom,1001,4
+tolstoy,556,16
+lindenwood,85,10
+lindenwood,2468,0
+klickitat,615,2
+shelbyville,531,16
+pinesdale,523,5
+newfields,1236,3
+hiteman,551,4
+newfields,47,10
+pinesdale,1048,1
+leonardo,1051,15
+lakeville,194,3
+wainscott,813,1
+newfields,1345,2
+leonardo,887,15
+marstons,2188,3
+stockman,788,7
+lindenwood,149,12
+stockman,1417,0
+pinesdale,504,2
+merom,646,2
+newfields,513,1
+lakeville,1809,16
+newfields,1237,5
+lindenwood,328,2
+woodbine,297,3
+marstons,2328,0
+marstons,1832,2
+merom,638,1
+ranchester,1521,3
+shelbyville,1473,13
+leonardo,1828,0
+lakeville,746,5
+lindenwood,1736,3
+marstons,1195,9
+cosmos,1039,2
+lindenwood,394,0
+tolstoy,1094,6
+ranchester,862,0
+merom,1078,0
+wainscott,760,11
+leonardo,28,0
+shelbyville,332,8
+klickitat,803,3
+hiteman,389,7
+hiteman,1858,12
+klickitat,1981,2
+marstons,377,0
+hiteman,1611,7
+marstons,411,5
+hanson,1496,3
+cosmos,733,4
+mifflinburg,91,2
+cosmos,938,0
+stockman,991,2
+lindenwood,1712,5
+ranchester,514,2
+leonardo,341,6
+hanson,555,6
+lindenwood,1137,9
+pomaria,584,12
+hiteman,1326,3
+merom,77,1
+hanson,1617,15
+allensville,6,5
+klickitat,369,8
+ranchester,1257,3
+forkland,59,0
+marstons,2054,4
+pomaria,605,1
+hanson,950,0
+marstons,2149,1
+shelbyville,2184,6
+marstons,2264,8
+pinesdale,422,7
+leonardo,1069,5
+beechwood,223,0
+wainscott,1486,10
+lindenwood,297,1
+woodbine,1892,9
+marstons,261,2
+newfields,493,5
+leonardo,1031,3
+newfields,1407,2
+marstons,1529,3
+shelbyville,873,8
+pinesdale,385,3
+tolstoy,938,0
+tolstoy,62,3
+pinesdale,31,4
+lakeville,1688,0
+beechwood,633,5
+tolstoy,312,0
+shelbyville,1019,2
+tolstoy,1476,6
+lakeville,1731,7
+newfields,361,0
+hiteman,1129,13
+mifflinburg,460,2
+hiteman,1536,1
+forkland,956,0
+beechwood,985,2
+lakeville,465,0
+woodbine,261,6
+cosmos,122,2
+leonardo,1415,2
+shelbyville,1617,2
+stockman,458,1
+pinesdale,1214,6
+leonardo,1980,6
+tolstoy,149,5
+stockman,218,0
+marstons,570,8
+beechwood,320,5
+newfields,612,11
+shelbyville,504,1
+lakeville,457,1
+pinesdale,366,2
+pinesdale,1317,14
+tolstoy,1331,9
+wainscott,791,1
+beechwood,1174,6
+lindenwood,2212,14
+newfields,1611,2
+hanson,452,10
+onaga,436,4
+hiteman,1617,3
+tolstoy,551,3
+tolstoy,1593,2
+shelbyville,2482,8
+tolstoy,687,4
+shelbyville,1170,0
+shelbyville,332,12
+marstons,852,8
+pinesdale,449,0
+marstons,1455,11
+stockman,1209,8
+klickitat,1479,2
+marstons,173,16
+lakeville,505,5
+merom,363,0
+hiteman,122,5
+newfields,511,7
+lakeville,286,1
+klickitat,1937,1
+lindenwood,567,0
+klickitat,734,11
+hanson,1218,3
+coffeen,363,0
+pinesdale,867,3
+hanson,1378,0
+lindenwood,1061,1
+klickitat,629,7
+ranchester,278,6
+tolstoy,460,7
+lakeville,121,2
+wainscott,1288,1
+ranchester,1260,0
+leonardo,1548,2
+hiteman,1755,6
+hiteman,754,1
+woodbine,1664,4
+klickitat,375,6
+benevolence,145,10
+pinesdale,6,4
+lindenwood,27,3
+shelbyville,1514,1
+marstons,2144,8
+marstons,2641,4
+newfields,1037,2
+merom,790,2
+tolstoy,1092,8
+pomaria,64,3
+hiteman,1544,0
+klickitat,1419,2
+coffeen,1080,3
+klickitat,393,4
+marstons,680,1
+pomaria,1332,1
+cosmos,931,5
+cosmos,382,14
+klickitat,190,1
+cosmos,1041,7
+lakeville,161,4
+forkland,221,3
+tolstoy,339,2
+stockman,48,3
+marstons,2155,4
+cosmos,686,4
+woodbine,1682,4
+woodbine,1144,5
+woodbine,270,4
+shelbyville,1954,11
+hanson,578,6
+cosmos,30,3
+woodbine,468,1
+marstons,2593,3
+leonardo,518,9
+newfields,1356,4
+lakeville,1356,2
+shelbyville,921,2
+merom,266,0
+ranchester,420,0
+lakeville,38,0
+klickitat,2230,3
+pinesdale,284,7
+hanson,231,2
+klickitat,1123,9
+hiteman,892,4
+woodbine,1751,2
+ranchester,488,3
+wainscott,69,14
+woodbine,345,3
+klickitat,806,4
+woodbine,713,1
+leonardo,1102,1
+coffeen,894,4
+stockman,66,10
+cosmos,205,1
+wainscott,363,6
+mifflinburg,283,2
+stockman,125,2
+wainscott,558,1
+stockman,1188,1
+tolstoy,610,16
+newfields,1551,2
+merom,687,4
+shelbyville,1048,5
+stockman,404,1
+lindenwood,1411,1
+lakeville,1200,0
+merom,744,2
+shelbyville,2598,9
+leonardo,809,1
+lindenwood,1907,5
+lindenwood,1978,9
+lakeville,9,0
+hiteman,602,0
+shelbyville,2569,1
+hiteman,1503,7
+woodbine,1172,2
+ranchester,795,3
+ranchester,820,4
+coffeen,1079,0
+shelbyville,2761,6
+beechwood,294,1
+klickitat,1823,4
+tolstoy,379,5
+forkland,992,2
+lindenwood,2640,2
+shelbyville,1495,3
+beechwood,718,0
+lakeville,1424,15
+onaga,628,2
+lakeville,481,4
+hanson,219,2
+wainscott,331,2
+newfields,679,2
+tolstoy,987,4
+pomaria,377,11
+lindenwood,1351,0
+marstons,394,3
+coffeen,607,2
+shelbyville,862,0
+hiteman,478,0
+mifflinburg,93,3
+hiteman,1728,0
+onaga,590,0
+lindenwood,2674,1
+hanson,971,6
+merom,7,0
+klickitat,2312,3
+hanson,381,5
+newfields,522,0
+lakeville,226,3
+ranchester,1443,2
+shelbyville,607,2
+wainscott,532,12
+klickitat,2296,2
+shelbyville,819,3
+shelbyville,2213,4
+pomaria,1596,5
+hanson,519,17
+pomaria,997,11
+onaga,139,0
+lakeville,1754,1
+lindenwood,1135,8
+marstons,1730,10
+coffeen,704,10
+coffeen,258,0
+woodbine,625,0
+woodbine,1697,4
+ranchester,479,10
+tolstoy,1368,10
+stockman,1169,0
+cosmos,939,1
+marstons,2134,0
+klickitat,1592,7
+leonardo,695,2
+hiteman,100,1
+hiteman,896,7
+hanson,427,4
+newfields,1560,6
+ranchester,852,0
+lakeville,391,2
+klickitat,2198,4
+hiteman,123,5
+forkland,1018,4
+cosmos,530,13
+lakeville,1101,4
+shelbyville,1747,7
+klickitat,2004,1
+pinesdale,655,5
+pomaria,982,8
+wainscott,1064,4
+pomaria,1305,12
+klickitat,996,3
+hanson,15,4
+forkland,531,3
+pomaria,1601,11
+shelbyville,188,1
+beechwood,67,0
+ranchester,1580,9
+wainscott,1423,0
+marstons,497,1
+marstons,200,0
+shelbyville,998,0
+beechwood,42,3
+klickitat,479,1
+forkland,647,7
+klickitat,1799,6
+tolstoy,1557,7
+shelbyville,37,0
+forkland,361,1
+marstons,2011,0
+merom,882,3
+stockman,653,7
+shelbyville,1279,4
+ranchester,689,2
+beechwood,783,1
+newfields,602,7
+klickitat,1930,1
+hanson,1145,11
+shelbyville,2805,5
+pinesdale,1253,3
+marstons,1228,11
+shelbyville,432,0
+lakeville,1090,0
+pomaria,1415,2
+tolstoy,448,4
+lindenwood,2228,0
+lakeville,987,4
+pinesdale,572,0
+newfields,1301,14
+pomaria,334,5
+shelbyville,2281,0
+beechwood,426,1
+lakeville,1472,1
+leonardo,112,4
+pomaria,963,5
+woodbine,333,1
+lindenwood,2627,5
+hanson,58,16
+stockman,415,2
+pomaria,313,2
+shelbyville,1746,0
+shelbyville,1900,0
+benevolence,230,0
+tolstoy,1200,3
+marstons,2432,2
+coffeen,212,0
+newfields,299,22
+tolstoy,739,2
+allensville,286,1
+mifflinburg,639,2
+klickitat,959,13
+pomaria,843,0
+lindenwood,1580,4
+hanson,1470,4
+klickitat,1528,2
+shelbyville,1192,5
+hiteman,179,5
+mifflinburg,856,0
+hiteman,1505,5
+ranchester,1422,8
+leonardo,264,2
+ranchester,603,0
+klickitat,1403,0
+ranchester,437,5
+marstons,64,9
+woodbine,747,3
+mifflinburg,828,0
+wainscott,968,3
+newfields,805,4
+tolstoy,1476,5
+lindenwood,88,3
+klickitat,230,1
+shelbyville,2017,8
+lindenwood,2193,0
+shelbyville,626,1
+tolstoy,478,0
+wainscott,1025,4
+newfields,1003,2
+lindenwood,161,2
+shelbyville,1644,7
+woodbine,1595,5
+mifflinburg,330,3
+wainscott,774,2
+hiteman,885,8
+wainscott,1193,6
+marstons,125,1
+hiteman,62,2
+klickitat,76,2
+klickitat,1700,6
+merom,177,2
+stockman,756,5
+shelbyville,672,4
+shelbyville,23,1
+hanson,155,5
+pomaria,19,3
+klickitat,1337,1
+ranchester,12,0
+wainscott,588,2
+ranchester,1154,13
+lindenwood,1321,6
+forkland,603,0
+klickitat,1153,2
+forkland,114,1
+pinesdale,815,2
+shelbyville,2367,1
+lindenwood,512,5
+forkland,631,3
+wainscott,1151,4
+coffeen,538,2
+pinesdale,1349,4
+woodbine,1128,10
+ranchester,1036,8
+hanson,1437,1
+klickitat,1572,3
+klickitat,992,3
+coffeen,721,1
+leonardo,1750,2
+lakeville,1374,3
+marstons,388,2
+ranchester,832,7
+ranchester,1626,1
+benevolence,80,5
+leonardo,501,6
+newfields,630,4
+cosmos,413,0
+klickitat,1118,6
+lindenwood,1757,13
+leonardo,719,2
+mifflinburg,473,0
+klickitat,1631,2
+pomaria,56,2
+klickitat,1927,0
+shelbyville,1659,3
+klickitat,515,13
+klickitat,228,7
+hiteman,822,1
+marstons,142,3
+beechwood,181,5
+lakeville,339,4
+woodbine,413,0
+tolstoy,566,3
+klickitat,256,6
+leonardo,576,0
+klickitat,347,3
+marstons,2432,1
+hanson,27,2
+leonardo,2077,7
+marstons,33,12
+wainscott,1578,0
+pomaria,1106,5
+lindenwood,1565,0
+coffeen,1055,5
+tolstoy,411,13
+wainscott,1229,0
+klickitat,267,0
+woodbine,1590,2
+marstons,2053,0
+benevolence,496,5
+klickitat,304,1
+stockman,182,3
+beechwood,807,12
+coffeen,1216,3
+klickitat,2201,14
+mifflinburg,392,1
+leonardo,1844,1
+mifflinburg,511,5
+lindenwood,1129,6
+lakeville,1195,0
+pomaria,1602,3
+pomaria,316,10
+hanson,1429,1
+mifflinburg,200,13
+wainscott,529,14
+coffeen,704,11
+shelbyville,2624,3
+coffeen,891,3
+marstons,2061,0
+wainscott,1362,8
+klickitat,2163,1
+tolstoy,293,1
+marstons,895,11
+newfields,233,0
+newfields,1213,3
+marstons,2588,3
+beechwood,841,3
+leonardo,115,12
+lakeville,1503,2
+shelbyville,2192,3
+cosmos,106,5
+woodbine,1049,4
+beechwood,455,3
+klickitat,464,5
+lakeville,958,5
+forkland,1131,10
+newfields,980,6
+woodbine,1208,3
+merom,628,0
+leonardo,1940,1
+marstons,321,4
+pomaria,729,6
+tolstoy,1362,0
+lakeville,1601,16
+woodbine,1792,6
+leonardo,77,3
+pomaria,807,3
+lakeville,1586,10
+leonardo,1609,0
+pinesdale,228,5
+ranchester,352,2
+hanson,642,12
+pinesdale,995,4
+woodbine,2020,7
+ranchester,274,9
+pomaria,1217,3
+marstons,293,1
+beechwood,828,3
+klickitat,988,10
+cosmos,85,5
+hanson,330,8
+hiteman,1393,1
+lakeville,185,3
+ranchester,1157,0
+lakeville,1349,13
+hiteman,1217,1
+shelbyville,279,6
+newfields,1469,2
+forkland,796,1
+cosmos,438,5
+klickitat,1559,0
+onaga,65,7
+lindenwood,1682,8
+shelbyville,1424,9
+shelbyville,1774,8
+shelbyville,2701,5
+leonardo,1411,8
+woodbine,1251,1
+woodbine,1508,13
+shelbyville,1696,1
+woodbine,113,6
+onaga,607,1
+shelbyville,1262,5
+shelbyville,1252,1
+coffeen,567,7
+wainscott,9,6
+woodbine,2021,0
+newfields,56,2
+pomaria,1415,15
+onaga,619,0
+shelbyville,483,0
+hanson,7,4
+pomaria,93,1
+stockman,1417,2
+leonardo,141,3
+marstons,199,1
+tolstoy,891,8
+pomaria,28,8
+wainscott,1080,1
+stockman,1041,0
+mifflinburg,163,5
+cosmos,976,4
+hiteman,1565,1
+marstons,2530,4
+marstons,1230,4
+hiteman,1225,1
+marstons,403,0
+wainscott,1043,3
+cosmos,282,3
+klickitat,877,0
+marstons,2264,10
+beechwood,995,2
+lindenwood,147,4
+lakeville,1307,2
+leonardo,858,4
+forkland,851,2
+pomaria,796,4
+marstons,1178,2
+hanson,363,5
+marstons,1038,5
+lindenwood,1598,0
+hiteman,1307,6
+woodbine,74,9
+marstons,2331,7
+hanson,1404,5
+cosmos,681,11
+onaga,390,2
+ranchester,697,2
+beechwood,1052,5
+lindenwood,1277,6
+mifflinburg,638,1
+merom,19,4
+woodbine,581,0
+klickitat,1757,1
+marstons,2592,0
+lindenwood,1808,5
+lindenwood,2236,6
+shelbyville,17,3
+pomaria,1562,0
+klickitat,63,5
+tolstoy,1758,8
+wainscott,1614,4
+lakeville,1348,2
+mifflinburg,490,4
+allensville,201,2
+forkland,898,1
+pomaria,1001,2
+lindenwood,2312,2
+woodbine,334,2
+stockman,144,3
+pomaria,86,10
+klickitat,2056,12
+lakeville,1311,5
+beechwood,979,10
+lindenwood,1835,0
+wainscott,575,3
+ranchester,65,3
+shelbyville,897,0
+hanson,1332,2
+klickitat,1696,1
+hiteman,482,0
+hanson,630,3
+lindenwood,831,1
+ranchester,1544,1
+leonardo,37,4
+shelbyville,2239,0
+coffeen,430,2
+tolstoy,365,4
+shelbyville,577,0
+pinesdale,556,5
+klickitat,601,1
+allensville,318,5
+klickitat,193,4
+hanson,1520,9
+coffeen,1317,6
+hanson,479,0
+hanson,60,11
+klickitat,52,6
+klickitat,54,5
+beechwood,623,3
+marstons,401,1
+shelbyville,1431,9
+marstons,2531,3
+merom,375,1
+leonardo,185,2
+klickitat,1488,2
+hanson,1107,11
+shelbyville,766,0
+klickitat,534,4
+klickitat,751,10
+hiteman,112,4
+tolstoy,330,2
+lakeville,545,13
+woodbine,1595,12
+lindenwood,2491,0
+leonardo,1521,1
+wainscott,1619,1
+merom,366,3
+cosmos,608,5
+leonardo,2042,12
+wainscott,1691,1
+benevolence,551,2
+lakeville,1835,3
+newfields,473,7
+stockman,819,3
+benevolence,512,0
+leonardo,36,0
+lindenwood,2674,4
+lakeville,1668,1
+leonardo,2115,5
+shelbyville,1730,2
+woodbine,1608,3
+woodbine,940,10
+shelbyville,1381,6
+lakeville,1360,1
+shelbyville,2173,7
+hiteman,1277,0
+merom,1077,2
+benevolence,751,14
+coffeen,895,1
+cosmos,520,7
+coffeen,622,1
+shelbyville,1454,14
+klickitat,2228,11
+marstons,881,6
+lindenwood,2463,4
+hanson,642,0
+beechwood,1053,0
+hiteman,256,10
+hiteman,891,2
+marstons,1546,2
+hiteman,657,0
+beechwood,102,1
+shelbyville,2511,1
+leonardo,2052,0
+lindenwood,777,0
+hiteman,892,7
+lindenwood,2628,3
+lakeville,977,16
+coffeen,1433,0
+shelbyville,872,5
+pinesdale,775,0
+stockman,153,9
+marstons,1463,5
+newfields,1570,11
+hanson,1639,3
+hiteman,988,7
+benevolence,183,7
+newfields,1612,0
+cosmos,219,3
+lindenwood,2424,0
+beechwood,878,3
+coffeen,1105,1
+pomaria,1470,6
+klickitat,1413,2
+pomaria,171,7
+marstons,238,3
+ranchester,1354,3
+lakeville,1449,3
+allensville,49,8
+leonardo,578,8
+woodbine,1846,9
+onaga,363,3
+woodbine,979,4
+lakeville,540,1
+wainscott,1713,4
+stockman,3,1
+marstons,495,11
+woodbine,2050,3
+benevolence,39,3
+pinesdale,972,3
+wainscott,336,0
+lindenwood,1726,14
+wainscott,355,9
+lakeville,1332,1
+lindenwood,2540,3
+lindenwood,914,7
+lakeville,1284,0
+wainscott,620,3
+marstons,1399,6
+mifflinburg,644,4
+shelbyville,2389,4
+klickitat,1376,0
+newfields,657,4
+newfields,889,1
+tolstoy,1477,9
+shelbyville,1316,4
+tolstoy,1723,1
+hanson,642,2
+mifflinburg,656,1
+shelbyville,1785,1
+wainscott,727,8
+leonardo,1001,0
+pinesdale,427,4
+wainscott,1178,1
+benevolence,217,5
+beechwood,56,4
+pinesdale,1426,0
+coffeen,248,5
+lindenwood,1623,4
+forkland,1185,4
+lakeville,1872,15
+marstons,2377,3
+benevolence,958,4
+hanson,876,0
+pomaria,1165,5
+lakeville,1167,6
+onaga,77,1
+marstons,2561,0
+pinesdale,370,5
+leonardo,2115,7
+pinesdale,1084,0
+lindenwood,1661,0
+lindenwood,1032,5
+lakeville,77,3
+pinesdale,1396,4
+hanson,118,4
+pomaria,1615,0
+beechwood,270,2
+stockman,1567,2
+woodbine,982,1
+ranchester,1229,9
+klickitat,1547,1
+cosmos,871,0
+pomaria,773,3
+wainscott,934,4
+ranchester,441,4
+marstons,2101,9
+tolstoy,47,6
+pomaria,159,0
+stockman,158,1
+shelbyville,50,4
+klickitat,864,7
+shelbyville,622,1
+ranchester,1322,0
+klickitat,1896,1
+newfields,716,0
+leonardo,1463,4
+coffeen,992,3
+hiteman,1063,2
+hanson,1625,6
+tolstoy,257,1
+klickitat,1271,4
+marstons,1699,1
+lindenwood,1388,3
+mifflinburg,20,2
+coffeen,224,1
+stockman,973,0
+hanson,1624,0
+wainscott,660,7
+hiteman,825,4
+lindenwood,906,13
+cosmos,40,9
+benevolence,202,2
+wainscott,1477,0
+cosmos,242,7
+lakeville,1734,7
+shelbyville,2379,6
+newfields,964,2
+hiteman,359,4
+pomaria,1439,1
+ranchester,245,1
+pomaria,27,0
+newfields,1116,1
+klickitat,781,8
+tolstoy,1132,7
+merom,275,5
+tolstoy,218,1
+hiteman,152,3
+mifflinburg,712,0
+leonardo,1645,0
+lindenwood,1676,7
+lakeville,1467,1
+merom,947,4
+beechwood,942,11
+beechwood,1154,2
+newfields,961,7
+pomaria,961,1
+hiteman,1055,5
+marstons,495,10
+klickitat,1471,15
+merom,871,3
+coffeen,833,0
+lakeville,490,1
+klickitat,850,1
+pomaria,1440,2
+hanson,488,9
+hiteman,1354,6
+newfields,1353,3
+shelbyville,597,5
+marstons,98,1
+klickitat,866,4
+lindenwood,1128,3
+klickitat,243,3
+klickitat,1516,5
+hanson,1110,6
+coffeen,327,4
+shelbyville,229,6
+coffeen,1006,3
+lakeville,236,0
+cosmos,229,0
+klickitat,2312,1
+newfields,133,1
+klickitat,911,1
+lakeville,308,1
+wainscott,696,1
+pinesdale,1388,5
+mifflinburg,676,1
+shelbyville,2245,5
+marstons,2524,11
+wainscott,66,1
+hiteman,64,8
+lindenwood,675,6
+shelbyville,1761,7
+ranchester,326,6
+wainscott,644,3
+lindenwood,820,1
+leonardo,1763,5
+merom,1003,9
+wainscott,941,6
+marstons,2151,1
+wainscott,1367,2
+lindenwood,1165,1
+hiteman,477,15
+marstons,1170,0
+leonardo,327,0
+hanson,675,7
+wainscott,1777,1
+woodbine,1307,4
+lindenwood,1025,7
+woodbine,1930,1
+lakeville,1148,4
+stockman,937,0
+mifflinburg,10,0
+ranchester,872,6
+wainscott,389,4
+leonardo,727,0
+lakeville,1690,4
+hiteman,966,10
+woodbine,1163,0
+ranchester,1186,0
+newfields,175,0
+benevolence,547,5
+woodbine,1509,1
+pomaria,1661,6
+hiteman,1106,2
+hiteman,987,5
+tolstoy,1281,2
+klickitat,1595,6
+tolstoy,606,1
+stockman,489,0
+lakeville,1242,3
+mifflinburg,30,5
+newfields,541,8
+wainscott,1229,5
+tolstoy,460,8
+hiteman,148,3
+newfields,1119,3
+ranchester,967,3
+stockman,27,11
+newfields,1154,1
+marstons,2190,14
+cosmos,847,1
+ranchester,388,2
+newfields,899,1
+woodbine,903,2
+tolstoy,1085,4
+coffeen,1357,2
+wainscott,993,11
+marstons,1308,5
+klickitat,1437,19
+hiteman,905,3
+hanson,351,6
+wainscott,968,1
+stockman,844,1
+klickitat,1553,0
+hanson,852,3
+leonardo,1650,4
+lindenwood,2455,0
+merom,285,2
+marstons,710,8
+coffeen,554,0
+hiteman,855,2
+shelbyville,2628,2
+lindenwood,378,3
+woodbine,506,15
+woodbine,1407,4
+woodbine,1811,3
+leonardo,2033,3
+newfields,1093,16
+tolstoy,106,10
+woodbine,936,3
+shelbyville,2799,4
+pomaria,846,9
+leonardo,1485,3
+marstons,1045,4
+marstons,2543,3
+tolstoy,843,0
+marstons,1519,1
+onaga,427,1
+cosmos,509,4
+merom,635,6
+lindenwood,1994,0
+marstons,400,13
+marstons,2416,2
+newfields,933,2
+tolstoy,1516,1
+leonardo,148,6
+wainscott,382,7
+newfields,86,9
+cosmos,2,8
+wainscott,790,2
+lindenwood,2335,0
+cosmos,546,5
+lindenwood,403,2
+cosmos,828,6
+merom,837,4
+lakeville,888,3
+klickitat,115,12
+beechwood,122,4
+shelbyville,225,2
+coffeen,355,6
+lindenwood,420,1
+pomaria,1652,3
+hiteman,365,2
+cosmos,1032,0
+beechwood,315,1
+coffeen,1350,1
+pomaria,646,4
+stockman,492,2
+woodbine,303,8
+lindenwood,545,2
+tolstoy,1537,1
+cosmos,350,5
+merom,291,1
+lakeville,700,0
+beechwood,132,0
+hanson,1371,1
+wainscott,244,3
+benevolence,37,3
+lindenwood,1494,1
+woodbine,965,10
+merom,662,3
+hanson,415,0
+pinesdale,566,3
+lindenwood,2481,0
+lakeville,137,7
+leonardo,1155,9
+newfields,1258,2
+newfields,822,9
+merom,219,2
+tolstoy,142,7
+tolstoy,572,0
+wainscott,1794,7
+wainscott,1615,3
+pinesdale,1444,3
+stockman,23,3
+klickitat,946,12
+tolstoy,555,1
+leonardo,906,13
+wainscott,1738,8
+onaga,222,5
+lindenwood,1611,2
+lakeville,1141,2
+onaga,616,9
+leonardo,1696,2
+pinesdale,102,6
+leonardo,1242,3
+lindenwood,1536,1
+coffeen,1100,5
+ranchester,620,2
+beechwood,163,0
+shelbyville,2206,3
+lindenwood,282,0
+stockman,1008,1
+stockman,956,0
+leonardo,592,2
+shelbyville,2140,14
+wainscott,1444,4
+hanson,941,1
+woodbine,1745,2
+beechwood,881,6
+hiteman,91,1
+shelbyville,2525,6
+lakeville,687,9
+merom,1011,1
+hiteman,1022,8
+shelbyville,2709,5
+leonardo,1633,4
+marstons,374,0
+woodbine,1376,4
+hiteman,555,8
+pinesdale,301,9
+lakeville,1277,3
+lakeville,1361,6
+lindenwood,213,7
+woodbine,1919,4
+lindenwood,172,0
+klickitat,208,2
+pomaria,1346,7
+marstons,802,10
+klickitat,679,3
+lindenwood,348,0
+pinesdale,817,7
+ranchester,1057,3
+newfields,1274,0
+shelbyville,925,6
+hanson,1134,12
+tolstoy,535,8
+wainscott,1680,7
+woodbine,1538,2
+newfields,1110,0
+stockman,927,1
+wainscott,1541,0
+beechwood,127,2
+pinesdale,1287,4
+mifflinburg,148,3
+coffeen,1072,1
+hanson,1170,15
+shelbyville,244,0
+benevolence,377,3
+newfields,889,10
+shelbyville,19,4
+marstons,797,13
+hiteman,817,4
+lakeville,1180,7
+marstons,1441,1
+lakeville,1124,0
+marstons,499,3
+ranchester,1012,4
+hanson,493,1
+leonardo,817,12
+ranchester,755,6
+leonardo,1379,1
+lakeville,1301,5
+stockman,814,3
+tolstoy,1563,0
+mifflinburg,821,0
+onaga,311,1
+tolstoy,325,0
+hiteman,335,1
+klickitat,1792,0
+shelbyville,2315,1
+hanson,1113,0
+woodbine,1348,6
+benevolence,681,1
+woodbine,1975,11
+hanson,1627,0
+newfields,324,4
+mifflinburg,613,1
+shelbyville,1973,11
+leonardo,1911,3
+merom,221,0
+lakeville,608,15
+leonardo,72,13
+cosmos,506,5
+merom,635,0
+woodbine,1696,4
+hanson,647,9
+lindenwood,17,2
+marstons,947,4
+onaga,649,2
+ranchester,1031,10
+woodbine,1105,6
+woodbine,409,5
+pomaria,809,3
+lakeville,143,4
+pinesdale,420,16
+woodbine,570,1
+pinesdale,543,6
+hanson,993,11
+lakeville,1662,11
+pomaria,150,16
+marstons,1317,1
+ranchester,887,5
+klickitat,2182,5
+klickitat,1584,8
+klickitat,447,1
+beechwood,835,2
+tolstoy,270,1
+ranchester,1393,21
+tolstoy,1265,4
+woodbine,648,4
+hanson,992,5
+marstons,327,3
+beechwood,936,2
+merom,1052,0
+klickitat,940,3
+pomaria,1352,10
+klickitat,999,5
+klickitat,1760,2
+newfields,337,3
+pomaria,1238,1
+wainscott,703,12
+pomaria,140,0
+tolstoy,1005,0
+coffeen,385,1
+leonardo,659,5
+ranchester,1328,5
+tolstoy,179,3
+lindenwood,961,4
+tolstoy,1170,2
+tolstoy,1161,2
+tolstoy,900,1
+marstons,2200,7
+ranchester,931,2
+lakeville,164,0
+woodbine,1773,1
+lakeville,997,4
+klickitat,2043,8
+cosmos,120,6
+pinesdale,1067,1
+ranchester,1415,5
+ranchester,156,4
+marstons,1152,3
+coffeen,249,5
+beechwood,277,5
+klickitat,1892,2
+hiteman,1072,0
+newfields,618,2
+marstons,2256,0
+shelbyville,1790,5
+tolstoy,1549,12
+shelbyville,1469,5
+cosmos,697,3
+lakeville,794,8
+hanson,427,7
+marstons,1262,7
+benevolence,304,0
+beechwood,57,0
+marstons,2456,4
+stockman,1540,3
+lindenwood,2331,0
+woodbine,706,9
+wainscott,1275,6
+klickitat,1941,2
+pomaria,922,0
+marstons,186,2
+cosmos,451,0
+lakeville,1278,3
+klickitat,2116,13
+shelbyville,24,6
+lakeville,89,7
+hanson,163,1
+marstons,1231,8
+merom,919,0
+hiteman,891,3
+woodbine,1302,11
+forkland,523,0
+hanson,1450,1
+newfields,1622,2
+beechwood,1027,6
+newfields,792,5
+pomaria,573,1
+lindenwood,1595,5
+tolstoy,1107,3
+marstons,1617,0
+shelbyville,1228,3
+hiteman,608,9
+lindenwood,238,7
+stockman,1531,1
+klickitat,2375,3
+woodbine,1862,0
+klickitat,439,0
+marstons,1290,5
+hiteman,1461,10
+marstons,2468,2
+hanson,156,4
+klickitat,1114,11
+forkland,67,1
+klickitat,1294,1
+lakeville,1870,1
+beechwood,807,5
+leonardo,1349,3
+wainscott,862,6
+lakeville,1619,1
+newfields,832,0
+leonardo,696,1
+wainscott,969,3
+tolstoy,148,1
+allensville,299,3
+lindenwood,612,7
+klickitat,176,2
+pinesdale,160,0
+hanson,62,10
+onaga,189,1
+ranchester,255,9
+cosmos,226,3
+beechwood,199,4
+lakeville,499,3
+wainscott,580,1
+benevolence,304,11
+shelbyville,2085,2
+stockman,1605,1
+klickitat,810,6
+stockman,1108,6
+lindenwood,304,5
+pomaria,953,1
+coffeen,1083,6
+ranchester,1450,8
+beechwood,1008,1
+forkland,463,4
+shelbyville,2218,6
+leonardo,1863,2
+pomaria,1079,8
+hiteman,909,9
+pomaria,9,1
+stockman,418,2
+tolstoy,17,6
+tolstoy,1328,2
+marstons,2000,9
+beechwood,1145,0
+lindenwood,2004,0
+ranchester,836,6
+woodbine,39,0
+benevolence,919,0
+lindenwood,804,0
+ranchester,307,13
+marstons,1617,7
+shelbyville,2647,9
+beechwood,623,6
+leonardo,73,7
+marstons,120,2
+klickitat,1200,5
+marstons,761,2
+forkland,19,2
+woodbine,1482,7
+marstons,1388,0
+marstons,2558,9
+lindenwood,1371,1
+klickitat,1836,2
+marstons,11,3
+hanson,479,2
+shelbyville,2122,4
+marstons,2223,9
+klickitat,571,11
+benevolence,702,5
+hiteman,1000,12
+forkland,672,3
+klickitat,1887,0
+onaga,481,2
+hanson,980,5
+beechwood,691,3
+shelbyville,2055,5
+marstons,391,4
+ranchester,654,1
+leonardo,733,8
+wainscott,791,14
+beechwood,1084,6
+marstons,1318,0
+shelbyville,2166,2
+lindenwood,184,1
+forkland,1067,7
+ranchester,523,2
+woodbine,2046,10
+klickitat,1070,3
+klickitat,319,1
+marstons,54,3
+shelbyville,2215,6
+woodbine,594,7
+klickitat,2116,9
+newfields,1135,12
+lakeville,983,5
+coffeen,1149,7
+leonardo,1167,1
+shelbyville,971,6
+hiteman,60,3
+newfields,1142,9
+lakeville,809,7
+leonardo,1077,2
+hanson,56,11
+marstons,457,6
+shelbyville,125,1
+leonardo,1769,1
+cosmos,561,4
+hanson,1465,7
+mifflinburg,838,4
+mifflinburg,389,2
+ranchester,772,1
+klickitat,157,5
+marstons,599,0
+lindenwood,1170,4
+marstons,9,3
+tolstoy,1549,5
+newfields,282,2
+wainscott,1703,14
+benevolence,891,1
+allensville,516,4
+klickitat,1938,0
+stockman,47,1
+coffeen,1294,5
+onaga,116,4
+tolstoy,1146,0
+forkland,818,0
+tolstoy,538,4
+shelbyville,2275,4
+shelbyville,1806,0
+beechwood,709,2
+forkland,879,2
+klickitat,2371,6
+beechwood,1176,6
+lakeville,1657,3
+hanson,795,1
+hiteman,943,4
+klickitat,2095,2
+onaga,200,6
+wainscott,594,3
+mifflinburg,325,3
+shelbyville,2252,2
+lindenwood,1495,4
+hanson,1473,0
+tolstoy,1550,1
+lindenwood,772,5
+pomaria,496,0
+lindenwood,2528,2
+leonardo,457,6
+lakeville,1070,0
+cosmos,694,3
+pinesdale,1286,7
+coffeen,1323,5
+hiteman,1297,3
+hanson,1436,5
+wainscott,760,1
+wainscott,807,0
+woodbine,300,2
+coffeen,1084,0
+merom,538,0
+stockman,1107,0
+wainscott,313,10
+mifflinburg,28,3
+tolstoy,768,11
+newfields,672,0
+leonardo,1342,3
+lindenwood,1769,1
+cosmos,842,1
+merom,119,1
+marstons,37,9
+klickitat,1856,0
+woodbine,1015,1
+hiteman,703,1
+klickitat,2327,4
+pomaria,984,0
+shelbyville,2158,0
+wainscott,1162,4
+cosmos,639,5
+klickitat,1229,5
+pinesdale,433,3
+newfields,407,3
+merom,733,5
+klickitat,1695,12
+onaga,341,5
+hanson,1610,3
+shelbyville,858,2
+lindenwood,786,1
+klickitat,2159,0
+wainscott,726,6
+shelbyville,1981,6
+shelbyville,868,1
+pomaria,1534,12
+leonardo,1741,1
+hiteman,1196,5
+tolstoy,1543,0
+klickitat,1545,8
+beechwood,139,3
+cosmos,13,1
+ranchester,988,10
+klickitat,860,1
+lakeville,376,7
+lindenwood,853,3
+lakeville,351,10
+merom,1119,7
+hiteman,162,6
+shelbyville,2027,2
+shelbyville,2631,6
+leonardo,1766,2
+pomaria,613,10
+ranchester,171,10
+pomaria,1313,2
+cosmos,501,0
+shelbyville,2030,5
+lindenwood,2626,3
+wainscott,1694,0
+newfields,30,4
+leonardo,851,1
+leonardo,695,4
+klickitat,667,1
+pinesdale,1270,2
+klickitat,1637,8
+hiteman,1565,3
+shelbyville,2043,2
+leonardo,1923,2
+stockman,1562,0
+wainscott,312,1
+beechwood,310,0
+pomaria,1659,6
+lindenwood,2064,1
+hanson,343,1
+marstons,156,1
+newfields,1506,11
+pomaria,498,10
+leonardo,659,22
+woodbine,1286,9
+stockman,598,10
+leonardo,1294,2
+ranchester,1610,4
+beechwood,681,3
+mifflinburg,329,2
+marstons,2245,12
+pinesdale,475,1
+forkland,145,1
+merom,705,1
+hiteman,63,3
+marstons,508,4
+lakeville,659,0
+ranchester,248,1
+marstons,448,0
+hiteman,954,1
+woodbine,1183,1
+ranchester,828,3
+lindenwood,407,4
+woodbine,1808,1
+newfields,529,11
+lindenwood,1717,6
+shelbyville,1405,0
+woodbine,952,14
+newfields,443,5
+newfields,1175,4
+ranchester,1616,0
+leonardo,1492,0
+coffeen,1322,0
+pinesdale,1167,4
+mifflinburg,393,0
+pinesdale,208,2
+shelbyville,1364,3
+lindenwood,280,3
+klickitat,392,3
+hiteman,146,11
+coffeen,555,5
+benevolence,61,6
+marstons,285,7
+woodbine,1290,0
+shelbyville,2674,5
+allensville,268,7
+lakeville,100,2
+lindenwood,1785,5
+benevolence,667,3
+tolstoy,126,4
+marstons,1332,13
+leonardo,1122,1
+cosmos,81,10
+hiteman,1111,3
+pinesdale,1353,2
+newfields,476,3
+woodbine,2009,2
+onaga,86,1
+shelbyville,1074,8
+beechwood,1142,5
+lakeville,531,0
+woodbine,1648,2
+lakeville,709,3
+merom,363,1
+woodbine,0,2
+cosmos,657,3
+klickitat,1595,10
+shelbyville,808,3
+lindenwood,461,1
+hanson,661,5
+benevolence,371,13
+klickitat,1523,9
+lakeville,111,14
+pomaria,814,1
+hanson,297,5
+tolstoy,139,2
+pinesdale,865,3
+shelbyville,2462,1
+marstons,1915,3
+woodbine,1865,1
+shelbyville,2814,1
+leonardo,1870,3
+merom,721,2
+klickitat,2147,4
+merom,703,3
+ranchester,1550,2
+newfields,916,1
+pinesdale,600,3
+shelbyville,2355,7
+hiteman,442,1
+stockman,1274,2
+woodbine,2023,2
+merom,891,2
+lindenwood,682,1
+beechwood,255,2
+coffeen,61,0
+coffeen,1353,2
+coffeen,980,3
+pinesdale,313,6
+newfields,831,3
+merom,916,11
+forkland,869,5
+shelbyville,2729,0
+allensville,231,6
+pomaria,1134,1
+shelbyville,1989,6
+ranchester,1029,1
+lindenwood,1414,2
+cosmos,160,3
+beechwood,1064,0
+beechwood,149,4
+stockman,1203,4
+leonardo,1803,5
+marstons,2613,7
+coffeen,904,4
+marstons,1529,0
+newfields,765,1
+marstons,2105,7
+tolstoy,1834,1
+cosmos,679,8
+pomaria,1275,2
+mifflinburg,506,0
+pinesdale,929,0
+tolstoy,1770,12
+woodbine,996,7
+pomaria,1352,4
+hiteman,1090,1
+hiteman,1210,0
+newfields,338,1
+lindenwood,498,4
+woodbine,770,9
+mifflinburg,463,3
+wainscott,771,3
+wainscott,1098,9
+lindenwood,15,1
+newfields,923,3
+hanson,433,0
+hiteman,1043,0
+marstons,2538,3
+lakeville,1335,0
+merom,793,0
+forkland,892,0
+lakeville,373,2
+lindenwood,2461,7
+beechwood,350,1
+mifflinburg,450,1
+merom,709,4
+lindenwood,678,0
+beechwood,455,0
+klickitat,2218,6
+lakeville,705,0
+lindenwood,1948,0
+newfields,1356,2
+stockman,1398,2
+hiteman,1282,2
+pomaria,614,1
+hiteman,34,3
+lakeville,98,5
+hanson,992,11
+stockman,487,1
+beechwood,854,4
+leonardo,387,1
+beechwood,687,4
+pomaria,121,8
+marstons,1792,5
+tolstoy,1764,1
+klickitat,1799,14
+ranchester,354,9
+ranchester,1320,0
+newfields,1061,1
+klickitat,2278,8
+wainscott,682,10
+marstons,185,6
+tolstoy,971,2
+pinesdale,1506,3
+hanson,209,13
+merom,886,1
+lindenwood,1485,0
+lindenwood,500,2
+shelbyville,134,4
+forkland,963,2
+pomaria,1023,12
+lindenwood,520,1
+lakeville,1606,2
+woodbine,1140,4
+cosmos,591,8
+newfields,1018,1
+newfields,1473,11
+pomaria,636,4
+lakeville,857,3
+tolstoy,533,3
+wainscott,355,6
+stockman,1595,1
+cosmos,597,5
+forkland,773,3
+marstons,2471,5
+klickitat,341,10
+cosmos,623,9
+leonardo,1942,6
+wainscott,1774,9
+lakeville,1266,3
+klickitat,1265,1
+klickitat,177,1
+stockman,793,8
+wainscott,21,5
+shelbyville,1123,2
+klickitat,669,1
+hiteman,63,9
+cosmos,792,0
+wainscott,840,7
+lindenwood,1807,5
+hanson,1236,0
+lakeville,1752,1
+hanson,565,14
+woodbine,1644,9
+hanson,444,1
+hiteman,1388,4
+klickitat,1536,6
+tolstoy,1049,1
+newfields,78,4
+hiteman,1629,17
+cosmos,165,12
+pinesdale,186,9
+coffeen,1334,0
+forkland,961,1
+newfields,258,3
+woodbine,1172,6
+klickitat,2105,2
+woodbine,697,4
+newfields,692,0
+shelbyville,1487,1
+allensville,47,5
+merom,599,2
+klickitat,1494,3
+coffeen,1348,0
+lindenwood,1091,6
+wainscott,1729,4
+tolstoy,250,2
+marstons,1322,1
+onaga,663,10
+lakeville,1708,4
+leonardo,1447,3
+marstons,230,5
+forkland,634,1
+cosmos,572,3
+hiteman,1509,9
+mifflinburg,834,1
+forkland,942,0
+wainscott,1436,1
+coffeen,523,5
+newfields,558,18
+klickitat,1437,0
+coffeen,921,0
+wainscott,930,3
+hiteman,20,6
+stockman,72,5
+wainscott,256,1
+cosmos,215,7
+forkland,1066,0
+klickitat,337,4
+shelbyville,479,3
+ranchester,878,7
+hiteman,1212,14
+stockman,371,2
+marstons,142,5
+hanson,1094,2
+beechwood,360,0
+lakeville,1745,3
+klickitat,1545,2
+newfields,1506,0
+coffeen,142,4
+allensville,503,5
+cosmos,777,1
+woodbine,1158,5
+hiteman,1178,2
+hanson,638,0
+beechwood,998,1
+shelbyville,2139,1
+coffeen,992,1
+marstons,233,1
+pinesdale,714,1
+lindenwood,1417,0
+wainscott,569,10
+coffeen,1482,1
+hiteman,1182,1
+marstons,2029,5
+ranchester,437,7
+pomaria,1217,11
+shelbyville,569,1
+mifflinburg,928,5
+pomaria,1172,0
+newfields,1463,0
+beechwood,533,0
+woodbine,189,3
+newfields,20,3
+pinesdale,1045,9
+woodbine,20,5
+lindenwood,2302,7
+klickitat,1639,0
+klickitat,1314,3
+coffeen,51,2
+marstons,1113,7
+wainscott,763,2
+leonardo,1362,1
+klickitat,2360,3
+ranchester,656,1
+benevolence,109,2
+coffeen,748,2
+klickitat,687,5
+leonardo,2044,2
+leonardo,1635,9
+klickitat,1345,1
+lakeville,1349,11
+lindenwood,1995,1
+beechwood,595,0
+hanson,1136,9
+pomaria,927,1
+shelbyville,2611,10
+wainscott,1393,6
+leonardo,2011,4
+woodbine,632,6
+hiteman,1732,6
+wainscott,973,14
+leonardo,772,3
+marstons,407,1
+leonardo,476,3
+marstons,469,7
+ranchester,366,5
+beechwood,1090,6
+wainscott,1694,1
+pinesdale,98,2
+marstons,2197,0
+woodbine,739,2
+pomaria,440,4
+leonardo,1838,1
+pomaria,1190,0
+tolstoy,870,0
+ranchester,1039,10
+marstons,1879,4
+benevolence,690,4
+hiteman,1382,2
+cosmos,37,2
+cosmos,292,4
+leonardo,1160,8
+woodbine,692,10
+ranchester,190,3
+lindenwood,1658,1
+pinesdale,1269,12
+beechwood,1070,3
+klickitat,600,1
+woodbine,1104,2
+marstons,2047,1
+woodbine,786,2
+shelbyville,1800,5
+shelbyville,311,1
+pinesdale,247,4
+klickitat,1369,7
+klickitat,751,5
+forkland,1180,3
+ranchester,829,4
+shelbyville,575,11
+forkland,349,4
+beechwood,817,1
+pomaria,614,0
+klickitat,75,4
+lindenwood,1713,5
+klickitat,35,15
+klickitat,2395,10
+ranchester,1325,0
+stockman,762,4
+lindenwood,534,2
+shelbyville,305,1
+klickitat,1621,1
+pomaria,1440,0
+coffeen,168,0
+lakeville,1050,1
+cosmos,940,1
+shelbyville,1744,9
+klickitat,1032,0
+shelbyville,1206,4
+lakeville,1223,0
+marstons,2399,7
+pomaria,1357,4
+beechwood,787,1
+ranchester,441,7
+shelbyville,2444,4
+marstons,878,4
+lindenwood,2009,5
+shelbyville,109,3
+lakeville,1410,1
+pinesdale,291,0
+wainscott,1012,8
+tolstoy,1509,4
+benevolence,15,13
+coffeen,971,4
+shelbyville,2681,0
+woodbine,795,2
+lindenwood,1118,3
+coffeen,997,0
+woodbine,1793,6
+pomaria,893,4
+coffeen,523,1
+forkland,511,3
+klickitat,2148,0
+woodbine,1975,4
+forkland,1123,6
+klickitat,1810,0
+pomaria,95,3
+cosmos,983,1
+woodbine,397,8
+lakeville,555,4
+tolstoy,279,4
+beechwood,282,0
+woodbine,270,8
+marstons,1195,6
+woodbine,1084,4
+wainscott,709,0
+cosmos,577,1
+lakeville,1050,3
+hiteman,1729,0
+benevolence,638,1
+shelbyville,284,9
+tolstoy,104,4
+marstons,1398,6
+shelbyville,446,3
+klickitat,850,0
+hiteman,1567,5
+allensville,129,3
+ranchester,1422,7
+marstons,1306,1
+beechwood,537,0
+stockman,146,1
+coffeen,1137,2
+merom,310,6
+mifflinburg,72,12
+shelbyville,752,0
+leonardo,402,4
+klickitat,65,11
+lakeville,1421,7
+klickitat,254,1
+allensville,56,1
+wainscott,155,6
+leonardo,1723,2
+marstons,1874,2
+woodbine,1336,3
+hiteman,1514,2
+hiteman,693,4
+wainscott,272,0
+woodbine,1000,4
+woodbine,1310,4
+tolstoy,821,0
+pinesdale,814,14
+pomaria,1154,2
+klickitat,2352,1
+hanson,145,0
+stockman,1071,7
+woodbine,1534,11
+pomaria,470,0
+hiteman,240,1
+woodbine,660,19
+marstons,2037,2
+wainscott,625,8
+leonardo,796,6
+pomaria,1357,5
+lindenwood,1075,1
+beechwood,803,4
+newfields,933,5
+wainscott,474,2
+pinesdale,1009,1
+cosmos,714,9
+hiteman,1506,11
+forkland,74,0
+woodbine,14,1
+lindenwood,2633,4
+allensville,27,2
+cosmos,209,3
+klickitat,2327,5
+marstons,2107,0
+shelbyville,2684,3
+tolstoy,1650,2
+hiteman,155,2
+forkland,136,4
+leonardo,1054,4
+shelbyville,1906,1
+coffeen,434,0
+lindenwood,720,2
+coffeen,665,6
+leonardo,1802,5
+hiteman,1658,3
+hanson,1428,4
+mifflinburg,130,1
+ranchester,193,8
+woodbine,1550,0
+hiteman,608,4
+hiteman,884,0
+shelbyville,2457,9
+ranchester,1283,3
+forkland,14,3
+klickitat,834,0
+leonardo,1227,3
+mifflinburg,602,1
+newfields,921,3
+pomaria,289,1
+wainscott,1708,9
+merom,399,0
+lakeville,256,15
+lakeville,1813,4
+wainscott,1278,8
+pinesdale,1376,2
+hiteman,461,2
+ranchester,439,5
+merom,620,1
+marstons,1399,7
+shelbyville,134,7
+stockman,1598,3
+marstons,1286,1
+shelbyville,1193,2
+mifflinburg,840,3
+coffeen,359,2
+benevolence,871,3
+tolstoy,599,2
+wainscott,1276,2
+lindenwood,1678,0
+shelbyville,1324,4
+stockman,66,12
+tolstoy,696,0
+mifflinburg,953,9
+pomaria,1346,2
+woodbine,1520,1
+shelbyville,743,3
+cosmos,392,1
+tolstoy,807,6
+lindenwood,2459,3
+lakeville,313,4
+wainscott,1657,0
+beechwood,861,5
+shelbyville,148,9
+hiteman,130,1
+pomaria,445,0
+shelbyville,1555,7
+woodbine,1751,7
+marstons,1221,4
+shelbyville,553,6
+lindenwood,22,8
+marstons,335,4
+woodbine,297,1
+tolstoy,1745,3
+leonardo,1963,5
+marstons,549,4
+pomaria,1330,0
+leonardo,302,0
+lindenwood,1322,5
+allensville,396,4
+allensville,438,8
+hanson,333,0
+newfields,1373,0
+stockman,330,1
+stockman,1001,2
+beechwood,666,0
+cosmos,1063,3
+newfields,1241,4
+klickitat,191,5
+wainscott,1677,3
+woodbine,908,8
+shelbyville,201,4
+lindenwood,1310,0
+tolstoy,1668,4
+newfields,380,0
+hiteman,1501,5
+wainscott,818,1
+klickitat,188,9
+ranchester,1097,3
+marstons,1850,9
+marstons,309,12
+beechwood,602,6
+cosmos,509,0
+beechwood,660,2
+klickitat,1485,3
+stockman,1515,3
+pinesdale,898,1
+coffeen,1340,2
+coffeen,1057,2
+hiteman,186,8
+hiteman,1058,3
+merom,219,0
+marstons,542,0
+klickitat,23,4
+forkland,176,3
+beechwood,761,4
+wainscott,1390,0
+beechwood,1170,0
+hanson,258,0
+tolstoy,1406,1
+newfields,702,3
+lindenwood,236,4
+marstons,1640,6
+hanson,1055,4
+lakeville,985,0
+cosmos,940,15
+hiteman,852,0
+woodbine,437,3
+hiteman,388,4
+hanson,1502,3
+newfields,1577,1
+klickitat,1069,3
+klickitat,1695,11
+lakeville,1516,8
+cosmos,410,3
+lakeville,1140,13
+hiteman,1555,1
+woodbine,1447,2
+lindenwood,1129,9
+hiteman,1089,5
+shelbyville,838,2
+marstons,40,12
+marstons,1610,1
+marstons,2187,1
+woodbine,705,1
+lakeville,1666,6
+shelbyville,744,8
+onaga,379,2
+hiteman,1597,3
+klickitat,1598,12
+ranchester,73,2
+newfields,1199,2
+cosmos,667,1
+klickitat,1252,2
+lakeville,316,1
+allensville,349,2
+merom,368,4
+marstons,934,15
+leonardo,1465,7
+lakeville,577,6
+woodbine,1650,4
+hanson,164,0
+pomaria,1392,10
+mifflinburg,128,1
+marstons,1322,7
+hanson,1237,0
+coffeen,439,2
+hanson,403,3
+leonardo,1593,13
+marstons,1789,0
+ranchester,311,4
+woodbine,1322,1
+tolstoy,223,2
+beechwood,1040,6
+newfields,636,12
+ranchester,140,5
+tolstoy,811,2
+pomaria,1075,15
+newfields,1116,0
+marstons,680,0
+lindenwood,1246,4
+pinesdale,92,3
+pomaria,380,0
+forkland,933,0
+lindenwood,1204,0
+hiteman,68,10
+hiteman,1158,10
+coffeen,1497,6
+beechwood,332,3
+lakeville,1198,0
+hiteman,851,6
+newfields,1301,8
+leonardo,71,0
+hanson,111,6
+hiteman,1586,1
+hiteman,1695,10
+ranchester,307,0
+pinesdale,11,2
+lindenwood,2113,12
+benevolence,364,0
+coffeen,1480,0
+klickitat,277,0
+hiteman,547,6
+hanson,1599,4
+pomaria,1368,4
+lakeville,128,6
+hiteman,1384,1
+ranchester,283,0
+mifflinburg,66,0
+woodbine,367,1
+lakeville,1804,9
+leonardo,1506,0
+hanson,1419,0
+pomaria,1337,6
+benevolence,494,2
+pomaria,279,7
+hanson,250,1
+klickitat,2304,7
+lindenwood,2469,0
+newfields,1488,9
+klickitat,174,1
+wainscott,1362,2
+shelbyville,1717,1
+pomaria,332,6
+hanson,685,4
+allensville,204,0
+ranchester,88,3
+stockman,947,0
+klickitat,1711,6
+forkland,544,3
+leonardo,401,2
+hanson,821,2
+hanson,1186,2
+forkland,620,4
+mifflinburg,508,0
+klickitat,2039,1
+marstons,2347,2
+leonardo,786,3
+hanson,759,3
+newfields,1652,2
+shelbyville,2331,2
+marstons,1698,11
+tolstoy,1691,1
+wainscott,680,1
+pomaria,1249,8
+hiteman,124,1
+forkland,263,1
+shelbyville,1129,1
+ranchester,1219,8
+hanson,1036,5
+leonardo,604,13
+newfields,1116,10
+wainscott,1452,7
+hanson,97,2
+tolstoy,816,0
+newfields,202,3
+leonardo,941,13
+woodbine,304,0
+tolstoy,336,1
+woodbine,1445,6
+mifflinburg,770,3
+stockman,320,4
+leonardo,523,5
+forkland,611,0
+benevolence,889,6
+lindenwood,915,1
+klickitat,1824,5
+shelbyville,1839,2
+lakeville,635,0
+cosmos,957,9
+lindenwood,2357,0
+hanson,154,4
+leonardo,433,10
+hiteman,804,3
+ranchester,1273,0
+ranchester,732,2
+newfields,1547,13
+benevolence,225,6
+woodbine,1442,12
+hanson,1132,2
+tolstoy,747,0
+marstons,2356,4
+klickitat,990,9
+lindenwood,1327,2
+klickitat,581,3
+pomaria,1112,5
+marstons,1604,4
+marstons,1207,12
+shelbyville,134,3
+mifflinburg,164,0
+shelbyville,2357,11
+lakeville,576,3
+merom,395,1
+lindenwood,1183,15
+pomaria,880,2
+pomaria,1483,4
+leonardo,509,0
+mifflinburg,209,5
+newfields,369,1
+coffeen,1370,0
+woodbine,488,18
+marstons,2122,8
+wainscott,1232,1
+wainscott,817,9
+shelbyville,1705,5
+klickitat,916,4
+lindenwood,2318,6
+marstons,1917,3
+beechwood,321,8
+marstons,1224,7
+woodbine,1279,0
+coffeen,1174,3
+allensville,23,5
+marstons,2286,0
+forkland,399,4
+stockman,964,2
+hiteman,1351,2
+klickitat,1677,7
+woodbine,1702,7
+tolstoy,1540,0
+merom,91,1
+marstons,410,5
+shelbyville,404,0
+marstons,2022,4
+pinesdale,1275,2
+newfields,1069,2
+woodbine,871,3
+newfields,1456,0
+tolstoy,1393,1
+stockman,422,3
+shelbyville,1520,3
+hanson,940,3
+shelbyville,1894,5
+ranchester,63,10
+coffeen,690,6
+cosmos,757,1
+pinesdale,1403,9
+shelbyville,2169,0
+ranchester,1434,9
+klickitat,940,7
+hiteman,459,1
+lindenwood,768,6
+cosmos,888,3
+pinesdale,686,10
+marstons,1762,3
+leonardo,1358,22
+pomaria,393,0
+leonardo,695,5
+cosmos,281,0
+coffeen,317,8
+klickitat,264,3
+hiteman,1129,9
+wainscott,1713,1
+shelbyville,641,1
+woodbine,1572,9
+tolstoy,1291,1
+allensville,468,3
+tolstoy,818,2
+tolstoy,642,8
+benevolence,235,11
+marstons,2210,7
+leonardo,1633,3
+shelbyville,669,2
+hiteman,1361,4
+pomaria,1046,7
+lindenwood,2407,5
+lindenwood,2004,2
+coffeen,1148,3
+newfields,1423,0
+woodbine,1258,4
+cosmos,727,3
+cosmos,519,2
+wainscott,550,7
+stockman,93,2
+hanson,358,14
+pomaria,66,5
+hiteman,761,6
+shelbyville,2694,0
+hanson,754,2
+hanson,111,8
+stockman,214,6
+woodbine,1279,1
+pomaria,1308,8
+shelbyville,101,1
+pomaria,509,6
+woodbine,269,3
+beechwood,290,0
+wainscott,1562,0
+klickitat,2338,9
+newfields,1499,8
+leonardo,1688,13
+woodbine,1731,0
+forkland,390,0
+ranchester,461,11
+mifflinburg,614,3
+tolstoy,1372,6
+merom,593,0
+pinesdale,1424,1
+onaga,608,2
+woodbine,1720,1
+tolstoy,1692,1
+mifflinburg,610,4
+hanson,624,1
+shelbyville,978,1
+beechwood,423,6
+klickitat,2244,4
+klickitat,1757,7
+tolstoy,719,1
+leonardo,1148,1
+lakeville,652,7
+shelbyville,886,2
+pinesdale,771,2
+hanson,1511,1
+lakeville,1882,3
+klickitat,416,2
+pomaria,431,2
+newfields,538,1
+wainscott,861,1
+shelbyville,2563,10
+klickitat,127,3
+cosmos,965,7
+wainscott,1027,2
+pinesdale,814,1
+benevolence,700,5
+newfields,980,9
+lakeville,497,0
+benevolence,575,2
+lindenwood,654,1
+woodbine,708,14
+beechwood,293,4
+woodbine,968,2
+hiteman,131,10
+marstons,2154,3
+hanson,796,8
+beechwood,676,6
+lakeville,383,2
+ranchester,1105,1
+woodbine,1148,0
+tolstoy,846,3
+marstons,1586,7
+ranchester,1093,1
+pinesdale,1489,8
+leonardo,1000,16
+lakeville,803,5
+allensville,440,1
+hanson,870,2
+pomaria,102,2
+merom,814,2
+shelbyville,889,8
+shelbyville,1558,7
+tolstoy,401,2
+marstons,1821,0
+lindenwood,850,7
+pomaria,241,8
+newfields,560,4
+tolstoy,443,1
+lakeville,525,4
+wainscott,1295,0
+wainscott,58,4
+pomaria,339,3
+lindenwood,619,0
+ranchester,1501,6
+leonardo,772,1
+marstons,1902,6
+cosmos,816,1
+lindenwood,2130,2
+marstons,2191,10
+merom,230,4
+pomaria,963,10
+newfields,1547,2
+marstons,365,2
+leonardo,489,7
+lakeville,1799,17
+pomaria,491,13
+hiteman,1830,4
+pomaria,737,9
+leonardo,404,5
+tolstoy,564,2
+shelbyville,33,2
+hanson,1524,1
+newfields,308,4
+shelbyville,12,6
+klickitat,909,0
+pomaria,438,4
+coffeen,20,2
+ranchester,535,6
+lindenwood,1809,8
+beechwood,930,2
+wainscott,1015,11
+newfields,417,1
+cosmos,215,10
+tolstoy,1592,8
+ranchester,323,5
+pinesdale,1015,1
+beechwood,974,0
+stockman,175,0
+newfields,481,8
+beechwood,759,3
+klickitat,1688,0
+beechwood,58,2
+tolstoy,742,13
+stockman,1399,0
+benevolence,838,0
+klickitat,371,5
+shelbyville,863,1
+pinesdale,1149,12
+woodbine,34,8
+ranchester,608,9
+newfields,663,7
+newfields,866,0
+wainscott,1107,3
+ranchester,164,4
+wainscott,1108,0
+lakeville,1397,6
+tolstoy,1723,2
+wainscott,314,4
+tolstoy,803,9
+lindenwood,127,8
+tolstoy,131,0
+leonardo,141,7
+hiteman,1556,15
+pomaria,1011,3
+newfields,1161,12
+allensville,305,9
+stockman,1311,3
+beechwood,806,14
+coffeen,243,2
+coffeen,494,0
+hiteman,25,3
+woodbine,235,8
+lindenwood,890,2
+pomaria,1451,6
+merom,699,1
+klickitat,89,0
+lakeville,1386,2
+leonardo,670,4
+marstons,1578,3
+pomaria,1438,0
+tolstoy,313,3
+ranchester,370,5
+lindenwood,501,0
+klickitat,1583,9
+marstons,1744,5
+hanson,686,0
+marstons,876,2
+marstons,2351,9
+pomaria,1580,1
+shelbyville,2120,0
+wainscott,864,3
+newfields,1208,6
+marstons,1830,1
+tolstoy,145,8
+klickitat,1967,2
+marstons,1646,1
+marstons,2231,11
+tolstoy,190,4
+shelbyville,2361,8
+marstons,2117,0
+shelbyville,1514,0
+woodbine,723,3
+ranchester,418,3
+coffeen,1373,5
+wainscott,1597,3
+ranchester,1409,2
+pomaria,268,4
+shelbyville,1278,3
+shelbyville,1436,1
+ranchester,1439,6
+marstons,575,4
+woodbine,171,9
+klickitat,1171,7
+tolstoy,768,0
+wainscott,447,2
+marstons,1304,5
+hanson,1437,5
+wainscott,588,1
+klickitat,429,1
+leonardo,1838,3
+shelbyville,2651,2
+klickitat,69,6
+pinesdale,1151,6
+cosmos,759,1
+stockman,630,0
+shelbyville,1048,0
+newfields,504,6
+pomaria,1381,17
+hanson,709,4
+hiteman,1638,4
+pinesdale,777,4
+hanson,724,6
+hiteman,938,2
+lakeville,1113,0
+ranchester,844,14
+wainscott,1013,2
+mifflinburg,67,4
+lakeville,1524,7
+hanson,956,6
+woodbine,1709,4
+coffeen,1377,2
+ranchester,1,13
+coffeen,339,0
+hanson,456,1
+shelbyville,2096,4
+shelbyville,99,1
+klickitat,250,3
+hanson,1398,5
+woodbine,1585,0
+hiteman,1270,4
+forkland,409,2
+cosmos,574,0
+cosmos,857,11
+lindenwood,346,3
+shelbyville,2124,2
+onaga,639,3
+shelbyville,2814,8
+beechwood,668,0
+benevolence,194,3
+hanson,1101,1
+hiteman,924,3
+klickitat,625,3
+woodbine,62,9
+woodbine,527,0
+klickitat,1167,9
+ranchester,210,12
+woodbine,1562,2
+ranchester,1225,0
+stockman,824,0
+leonardo,140,2
+marstons,2161,3
+wainscott,1118,2
+cosmos,669,5
+coffeen,955,0
+tolstoy,1195,6
+wainscott,646,9
+newfields,141,2
+stockman,1356,4
+woodbine,1970,4
+lindenwood,1788,2
+marstons,784,9
+shelbyville,1788,3
+shelbyville,1591,13
+lakeville,1412,8
+hanson,469,5
+leonardo,1353,0
+cosmos,502,2
+lakeville,1102,2
+forkland,1162,3
+ranchester,1421,0
+shelbyville,1178,4
+stockman,27,7
+shelbyville,1461,1
+klickitat,1980,14
+forkland,998,2
+hanson,5,4
+pomaria,1633,4
+mifflinburg,126,0
+tolstoy,324,0
+stockman,738,0
+ranchester,1461,3
+ranchester,69,8
+pomaria,367,4
+woodbine,1902,13
+lindenwood,1099,5
+leonardo,831,3
+lindenwood,2053,3
+woodbine,515,5
+leonardo,941,8
+lindenwood,2677,4
+woodbine,1631,3
+forkland,997,2
+newfields,348,3
+mifflinburg,847,6
+woodbine,926,7
+coffeen,321,2
+ranchester,453,9
+lindenwood,123,4
+beechwood,468,1
+pinesdale,282,0
+coffeen,926,3
+pomaria,769,7
+lakeville,1476,4
+marstons,1762,5
+newfields,1461,3
+shelbyville,1539,1
+wainscott,880,3
+wainscott,675,14
+forkland,520,2
+merom,631,1
+pinesdale,1444,6
+lindenwood,1899,11
+newfields,113,0
+ranchester,1554,1
+shelbyville,929,2
+marstons,1746,0
+shelbyville,531,0
+klickitat,1337,0
+stockman,499,3
+pinesdale,916,14
+pomaria,673,3
+lindenwood,955,7
+woodbine,898,6
+shelbyville,80,8
+wainscott,1259,7
+shelbyville,1240,3
+wainscott,1331,0
+klickitat,1441,1
+marstons,2083,1
+ranchester,939,0
+pomaria,1278,0
+klickitat,1655,7
+cosmos,240,7
+newfields,1424,8
+marstons,1429,0
+hiteman,867,0
+marstons,1886,0
+ranchester,50,10
+marstons,1343,0
+newfields,798,7
+lindenwood,1562,7
+lakeville,995,4
+hiteman,716,2
+tolstoy,670,8
+leonardo,1548,1
+marstons,318,7
+hanson,1579,11
+stockman,1296,9
+shelbyville,1241,8
+cosmos,303,3
+ranchester,1295,1
+shelbyville,2353,6
+hanson,1294,5
+lindenwood,732,1
+leonardo,1042,2
+pinesdale,1097,7
+forkland,1105,2
+leonardo,2041,8
+woodbine,1362,15
+forkland,993,0
+coffeen,840,3
+lakeville,794,21
+leonardo,1149,0
+shelbyville,831,3
+coffeen,1300,5
+leonardo,786,0
+forkland,402,1
+lakeville,1263,1
+tolstoy,424,1
+newfields,161,0
+pomaria,1475,13
+pomaria,157,3
+hanson,304,5
+tolstoy,1044,1
+newfields,154,1
+shelbyville,1565,5
+tolstoy,1825,6
+klickitat,1319,3
+shelbyville,642,0
+wainscott,1751,9
+newfields,853,2
+mifflinburg,62,5
+stockman,816,3
+shelbyville,467,1
+hiteman,138,8
+marstons,974,7
+shelbyville,1880,7
+shelbyville,565,0
+beechwood,142,6
+wainscott,543,2
+klickitat,126,7
+beechwood,1042,9
+klickitat,2419,7
+onaga,440,4
+woodbine,746,2
+stockman,853,0
+lakeville,628,6
+onaga,251,0
+pomaria,1363,9
+leonardo,1031,1
+beechwood,1038,2
+ranchester,681,6
+woodbine,539,4
+lakeville,1634,1
+shelbyville,1603,6
+wainscott,3,12
+marstons,1717,6
+pomaria,584,19
+marstons,711,1
+leonardo,239,1
+lindenwood,2565,9
+newfields,1524,2
+tolstoy,1159,1
+woodbine,103,2
+leonardo,11,1
+benevolence,911,3
+ranchester,744,1
+marstons,1858,1
+marstons,7,2
+hanson,692,1
+onaga,504,5
+ranchester,775,12
+lindenwood,57,0
+marstons,1805,7
+klickitat,2014,4
+lakeville,1403,14
+pinesdale,958,6
+lindenwood,346,2
+marstons,772,7
+tolstoy,919,0
+pomaria,1619,4
+forkland,909,4
+shelbyville,2632,1
+hiteman,446,17
+leonardo,1344,7
+lindenwood,2568,9
+lindenwood,522,2
+marstons,1045,2
+marstons,1544,2
+hanson,623,4
+benevolence,681,6
+pinesdale,849,1
+beechwood,877,0
+forkland,1147,4
+klickitat,1045,0
+mifflinburg,961,2
+newfields,1407,1
+hanson,666,7
+hanson,220,3
+mifflinburg,657,2
+hiteman,1184,0
+lindenwood,823,0
+lakeville,131,1
+wainscott,822,1
+leonardo,1063,2
+cosmos,3,2
+klickitat,1745,2
+stockman,1549,0
+shelbyville,1766,10
+newfields,1587,10
+cosmos,338,1
+stockman,1400,5
+marstons,1492,13
+shelbyville,1555,2
+pinesdale,50,6
+pomaria,678,2
+shelbyville,1608,2
+wainscott,1063,0
+woodbine,1712,8
+cosmos,15,5
+leonardo,1388,5
+marstons,1572,3
+klickitat,2056,6
+woodbine,1102,4
+coffeen,803,1
+hanson,1601,2
+shelbyville,391,0
+lakeville,1022,0
+merom,770,1
+wainscott,776,0
+merom,134,7
+lakeville,1066,1
+lindenwood,851,7
+stockman,9,2
+stockman,829,16
+shelbyville,1498,7
+beechwood,896,5
+stockman,528,7
+marstons,137,0
+mifflinburg,204,4
+shelbyville,1263,3
+newfields,362,3
+klickitat,840,6
+leonardo,1988,15
+coffeen,534,5
+hiteman,74,9
+leonardo,1800,5
+wainscott,178,3
+hiteman,267,2
+pomaria,605,3
+newfields,61,14
+klickitat,2115,3
+lindenwood,1569,6
+coffeen,920,1
+wainscott,797,4
+hanson,307,5
+leonardo,1638,2
+newfields,1018,5
+wainscott,910,1
+allensville,55,3
+hiteman,15,3
+pomaria,909,3
+woodbine,786,4
+marstons,1947,0
+klickitat,1870,0
+ranchester,1296,2
+pinesdale,453,5
+ranchester,996,10
+pomaria,122,0
+beechwood,397,3
+marstons,1700,0
+leonardo,1564,2
+klickitat,725,1
+lindenwood,2162,2
+leonardo,309,2
+hiteman,1692,4
+benevolence,156,3
+mifflinburg,497,0
+mifflinburg,851,4
+pomaria,121,3
+stockman,1619,2
+marstons,2116,3
+woodbine,897,4
+lakeville,805,2
+coffeen,1028,3
+wainscott,185,2
+marstons,155,1
+marstons,1562,5
+pinesdale,1323,0
+lindenwood,1373,4
+cosmos,737,2
+newfields,388,7
+wainscott,1403,0
+pinesdale,457,2
+hiteman,688,6
+pinesdale,183,2
+shelbyville,132,7
+pomaria,42,12
+newfields,588,16
+lindenwood,452,2
+newfields,1282,2
+pomaria,1521,3
+cosmos,620,4
+klickitat,1974,3
+leonardo,35,2
+merom,554,6
+shelbyville,494,2
+hiteman,540,5
+lindenwood,2491,4
+tolstoy,1132,14
+hanson,1237,8
+shelbyville,692,11
+hanson,257,13
+shelbyville,146,0
+leonardo,722,2
+stockman,890,0
+beechwood,977,1
+hanson,17,9
+hiteman,839,4
+tolstoy,1429,4
+hiteman,1272,3
+pomaria,1122,10
+ranchester,860,1
+merom,124,0
+lakeville,1862,17
+beechwood,369,1
+shelbyville,2204,1
+lakeville,1000,2
+klickitat,1158,0
+hiteman,259,3
+wainscott,97,0
+pomaria,1464,6
+forkland,943,1
+lakeville,1215,3
+pinesdale,1143,7
+lindenwood,838,4
+ranchester,281,6
+tolstoy,768,9
+shelbyville,960,6
+pinesdale,1164,4
+allensville,168,3
+lindenwood,2217,1
+shelbyville,201,3
+pomaria,1093,1
+marstons,1000,9
+cosmos,356,7
+klickitat,252,3
+allensville,103,2
+pomaria,1299,8
+pinesdale,582,6
+beechwood,45,5
+pomaria,386,1
+coffeen,576,0
+cosmos,79,1
+shelbyville,2315,2
+wainscott,150,5
+wainscott,793,0
+hanson,459,2
+coffeen,22,2
+ranchester,694,1
+beechwood,564,1
+lindenwood,2470,2
+coffeen,218,1
+klickitat,309,3
+ranchester,1317,18
+lakeville,976,1
+woodbine,1950,6
+shelbyville,1492,4
+hiteman,602,4
+marstons,2583,2
+leonardo,1133,0
+pinesdale,1284,3
+allensville,197,1
+forkland,113,0
+newfields,825,14
+hiteman,797,2
+tolstoy,932,5
+wainscott,116,10
+lindenwood,796,8
+klickitat,2003,3
+tolstoy,874,1
+coffeen,861,0
+hiteman,1814,6
+lakeville,756,6
+marstons,2443,4
+leonardo,848,5
+pinesdale,1236,2
+pomaria,114,4
+marstons,2194,1
+lakeville,1734,2
+woodbine,1444,9
+pinesdale,711,6
+mifflinburg,644,5
+shelbyville,1494,6
+marstons,48,6
+shelbyville,935,1
+tolstoy,820,11
+pomaria,1182,2
+stockman,1531,4
+pomaria,616,2
+pomaria,1661,9
+leonardo,1696,0
+klickitat,854,1
+woodbine,340,10
+forkland,481,3
+lakeville,611,0
+leonardo,1891,9
+wainscott,1688,3
+lindenwood,1601,1
+lakeville,1672,3
+klickitat,1676,5
+pinesdale,973,8
+pinesdale,851,2
+tolstoy,1317,1
+woodbine,128,2
+marstons,343,0
+mifflinburg,951,4
+allensville,41,1
+hanson,1510,6
+hiteman,1772,9
+beechwood,262,2
+newfields,208,0
+pomaria,425,5
+marstons,319,0
+ranchester,336,6
+wainscott,758,14
+lindenwood,1293,2
+lakeville,197,1
+newfields,1135,5
+cosmos,987,8
+shelbyville,1936,3
+shelbyville,1498,2
+woodbine,1021,2
+woodbine,2026,7
+marstons,244,0
+woodbine,586,11
+pomaria,186,11
+ranchester,116,1
+hanson,838,11
+newfields,1255,0
+hiteman,1100,0
+lindenwood,1415,0
+coffeen,130,8
+lakeville,432,8
+marstons,326,13
+cosmos,647,1
+hanson,340,2
+leonardo,1365,0
+lakeville,1107,4
+hiteman,1717,13
+coffeen,992,0
+leonardo,1537,0
+woodbine,1067,5
+stockman,1111,6
+woodbine,1189,0
+mifflinburg,310,1
+shelbyville,1818,4
+leonardo,1102,6
+shelbyville,890,3
+tolstoy,1565,2
+pomaria,197,1
+wainscott,1041,7
+marstons,597,8
+lakeville,1352,7
+merom,480,8
+newfields,1003,6
+woodbine,152,3
+marstons,1653,1
+cosmos,808,0
+klickitat,1689,10
+leonardo,1572,2
+wainscott,1127,10
+marstons,1705,7
+woodbine,971,2
+coffeen,1126,4
+pomaria,474,5
+shelbyville,2484,10
+mifflinburg,823,5
+shelbyville,1653,0
+stockman,1243,4
+stockman,45,3
+woodbine,365,2
+tolstoy,168,3
+wainscott,670,5
+ranchester,1380,2
+newfields,1222,9
+marstons,1648,3
+tolstoy,1385,2
+cosmos,803,1
+beechwood,284,3
+marstons,379,2
+woodbine,1141,0
+allensville,456,2
+lindenwood,2199,3
+lakeville,768,4
+leonardo,1614,0
+marstons,2065,1
+pomaria,544,3
+pomaria,1677,5
+coffeen,1426,1
+lakeville,1496,8
+leonardo,1796,0
+coffeen,442,1
+leonardo,674,1
+lindenwood,1772,10
+coffeen,1160,8
+pinesdale,667,11
+shelbyville,676,1
+newfields,61,7
+hiteman,1188,2
+cosmos,991,0
+hanson,178,5
+leonardo,79,1
+shelbyville,87,11
+tolstoy,910,1
+klickitat,380,8
+wainscott,735,14
+stockman,1423,4
+klickitat,478,0
+pinesdale,1392,1
+leonardo,300,1
+tolstoy,538,7
+tolstoy,384,14
+pinesdale,70,4
+newfields,315,1
+cosmos,742,2
+pomaria,943,3
+klickitat,899,0
+wainscott,1433,7
+marstons,204,15
+cosmos,379,11
+benevolence,123,10
+leonardo,678,9
+pomaria,1240,9
+lindenwood,1489,0
+tolstoy,1606,7
+ranchester,127,2
+leonardo,794,15
+hanson,1246,0
+woodbine,1700,3
+woodbine,1456,1
+leonardo,683,8
+beechwood,321,6
+beechwood,229,4
+forkland,196,2
+pinesdale,1235,6
+lindenwood,1635,3
+lindenwood,951,1
+newfields,1609,4
+pomaria,1569,1
+merom,53,3
+shelbyville,359,5
+wainscott,1102,4
+stockman,1055,5
+woodbine,1688,5
+newfields,47,2
+tolstoy,776,0
+klickitat,1955,6
+lakeville,1224,3
+stockman,705,2
+shelbyville,2135,0
+woodbine,1849,0
+wainscott,639,8
+hanson,78,2
+tolstoy,408,1
+hanson,1352,2
+lindenwood,587,2
+cosmos,427,1
+marstons,2080,0
+wainscott,357,0
+wainscott,988,2
+hiteman,24,4
+hiteman,1672,0
+hanson,677,3
+woodbine,14,0
+shelbyville,647,2
+onaga,109,0
+klickitat,691,0
+coffeen,1263,6
+cosmos,557,7
+tolstoy,206,7
+benevolence,509,4
+woodbine,449,2
+marstons,1596,14
+cosmos,857,13
+woodbine,849,2
+stockman,1419,5
+newfields,678,5
+wainscott,491,2
+stockman,767,7
+lakeville,1522,7
+shelbyville,2264,3
+cosmos,91,1
+newfields,1460,0
+hiteman,1097,2
+shelbyville,1108,0
+beechwood,448,4
+pinesdale,99,4
+coffeen,1118,6
+hanson,1383,3
+forkland,525,0
+shelbyville,2497,2
+hanson,1024,9
+wainscott,385,1
+pinesdale,138,2
+woodbine,1435,9
+hiteman,1725,3
+merom,856,1
+klickitat,695,2
+wainscott,723,0
+ranchester,1344,7
+stockman,1563,3
+newfields,1018,8
+cosmos,1024,0
+stockman,1432,3
+marstons,490,2
+wainscott,691,3
+hiteman,587,4
+pinesdale,850,3
+coffeen,926,0
+klickitat,1778,2
+lakeville,351,0
+lindenwood,2560,0
+lindenwood,1847,3
+merom,959,2
+merom,993,5
+lindenwood,2552,2
+shelbyville,1772,7
+merom,395,2
+hanson,4,2
+lakeville,1537,20
+benevolence,764,4
+ranchester,1125,7
+pomaria,963,14
+onaga,243,3
+leonardo,1482,13
+lakeville,485,3
+mifflinburg,226,3
+tolstoy,951,5
+klickitat,2262,1
+coffeen,1397,2
+shelbyville,581,0
+benevolence,713,8
+mifflinburg,758,1
+marstons,2345,0
+merom,781,8
+newfields,1229,6
+lakeville,1545,8
+woodbine,92,6
+shelbyville,1675,3
+cosmos,108,2
+mifflinburg,560,5
+woodbine,1996,0
+tolstoy,764,5
+klickitat,2017,0
+shelbyville,1671,1
+lakeville,1147,6
+newfields,22,2
+hiteman,794,5
+benevolence,877,0
+pinesdale,1249,2
+ranchester,1566,11
+hiteman,1102,3
+pomaria,503,5
+beechwood,333,3
+tolstoy,693,5
+coffeen,1225,1
+newfields,418,2
+newfields,413,1
+lakeville,68,7
+mifflinburg,942,1
+hiteman,526,2
+hiteman,1814,9
+leonardo,480,0
+coffeen,993,2
+stockman,187,0
+woodbine,1508,2
+klickitat,248,0
+wainscott,1628,4
+woodbine,1012,3
+hiteman,1403,1
+cosmos,844,2
+lindenwood,2669,1
+hiteman,1200,1
+woodbine,1065,1
+mifflinburg,928,4
+klickitat,580,12
+lakeville,1850,2
+woodbine,1601,2
+woodbine,982,6
+lindenwood,586,4
+ranchester,1584,7
+newfields,790,5
+tolstoy,309,13
+marstons,335,7
+marstons,2170,7
+pinesdale,205,5
+mifflinburg,51,1
+lindenwood,790,5
+hiteman,702,3
+woodbine,1097,1
+hanson,824,3
+marstons,1045,7
+newfields,1499,11
+hiteman,1695,7
+tolstoy,295,8
+shelbyville,2722,6
+newfields,313,13
+shelbyville,185,2
+lakeville,1629,2
+hanson,1059,2
+tolstoy,1405,6
+woodbine,1021,3
+woodbine,767,3
+hanson,1446,13
+leonardo,1536,1
+woodbine,1748,6
+tolstoy,285,3
+ranchester,7,0
+cosmos,428,0
+tolstoy,557,7
+shelbyville,2205,2
+shelbyville,2405,4
+hiteman,1272,2
+klickitat,1881,0
+tolstoy,221,1
+lindenwood,1088,2
+lakeville,569,5
+onaga,256,2
+newfields,740,9
+klickitat,2132,0
+shelbyville,1818,2
+lakeville,1106,2
+wainscott,1138,6
+marstons,12,4
+wainscott,1615,2
+lindenwood,2577,5
+marstons,384,8
+hiteman,404,3
+ranchester,1252,1
+hiteman,1823,0
+tolstoy,1013,5
+shelbyville,1744,10
+hanson,240,7
+tolstoy,216,2
+newfields,417,6
+lindenwood,1083,2
+hanson,796,4
+merom,565,2
+lakeville,1750,1
+marstons,1096,2
+wainscott,232,12
+ranchester,976,3
+pomaria,795,0
+coffeen,800,6
+leonardo,1899,10
+woodbine,2058,5
+klickitat,1504,3
+ranchester,8,8
+mifflinburg,95,3
+tolstoy,975,0
+allensville,448,1
+newfields,598,4
+lindenwood,261,3
+shelbyville,1401,10
+lakeville,776,3
+ranchester,1224,0
+hiteman,1,8
+leonardo,502,2
+merom,478,2
+coffeen,193,2
+leonardo,358,0
+hiteman,821,2
+lakeville,280,1
+lindenwood,708,0
+ranchester,839,0
+pinesdale,333,8
+shelbyville,2130,2
+beechwood,402,1
+tolstoy,1052,1
+woodbine,1915,1
+ranchester,1250,11
+wainscott,539,7
+allensville,217,1
+klickitat,2375,4
+forkland,304,1
+coffeen,1107,0
+ranchester,917,2
+lindenwood,824,8
+hanson,722,5
+leonardo,92,3
+hanson,794,8
+beechwood,300,2
+cosmos,176,2
+marstons,655,4
+tolstoy,1234,3
+lakeville,351,11
+tolstoy,1755,11
+pomaria,725,11
+klickitat,1310,1
+lindenwood,2001,2
+hiteman,1048,3
+shelbyville,1995,0
+forkland,0,8
+pomaria,448,0
+marstons,206,1
+coffeen,676,1
+coffeen,386,7
+stockman,912,12
+klickitat,207,7
+lakeville,1647,1
+tolstoy,1759,1
+lindenwood,1384,0
+marstons,2421,5
+klickitat,1741,6
+klickitat,1793,3
+hiteman,352,0
+shelbyville,2547,2
+hanson,450,1
+shelbyville,2328,3
+stockman,1025,1
+pomaria,73,0
+leonardo,1697,5
+beechwood,1060,3
+lindenwood,1654,1
+hanson,48,3
+lakeville,1478,0
+forkland,949,1
+hiteman,1534,0
+lakeville,908,6
+klickitat,2082,2
+hiteman,845,4
+mifflinburg,700,0
+coffeen,616,8
+newfields,1317,5
+marstons,1562,2
+forkland,880,5
+shelbyville,1689,6
+wainscott,361,1
+woodbine,656,4
+hanson,58,5
+klickitat,2303,2
+stockman,93,4
+newfields,923,0
+coffeen,499,3
+lindenwood,635,5
+lindenwood,2260,1
+shelbyville,1783,1
+pinesdale,650,1
+marstons,2534,0
+lakeville,111,3
+coffeen,545,1
+marstons,1141,5
+benevolence,262,2
+woodbine,649,14
+mifflinburg,409,3
+klickitat,1397,2
+pomaria,330,14
+cosmos,1008,2
+ranchester,282,0
+lindenwood,2557,12
+marstons,1281,3
+forkland,678,0
+klickitat,1054,1
+tolstoy,1071,9
+lindenwood,273,10
+hanson,1556,1
+coffeen,757,2
+beechwood,676,7
+pinesdale,1253,0
+marstons,2271,0
+hanson,914,4
+hiteman,262,5
+woodbine,415,1
+lindenwood,2286,5
+newfields,1166,1
+newfields,1311,0
+wainscott,1083,0
+klickitat,732,1
+hiteman,1770,2
+lakeville,972,1
+beechwood,1072,1
+benevolence,8,4
+beechwood,778,2
+lindenwood,953,1
+pinesdale,502,1
+lakeville,731,1
+coffeen,567,3
+shelbyville,98,8
+lindenwood,1951,9
+newfields,1009,9
+pomaria,177,1
+wainscott,1599,7
+leonardo,369,5
+marstons,2199,1
+hanson,111,0
+marstons,2523,8
+klickitat,1457,6
+marstons,2533,8
+marstons,491,10
+lakeville,1814,0
+lakeville,612,1
+pinesdale,596,9
+newfields,401,7
+hiteman,1758,7
+shelbyville,17,0
+woodbine,1269,14
+stockman,1468,1
+klickitat,2072,15
+stockman,1149,2
+lindenwood,39,0
+hiteman,1772,11
+newfields,1359,2
+shelbyville,2413,2
+lakeville,656,3
+hiteman,1525,4
+shelbyville,694,0
+marstons,48,10
+hiteman,1081,3
+beechwood,1061,1
+ranchester,1452,2
+klickitat,37,7
+coffeen,1169,0
+pomaria,1637,1
+lakeville,1463,4
+marstons,1301,2
+ranchester,62,7
+newfields,1394,7
+lakeville,1664,8
+pomaria,1530,5
+shelbyville,1589,5
+wainscott,1355,11
+woodbine,1977,3
+lakeville,1670,13
+shelbyville,2495,9
+lakeville,1623,6
+onaga,562,2
+klickitat,311,5
+marstons,696,0
+merom,1001,8
+onaga,643,1
+woodbine,1952,2
+cosmos,970,3
+beechwood,244,1
+benevolence,521,2
+newfields,542,1
+pinesdale,578,1
+tolstoy,61,6
+pomaria,841,2
+klickitat,1805,6
+stockman,142,6
+lakeville,393,7
+leonardo,12,11
+forkland,636,0
+lindenwood,1313,2
+leonardo,1411,21
+beechwood,91,2
+pomaria,103,7
+ranchester,1153,4
+shelbyville,752,1
+wainscott,1154,3
+pinesdale,1183,3
+hanson,1309,10
+marstons,356,2
+beechwood,49,5
+marstons,1963,7
+coffeen,1302,0
+beechwood,1033,2
+hiteman,137,4
+klickitat,1040,9
+stockman,1164,2
+allensville,159,2
+hanson,628,5
+wainscott,117,9
+lakeville,27,1
+coffeen,471,5
+merom,1057,6
+woodbine,506,14
+benevolence,926,2
+lindenwood,1596,7
+shelbyville,2802,2
+leonardo,891,3
+wainscott,43,1
+woodbine,1175,3
+beechwood,19,1
+newfields,11,4
+cosmos,503,7
+benevolence,60,4
+wainscott,604,9
+shelbyville,1805,8
+coffeen,540,2
+wainscott,782,6
+pinesdale,629,3
+tolstoy,1289,1
+woodbine,1765,8
+newfields,427,1
+lindenwood,130,5
+hiteman,841,8
+hanson,895,5
+ranchester,1635,2
+stockman,207,7
+ranchester,530,3
+tolstoy,1306,1
+leonardo,391,2
+cosmos,513,1
+hiteman,1097,3
+klickitat,915,0
+lakeville,1808,1
+marstons,2017,5
+leonardo,1045,0
+hanson,1530,9
+marstons,1155,10
+lindenwood,900,2
+pinesdale,898,3
+newfields,477,4
+klickitat,1642,1
+hanson,106,7
+lindenwood,2572,5
+wainscott,1222,2
+tolstoy,1822,5
+lakeville,116,12
+woodbine,11,4
+marstons,2127,10
+leonardo,548,1
+marstons,2441,11
+ranchester,170,1
+stockman,664,8
+hiteman,18,7
+pinesdale,1047,1
+newfields,1166,0
+cosmos,505,8
+lakeville,583,2
+merom,1,4
+newfields,197,0
+ranchester,1036,7
+hanson,878,6
+allensville,290,10
+shelbyville,2102,0
+hanson,716,8
+beechwood,391,5
+woodbine,1955,1
+coffeen,471,7
+lakeville,619,11
+hiteman,660,4
+lindenwood,847,6
+stockman,1486,4
+shelbyville,1206,11
+pomaria,1544,1
+beechwood,1064,7
+lindenwood,1,6
+stockman,335,4
+woodbine,638,1
+shelbyville,2142,8
+lindenwood,2033,1
+woodbine,746,0
+klickitat,724,3
+mifflinburg,344,2
+onaga,524,3
+pomaria,42,6
+wainscott,572,11
+wainscott,342,1
+lindenwood,2586,4
+lindenwood,1342,2
+ranchester,605,1
+klickitat,1778,3
+lindenwood,1114,6
+wainscott,1338,1
+lindenwood,839,1
+shelbyville,1359,8
+mifflinburg,573,2
+marstons,2152,3
+tolstoy,349,0
+newfields,1158,16
+cosmos,520,8
+benevolence,88,0
+klickitat,781,6
+klickitat,1452,6
+wainscott,1462,14
+marstons,755,5
+shelbyville,1552,1
+marstons,581,5
+lindenwood,2513,3
+cosmos,841,4
+tolstoy,999,4
+shelbyville,648,0
+marstons,677,10
+onaga,93,1
+forkland,501,3
+hiteman,1622,3
+leonardo,709,1
+beechwood,387,0
+shelbyville,2253,0
+pomaria,158,2
+hanson,1221,8
+lakeville,1340,0
+klickitat,751,8
+tolstoy,1523,12
+klickitat,2043,1
+leonardo,915,3
+stockman,770,8
+lindenwood,1859,0
+coffeen,782,1
+marstons,2284,1
+merom,913,2
+mifflinburg,603,5
+stockman,823,4
+shelbyville,2799,5
+marstons,289,0
+newfields,393,0
+tolstoy,672,1
+pomaria,936,7
+onaga,676,0
+klickitat,1162,0
+stockman,628,1
+beechwood,1156,7
+forkland,871,8
+lindenwood,170,2
+marstons,1577,9
+ranchester,822,0
+klickitat,747,0
+lindenwood,237,7
+shelbyville,1504,0
+benevolence,325,2
+onaga,353,3
+wainscott,326,2
+wainscott,1364,4
+hiteman,1274,2
+shelbyville,1973,10
+allensville,364,1
+lakeville,1683,5
+leonardo,1404,0
+lindenwood,1150,4
+pinesdale,659,7
+newfields,1247,2
+newfields,1184,1
+woodbine,513,5
+tolstoy,1589,3
+woodbine,1077,1
+woodbine,933,1
+lakeville,1239,1
+wainscott,6,4
+hanson,35,12
+hiteman,596,0
+pomaria,389,1
+marstons,82,1
+woodbine,584,6
+lindenwood,242,7
+forkland,284,1
+beechwood,807,7
+benevolence,138,4
+ranchester,417,4
+tolstoy,1421,3
+tolstoy,1000,1
+stockman,159,4
+newfields,1228,3
+woodbine,1303,12
+coffeen,1479,0
+marstons,2653,6
+lindenwood,1636,0
+woodbine,1092,3
+ranchester,1089,0
+ranchester,1384,0
+onaga,452,2
+lakeville,1107,2
+beechwood,858,5
+lindenwood,380,0
+lakeville,1267,1
+merom,965,5
+stockman,1550,1
+ranchester,319,3
+newfields,311,5
+benevolence,689,1
+lindenwood,187,3
+benevolence,709,1
+klickitat,2226,4
+beechwood,144,6
+newfields,221,1
+wainscott,1122,4
+newfields,772,1
+pinesdale,1170,0
+onaga,118,5
+leonardo,511,6
+hanson,484,5
+lakeville,7,0
+woodbine,1783,0
+tolstoy,924,11
+newfields,949,12
+beechwood,717,0
+woodbine,1919,6
+pomaria,828,1
+shelbyville,1692,11
+ranchester,813,1
+marstons,64,0
+lakeville,360,1
+woodbine,1242,0
+woodbine,1206,2
+ranchester,697,0
+lakeville,1577,1
+lakeville,510,0
+lakeville,1007,0
+newfields,1492,1
+marstons,1972,3
+lakeville,131,7
+leonardo,1358,19
+klickitat,1512,2
+pinesdale,1488,2
+marstons,2614,20
+klickitat,741,4
+lindenwood,533,10
+klickitat,376,0
+lindenwood,923,3
+merom,1004,2
+wainscott,796,2
+klickitat,2155,2
+ranchester,711,4
+shelbyville,884,1
+benevolence,661,0
+wainscott,645,5
+newfields,1417,10
+merom,110,0
+marstons,2043,0
+hanson,1571,3
+ranchester,978,1
+lindenwood,1703,3
+beechwood,519,8
+shelbyville,1822,1
+leonardo,542,3
+coffeen,514,0
+newfields,840,6
+lakeville,1823,7
+beechwood,749,3
+stockman,344,3
+shelbyville,2425,6
+hanson,206,2
+wainscott,1765,6
+stockman,1074,4
+shelbyville,1214,9
+tolstoy,1274,3
+leonardo,1595,0
+ranchester,193,0
+wainscott,1047,9
+woodbine,103,5
+lakeville,1278,4
+tolstoy,977,0
+klickitat,2259,5
+lindenwood,1120,0
+pinesdale,1092,6
+klickitat,1940,6
+mifflinburg,61,1
+forkland,986,0
+coffeen,1002,1
+pomaria,914,9
+forkland,647,0
+wainscott,1677,15
+woodbine,1764,14
+benevolence,906,3
+wainscott,812,5
+shelbyville,603,2
+stockman,1072,3
+ranchester,1011,1
+shelbyville,2348,2
+woodbine,992,4
+wainscott,621,13
+newfields,319,1
+pinesdale,396,1
+lakeville,135,1
+stockman,55,0
+marstons,767,2
+leonardo,1974,5
+woodbine,1444,0
+shelbyville,230,0
+shelbyville,1420,2
+woodbine,1822,10
+cosmos,1077,1
+newfields,1523,4
+tolstoy,1190,1
+lindenwood,2350,1
+lakeville,1603,2
+wainscott,828,2
+tolstoy,312,11
+wainscott,938,3
+lakeville,399,7
+tolstoy,1088,8
+stockman,815,6
+lakeville,205,0
+wainscott,1208,3
+klickitat,208,0
+lakeville,252,7
+newfields,1297,0
+cosmos,984,1
+ranchester,266,3
+mifflinburg,521,0
+lindenwood,583,7
+wainscott,79,5
+leonardo,707,0
+hanson,623,6
+hiteman,472,5
+coffeen,513,1
+cosmos,909,2
+pomaria,1186,11
+mifflinburg,545,2
+klickitat,1757,9
+hanson,1388,17
+hanson,827,6
+wainscott,989,4
+wainscott,1673,4
+lindenwood,602,1
+pinesdale,912,1
+coffeen,142,0
+ranchester,753,0
+hiteman,24,12
+pinesdale,1104,2
+pinesdale,928,2
+onaga,229,1
+lakeville,250,13
+hiteman,219,6
+lindenwood,586,7
+newfields,1481,0
+klickitat,919,4
+wainscott,740,10
+hiteman,1036,6
+leonardo,449,2
+shelbyville,294,3
+klickitat,467,10
+lindenwood,440,0
+onaga,529,2
+shelbyville,1298,4
+tolstoy,847,2
+wainscott,810,0
+hiteman,1318,8
+tolstoy,17,5
+coffeen,1338,2
+pinesdale,1074,5
+coffeen,119,2
+shelbyville,2307,4
+lindenwood,612,4
+pomaria,1388,0
+tolstoy,631,0
+lindenwood,1244,1
+cosmos,640,1
+shelbyville,2549,5
+cosmos,433,0
+shelbyville,998,3
+woodbine,1251,0
+woodbine,1325,6
+lakeville,16,2
+lakeville,1777,1
+wainscott,1241,8
+tolstoy,475,0
+pomaria,764,7
+pomaria,945,3
+woodbine,548,0
+beechwood,660,1
+hanson,1284,12
+pomaria,689,1
+marstons,83,0
+coffeen,904,2
+klickitat,283,1
+klickitat,137,2
+wainscott,916,5
+lindenwood,1546,2
+allensville,79,4
+lindenwood,2677,5
+merom,435,0
+hanson,841,1
+allensville,355,7
+woodbine,629,2
+stockman,455,1
+tolstoy,255,3
+benevolence,165,0
+wainscott,944,17
+lindenwood,1287,3
+marstons,1227,1
+stockman,1026,5
+tolstoy,917,10
+leonardo,1121,3
+pinesdale,970,2
+coffeen,895,6
+hanson,300,1
+tolstoy,42,4
+forkland,748,2
+klickitat,2123,6
+marstons,1676,7
+klickitat,1040,6
+lindenwood,403,4
+forkland,168,5
+lindenwood,1850,0
+hanson,1080,2
+hiteman,1193,3
+pinesdale,727,8
+forkland,279,3
+lindenwood,990,6
+lakeville,492,1
+cosmos,607,1
+ranchester,274,7
+klickitat,1510,1
+leonardo,1133,2
+lindenwood,1292,3
+coffeen,227,5
+marstons,2046,2
+klickitat,147,12
+pomaria,535,2
+cosmos,996,1
+hanson,777,7
+beechwood,955,3
+tolstoy,312,7
+forkland,442,1
+lindenwood,865,6
+klickitat,1726,2
+wainscott,43,0
+stockman,222,4
+leonardo,1833,0
+ranchester,120,1
+beechwood,308,0
+woodbine,1987,4
+newfields,1474,5
+stockman,1230,4
+hanson,1489,4
+allensville,511,6
+shelbyville,791,1
+lindenwood,948,9
+wainscott,883,9
+pinesdale,1,10
+lindenwood,2572,3
+ranchester,1267,1
+lindenwood,1897,10
+klickitat,1367,9
+shelbyville,694,2
+woodbine,675,9
+pinesdale,1153,9
+wainscott,784,2
+merom,1116,1
+lakeville,1591,8
+shelbyville,129,2
+tolstoy,1767,8
+woodbine,236,4
+pomaria,831,0
+hanson,944,0
+lakeville,312,1
+cosmos,636,5
+marstons,2637,0
+pomaria,407,4
+tolstoy,852,5
+pinesdale,117,3
+pomaria,941,0
+lindenwood,126,4
+marstons,1170,10
+forkland,303,3
+onaga,248,2
+leonardo,1071,2
+merom,771,0
+tolstoy,617,11
+newfields,481,19
+leonardo,1978,7
+klickitat,86,2
+pinesdale,1287,3
+pinesdale,260,5
+newfields,1360,2
+pomaria,295,4
+marstons,98,2
+stockman,880,5
+wainscott,651,0
+coffeen,686,3
+pomaria,182,0
+lakeville,201,1
+pomaria,220,2
+klickitat,95,5
+onaga,79,0
+tolstoy,559,7
+hanson,1466,0
+merom,141,4
+tolstoy,1454,2
+allensville,244,5
+tolstoy,161,5
+wainscott,851,12
+merom,924,1
+coffeen,642,0
+leonardo,1082,0
+beechwood,16,5
+leonardo,451,0
+klickitat,269,4
+marstons,786,1
+tolstoy,788,3
+onaga,188,5
+wainscott,1111,8
+woodbine,1500,2
+merom,192,1
+stockman,1216,0
+hiteman,1430,7
+pomaria,949,3
+hiteman,1184,2
+woodbine,1549,1
+pomaria,699,2
+stockman,100,0
+pinesdale,657,4
+merom,104,7
+pomaria,112,7
+newfields,381,7
+cosmos,595,9
+pomaria,553,8
+lindenwood,461,3
+woodbine,1097,2
+ranchester,467,9
+lindenwood,1634,7
+klickitat,1595,1
+leonardo,1145,3
+hanson,971,10
+lindenwood,1512,0
+shelbyville,1566,2
+shelbyville,301,2
+ranchester,1123,13
+hanson,1427,1
+lindenwood,2146,2
+cosmos,427,10
+mifflinburg,520,4
+leonardo,779,10
+marstons,539,2
+marstons,1091,14
+pomaria,1000,7
+pinesdale,162,7
+lakeville,400,0
+hanson,1486,0
+pomaria,1635,3
+hiteman,854,2
+wainscott,1303,11
+stockman,303,2
+allensville,197,3
+mifflinburg,167,3
+hanson,1414,0
+shelbyville,1805,2
+onaga,521,0
+ranchester,475,3
+klickitat,341,4
+forkland,937,0
+lakeville,1441,6
+shelbyville,1867,1
+beechwood,305,2
+woodbine,227,0
+pomaria,442,2
+pomaria,1375,3
+marstons,1515,5
+tolstoy,1476,1
+lakeville,571,5
+forkland,724,1
+woodbine,816,0
+tolstoy,488,3
+shelbyville,1304,1
+wainscott,1732,3
+klickitat,1552,0
+woodbine,1375,9
+newfields,639,1
+onaga,85,2
+klickitat,1820,2
+merom,264,1
+coffeen,1090,2
+tolstoy,1332,5
+shelbyville,805,5
+lindenwood,2046,1
+benevolence,941,1
+leonardo,659,21
+forkland,920,0
+hiteman,1442,4
+wainscott,1518,1
+beechwood,314,1
+hanson,358,8
+woodbine,1125,0
+hanson,54,3
+leonardo,1712,2
+leonardo,1507,1
+ranchester,1440,0
+wainscott,118,0
+lakeville,1086,6
+woodbine,1846,7
+hanson,1333,3
+leonardo,504,4
+lakeville,1269,0
+marstons,2452,3
+leonardo,683,9
+merom,796,5
+lindenwood,651,4
+leonardo,232,0
+lakeville,1057,1
+shelbyville,2702,0
+stockman,680,1
+klickitat,2264,3
+lakeville,1376,1
+marstons,2023,9
+coffeen,98,3
+hanson,794,3
+forkland,1110,3
+pomaria,581,1
+lakeville,254,0
+newfields,1623,2
+newfields,275,0
+tolstoy,428,0
+stockman,1478,4
+stockman,746,1
+wainscott,1687,1
+leonardo,639,2
+newfields,1163,6
+hiteman,1010,0
+marstons,2168,0
+klickitat,2017,1
+wainscott,337,14
+hanson,128,6
+ranchester,645,8
+lindenwood,623,4
+shelbyville,1519,10
+beechwood,413,3
+newfields,1109,12
+woodbine,612,10
+onaga,469,5
+klickitat,813,0
+lindenwood,941,3
+lakeville,1363,4
+leonardo,977,6
+onaga,365,2
+marstons,31,5
+marstons,2480,0
+woodbine,1823,2
+coffeen,98,1
+hiteman,1181,3
+wainscott,1442,0
+cosmos,40,5
+pinesdale,1214,9
+lindenwood,1552,1
+ranchester,1135,0
+wainscott,512,8
+lindenwood,1918,4
+ranchester,906,1
+cosmos,503,4
+klickitat,1552,7
+cosmos,659,0
+marstons,429,7
+pinesdale,1036,1
+newfields,750,6
+marstons,2021,5
+newfields,360,9
+shelbyville,2150,17
+forkland,417,2
+hiteman,1280,5
+leonardo,871,0
+stockman,171,2
+benevolence,305,4
+tolstoy,133,2
+marstons,1906,3
+forkland,364,6
+forkland,796,4
+shelbyville,2671,0
+marstons,2635,1
+lindenwood,1218,6
+pinesdale,1345,9
+lakeville,785,9
+newfields,93,1
+tolstoy,290,4
+pomaria,108,7
+hiteman,424,4
+hanson,1459,9
+cosmos,162,6
+hiteman,1453,3
+ranchester,1222,1
+shelbyville,1205,7
+merom,338,1
+tolstoy,701,3
+leonardo,1660,2
+stockman,599,0
+hanson,323,11
+leonardo,303,6
+klickitat,310,4
+hiteman,334,7
+marstons,16,1
+merom,631,0
+wainscott,1720,0
+mifflinburg,747,1
+tolstoy,1310,1
+lindenwood,1220,1
+lindenwood,702,6
+lindenwood,713,0
+woodbine,176,1
+pomaria,395,1
+hiteman,968,15
+hanson,1433,1
+klickitat,1167,1
+marstons,1442,12
+allensville,410,5
+shelbyville,2775,9
+lakeville,1002,7
+leonardo,1399,0
+forkland,1128,1
+tolstoy,1766,6
+beechwood,346,0
+benevolence,34,1
+lindenwood,938,1
+shelbyville,2666,0
+leonardo,699,3
+shelbyville,2620,2
+stockman,612,5
+shelbyville,2181,3
+tolstoy,1426,2
+hanson,1193,4
+lakeville,1788,4
+stockman,336,0
+newfields,1269,1
+shelbyville,18,5
+mifflinburg,326,1
+stockman,407,7
+hiteman,919,1
+wainscott,277,7
+tolstoy,1693,9
+tolstoy,437,4
+ranchester,844,15
+marstons,173,17
+coffeen,424,0
+beechwood,884,1
+shelbyville,2710,0
+klickitat,1487,1
+shelbyville,2093,3
+shelbyville,1377,5
+woodbine,1303,10
+forkland,388,0
+merom,745,0
+lakeville,759,8
+coffeen,164,0
+ranchester,725,0
+cosmos,159,3
+shelbyville,2542,2
+lindenwood,2496,1
+pomaria,136,0
+marstons,2378,1
+leonardo,1700,1
+marstons,1494,1
+coffeen,9,5
+ranchester,1610,0
+lindenwood,2476,7
+hanson,1554,8
+klickitat,116,11
+lindenwood,2567,0
+coffeen,1093,3
+wainscott,1172,0
+newfields,1643,3
+merom,558,1
+leonardo,1753,2
+allensville,351,4
+lakeville,1083,4
+klickitat,597,0
+newfields,869,6
+leonardo,1952,8
+klickitat,742,0
+stockman,1389,1
+leonardo,1560,0
+ranchester,889,3
+leonardo,2022,5
+shelbyville,223,1
+lakeville,105,4
+shelbyville,2183,2
+wainscott,1503,4
+pomaria,1409,0
+pomaria,1306,4
+lindenwood,1893,2
+leonardo,966,4
+marstons,1043,0
+coffeen,850,2
+marstons,697,7
+lindenwood,2574,5
+shelbyville,752,2
+lakeville,399,1
+hiteman,1000,13
+newfields,1064,8
+hiteman,1827,0
+lakeville,1489,0
+tolstoy,387,0
+merom,160,0
+shelbyville,1152,6
+allensville,384,7
+beechwood,401,2
+forkland,651,2
+lindenwood,1504,2
+ranchester,1628,4
+marstons,2595,12
+lakeville,1455,6
+newfields,577,12
+pinesdale,1327,4
+coffeen,177,3
+stockman,211,2
+hanson,1240,3
+woodbine,67,6
+hanson,1645,6
+pomaria,1330,1
+leonardo,320,2
+forkland,614,2
+shelbyville,1688,6
+wainscott,996,1
+leonardo,440,4
+wainscott,1452,0
+woodbine,342,0
+stockman,1047,2
+lindenwood,1627,3
+beechwood,550,9
+lindenwood,1622,1
+klickitat,1297,4
+ranchester,1125,3
+beechwood,1081,3
+merom,243,2
+hiteman,1399,9
+stockman,293,1
+shelbyville,2307,7
+merom,69,0
+hanson,597,4
+wainscott,1651,11
+tolstoy,347,5
+mifflinburg,332,0
+pomaria,944,1
+beechwood,1144,8
+marstons,1371,4
+ranchester,918,5
+tolstoy,1468,4
+marstons,2177,0
+hanson,83,1
+newfields,1391,0
+pinesdale,86,1
+klickitat,649,11
+tolstoy,409,2
+hanson,738,11
+forkland,890,3
+leonardo,735,3
+leonardo,1806,3
+shelbyville,887,4
+mifflinburg,415,5
+hanson,1203,0
+newfields,435,8
+shelbyville,1692,0
+hiteman,518,8
+newfields,14,11
+woodbine,1553,5
+pomaria,1225,3
+tolstoy,709,9
+mifflinburg,237,4
+onaga,53,2
+woodbine,1008,4
+cosmos,875,0
+tolstoy,1162,2
+mifflinburg,623,1
+shelbyville,828,1
+wainscott,576,0
+pomaria,394,3
+lindenwood,1470,4
+klickitat,2172,17
+leonardo,298,4
+hiteman,814,7
+lakeville,617,2
+marstons,664,3
+lakeville,1434,5
+tolstoy,638,7
+klickitat,1210,7
+hanson,656,12
+lindenwood,734,2
+marstons,1854,0
+wainscott,1594,9
+pomaria,1648,4
+forkland,15,5
+lindenwood,330,2
+allensville,58,3
+ranchester,563,1
+ranchester,1165,0
+beechwood,473,5
+stockman,1307,3
+marstons,970,6
+shelbyville,2736,10
+merom,160,2
+beechwood,785,3
+forkland,1053,1
+shelbyville,971,4
+newfields,1353,0
+woodbine,271,11
+tolstoy,507,5
+woodbine,852,3
+hanson,945,0
+leonardo,1355,10
+ranchester,377,7
+forkland,989,1
+lakeville,833,0
+pinesdale,1144,7
+hiteman,1112,11
+marstons,1660,0
+mifflinburg,920,6
+stockman,79,0
+hanson,712,3
+klickitat,1877,1
+lindenwood,1278,1
+woodbine,1795,0
+lakeville,1075,6
+beechwood,16,3
+wainscott,313,11
+ranchester,926,6
+hanson,10,1
+klickitat,1631,1
+klickitat,1974,8
+wainscott,547,6
+pinesdale,945,8
+wainscott,802,1
+woodbine,990,3
+lindenwood,1865,3
+klickitat,32,10
+klickitat,1578,3
+coffeen,1296,5
+lindenwood,2013,3
+ranchester,245,3
+woodbine,472,4
+hanson,67,5
+wainscott,1745,5
+klickitat,207,3
+beechwood,583,6
+lindenwood,299,0
+pinesdale,600,1
+leonardo,487,0
+coffeen,595,1
+ranchester,1153,0
+cosmos,158,1
+lindenwood,2212,5
+hanson,1594,9
+shelbyville,2743,5
+tolstoy,161,0
+klickitat,343,6
+marstons,347,9
+lakeville,1214,4
+marstons,81,3
+shelbyville,1929,0
+lakeville,1014,0
+allensville,328,3
+marstons,1386,1
+lakeville,927,17
+woodbine,1069,1
+ranchester,641,3
+lindenwood,2392,3
+newfields,404,2
+hiteman,1638,6
+pomaria,576,8
+forkland,585,0
+onaga,335,0
+ranchester,1567,0
+lakeville,1059,1
+lakeville,1334,5
+mifflinburg,797,6
+mifflinburg,535,1
+leonardo,106,0
+ranchester,181,1
+wainscott,1390,6
+lindenwood,2437,4
+lakeville,1717,1
+lindenwood,2113,11
+marstons,1840,4
+tolstoy,763,2
+hanson,1231,1
+lindenwood,1638,1
+mifflinburg,473,2
+pomaria,13,2
+cosmos,1038,2
+shelbyville,1670,2
+shelbyville,2672,1
+onaga,84,7
+marstons,145,7
+shelbyville,2058,1
+hanson,247,6
+tolstoy,141,0
+shelbyville,2507,2
+merom,1044,1
+pinesdale,325,11
+lakeville,620,0
+onaga,225,0
+leonardo,108,1
+newfields,851,9
+lindenwood,529,0
+allensville,149,1
+allensville,22,2
+coffeen,776,3
+stockman,1548,2
+klickitat,650,3
+woodbine,1486,4
+wainscott,921,3
+hiteman,428,8
+hanson,90,0
+stockman,801,0
+lindenwood,838,1
+coffeen,312,3
+wainscott,838,4
+klickitat,1381,2
+woodbine,939,2
+pinesdale,336,2
+pinesdale,1110,2
+newfields,346,2
+shelbyville,1033,5
+stockman,83,10
+ranchester,639,4
+klickitat,2158,1
+shelbyville,2682,15
+marstons,243,5
+wainscott,399,2
+stockman,19,0
+onaga,654,5
+pomaria,412,3
+woodbine,1713,8
+lindenwood,2521,6
+marstons,546,10
+lakeville,577,4
+shelbyville,706,0
+mifflinburg,651,0
+benevolence,466,1
+wainscott,974,12
+lakeville,679,6
+shelbyville,2360,3
+pomaria,1355,12
+beechwood,114,2
+benevolence,265,4
+lindenwood,1539,7
+hiteman,119,3
+shelbyville,1852,8
+wainscott,487,4
+klickitat,113,3
+cosmos,517,1
+woodbine,1284,0
+marstons,96,1
+tolstoy,1733,1
+klickitat,916,6
+stockman,1353,5
+shelbyville,959,8
+tolstoy,1023,0
+wainscott,1475,5
+pomaria,162,1
+tolstoy,1365,5
+pomaria,746,1
+klickitat,60,6
+shelbyville,708,0
+tolstoy,1106,0
+shelbyville,1018,6
+stockman,759,4
+stockman,687,2
+pomaria,958,1
+pomaria,1577,11
+hiteman,1342,2
+shelbyville,2118,2
+shelbyville,2497,0
+marstons,2162,0
+hanson,89,19
+pomaria,862,4
+lindenwood,2481,3
+lindenwood,830,5
+pomaria,330,13
+beechwood,1162,6
+marstons,2171,1
+coffeen,812,1
+marstons,2422,2
+lindenwood,963,6
+forkland,581,2
+beechwood,462,9
+marstons,648,10
+hiteman,1055,7
+allensville,489,8
+beechwood,179,10
+pomaria,721,12
+beechwood,629,2
+merom,796,2
+pinesdale,484,2
+leonardo,294,0
+hiteman,1571,0
+leonardo,852,12
+shelbyville,2528,4
+mifflinburg,964,2
+pinesdale,1172,2
+ranchester,273,12
+marstons,2300,0
+leonardo,1712,5
+marstons,166,1
+newfields,1203,1
+woodbine,1946,9
+marstons,1806,1
+coffeen,634,7
+shelbyville,599,0
+tolstoy,924,18
+beechwood,773,5
+marstons,1034,1
+leonardo,382,3
+leonardo,1440,0
+mifflinburg,433,7
+onaga,4,1
+ranchester,786,9
+lindenwood,2577,9
+stockman,1561,3
+hiteman,293,5
+lindenwood,550,4
+onaga,313,0
+lakeville,1248,5
+leonardo,1141,0
+pomaria,1009,9
+shelbyville,2580,0
+leonardo,1275,3
+shelbyville,42,3
+cosmos,415,0
+hiteman,1767,4
+wainscott,1473,0
+onaga,546,1
+ranchester,559,8
+woodbine,313,11
+hanson,988,3
+pinesdale,165,2
+mifflinburg,785,1
+ranchester,1009,5
+cosmos,811,7
+coffeen,497,1
+woodbine,1408,7
+lakeville,111,8
+hanson,1349,3
+coffeen,396,4
+merom,980,2
+pomaria,1661,8
+newfields,391,10
+marstons,462,2
+lindenwood,1682,0
+wainscott,413,3
+klickitat,95,2
+leonardo,128,3
+hanson,1282,3
+cosmos,597,6
+stockman,257,8
+lindenwood,2588,2
+leonardo,1649,1
+merom,43,1
+klickitat,2188,15
+klickitat,1475,3
+shelbyville,2732,0
+mifflinburg,881,0
+lindenwood,1579,0
+woodbine,617,1
+shelbyville,1980,3
+lakeville,1406,4
+tolstoy,15,0
+shelbyville,1959,3
+marstons,2385,0
+woodbine,1841,1
+cosmos,981,1
+leonardo,1839,2
+klickitat,874,10
+hanson,1133,3
+lindenwood,2120,1
+stockman,1155,1
+newfields,1207,10
+forkland,1169,11
+shelbyville,1675,4
+marstons,2283,3
+marstons,2303,2
+tolstoy,467,3
+tolstoy,1689,11
+hiteman,944,2
+hanson,931,14
+marstons,1849,0
+newfields,1250,1
+ranchester,201,4
+lakeville,1804,8
+klickitat,2091,3
+pinesdale,800,2
+tolstoy,802,1
+lindenwood,120,2
+leonardo,1992,3
+marstons,2069,1
+lakeville,255,2
+lakeville,156,4
+klickitat,1820,0
+marstons,563,4
+coffeen,397,3
+lindenwood,948,2
+hanson,263,1
+marstons,2590,10
+lindenwood,2341,3
+wainscott,1627,4
+marstons,1243,0
+tolstoy,894,0
+ranchester,659,0
+lindenwood,1811,5
+newfields,743,4
+hanson,337,1
+merom,756,5
+wainscott,877,0
+tolstoy,1574,6
+lakeville,335,11
+hiteman,409,5
+wainscott,1451,6
+wainscott,1181,1
+lindenwood,121,2
+hanson,663,2
+leonardo,693,0
+ranchester,575,8
+ranchester,474,7
+beechwood,468,9
+hanson,639,7
+allensville,350,0
+wainscott,1524,3
+shelbyville,1173,4
+merom,258,2
+tolstoy,1637,5
+ranchester,252,2
+marstons,192,7
+woodbine,186,1
+hanson,398,0
+tolstoy,1632,3
+cosmos,37,5
+leonardo,1503,1
+pinesdale,730,1
+woodbine,407,2
+coffeen,754,2
+stockman,949,1
+shelbyville,1681,3
+cosmos,506,2
+pinesdale,237,1
+cosmos,582,3
+ranchester,1588,5
+stockman,1463,0
+woodbine,1461,5
+klickitat,129,11
+hiteman,1357,1
+stockman,1359,2
+hanson,812,8
+mifflinburg,519,1
+coffeen,224,0
+allensville,80,2
+lakeville,1665,6
+wainscott,917,5
+pomaria,983,3
+wainscott,714,2
+tolstoy,203,1
+stockman,139,1
+marstons,541,5
+newfields,1233,0
+stockman,56,7
+shelbyville,2141,5
+leonardo,1783,2
+marstons,1325,3
+coffeen,1255,1
+tolstoy,50,7
+klickitat,596,1
+cosmos,715,3
+coffeen,750,2
+leonardo,1449,0
+klickitat,1187,10
+hanson,1221,7
+klickitat,2097,3
+lakeville,614,6
+pomaria,938,3
+newfields,1479,0
+woodbine,1235,11
+wainscott,750,5
+woodbine,1946,5
+lindenwood,825,3
+stockman,1516,7
+beechwood,866,2
+pomaria,99,2
+lakeville,109,0
+leonardo,1909,2
+stockman,1103,7
+pinesdale,235,2
+lindenwood,533,14
+ranchester,951,3
+ranchester,354,5
+leonardo,1960,1
+beechwood,134,6
+woodbine,104,2
+cosmos,372,1
+benevolence,451,6
+klickitat,1114,6
+lakeville,571,7
+newfields,902,9
+tolstoy,680,2
+hanson,24,0
+wainscott,1502,0
+lakeville,458,3
+klickitat,492,1
+pinesdale,1429,5
+woodbine,388,1
+newfields,524,3
+stockman,412,2
+pinesdale,1045,2
+lakeville,980,4
+woodbine,317,4
+pinesdale,1104,5
+stockman,1461,7
+beechwood,739,1
+lindenwood,862,2
+woodbine,1946,8
+benevolence,54,2
+lakeville,127,2
+newfields,358,7
+shelbyville,711,3
+ranchester,1089,6
+marstons,334,3
+woodbine,1295,3
+pinesdale,477,2
+tolstoy,816,5
+wainscott,404,2
+stockman,758,3
+leonardo,561,2
+wainscott,125,0
+mifflinburg,91,1
+coffeen,1103,4
+marstons,2610,5
+klickitat,1089,1
+woodbine,177,1
+marstons,538,3
+wainscott,217,3
+marstons,1527,2
+coffeen,1190,4
+klickitat,611,10
+lakeville,459,13
+marstons,274,9
+ranchester,263,4
+lindenwood,1018,1
+pinesdale,670,2
+mifflinburg,956,3
+lakeville,484,8
+stockman,1435,6
+newfields,613,5
+marstons,1661,7
+leonardo,1254,1
+newfields,592,6
+newfields,1104,6
+klickitat,8,0
+lakeville,747,1
+newfields,1657,0
+marstons,1047,1
+klickitat,312,14
+pinesdale,20,3
+lakeville,661,2
+woodbine,88,4
+leonardo,528,16
+klickitat,1160,1
+marstons,1909,8
+lindenwood,149,1
+pinesdale,759,0
+newfields,930,1
+benevolence,259,3
+ranchester,1096,1
+newfields,89,8
+beechwood,769,3
+ranchester,1390,6
+lakeville,952,0
+pomaria,1442,2
+hanson,1510,2
+lakeville,1349,3
+klickitat,64,9
+stockman,1163,2
+hiteman,957,0
+pomaria,95,7
+stockman,689,15
+cosmos,650,1
+marstons,712,7
+marstons,1246,4
+benevolence,260,3
+wainscott,417,2
+hanson,1073,6
+hanson,1633,17
+woodbine,1984,10
+coffeen,1419,12
+stockman,167,1
+marstons,1952,0
+coffeen,987,1
+stockman,1400,0
+tolstoy,593,2
+coffeen,372,1
+shelbyville,338,2
+marstons,743,2
+woodbine,466,2
+shelbyville,56,2
+leonardo,1441,7
+lindenwood,73,0
+klickitat,1509,2
+cosmos,505,2
+beechwood,571,6
+marstons,1997,0
+ranchester,19,4
+allensville,458,0
+ranchester,1102,2
+pinesdale,66,6
+pomaria,771,1
+hiteman,822,5
+marstons,1815,0
+hanson,384,1
+hanson,358,10
+cosmos,101,0
+klickitat,1315,6
+leonardo,1239,0
+wainscott,366,2
+shelbyville,738,0
+tolstoy,416,2
+tolstoy,53,2
+ranchester,1497,3
+shelbyville,853,3
+shelbyville,1161,4
+pinesdale,842,1
+lindenwood,1657,7
+stockman,83,16
+forkland,329,0
+ranchester,244,6
+ranchester,1611,3
+leonardo,1371,1
+lakeville,175,11
+forkland,1146,1
+tolstoy,679,2
+shelbyville,1989,7
+marstons,1732,4
+leonardo,1363,4
+coffeen,191,4
+lakeville,789,9
+marstons,1422,4
+ranchester,977,1
+pinesdale,198,2
+newfields,1479,7
+woodbine,916,8
+marstons,1426,8
+coffeen,1306,1
+lindenwood,1818,11
+marstons,1931,1
+stockman,1253,6
+tolstoy,1641,4
+lakeville,1300,1
+lakeville,520,6
+allensville,224,1
+forkland,1000,1
+woodbine,1848,4
+leonardo,1510,6
+hanson,613,5
+stockman,385,0
+merom,501,2
+shelbyville,2334,6
+coffeen,1419,8
+lindenwood,557,9
+shelbyville,787,1
+cosmos,1011,1
+lindenwood,555,0
+lindenwood,845,8
+klickitat,588,1
+wainscott,438,0
+klickitat,2174,9
+lakeville,383,8
+marstons,2582,0
+shelbyville,503,0
+stockman,682,2
+lakeville,98,10
+woodbine,494,7
+merom,223,0
+lindenwood,2286,6
+pomaria,166,8
+marstons,1670,6
+lindenwood,1971,2
+marstons,2315,1
+lakeville,1191,1
+tolstoy,1658,3
+newfields,437,1
+benevolence,127,8
+pinesdale,76,3
+pomaria,411,8
+pomaria,860,3
+pinesdale,190,2
+lindenwood,454,0
+cosmos,426,6
+pinesdale,164,4
+wainscott,1653,2
+pomaria,460,2
+ranchester,124,0
+woodbine,355,12
+shelbyville,634,4
+shelbyville,632,16
+shelbyville,2680,3
+hanson,181,1
+woodbine,1435,4
+lindenwood,1602,14
+woodbine,1230,1
+pomaria,1371,4
+klickitat,1649,6
+shelbyville,1354,2
+merom,258,1
+leonardo,1526,8
+lindenwood,400,3
+shelbyville,2243,1
+forkland,1150,0
+wainscott,1127,6
+klickitat,2160,6
+hiteman,565,0
+shelbyville,347,1
+pomaria,1367,7
+hanson,88,5
+marstons,2120,2
+pinesdale,591,4
+pinesdale,638,3
+lindenwood,2284,2
+shelbyville,849,9
+leonardo,383,1
+lindenwood,2312,4
+newfields,905,6
+marstons,1022,6
+pomaria,862,12
+marstons,299,0
+benevolence,618,2
+marstons,858,2
+hiteman,226,2
+lindenwood,2455,1
+mifflinburg,908,1
+tolstoy,1002,3
+woodbine,838,0
+lakeville,82,0
+lindenwood,1991,16
+beechwood,1151,7
+hanson,1625,12
+onaga,289,2
+beechwood,404,4
+wainscott,1469,3
+mifflinburg,0,1
+cosmos,742,6
+tolstoy,287,3
+newfields,89,1
+hanson,209,7
+lindenwood,772,12
+wainscott,1184,0
+shelbyville,1376,2
+lindenwood,1400,5
+lindenwood,662,1
+marstons,1161,9
+marstons,2136,9
+hanson,1330,1
+marstons,1206,1
+woodbine,1575,1
+hiteman,165,9
+ranchester,1250,5
+pinesdale,594,8
+tolstoy,176,13
+pinesdale,448,1
+lakeville,1553,6
+mifflinburg,358,2
+marstons,203,3
+ranchester,879,13
+marstons,1481,7
+ranchester,977,0
+newfields,588,3
+klickitat,837,1
+stockman,1062,2
+wainscott,960,2
+onaga,416,2
+hanson,898,2
+lindenwood,1145,0
+newfields,1475,0
+klickitat,23,5
+leonardo,732,2
+hanson,46,1
+hiteman,1787,3
+marstons,1498,0
+marstons,1250,4
+newfields,79,1
+stockman,381,0
+klickitat,1769,3
+wainscott,181,1
+merom,1072,4
+woodbine,640,3
+tolstoy,1571,3
+shelbyville,798,0
+ranchester,149,0
+shelbyville,2090,2
+klickitat,1124,8
+woodbine,1729,5
+woodbine,873,0
+newfields,656,7
+shelbyville,2468,7
+marstons,705,17
+cosmos,749,0
+ranchester,167,11
+hanson,363,6
+lindenwood,47,0
+pinesdale,653,5
+klickitat,140,10
+klickitat,2250,6
+cosmos,464,2
+ranchester,622,3
+beechwood,1010,7
+tolstoy,14,1
+newfields,378,1
+marstons,370,0
+shelbyville,2598,8
+shelbyville,2458,8
+benevolence,119,5
+lindenwood,978,0
+coffeen,478,12
+leonardo,523,7
+wainscott,1374,3
+wainscott,1732,0
+mifflinburg,171,4
+pomaria,275,7
+stockman,164,2
+lindenwood,1557,0
+shelbyville,2290,5
+lakeville,236,4
+leonardo,652,6
+ranchester,1479,3
+hanson,1210,3
+ranchester,1555,5
+woodbine,751,4
+cosmos,590,3
+lakeville,1470,7
+shelbyville,1073,2
+allensville,228,1
+shelbyville,1991,0
+wainscott,1794,10
+klickitat,1511,9
+allensville,228,0
+marstons,961,3
+lakeville,351,5
+newfields,140,2
+onaga,307,0
+hiteman,1407,3
+newfields,991,4
+woodbine,1636,4
+ranchester,793,9
+cosmos,434,7
+klickitat,1892,1
+ranchester,1214,3
+leonardo,1952,17
+woodbine,964,0
+allensville,493,9
+stockman,174,1
+wainscott,1402,0
+hanson,236,0
+shelbyville,2771,15
+shelbyville,938,4
+ranchester,551,0
+woodbine,1446,9
+benevolence,966,4
+newfields,490,3
+tolstoy,722,2
+leonardo,1110,0
+hanson,490,7
+marstons,400,10
+coffeen,230,3
+hiteman,178,0
+leonardo,987,2
+shelbyville,2412,1
+marstons,1241,2
+tolstoy,566,10
+pinesdale,545,2
+wainscott,1160,11
+beechwood,662,2
+lindenwood,1552,2
+pinesdale,1003,2
+woodbine,2042,6
+benevolence,955,2
+newfields,379,3
+stockman,918,2
+pinesdale,4,5
+pinesdale,965,5
+merom,208,7
+marstons,453,12
+hanson,871,4
+pomaria,1281,6
+leonardo,1801,2
+shelbyville,1603,15
+shelbyville,711,11
+lakeville,416,15
+coffeen,1078,0
+shelbyville,2434,5
+lindenwood,474,1
+marstons,2086,4
+pomaria,103,11
+klickitat,1517,1
+pomaria,944,0
+lakeville,548,8
+merom,265,0
+lindenwood,1805,3
+benevolence,748,4
+marstons,2017,0
+leonardo,1797,1
+klickitat,579,2
+klickitat,2072,23
+leonardo,886,2
+cosmos,271,2
+woodbine,775,0
+woodbine,1269,11
+stockman,1525,0
+shelbyville,409,2
+klickitat,971,2
+merom,383,1
+pinesdale,631,5
+lindenwood,2241,7
+coffeen,279,8
+tolstoy,1200,4
+pinesdale,564,3
+lindenwood,1470,6
+hanson,519,16
+leonardo,1380,8
+hanson,1170,10
+lakeville,327,3
+cosmos,796,1
+onaga,590,5
+benevolence,838,1
+shelbyville,1045,3
+leonardo,758,3
+hanson,322,0
+klickitat,1805,2
+marstons,548,5
+lindenwood,2583,2
+marstons,1986,1
+klickitat,888,4
+klickitat,1341,1
+leonardo,2070,1
+shelbyville,2399,13
+klickitat,218,3
+shelbyville,2042,5
+mifflinburg,394,1
+leonardo,201,2
+stockman,543,1
+hanson,1637,3
+lakeville,1300,0
+leonardo,178,4
+marstons,62,1
+klickitat,469,1
+lakeville,708,2
+hiteman,505,0
+newfields,156,4
+lindenwood,310,5
+hanson,751,4
+newfields,1067,7
+pomaria,349,0
+stockman,94,0
+forkland,396,3
+shelbyville,176,3
+lindenwood,737,2
+ranchester,1519,5
+woodbine,30,2
+coffeen,815,1
+tolstoy,1237,2
+klickitat,755,0
+hiteman,117,1
+pinesdale,210,7
+merom,313,0
+wainscott,643,0
+mifflinburg,584,1
+hiteman,1782,0
+stockman,408,1
+klickitat,1688,2
+beechwood,1002,2
+klickitat,844,2
+klickitat,2160,1
+shelbyville,364,0
+beechwood,1077,6
+lindenwood,2314,3
+lindenwood,2269,1
+ranchester,1321,0
+hiteman,693,11
+newfields,1410,11
+marstons,2433,6
+shelbyville,1148,2
+tolstoy,1093,1
+ranchester,812,0
+newfields,395,5
+ranchester,927,8
+leonardo,553,2
+forkland,188,2
+leonardo,644,5
+lakeville,1574,2
+newfields,1008,4
+coffeen,550,7
+mifflinburg,169,4
+shelbyville,783,7
+leonardo,1137,0
+hiteman,871,8
+klickitat,918,4
+hanson,828,0
+ranchester,1271,2
+klickitat,1939,4
+shelbyville,999,2
+marstons,129,3
+tolstoy,424,6
+beechwood,35,5
+lindenwood,2222,3
+wainscott,280,5
+newfields,194,2
+lindenwood,1687,6
+hiteman,852,4
+leonardo,604,15
+klickitat,196,2
+marstons,1966,8
+tolstoy,704,3
+cosmos,374,7
+lindenwood,1312,1
+hiteman,169,3
+wainscott,912,3
+newfields,1144,3
+pinesdale,880,3
+newfields,1249,8
+cosmos,1058,4
+coffeen,262,4
+pomaria,1185,3
+coffeen,890,3
+marstons,2036,7
+pomaria,696,12
+coffeen,455,1
+lakeville,915,5
+benevolence,657,2
+pinesdale,1093,4
+hanson,916,2
+woodbine,23,11
+lakeville,196,4
+wainscott,541,6
+tolstoy,1787,3
+lindenwood,2624,3
+lakeville,1764,2
+lindenwood,1276,9
+coffeen,1435,1
+stockman,407,0
+pomaria,109,2
+shelbyville,1219,0
+tolstoy,795,16
+hiteman,799,1
+pomaria,256,11
+shelbyville,1345,0
+wainscott,1721,4
+wainscott,387,6
+forkland,728,4
+leonardo,809,0
+ranchester,649,8
+shelbyville,1463,13
+ranchester,1098,11
+stockman,112,2
+leonardo,1870,2
+coffeen,1450,0
+merom,116,3
+shelbyville,368,1
+marstons,802,8
+tolstoy,845,2
+klickitat,140,19
+beechwood,515,0
+forkland,640,1
+ranchester,680,5
+lindenwood,2187,3
+leonardo,1619,5
+klickitat,1954,1
+woodbine,783,2
+ranchester,534,2
+coffeen,71,4
+forkland,1196,1
+lakeville,1284,15
+cosmos,479,2
+lindenwood,992,1
+marstons,1273,1
+klickitat,2000,6
+shelbyville,1637,9
+woodbine,935,1
+tolstoy,430,1
+tolstoy,964,0
+mifflinburg,498,4
+hanson,7,5
+ranchester,1583,1
+shelbyville,127,4
+merom,588,1
+stockman,785,1
+cosmos,404,0
+hiteman,1663,3
+marstons,400,14
+lindenwood,456,2
+lakeville,1596,2
+klickitat,1047,6
+forkland,1157,0
+newfields,564,1
+coffeen,1090,3
+hanson,806,6
+pinesdale,962,4
+marstons,2369,1
+wainscott,1343,2
+pinesdale,294,13
+beechwood,1105,2
+shelbyville,2053,7
+pomaria,645,2
+shelbyville,190,2
+beechwood,679,3
+woodbine,1552,1
+newfields,22,0
+ranchester,607,7
+woodbine,115,3
+wainscott,1206,7
+klickitat,1655,8
+merom,566,6
+merom,25,1
+forkland,294,5
+pinesdale,1258,2
+lakeville,1329,6
+stockman,1086,1
+klickitat,1671,6
+marstons,1442,0
+lindenwood,812,1
+hiteman,658,2
+pomaria,1655,2
+tolstoy,209,0
+tolstoy,680,9
+woodbine,1819,1
+onaga,193,1
+merom,26,0
+lindenwood,2501,2
+ranchester,395,13
+wainscott,139,3
+lindenwood,2172,0
+tolstoy,288,2
+coffeen,1341,7
+benevolence,591,4
+leonardo,1452,1
+lakeville,516,1
+woodbine,81,0
+pomaria,1517,3
+marstons,868,3
+stockman,563,0
+lakeville,474,2
+tolstoy,1250,2
+pinesdale,901,3
+pinesdale,519,4
+cosmos,469,3
+mifflinburg,821,6
+newfields,130,7
+shelbyville,2577,3
+marstons,627,8
+leonardo,38,5
+wainscott,109,8
+lindenwood,671,1
+forkland,1028,2
+forkland,368,0
+lindenwood,1509,5
+lindenwood,1076,3
+hanson,415,1
+marstons,2129,18
+lindenwood,2057,3
+klickitat,668,4
+merom,190,2
+marstons,1768,3
+tolstoy,1598,4
+hanson,969,2
+leonardo,733,1
+shelbyville,2043,1
+lindenwood,63,3
+hiteman,1256,1
+newfields,1467,2
+lindenwood,460,8
+benevolence,152,1
+marstons,145,0
+allensville,188,3
+leonardo,1920,3
+leonardo,1980,7
+ranchester,718,5
+lindenwood,2582,0
+tolstoy,1407,3
+newfields,999,4
+marstons,1297,2
+pomaria,599,9
+shelbyville,2231,0
+klickitat,1369,11
+leonardo,727,4
+woodbine,1837,0
+klickitat,1753,1
+woodbine,115,8
+stockman,1603,5
+beechwood,898,4
+hanson,1433,4
+pomaria,1090,14
+wainscott,634,0
+shelbyville,195,1
+hiteman,1635,8
+woodbine,1667,13
+woodbine,209,1
+woodbine,402,0
+newfields,871,3
+hanson,755,1
+klickitat,1860,0
+hanson,1455,2
+newfields,1396,1
+pinesdale,29,8
+lakeville,1133,1
+pomaria,1647,5
+pinesdale,326,0
+tolstoy,1071,0
+merom,104,1
+leonardo,1024,5
+cosmos,259,0
+wainscott,992,0
+allensville,442,8
+marstons,911,8
+benevolence,645,0
+shelbyville,2303,3
+hiteman,637,3
+lindenwood,18,1
+lindenwood,2451,0
+leonardo,528,21
+marstons,1969,0
+lindenwood,669,5
+benevolence,342,13
+pomaria,1527,6
+wainscott,654,4
+tolstoy,1339,8
+allensville,4,2
+wainscott,1290,0
+leonardo,932,16
+hanson,484,6
+woodbine,1446,12
+allensville,238,4
+klickitat,2395,6
+woodbine,1739,2
+hiteman,90,10
+leonardo,872,3
+hiteman,444,2
+klickitat,549,1
+hiteman,1611,3
+lindenwood,17,0
+benevolence,416,5
+pinesdale,1004,2
+tolstoy,876,2
+marstons,597,4
+ranchester,669,6
+tolstoy,205,1
+shelbyville,689,0
+lakeville,1227,7
+klickitat,2309,7
+marstons,1046,4
+wainscott,1195,2
+shelbyville,568,0
+marstons,1124,5
+klickitat,145,9
+wainscott,1625,4
+onaga,87,0
+klickitat,1406,2
+merom,446,1
+ranchester,1424,2
+ranchester,400,12
+allensville,431,1
+newfields,843,1
+wainscott,1018,3
+woodbine,655,4
+leonardo,601,1
+wainscott,1553,7
+leonardo,1823,3
+woodbine,1481,7
+pomaria,1636,1
+cosmos,1038,9
+wainscott,847,6
+marstons,1175,2
+hiteman,352,5
+woodbine,1513,12
+lindenwood,879,2
+marstons,1257,0
+hiteman,1848,0
+wainscott,993,10
+shelbyville,893,6
+klickitat,2390,9
+leonardo,2062,1
+lakeville,1899,9
+stockman,991,6
+newfields,158,5
+lindenwood,2504,3
+lindenwood,869,7
+cosmos,7,3
+wainscott,185,5
+pomaria,120,0
+lakeville,1281,2
+lindenwood,1982,5
+mifflinburg,588,2
+shelbyville,1235,3
+benevolence,158,9
+lindenwood,1822,10
+newfields,640,0
+beechwood,397,1
+newfields,1109,7
+marstons,1642,1
+merom,634,3
+pinesdale,47,1
+pomaria,1306,0
+lindenwood,2450,2
+ranchester,364,1
+klickitat,1926,1
+allensville,422,0
+hiteman,1826,1
+leonardo,1139,21
+lindenwood,430,4
+pomaria,822,8
+pinesdale,631,0
+tolstoy,1367,0
+leonardo,1299,4
+cosmos,45,1
+onaga,3,3
+hiteman,1285,1
+wainscott,670,0
+ranchester,420,11
+pomaria,1477,4
+wainscott,882,4
+woodbine,440,1
+cosmos,772,2
+newfields,602,9
+marstons,267,0
+onaga,101,1
+hanson,989,7
+shelbyville,22,5
+tolstoy,760,7
+hanson,174,1
+ranchester,693,4
+hanson,623,17
+merom,659,0
+klickitat,122,1
+leonardo,906,12
+stockman,375,3
+lakeville,1775,4
+lindenwood,984,0
+lindenwood,221,1
+onaga,569,0
+leonardo,42,4
+allensville,55,1
+klickitat,1299,2
+newfields,854,5
+lindenwood,937,2
+pinesdale,356,2
+shelbyville,1927,8
+marstons,2374,6
+pomaria,832,1
+pomaria,729,7
+leonardo,1283,9
+hanson,201,0
+pomaria,743,9
+klickitat,765,2
+pomaria,760,5
+pomaria,54,7
+pomaria,1579,2
+mifflinburg,113,13
+shelbyville,2047,11
+tolstoy,1779,8
+pinesdale,275,5
+woodbine,360,8
+marstons,2416,1
+hanson,78,11
+leonardo,1541,0
+leonardo,628,1
+marstons,2612,3
+shelbyville,2136,3
+hanson,348,4
+hiteman,1237,4
+stockman,948,6
+marstons,2005,5
+benevolence,447,2
+pinesdale,310,3
+shelbyville,520,7
+coffeen,211,2
+newfields,1310,0
+hiteman,1757,2
+hanson,1054,2
+hanson,714,6
+klickitat,2419,3
+woodbine,308,0
+stockman,926,5
+pomaria,768,0
+woodbine,1468,1
+newfields,1551,0
+shelbyville,1467,4
+lindenwood,2345,15
+tolstoy,1755,5
+klickitat,1301,2
+lindenwood,1807,1
+lindenwood,888,1
+klickitat,854,0
+marstons,343,6
+hanson,1106,2
+tolstoy,1255,11
+klickitat,417,7
+newfields,636,4
+coffeen,1509,3
+merom,689,4
+stockman,360,3
+lindenwood,1496,7
+leonardo,1790,6
+hanson,891,0
+shelbyville,1179,5
+wainscott,304,2
+shelbyville,60,1
+lindenwood,2332,2
+hiteman,580,6
+allensville,70,7
+marstons,264,6
+tolstoy,1552,4
+shelbyville,1592,2
+marstons,876,4
+klickitat,1923,8
+lindenwood,1193,11
+lindenwood,1509,10
+cosmos,569,4
+leonardo,1789,1
+pomaria,61,0
+shelbyville,2522,2
+shelbyville,2538,0
+cosmos,446,5
+marstons,1843,2
+ranchester,656,0
+lakeville,1320,10
+coffeen,457,6
+pinesdale,1159,7
+lakeville,290,3
+newfields,679,3
+coffeen,357,0
+forkland,87,1
+lindenwood,215,5
+lindenwood,179,5
+ranchester,911,1
+marstons,1302,17
+onaga,3,7
+tolstoy,1546,5
+allensville,415,0
+allensville,426,3
+wainscott,232,7
+klickitat,1278,3
+hiteman,198,10
+woodbine,422,6
+leonardo,1002,4
+tolstoy,984,15
+hiteman,220,1
+benevolence,316,5
+stockman,1066,2
+klickitat,182,2
+beechwood,1024,0
+allensville,335,5
+ranchester,173,0
+pomaria,1333,3
+beechwood,230,0
+woodbine,417,1
+klickitat,692,0
+newfields,793,5
+woodbine,1544,8
+coffeen,823,7
+coffeen,25,1
+ranchester,832,4
+merom,1114,1
+stockman,1277,1
+benevolence,505,8
+marstons,1356,4
+shelbyville,1005,4
+merom,134,0
+merom,1058,6
+ranchester,291,6
+marstons,199,2
+shelbyville,2251,0
+pinesdale,576,0
+leonardo,1272,3
+merom,812,1
+woodbine,1880,7
+lindenwood,2551,1
+klickitat,1599,1
+onaga,527,5
+lindenwood,205,2
+stockman,682,1
+forkland,512,2
+woodbine,1194,2
+lakeville,766,1
+shelbyville,2342,1
+woodbine,1535,14
+wainscott,1015,8
+hiteman,1664,1
+shelbyville,1203,2
+tolstoy,835,3
+newfields,315,0
+forkland,1072,1
+leonardo,872,4
+hanson,594,0
+shelbyville,1486,4
+pomaria,1448,11
+marstons,1121,4
+forkland,80,3
+beechwood,185,7
+mifflinburg,401,0
+leonardo,1386,4
+tolstoy,1437,2
+lindenwood,2584,1
+allensville,317,1
+leonardo,1864,3
+wainscott,1637,2
+wainscott,1160,12
+cosmos,939,11
+stockman,388,6
+mifflinburg,216,3
+hiteman,762,1
+lakeville,1683,7
+onaga,478,1
+ranchester,1393,20
+woodbine,103,4
+lindenwood,1418,1
+tolstoy,62,0
+tolstoy,520,1
+benevolence,92,3
+woodbine,94,2
+pomaria,959,2
+shelbyville,559,12
+pinesdale,1396,7
+hanson,281,8
+pinesdale,686,6
+shelbyville,464,1
+coffeen,478,6
+woodbine,132,9
+marstons,1705,2
+leonardo,861,9
+shelbyville,2679,2
+shelbyville,2553,2
+klickitat,1761,4
+forkland,796,12
+pomaria,1061,0
+wainscott,1221,2
+newfields,560,5
+ranchester,1445,5
+hanson,809,8
+hanson,1380,6
+shelbyville,2433,3
+woodbine,822,3
+hanson,1127,3
+newfields,409,1
+coffeen,440,0
+marstons,497,4
+ranchester,927,4
+marstons,1261,7
+hiteman,815,1
+leonardo,458,4
+pinesdale,1198,1
+wainscott,294,0
+wainscott,1045,4
+mifflinburg,182,3
+benevolence,896,4
+tolstoy,1008,5
+ranchester,910,2
+coffeen,832,2
+marstons,1647,1
+pomaria,897,2
+klickitat,1474,6
+tolstoy,750,4
+woodbine,759,0
+stockman,1047,5
+klickitat,1133,4
+klickitat,589,3
+ranchester,1062,1
+stockman,1162,1
+tolstoy,677,3
+pomaria,1102,7
+woodbine,1170,0
+lakeville,1310,1
+klickitat,1015,5
+pomaria,1008,3
+hanson,1330,8
+leonardo,1414,1
+woodbine,1374,9
+newfields,1587,4
+marstons,2512,2
+benevolence,119,0
+coffeen,1480,5
+forkland,980,5
+lindenwood,948,11
+wainscott,783,4
+tolstoy,1513,4
+shelbyville,1101,19
+hiteman,975,0
+marstons,2221,0
+tolstoy,1374,0
+cosmos,471,3
+pinesdale,1345,6
+ranchester,166,0
+marstons,1592,3
+woodbine,984,5
+woodbine,956,3
+klickitat,899,1
+pomaria,1161,11
+shelbyville,2709,8
+wainscott,1511,5
+lindenwood,403,13
+hiteman,593,3
+marstons,21,2
+pinesdale,1464,1
+marstons,1456,1
+lakeville,636,3
+leonardo,2114,1
+newfields,558,12
+shelbyville,843,1
+forkland,1016,0
+stockman,319,2
+stockman,448,1
+cosmos,47,1
+cosmos,632,0
+lindenwood,442,4
+marstons,2479,3
+stockman,4,7
+woodbine,1776,1
+coffeen,1366,0
+lakeville,1626,7
+merom,980,4
+lakeville,927,15
+wainscott,1544,1
+coffeen,520,4
+hiteman,806,3
+lakeville,1266,1
+marstons,1985,3
+shelbyville,2101,9
+woodbine,266,20
+stockman,719,1
+pomaria,883,0
+ranchester,24,6
+leonardo,447,1
+lindenwood,2064,0
+woodbine,830,2
+wainscott,655,2
+shelbyville,1006,6
+klickitat,414,2
+hiteman,975,4
+cosmos,294,4
+klickitat,431,2
+pinesdale,604,0
+newfields,917,1
+shelbyville,761,2
+coffeen,1317,4
+pinesdale,820,8
+shelbyville,2688,13
+pomaria,992,0
+marstons,2342,1
+benevolence,432,7
+wainscott,39,3
+coffeen,483,3
+marstons,880,16
+leonardo,984,2
+shelbyville,307,2
+hiteman,1351,3
+forkland,35,1
+lindenwood,1032,8
+klickitat,811,4
+onaga,449,0
+merom,1096,7
+hanson,1279,3
+lindenwood,297,3
+lakeville,654,11
+lakeville,1766,6
+lakeville,1526,3
+lindenwood,999,1
+newfields,360,21
+lindenwood,1301,1
+woodbine,1431,2
+klickitat,1553,1
+klickitat,1062,2
+lindenwood,416,0
+lindenwood,924,4
+ranchester,72,3
+pomaria,678,1
+coffeen,1244,1
+newfields,417,10
+beechwood,204,1
+pomaria,1112,4
+hiteman,1507,3
+leonardo,2036,16
+woodbine,1889,6
+leonardo,576,9
+wainscott,847,2
+beechwood,82,4
+pinesdale,1459,1
+cosmos,400,1
+shelbyville,275,3
+cosmos,110,2
+marstons,1964,0
+forkland,549,9
+coffeen,1205,2
+pomaria,682,1
+marstons,725,1
+pinesdale,555,9
+woodbine,471,1
+forkland,848,2
+ranchester,1269,1
+lakeville,541,5
+allensville,47,4
+stockman,852,2
+coffeen,727,10
+merom,873,3
+marstons,913,5
+hanson,1402,7
+lindenwood,2023,5
+leonardo,2082,0
+hiteman,555,5
+merom,1032,0
+leonardo,945,3
+klickitat,1817,10
+ranchester,1224,2
+marstons,1090,1
+leonardo,1174,4
+shelbyville,778,2
+pomaria,7,3
+stockman,1379,3
+lakeville,1014,2
+hanson,1432,4
+merom,488,0
+pomaria,514,1
+tolstoy,1771,3
+lindenwood,1347,3
+pomaria,1560,13
+woodbine,1188,2
+onaga,128,0
+hanson,1189,9
+lakeville,1602,5
+leonardo,1635,12
+tolstoy,1687,2
+cosmos,338,0
+woodbine,1756,5
+lindenwood,331,13
+merom,310,7
+woodbine,1684,3
+newfields,1482,5
+pomaria,1138,0
+coffeen,140,0
+newfields,358,16
+pinesdale,527,0
+shelbyville,2003,7
+onaga,12,1
+klickitat,591,2
+leonardo,167,6
+newfields,1403,8
+shelbyville,696,2
+klickitat,2347,4
+pomaria,207,3
+wainscott,781,14
+klickitat,468,0
+wainscott,337,8
+lakeville,778,0
+lakeville,815,4
+stockman,1283,0
+marstons,1330,4
+lindenwood,645,8
+woodbine,1324,2
+allensville,165,1
+marstons,204,6
+klickitat,2043,4
+lindenwood,1660,1
+hiteman,658,3
+leonardo,1939,2
+pinesdale,262,7
+tolstoy,279,3
+pomaria,554,2
+wainscott,1472,2
+klickitat,876,6
+beechwood,851,7
+ranchester,6,0
+wainscott,976,10
+pinesdale,361,2
+leonardo,1455,4
+pinesdale,894,4
+merom,374,1
+lakeville,866,9
+cosmos,374,4
+beechwood,20,8
+mifflinburg,235,8
+pomaria,1441,6
+ranchester,464,9
+hanson,1526,5
+wainscott,199,2
+hanson,67,1
+newfields,451,1
+forkland,537,3
+beechwood,137,2
+klickitat,2402,1
+ranchester,755,0
+lindenwood,1777,9
+hiteman,312,8
+hanson,368,5
+lindenwood,1753,1
+forkland,364,8
+marstons,836,2
+woodbine,1190,0
+lindenwood,1281,0
+newfields,1293,3
+leonardo,686,14
+shelbyville,434,0
+woodbine,1399,4
+beechwood,521,6
+marstons,86,4
+coffeen,1032,11
+woodbine,1822,3
+lindenwood,705,0
+coffeen,758,5
+hanson,488,3
+tolstoy,143,17
+shelbyville,1603,7
+leonardo,681,11
+hanson,907,5
+tolstoy,933,2
+lindenwood,2028,4
+marstons,1991,1
+wainscott,259,0
+onaga,339,2
+pinesdale,198,1
+klickitat,2419,2
+ranchester,159,4
+allensville,176,1
+hanson,1391,1
+marstons,1963,0
+shelbyville,384,2
+klickitat,712,8
+pomaria,1208,2
+wainscott,1703,12
+newfields,302,10
+hanson,522,4
+marstons,1713,3
+shelbyville,453,4
+hiteman,902,8
+ranchester,1215,0
+leonardo,212,7
+wainscott,1511,1
+tolstoy,222,1
+leonardo,484,4
+cosmos,152,0
+newfields,727,7
+hanson,852,11
+lindenwood,435,2
+hiteman,966,20
+marstons,150,0
+shelbyville,2026,3
+woodbine,410,0
+wainscott,939,2
+hanson,1335,5
+onaga,260,0
+leonardo,359,4
+cosmos,232,10
+wainscott,58,2
+leonardo,1480,5
+shelbyville,1841,6
+pinesdale,573,14
+pomaria,51,3
+pinesdale,925,0
+shelbyville,2174,15
+tolstoy,964,5
+shelbyville,2776,3
+onaga,333,0
+hiteman,1518,4
+pomaria,1404,6
+tolstoy,1213,0
+leonardo,129,1
+forkland,574,1
+hiteman,616,0
+woodbine,1103,0
+hiteman,1684,0
+lakeville,292,2
+wainscott,525,3
+mifflinburg,627,0
+klickitat,1537,8
+hiteman,425,0
+stockman,1406,6
+klickitat,2071,8
+hanson,1489,5
+woodbine,2021,1
+lakeville,739,7
+leonardo,1279,0
+lindenwood,1675,2
+pinesdale,982,10
+wainscott,1216,0
+marstons,2503,2
+coffeen,1183,1
+cosmos,126,2
+ranchester,546,9
+tolstoy,1394,4
+hiteman,643,3
+lakeville,745,8
+lindenwood,519,6
+cosmos,385,5
+marstons,2443,6
+leonardo,823,0
+benevolence,348,1
+marstons,1392,3
+klickitat,1928,0
+wainscott,1174,6
+leonardo,1957,8
+leonardo,45,1
+tolstoy,1505,0
+shelbyville,137,0
+mifflinburg,739,2
+coffeen,1314,2
+coffeen,702,3
+beechwood,1117,0
+tolstoy,1402,0
+lakeville,967,3
+lindenwood,2626,6
+leonardo,451,1
+shelbyville,1579,3
+woodbine,51,3
+hanson,1112,0
+beechwood,482,5
+coffeen,521,5
+onaga,439,2
+shelbyville,11,1
+klickitat,2268,9
+coffeen,596,3
+lakeville,1734,8
+marstons,2333,2
+klickitat,346,3
+pinesdale,856,1
+pinesdale,267,1
+leonardo,666,2
+tolstoy,1008,1
+klickitat,2267,2
+pomaria,1378,2
+hanson,718,3
+marstons,2418,3
+mifflinburg,429,4
+benevolence,435,0
+marstons,412,0
+marstons,2444,7
+marstons,425,6
+wainscott,1380,3
+leonardo,1591,12
+newfields,1587,1
+shelbyville,2370,5
+newfields,57,4
+lindenwood,2566,3
+hiteman,650,19
+stockman,680,0
+stockman,336,1
+shelbyville,1543,5
+tolstoy,1255,2
+klickitat,782,5
+hiteman,1006,2
+beechwood,91,1
+newfields,566,2
+hanson,825,13
+beechwood,855,6
+lakeville,380,5
+lakeville,1264,4
+merom,41,2
+pomaria,961,6
+hanson,473,3
+tolstoy,1294,1
+ranchester,1621,4
+lakeville,882,2
+leonardo,1961,0
+coffeen,284,3
+stockman,1064,0
+shelbyville,2084,0
+pomaria,133,2
+forkland,900,12
+wainscott,1272,3
+leonardo,1794,10
+marstons,1489,5
+klickitat,1776,3
+pomaria,258,6
+hiteman,174,2
+ranchester,888,3
+leonardo,220,11
+leonardo,2101,18
+forkland,1015,5
+hanson,1347,1
+klickitat,178,1
+stockman,122,8
+lakeville,1434,9
+wainscott,327,3
+merom,712,3
+hiteman,42,1
+tolstoy,661,5
+coffeen,1504,4
+mifflinburg,539,2
+newfields,391,0
+marstons,372,4
+mifflinburg,760,3
+cosmos,716,2
+tolstoy,646,11
+shelbyville,1320,6
+stockman,1200,4
+shelbyville,1102,2
+merom,674,12
+lakeville,1292,1
+tolstoy,230,2
+leonardo,1466,9
+lakeville,240,4
+woodbine,912,9
+lindenwood,536,2
+klickitat,1842,6
+hanson,89,9
+coffeen,790,5
+onaga,437,2
+cosmos,919,2
+klickitat,1871,9
+forkland,996,5
+leonardo,1442,2
+cosmos,227,2
+benevolence,104,5
+klickitat,1380,5
+tolstoy,919,6
+pinesdale,24,0
+marstons,1517,4
+leonardo,153,2
+tolstoy,1484,4
+tolstoy,280,1
+allensville,167,9
+ranchester,1297,3
+ranchester,297,1
+merom,624,1
+shelbyville,1644,3
+beechwood,118,2
+klickitat,964,7
+cosmos,608,6
+shelbyville,2036,9
+pinesdale,721,6
+beechwood,339,0
+newfields,721,0
+hiteman,1390,8
+marstons,2441,5
+klickitat,2323,2
+tolstoy,1173,9
+woodbine,515,3
+forkland,277,7
+wainscott,582,6
+marstons,2205,4
+pinesdale,1331,2
+ranchester,1494,2
+merom,1071,1
+beechwood,152,0
+pomaria,1289,11
+klickitat,2195,19
+marstons,544,5
+shelbyville,1389,2
+hanson,1528,14
+wainscott,989,0
+stockman,1061,5
+marstons,360,1
+leonardo,870,1
+pinesdale,1349,6
+leonardo,596,14
+klickitat,1100,4
+forkland,926,4
+lakeville,1028,14
+pomaria,1020,2
+mifflinburg,392,2
+woodbine,277,7
+marstons,1725,1
+pinesdale,462,1
+mifflinburg,572,3
+mifflinburg,90,5
+stockman,681,1
+klickitat,2351,4
+lindenwood,1899,6
+marstons,1174,7
+wainscott,1295,2
+wainscott,706,1
+woodbine,1952,3
+pinesdale,1467,3
+lindenwood,136,3
+klickitat,1484,3
+pinesdale,315,3
+pomaria,1221,1
+ranchester,1377,0
+hanson,519,3
+benevolence,265,1
+tolstoy,465,3
+hanson,498,8
+pinesdale,1227,3
+onaga,411,1
+shelbyville,571,5
+pinesdale,913,15
+shelbyville,85,3
+pomaria,1036,2
+tolstoy,32,2
+lakeville,372,2
+ranchester,1402,3
+woodbine,151,6
+cosmos,908,2
+hanson,61,1
+woodbine,343,10
+shelbyville,1077,2
+shelbyville,2518,4
+klickitat,115,9
+newfields,1563,3
+hiteman,1385,0
+shelbyville,2455,3
+newfields,75,0
+leonardo,1449,7
+woodbine,1312,1
+hanson,1426,15
+shelbyville,482,5
+marstons,1658,2
+lakeville,995,5
+lindenwood,1757,9
+hanson,1211,1
+lakeville,50,2
+forkland,992,6
+shelbyville,415,4
+klickitat,1144,7
+hiteman,1446,0
+merom,690,6
+lindenwood,1290,3
+wainscott,788,4
+stockman,385,6
+klickitat,858,6
+lindenwood,1767,5
+mifflinburg,34,3
+klickitat,1988,0
+leonardo,1644,7
+woodbine,1390,4
+lindenwood,2598,2
+woodbine,1800,7
+marstons,518,8
+cosmos,926,6
+stockman,1083,5
+shelbyville,2536,2
+newfields,348,0
+pomaria,1317,5
+stockman,834,1
+hiteman,263,3
+tolstoy,528,2
+tolstoy,1741,3
+pomaria,1392,13
+klickitat,126,6
+beechwood,669,7
+lindenwood,2651,12
+klickitat,908,0
+woodbine,497,4
+klickitat,1849,11
+coffeen,486,7
+merom,835,5
+cosmos,874,2
+klickitat,334,13
+pomaria,1300,5
+woodbine,1328,5
+shelbyville,1831,5
+lakeville,267,2
+hiteman,598,0
+hanson,118,3
+marstons,1730,3
+shelbyville,796,2
+leonardo,560,14
+hanson,1327,12
+leonardo,128,9
+woodbine,1210,2
+woodbine,1944,5
+cosmos,727,1
+marstons,167,1
+shelbyville,2369,2
+hiteman,1849,5
+lindenwood,2492,2
+lindenwood,562,1
+shelbyville,672,10
+cosmos,523,10
+tolstoy,812,0
+klickitat,150,6
+pinesdale,1267,3
+lakeville,1724,4
+klickitat,374,10
+lindenwood,1097,7
+lakeville,1231,5
+klickitat,2408,7
+klickitat,1893,8
+forkland,883,2
+beechwood,670,1
+coffeen,1092,1
+forkland,894,4
+pomaria,34,3
+allensville,516,5
+ranchester,242,3
+onaga,207,1
+merom,263,4
+wainscott,537,2
+forkland,791,3
+pinesdale,393,2
+pomaria,917,8
+pinesdale,88,8
+lindenwood,1137,11
+mifflinburg,899,0
+beechwood,395,0
+hanson,256,8
+woodbine,1523,1
+mifflinburg,744,2
+shelbyville,1300,1
+tolstoy,1149,1
+stockman,455,7
+lindenwood,1112,6
+cosmos,1036,4
+tolstoy,1638,2
+onaga,541,2
+woodbine,673,2
+hiteman,770,5
+benevolence,217,3
+lindenwood,415,1
+newfields,56,3
+hanson,1116,4
+klickitat,1977,8
+ranchester,1238,2
+lakeville,134,6
+ranchester,379,3
+wainscott,495,5
+marstons,969,13
+marstons,202,12
+cosmos,244,0
+newfields,1629,3
+coffeen,314,8
+wainscott,1622,2
+pomaria,248,9
+shelbyville,714,4
+newfields,299,0
+marstons,2444,8
+coffeen,1429,0
+shelbyville,1199,9
+coffeen,1416,1
+klickitat,1373,2
+newfields,236,4
+stockman,1176,2
+hanson,91,5
+marstons,2378,6
+tolstoy,153,2
+woodbine,1514,0
+cosmos,553,0
+ranchester,548,2
+marstons,1541,5
+lindenwood,515,0
+shelbyville,2494,10
+woodbine,84,0
+woodbine,1111,0
+lindenwood,1063,2
+marstons,1591,17
+forkland,165,0
+hiteman,591,1
+klickitat,2358,0
+tolstoy,551,0
+pomaria,268,6
+hiteman,1078,8
+marstons,2292,3
+wainscott,1612,11
+lakeville,1674,1
+wainscott,210,0
+hiteman,1470,2
+lakeville,964,5
+lindenwood,157,0
+lakeville,1217,8
+coffeen,1294,0
+klickitat,445,13
+marstons,46,0
+newfields,559,4
+klickitat,522,2
+woodbine,820,1
+stockman,245,7
+coffeen,1376,0
+klickitat,1038,2
+ranchester,354,7
+pinesdale,1141,3
+stockman,1070,6
+leonardo,427,0
+onaga,611,1
+marstons,595,2
+lindenwood,2117,8
+klickitat,1521,2
+klickitat,2314,1
+leonardo,502,7
+lakeville,1804,6
+stockman,682,0
+wainscott,608,5
+hanson,910,2
+marstons,1894,11
+stockman,571,2
+klickitat,1038,15
+klickitat,1634,3
+forkland,864,2
+forkland,174,2
+ranchester,926,2
+pinesdale,1151,8
+shelbyville,1895,8
+tolstoy,859,2
+coffeen,405,3
+ranchester,358,6
+lindenwood,2292,0
+pomaria,1333,10
+onaga,146,0
+marstons,1320,4
+stockman,160,0
+marstons,1046,0
+newfields,1220,7
+marstons,1603,7
+lindenwood,1135,6
+tolstoy,1654,3
+hanson,1171,10
+hiteman,329,2
+tolstoy,154,0
+shelbyville,2457,4
+shelbyville,627,10
+shelbyville,2620,6
+beechwood,413,2
+woodbine,88,10
+pinesdale,330,4
+ranchester,12,3
+hiteman,246,4
+klickitat,342,4
+tolstoy,1072,3
+woodbine,1270,4
+tolstoy,1413,1
+newfields,657,0
+beechwood,199,1
+woodbine,90,3
+beechwood,897,5
+pomaria,510,4
+marstons,809,1
+woodbine,955,1
+cosmos,81,5
+tolstoy,632,7
+klickitat,2090,1
+marstons,334,5
+leonardo,804,2
+pinesdale,809,4
+leonardo,1814,0
+pomaria,263,12
+forkland,1122,0
+onaga,628,3
+lakeville,1757,6
+tolstoy,1776,7
+leonardo,1925,3
+stockman,1236,0
+wainscott,124,4
+shelbyville,389,5
+beechwood,1046,1
+klickitat,1092,6
+klickitat,1559,5
+ranchester,985,3
+lakeville,416,4
+tolstoy,348,2
+shelbyville,1144,0
+wainscott,1059,4
+ranchester,372,3
+tolstoy,760,3
+stockman,1485,1
+cosmos,721,0
+newfields,170,9
+mifflinburg,832,0
+lakeville,1401,0
+klickitat,1718,2
+onaga,203,2
+pomaria,721,13
+wainscott,1730,6
+lakeville,738,5
+lakeville,1773,0
+marstons,42,1
+lakeville,574,1
+cosmos,200,0
+marstons,1440,8
+coffeen,1474,0
+tolstoy,793,6
+klickitat,449,1
+hiteman,1390,0
+stockman,265,2
+cosmos,202,2
+lindenwood,709,8
+newfields,410,2
+hiteman,1227,2
+lakeville,1837,12
+lindenwood,618,2
+lakeville,899,7
+newfields,766,6
+pomaria,188,1
+hiteman,987,3
+pomaria,70,2
+shelbyville,1867,2
+beechwood,461,0
+coffeen,49,0
+lindenwood,2085,5
+leonardo,347,13
+marstons,2249,8
+stockman,993,0
+lakeville,224,1
+mifflinburg,742,9
+klickitat,2025,8
+lakeville,283,4
+lakeville,111,5
+klickitat,1185,4
+benevolence,119,6
+hiteman,1596,0
+lindenwood,994,0
+shelbyville,1684,1
+coffeen,13,8
+tolstoy,115,1
+merom,449,4
+pomaria,1143,1
+lindenwood,2619,3
+lindenwood,2246,4
+lakeville,405,6
+klickitat,311,0
+benevolence,326,6
+klickitat,1033,4
+onaga,169,0
+leonardo,154,3
+klickitat,322,2
+tolstoy,1088,5
+shelbyville,2060,1
+beechwood,277,3
+shelbyville,471,2
+benevolence,443,1
+cosmos,233,11
+leonardo,1014,1
+cosmos,500,6
+marstons,2440,1
+allensville,395,3
+pomaria,1176,6
+stockman,1528,1
+woodbine,125,0
+tolstoy,460,2
+hiteman,1593,4
+benevolence,32,1
+wainscott,1756,2
+stockman,315,7
+pomaria,377,2
+woodbine,555,0
+wainscott,7,4
+wainscott,1123,3
+woodbine,471,3
+shelbyville,2553,7
+lindenwood,755,5
+mifflinburg,941,1
+woodbine,439,1
+mifflinburg,683,1
+klickitat,246,13
+coffeen,700,1
+hiteman,1440,3
+marstons,1589,11
+newfields,1040,0
+newfields,590,2
+lakeville,199,1
+klickitat,904,2
+wainscott,443,6
+wainscott,581,10
+marstons,41,4
+wainscott,298,6
+stockman,1418,2
+marstons,1444,3
+cosmos,625,5
+coffeen,1409,3
+stockman,1208,1
+lindenwood,1144,2
+leonardo,971,11
+klickitat,238,1
+shelbyville,1274,2
+newfields,498,5
+lakeville,1394,2
+shelbyville,2231,3
+lakeville,8,7
+shelbyville,656,4
+onaga,1,1
+pomaria,558,0
+mifflinburg,237,6
+ranchester,1150,8
+lindenwood,1235,2
+tolstoy,1758,9
+lakeville,1864,0
+ranchester,1363,4
+cosmos,805,13
+forkland,1138,4
+cosmos,612,2
+ranchester,395,6
+tolstoy,114,6
+wainscott,248,8
+merom,674,4
+coffeen,738,4
+pomaria,1234,4
+tolstoy,1121,5
+allensville,91,2
+stockman,1126,5
+lakeville,912,2
+shelbyville,1987,1
+leonardo,1135,0
+wainscott,974,10
+woodbine,821,3
+mifflinburg,212,2
+pomaria,343,4
+forkland,287,2
+leonardo,1387,2
+hanson,827,0
+lakeville,177,11
+lakeville,90,2
+pinesdale,1431,5
+tolstoy,182,4
+pinesdale,573,9
+merom,744,1
+stockman,143,2
+newfields,468,0
+lakeville,1277,2
+coffeen,779,0
+coffeen,551,3
+benevolence,274,4
+klickitat,482,9
+klickitat,2334,5
+shelbyville,1820,0
+pinesdale,177,0
+hanson,968,1
+lindenwood,1415,3
+leonardo,2093,9
+allensville,150,0
+pomaria,552,4
+wainscott,364,11
+cosmos,300,1
+hiteman,960,5
+hiteman,909,6
+newfields,1028,2
+hanson,1182,2
+pinesdale,167,2
+lindenwood,972,2
+mifflinburg,138,0
+tolstoy,1047,4
+marstons,1481,4
+hanson,60,14
+leonardo,314,2
+wainscott,524,7
+cosmos,343,8
+shelbyville,1963,0
+leonardo,406,0
+forkland,1140,2
+wainscott,522,3
+mifflinburg,968,0
+newfields,1088,2
+marstons,493,2
+cosmos,658,0
+wainscott,497,7
+lindenwood,2474,6
+wainscott,1104,7
+shelbyville,1623,3
+pinesdale,32,0
+beechwood,1121,9
+forkland,956,8
+pomaria,189,2
+lindenwood,2204,1
+lakeville,1005,2
+marstons,268,0
+newfields,955,2
+shelbyville,598,2
+shelbyville,2468,12
+newfields,989,5
+klickitat,2383,1
+mifflinburg,214,5
+wainscott,1132,7
+hiteman,1479,9
+hanson,1520,6
+klickitat,503,7
+lindenwood,756,0
+leonardo,1492,6
+beechwood,573,3
+lindenwood,2301,1
+onaga,337,4
+shelbyville,1248,3
+pomaria,222,10
+leonardo,73,6
+leonardo,1141,1
+stockman,1068,0
+woodbine,199,1
+hiteman,733,4
+lakeville,609,10
+hanson,946,0
+benevolence,486,2
+shelbyville,2023,2
+newfields,272,6
+coffeen,1187,2
+tolstoy,1801,7
+leonardo,897,12
+newfields,217,1
+hiteman,905,8
+hanson,1531,3
+cosmos,499,1
+woodbine,1315,1
+hanson,136,2
+shelbyville,336,7
+ranchester,529,1
+mifflinburg,351,0
+klickitat,257,7
+cosmos,579,6
+beechwood,755,13
+lakeville,934,1
+pomaria,1318,0
+lindenwood,2511,1
+stockman,229,5
+klickitat,968,0
+newfields,340,1
+hiteman,1066,1
+newfields,1211,3
+lakeville,1152,5
+shelbyville,1651,0
+mifflinburg,814,11
+pinesdale,1029,7
+benevolence,548,1
+lindenwood,1823,1
+stockman,1132,1
+newfields,1376,5
+klickitat,1783,2
+pomaria,643,1
+leonardo,1381,1
+forkland,906,1
+lakeville,1115,1
+forkland,175,3
+marstons,924,12
+klickitat,1974,14
+shelbyville,257,4
+beechwood,555,3
+marstons,2221,4
+klickitat,1914,16
+pomaria,1498,2
+lindenwood,1094,0
+hiteman,1071,8
+wainscott,860,1
+ranchester,1150,4
+woodbine,1912,2
+beechwood,997,1
+marstons,477,2
+woodbine,1381,0
+pomaria,1445,4
+hanson,1594,12
+cosmos,745,3
+leonardo,1729,1
+hanson,362,6
+tolstoy,52,12
+onaga,53,7
+mifflinburg,978,0
+lindenwood,1487,7
+onaga,78,0
+allensville,495,0
+leonardo,1661,1
+lindenwood,1627,0
+tolstoy,1290,5
+leonardo,1697,6
+mifflinburg,397,1
+cosmos,435,6
+tolstoy,212,2
+shelbyville,1525,2
+newfields,1292,8
+woodbine,35,1
+klickitat,1405,7
+klickitat,2328,3
+coffeen,981,5
+beechwood,439,1
+pinesdale,85,3
+stockman,642,7
+hanson,1453,4
+klickitat,831,2
+lakeville,1862,13
+mifflinburg,769,0
+cosmos,70,0
+ranchester,133,0
+wainscott,1440,1
+ranchester,252,0
+hanson,281,12
+shelbyville,1635,4
+wainscott,835,7
+leonardo,43,2
+shelbyville,1458,13
+shelbyville,1902,8
+shelbyville,2384,0
+mifflinburg,644,0
+marstons,1415,2
+coffeen,1173,4
+shelbyville,1854,10
+klickitat,2303,3
+lindenwood,257,1
+hanson,207,8
+lindenwood,103,6
+hiteman,1452,11
+leonardo,7,18
+stockman,1103,0
+woodbine,1983,2
+woodbine,1198,5
+wainscott,916,4
+benevolence,658,10
+onaga,310,4
+woodbine,608,5
+lindenwood,392,7
+newfields,740,4
+ranchester,1164,3
+lindenwood,2584,0
+tolstoy,1049,2
+cosmos,144,2
+shelbyville,2319,1
+wainscott,801,5
+shelbyville,873,10
+tolstoy,492,2
+leonardo,1069,3
+hiteman,451,4
+lakeville,1342,12
+tolstoy,1568,2
+lindenwood,291,0
+woodbine,1543,0
+lakeville,285,4
+marstons,545,2
+stockman,325,2
+klickitat,145,7
+ranchester,1261,6
+stockman,980,0
+klickitat,2406,2
+hanson,1281,1
+stockman,1263,5
+newfields,1108,6
+ranchester,1144,4
+hiteman,106,2
+lakeville,349,1
+pomaria,1470,8
+marstons,250,1
+merom,800,1
+benevolence,630,9
+lindenwood,2030,1
+pomaria,1306,6
+hanson,888,1
+klickitat,1051,1
+wainscott,1469,2
+merom,966,2
+lindenwood,20,2
+klickitat,1716,3
+wainscott,528,15
+shelbyville,1576,0
+stockman,753,0
+newfields,429,1
+shelbyville,1301,0
+beechwood,238,0
+coffeen,854,7
+leonardo,1856,6
+woodbine,23,15
+forkland,620,7
+shelbyville,2133,6
+marstons,1411,0
+lindenwood,702,15
+marstons,1355,12
+tolstoy,207,7
+lindenwood,237,2
+shelbyville,172,7
+hiteman,1845,4
+coffeen,1327,1
+pinesdale,3,0
+newfields,884,10
+coffeen,897,2
+klickitat,1471,10
+klickitat,300,10
+hiteman,694,3
+tolstoy,1010,9
+woodbine,156,6
+ranchester,879,2
+shelbyville,1298,7
+ranchester,1332,3
+allensville,263,1
+onaga,489,1
+shelbyville,1102,8
+woodbine,2049,8
+pinesdale,335,2
+pinesdale,274,1
+cosmos,520,11
+hiteman,1451,0
+newfields,1358,4
+ranchester,218,2
+shelbyville,242,1
+pomaria,662,0
+wainscott,1162,12
+ranchester,1330,2
+lakeville,1230,2
+stockman,787,0
+lakeville,842,14
+leonardo,681,7
+ranchester,1134,2
+marstons,1000,3
+hiteman,39,4
+shelbyville,1981,1
+klickitat,432,3
+leonardo,359,9
+hiteman,865,1
+hiteman,811,4
+lindenwood,2063,4
+shelbyville,2106,3
+pinesdale,447,0
+pinesdale,927,5
+hiteman,786,1
+woodbine,255,4
+ranchester,190,6
+klickitat,324,7
+hanson,858,0
+beechwood,722,4
+shelbyville,1704,0
+lindenwood,462,1
+lindenwood,796,0
+woodbine,2016,4
+leonardo,592,3
+klickitat,1597,0
+stockman,1089,1
+wainscott,749,2
+klickitat,2151,9
+lindenwood,496,2
+ranchester,851,5
+coffeen,920,4
+newfields,449,3
+shelbyville,2817,0
+cosmos,199,8
+newfields,454,5
+hiteman,989,0
+cosmos,294,2
+pomaria,819,0
+hiteman,382,5
+hiteman,453,8
+woodbine,1477,0
+woodbine,1160,1
+ranchester,705,4
+hanson,1463,0
+woodbine,398,5
+hanson,1528,11
+shelbyville,976,8
+lindenwood,1590,8
+marstons,2152,5
+klickitat,2356,12
+hiteman,729,9
+marstons,905,4
+wainscott,1353,6
+klickitat,1245,3
+marstons,100,1
+newfields,390,0
+shelbyville,2225,0
+klickitat,32,12
+wainscott,499,8
+shelbyville,559,1
+hanson,327,1
+marstons,2007,0
+ranchester,259,3
+pinesdale,1247,2
+stockman,147,9
+shelbyville,1276,12
+lakeville,368,10
+lindenwood,1857,6
+hanson,1284,10
+lindenwood,2021,2
+newfields,314,12
+lakeville,370,3
+hiteman,417,6
+leonardo,947,4
+ranchester,281,10
+newfields,1546,3
+shelbyville,2052,1
+newfields,198,1
+lindenwood,2033,3
+klickitat,1224,2
+newfields,1056,5
+shelbyville,194,10
+shelbyville,2245,11
+wainscott,1730,4
+tolstoy,1231,3
+cosmos,223,2
+ranchester,550,10
+klickitat,1892,9
+pomaria,287,7
+leonardo,1916,1
+ranchester,722,3
+newfields,1569,5
+woodbine,1667,11
+pinesdale,782,0
+mifflinburg,206,2
+lindenwood,2552,11
+mifflinburg,79,4
+mifflinburg,893,1
+hiteman,1438,1
+tolstoy,1252,2
+coffeen,133,5
+klickitat,1258,10
+marstons,375,5
+tolstoy,2,2
+newfields,1041,7
+hanson,470,0
+klickitat,2122,3
+lakeville,1104,0
+ranchester,1191,6
+lindenwood,723,2
+wainscott,558,9
+pomaria,7,0
+hiteman,1513,3
+mifflinburg,245,4
+ranchester,1367,1
+shelbyville,228,6
+merom,973,2
+woodbine,1270,0
+klickitat,1584,10
+lakeville,1706,4
+hiteman,1399,6
+stockman,1174,2
+marstons,2038,6
+shelbyville,956,4
+leonardo,1568,0
+pinesdale,989,0
+pomaria,1606,1
+wainscott,391,5
+stockman,1129,6
+tolstoy,437,1
+klickitat,2294,2
+shelbyville,588,4
+leonardo,167,14
+pomaria,807,2
+cosmos,1004,5
+lindenwood,504,5
+leonardo,1712,3
+klickitat,48,1
+hiteman,1263,2
+lakeville,1610,0
+tolstoy,743,0
+newfields,314,2
+newfields,1656,3
+ranchester,1359,10
+woodbine,873,10
+hanson,1334,1
+pomaria,1189,2
+klickitat,141,1
+marstons,1493,4
+forkland,987,2
+shelbyville,2650,10
+newfields,1625,4
+hanson,280,2
+beechwood,87,5
+cosmos,373,0
+pomaria,515,6
+stockman,180,0
+hiteman,474,7
+forkland,71,8
+shelbyville,1943,9
+forkland,147,3
+wainscott,1286,1
+klickitat,846,1
+coffeen,943,3
+coffeen,376,2
+pomaria,1529,10
+leonardo,291,7
+merom,972,7
+coffeen,387,1
+leonardo,1618,9
+lindenwood,1358,7
+marstons,879,3
+shelbyville,900,0
+marstons,1698,8
+wainscott,436,2
+tolstoy,1688,3
+lindenwood,291,5
+coffeen,493,4
+newfields,332,11
+stockman,798,3
+allensville,108,4
+coffeen,101,3
+allensville,458,2
+wainscott,513,1
+woodbine,226,10
+pinesdale,314,2
+lindenwood,966,2
+leonardo,263,14
+klickitat,608,1
+cosmos,903,6
+newfields,841,1
+cosmos,560,7
+newfields,838,3
+ranchester,916,0
+coffeen,723,2
+leonardo,557,1
+lakeville,474,1
+lakeville,1306,2
+pomaria,1071,0
+marstons,1183,4
+wainscott,994,8
+hanson,415,8
+shelbyville,2678,1
+hiteman,364,3
+newfields,326,4
+marstons,1462,5
+ranchester,184,5
+coffeen,1059,0
+mifflinburg,971,7
+lindenwood,1690,2
+klickitat,1526,2
+wainscott,669,13
+wainscott,497,5
+newfields,945,9
+pomaria,1481,1
+beechwood,918,4
+hiteman,1257,2
+pomaria,1558,4
+klickitat,1752,4
+pinesdale,447,3
+hanson,897,12
+tolstoy,1116,1
+hanson,944,10
+forkland,920,2
+klickitat,1650,6
+hanson,826,12
+klickitat,1203,1
+newfields,1433,1
+pinesdale,358,5
+woodbine,199,10
+ranchester,618,4
+marstons,693,0
+beechwood,814,1
+hiteman,1281,1
+mifflinburg,267,0
+shelbyville,298,7
+shelbyville,441,12
+leonardo,1083,2
+marstons,81,11
+pomaria,119,5
+newfields,1471,2
+pinesdale,390,0
+newfields,1247,4
+klickitat,1845,4
+shelbyville,1878,4
+klickitat,858,8
+forkland,265,2
+ranchester,1419,1
+lakeville,715,2
+pinesdale,1297,1
+allensville,330,6
+hanson,1204,2
+pomaria,1014,1
+klickitat,47,10
+marstons,2622,9
+pinesdale,1461,0
+shelbyville,189,1
+klickitat,2053,2
+lindenwood,2393,2
+wainscott,1796,8
+hiteman,811,2
+lakeville,512,3
+klickitat,1382,0
+stockman,1054,3
+klickitat,623,9
+ranchester,1480,2
+leonardo,706,7
+cosmos,292,9
+shelbyville,1747,2
+coffeen,960,1
+leonardo,342,0
+marstons,1912,2
+forkland,820,0
+shelbyville,172,5
+marstons,884,0
+woodbine,1652,2
+shelbyville,983,3
+mifflinburg,170,2
+leonardo,982,1
+beechwood,148,5
+wainscott,1381,0
+lakeville,1870,0
+shelbyville,343,12
+wainscott,1104,12
+lakeville,734,1
+marstons,310,6
+tolstoy,412,1
+onaga,624,6
+tolstoy,630,6
+stockman,584,0
+lindenwood,1030,6
+lindenwood,2675,8
+woodbine,922,2
+beechwood,874,4
+woodbine,754,1
+stockman,849,0
+ranchester,34,2
+klickitat,1461,2
+forkland,124,3
+coffeen,946,3
+shelbyville,1364,2
+leonardo,654,2
+stockman,682,3
+shelbyville,144,1
+shelbyville,1954,7
+beechwood,854,5
+wainscott,976,0
+allensville,433,0
+klickitat,1577,2
+woodbine,1613,0
+beechwood,50,2
+pomaria,1399,2
+shelbyville,2418,4
+lakeville,836,6
+klickitat,1827,1
+pinesdale,820,13
+wainscott,84,6
+ranchester,1127,0
+marstons,1828,10
+stockman,388,5
+pomaria,712,5
+woodbine,391,5
+marstons,849,6
+woodbine,894,5
+pomaria,1004,2
+klickitat,1001,10
+tolstoy,1147,3
+lakeville,1103,0
+klickitat,215,2
+pinesdale,188,7
+cosmos,844,7
+wainscott,803,2
+shelbyville,2773,3
+lindenwood,742,2
+newfields,1597,9
+klickitat,52,3
+leonardo,1714,6
+tolstoy,332,3
+woodbine,481,15
+lakeville,1188,0
+klickitat,762,2
+hiteman,1363,4
+klickitat,1398,6
+leonardo,2084,4
+marstons,2552,10
+woodbine,5,0
+lakeville,697,11
+lindenwood,1430,0
+ranchester,50,17
+cosmos,923,0
+hiteman,354,0
+pomaria,1486,4
+shelbyville,148,8
+pomaria,978,6
+forkland,1175,5
+mifflinburg,422,0
+lakeville,485,7
+pinesdale,790,13
+leonardo,1323,5
+lakeville,44,6
+shelbyville,1849,8
+newfields,1056,12
+tolstoy,1651,0
+shelbyville,1279,2
+stockman,741,2
+coffeen,1174,0
+pomaria,868,1
+pomaria,847,2
+shelbyville,1037,4
+hiteman,373,5
+woodbine,1187,2
+lakeville,823,1
+cosmos,131,2
+allensville,493,3
+marstons,2034,0
+newfields,652,1
+pinesdale,1285,0
+marstons,963,1
+pomaria,114,2
+marstons,498,7
+lindenwood,1678,4
+shelbyville,2709,1
+ranchester,336,11
+lindenwood,1699,0
+lakeville,52,5
+marstons,1919,3
+hiteman,1443,2
+pinesdale,1267,8
+hanson,1290,6
+hiteman,1626,0
+hanson,1268,3
+mifflinburg,674,8
+leonardo,173,4
+tolstoy,751,1
+wainscott,943,1
+onaga,580,7
+klickitat,1231,7
+woodbine,507,4
+wainscott,823,7
+marstons,580,2
+lindenwood,363,9
+klickitat,1763,8
+forkland,105,0
+woodbine,1740,7
+hiteman,1429,15
+coffeen,419,1
+tolstoy,1625,6
+allensville,66,1
+lakeville,233,8
+mifflinburg,797,3
+forkland,379,1
+pomaria,514,4
+marstons,2106,4
+pomaria,837,0
+shelbyville,264,0
+tolstoy,590,4
+merom,105,4
+onaga,323,4
+benevolence,627,7
+lindenwood,78,1
+shelbyville,334,0
+woodbine,1758,2
+pinesdale,1101,3
+newfields,1188,2
+cosmos,897,6
+tolstoy,867,8
+wainscott,1532,0
+lindenwood,2223,2
+pinesdale,1410,2
+shelbyville,1409,1
+woodbine,1220,3
+woodbine,1245,3
+marstons,361,5
+pomaria,310,0
+woodbine,1714,5
+newfields,56,0
+lindenwood,1282,0
+lindenwood,1872,3
+leonardo,1058,13
+lakeville,893,1
+stockman,527,0
+klickitat,1658,1
+klickitat,903,3
+onaga,534,3
+klickitat,940,0
+forkland,539,4
+wainscott,79,2
+klickitat,829,2
+tolstoy,1318,3
+lakeville,534,3
+forkland,122,0
+forkland,693,4
+stockman,989,11
+marstons,1755,2
+mifflinburg,400,11
+klickitat,1743,4
+marstons,1962,0
+pinesdale,1115,0
+allensville,324,2
+hanson,1134,10
+forkland,298,1
+lindenwood,87,3
+shelbyville,1037,0
+pinesdale,768,3
+pomaria,303,7
+lindenwood,2643,1
+woodbine,823,2
+lindenwood,124,0
+lakeville,38,13
+pinesdale,193,1
+tolstoy,499,1
+ranchester,1191,1
+pomaria,673,7
+merom,726,1
+benevolence,489,2
+cosmos,537,5
+lindenwood,710,2
+pomaria,1247,0
+klickitat,999,3
+coffeen,800,0
+hiteman,1439,1
+hiteman,188,3
+shelbyville,2346,2
+lakeville,489,1
+wainscott,528,8
+shelbyville,105,0
+hiteman,828,2
+woodbine,1094,17
+pomaria,1427,8
+shelbyville,1998,1
+newfields,849,2
+hiteman,1710,10
+stockman,1316,7
+pinesdale,1363,8
+shelbyville,1573,11
+marstons,1707,1
+marstons,2147,13
+pinesdale,483,4
+pomaria,1623,2
+ranchester,1434,19
+pomaria,914,7
+lakeville,298,3
+pomaria,441,1
+tolstoy,1617,1
+leonardo,167,1
+lindenwood,813,1
+hiteman,667,8
+wainscott,82,14
+stockman,272,6
+lindenwood,2094,0
+marstons,244,8
+leonardo,60,3
+tolstoy,1104,2
+klickitat,2116,11
+klickitat,1333,1
+pomaria,1331,0
+shelbyville,262,1
+klickitat,919,1
+lindenwood,2302,3
+hanson,2,4
+hanson,363,14
+klickitat,1047,3
+leonardo,1499,6
+stockman,1202,7
+klickitat,1224,6
+lakeville,455,0
+marstons,1614,5
+lindenwood,475,2
+beechwood,44,2
+woodbine,186,8
+pomaria,1601,5
+allensville,404,2
+woodbine,1354,3
+hiteman,1169,11
+newfields,1201,5
+leonardo,626,5
+lakeville,39,2
+leonardo,884,3
+shelbyville,240,11
+marstons,2654,2
+pomaria,397,0
+forkland,934,0
+hiteman,1804,2
+marstons,1140,10
+lindenwood,389,8
+marstons,2254,0
+merom,47,1
+marstons,2144,9
+marstons,382,2
+ranchester,932,1
+newfields,1070,4
+hiteman,89,4
+ranchester,361,5
+marstons,870,0
+woodbine,1853,12
+leonardo,1864,2
+forkland,744,3
+wainscott,524,5
+cosmos,276,1
+leonardo,1132,11
+leonardo,185,0
+lindenwood,598,3
+klickitat,1723,6
+mifflinburg,847,3
+tolstoy,361,8
+woodbine,1321,0
+lindenwood,1574,0
+lakeville,235,6
+benevolence,271,2
+pomaria,235,14
+beechwood,664,3
+ranchester,824,2
+hanson,1042,2
+cosmos,228,5
+klickitat,828,6
+klickitat,891,1
+shelbyville,2573,3
+hiteman,620,2
+wainscott,537,0
+newfields,1129,0
+benevolence,781,4
+ranchester,682,0
+forkland,2,3
+wainscott,711,7
+lakeville,1528,0
+beechwood,1160,1
+beechwood,705,1
+merom,1070,0
+newfields,412,7
+klickitat,116,4
+tolstoy,947,0
+klickitat,1705,1
+newfields,869,11
+hanson,34,0
+ranchester,1453,1
+klickitat,117,0
+pomaria,427,2
+klickitat,1475,1
+pinesdale,765,7
+shelbyville,2239,6
+pomaria,194,5
+wainscott,279,3
+wainscott,1779,3
+hiteman,1856,7
+lindenwood,255,12
+coffeen,426,5
+forkland,163,10
+merom,883,0
+pomaria,434,2
+hanson,1436,0
+coffeen,1468,1
+lakeville,1860,10
+wainscott,1612,10
+lindenwood,352,9
+shelbyville,134,6
+lakeville,1226,0
+cosmos,973,5
+klickitat,1617,1
+newfields,358,12
+forkland,1175,0
+shelbyville,1009,2
+wainscott,1522,5
+newfields,1236,2
+shelbyville,498,1
+newfields,1448,2
+tolstoy,1420,1
+pinesdale,1142,0
+tolstoy,391,0
+klickitat,443,1
+ranchester,895,11
+pomaria,401,0
+stockman,985,3
+hanson,1484,2
+leonardo,1002,5
+lakeville,1752,8
+pinesdale,162,6
+coffeen,553,1
+coffeen,919,0
+lindenwood,749,3
+klickitat,713,7
+lindenwood,1276,3
+woodbine,208,6
+leonardo,836,1
+lindenwood,1322,7
+klickitat,354,5
+marstons,1686,0
+marstons,1620,2
+lindenwood,1182,10
+lakeville,1532,2
+lindenwood,2526,0
+hiteman,331,4
+hanson,1134,0
+leonardo,661,6
+marstons,1009,1
+newfields,953,3
+shelbyville,1104,7
+pomaria,803,1
+lindenwood,233,2
+newfields,677,1
+mifflinburg,618,5
+mifflinburg,388,0
+leonardo,726,4
+mifflinburg,162,6
+cosmos,2,6
+stockman,905,0
+pinesdale,122,3
+wainscott,666,10
+forkland,248,1
+beechwood,526,2
+klickitat,333,0
+coffeen,444,0
+wainscott,90,4
+hiteman,1380,13
+klickitat,1757,3
+hanson,1180,1
+hiteman,1070,1
+forkland,283,4
+forkland,457,2
+lindenwood,662,0
+coffeen,1230,2
+lakeville,1763,11
+newfields,1458,1
+hanson,1365,4
+woodbine,1574,0
+leonardo,2034,0
+woodbine,344,1
+onaga,671,3
+marstons,548,4
+klickitat,728,3
+marstons,1910,5
+coffeen,373,6
+lindenwood,620,3
+hiteman,1745,4
+tolstoy,847,1
+pomaria,78,10
+klickitat,884,3
+shelbyville,1560,1
+lindenwood,2571,6
+forkland,119,2
+klickitat,670,3
+woodbine,867,8
+lindenwood,1416,2
+klickitat,257,10
+lakeville,328,0
+woodbine,1314,8
+newfields,263,6
+shelbyville,557,5
+hiteman,873,0
+wainscott,772,6
+lindenwood,195,5
+pinesdale,379,1
+newfields,255,1
+ranchester,660,14
+mifflinburg,149,7
+hiteman,864,3
+klickitat,755,7
+newfields,558,16
+wainscott,286,5
+woodbine,1538,1
+mifflinburg,230,4
+mifflinburg,343,1
+merom,173,4
+pinesdale,1246,4
+leonardo,726,5
+lindenwood,1889,0
+stockman,1523,5
+wainscott,275,2
+allensville,425,4
+lakeville,1542,2
+leonardo,2063,8
+hiteman,195,2
+beechwood,41,5
+beechwood,455,5
+hanson,825,18
+ranchester,585,1
+lakeville,1146,2
+hiteman,1826,0
+pomaria,173,5
+cosmos,1010,11
+hiteman,186,14
+woodbine,1444,13
+hanson,1463,3
+cosmos,699,4
+coffeen,917,4
+cosmos,599,2
+stockman,1109,2
+wainscott,178,7
+stockman,1166,1
+shelbyville,1316,1
+lindenwood,486,9
+newfields,553,2
+newfields,1628,4
+marstons,1099,2
+stockman,995,2
+pinesdale,1513,2
+woodbine,972,6
+hiteman,1207,3
+marstons,2498,1
+shelbyville,1691,5
+lakeville,435,3
+lindenwood,2625,5
+klickitat,1437,22
+coffeen,74,3
+hiteman,758,0
+wainscott,920,8
+newfields,1449,6
+woodbine,1311,6
+stockman,829,14
+klickitat,374,12
+pomaria,824,2
+pinesdale,226,1
+pomaria,512,2
+wainscott,770,2
+pinesdale,465,6
+wainscott,767,3
+mifflinburg,560,3
+lakeville,719,1
+lakeville,1641,2
+wainscott,1755,2
+ranchester,1118,0
+lakeville,1073,2
+klickitat,1249,0
+pinesdale,262,0
+forkland,1174,7
+coffeen,572,0
+pomaria,1160,2
+newfields,831,5
+woodbine,1868,8
+stockman,374,1
+wainscott,708,2
+lindenwood,2246,8
+hanson,233,14
+lindenwood,2600,13
+lindenwood,561,0
+klickitat,386,8
+forkland,1196,7
+beechwood,136,2
+woodbine,1794,3
+tolstoy,1555,4
+lindenwood,1960,3
+merom,498,0
+ranchester,1328,7
+lakeville,460,8
+marstons,1140,13
+allensville,41,2
+stockman,438,2
+stockman,38,3
+leonardo,231,1
+lindenwood,417,0
+hiteman,1016,1
+klickitat,1557,2
+pomaria,1474,2
+tolstoy,1425,7
+pinesdale,135,7
+marstons,840,3
+tolstoy,1113,8
+klickitat,571,9
+marstons,352,13
+coffeen,168,2
+lakeville,1718,1
+marstons,1683,1
+lindenwood,1624,6
+ranchester,611,3
+wainscott,484,3
+cosmos,548,1
+lakeville,1282,4
+lakeville,934,3
+coffeen,797,6
+marstons,2112,6
+klickitat,1085,1
+newfields,481,9
+marstons,1883,0
+woodbine,654,2
+woodbine,1442,0
+shelbyville,1302,0
+leonardo,1345,2
+wainscott,1434,3
+ranchester,72,1
+hanson,1553,7
+shelbyville,2189,0
+forkland,974,6
+wainscott,561,1
+forkland,767,3
+lindenwood,1488,7
+pomaria,1146,3
+hiteman,1800,6
+klickitat,2062,7
+lakeville,1667,0
+coffeen,27,7
+woodbine,1394,5
+coffeen,1437,0
+woodbine,1389,5
+hanson,973,11
+wainscott,146,3
+hanson,864,2
+mifflinburg,664,0
+hiteman,1002,2
+beechwood,484,1
+shelbyville,1841,8
+klickitat,2142,4
+merom,175,0
+cosmos,502,5
+lindenwood,239,3
+hanson,747,9
+merom,501,3
+woodbine,1374,3
+shelbyville,1044,2
+forkland,556,0
+lindenwood,1299,3
+coffeen,302,6
+ranchester,818,0
+woodbine,170,1
+klickitat,206,9
+woodbine,1032,4
+lakeville,171,11
+klickitat,1801,4
+lakeville,4,2
+woodbine,534,3
+forkland,894,8
+coffeen,1189,0
+leonardo,443,4
+cosmos,775,1
+woodbine,660,7
+ranchester,1095,0
+marstons,1088,0
+beechwood,1046,0
+klickitat,2271,8
+tolstoy,1205,4
+tolstoy,900,3
+tolstoy,1437,11
+forkland,177,0
+beechwood,301,2
+onaga,347,1
+leonardo,813,4
+marstons,28,0
+newfields,1360,1
+cosmos,523,5
+klickitat,73,4
+cosmos,311,4
+pomaria,1445,6
+benevolence,722,2
+hanson,1418,8
+marstons,1660,4
+woodbine,798,4
+wainscott,411,9
+leonardo,316,7
+shelbyville,2415,0
+woodbine,749,4
+hiteman,2,4
+hanson,700,1
+stockman,1454,1
+newfields,1546,10
+marstons,2597,3
+hiteman,726,10
+pomaria,283,2
+ranchester,1632,5
+shelbyville,1747,14
+hiteman,390,6
+forkland,1105,1
+pomaria,1672,13
+merom,656,0
+marstons,555,5
+benevolence,204,4
+lakeville,89,12
+pomaria,166,0
+lindenwood,1071,5
+marstons,783,3
+hiteman,1319,0
+shelbyville,1266,6
+pomaria,894,4
+tolstoy,1249,9
+pomaria,540,3
+wainscott,668,1
+klickitat,9,2
+lindenwood,2305,1
+hanson,1452,6
+leonardo,660,1
+leonardo,2058,15
+lindenwood,1350,3
+hanson,1485,2
+pinesdale,498,14
+hanson,794,0
+tolstoy,1061,7
+shelbyville,1179,6
+pinesdale,856,0
+woodbine,60,8
+pinesdale,536,0
+coffeen,140,4
+pomaria,973,3
+marstons,133,1
+newfields,1194,4
+lindenwood,1582,9
+hanson,73,4
+mifflinburg,122,6
+leonardo,2033,2
+marstons,2017,2
+klickitat,1046,12
+shelbyville,456,6
+leonardo,577,2
+ranchester,40,0
+lindenwood,668,12
+woodbine,1105,10
+klickitat,1040,5
+marstons,971,3
+forkland,492,6
+merom,468,0
+hanson,1531,8
+hanson,454,7
+leonardo,1384,0
+leonardo,1805,9
+ranchester,884,1
+tolstoy,1589,2
+marstons,2295,0
+lindenwood,719,0
+tolstoy,617,12
+cosmos,190,6
+coffeen,295,3
+leonardo,1541,2
+wainscott,1239,8
+hiteman,944,4
+lindenwood,1671,1
+lakeville,825,0
+shelbyville,2518,6
+wainscott,621,12
+shelbyville,1337,0
+woodbine,1484,0
+ranchester,1055,3
+lakeville,1025,1
+wainscott,997,8
+ranchester,1392,9
+tolstoy,1130,4
+cosmos,74,2
+lakeville,87,1
+hanson,1040,3
+tolstoy,721,3
+lindenwood,120,5
+lindenwood,2302,10
+beechwood,1056,6
+stockman,423,3
+lindenwood,816,6
+beechwood,1048,3
+lakeville,1186,2
+wainscott,1240,3
+lindenwood,877,0
+lindenwood,2650,0
+ranchester,902,9
+wainscott,782,5
+cosmos,158,4
+klickitat,148,6
+tolstoy,139,4
+newfields,154,0
+shelbyville,2520,13
+marstons,802,5
+klickitat,313,4
+woodbine,401,7
+pinesdale,654,2
+leonardo,136,3
+klickitat,2381,8
+ranchester,726,8
+coffeen,1118,0
+klickitat,1030,6
+klickitat,305,2
+shelbyville,582,1
+coffeen,100,2
+beechwood,763,1
+lindenwood,2009,2
+ranchester,785,3
+forkland,100,7
+cosmos,217,2
+hanson,1189,2
+pomaria,1067,1
+leonardo,1794,3
+lakeville,367,3
+benevolence,828,3
+hanson,618,3
+newfields,682,1
+lindenwood,1451,4
+lindenwood,2134,9
+woodbine,1139,6
+pinesdale,720,12
+klickitat,1345,2
+forkland,727,2
+klickitat,1760,12
+klickitat,796,2
+allensville,6,2
+wainscott,196,6
+newfields,4,1
+forkland,62,1
+stockman,318,4
+shelbyville,866,3
+hanson,503,4
+lakeville,303,4
+lakeville,824,0
+stockman,763,2
+ranchester,719,2
+tolstoy,1316,5
+newfields,849,1
+woodbine,633,5
+marstons,142,9
+lindenwood,150,0
+shelbyville,192,1
+ranchester,792,11
+leonardo,79,3
+lakeville,1521,3
+cosmos,815,2
+lindenwood,1952,5
+onaga,125,2
+lindenwood,2375,3
+hanson,88,3
+lakeville,442,1
+hanson,278,3
+marstons,27,2
+newfields,1063,7
+merom,674,2
+cosmos,869,7
+marstons,1128,7
+woodbine,947,1
+hanson,1197,0
+forkland,863,2
+onaga,629,3
+tolstoy,662,1
+hanson,41,2
+coffeen,1402,4
+cosmos,379,7
+leonardo,1146,2
+marstons,2164,10
+pomaria,734,3
+pomaria,1612,4
+woodbine,364,6
+woodbine,250,6
+newfields,104,1
+onaga,510,3
+lindenwood,327,11
+leonardo,199,2
+lindenwood,1712,3
+lindenwood,356,1
+newfields,1424,2
+marstons,362,3
+tolstoy,726,0
+hiteman,845,2
+coffeen,608,1
+coffeen,1032,10
+marstons,1115,0
+hiteman,1101,9
+hiteman,696,10
+wainscott,354,4
+leonardo,800,5
+lindenwood,1101,7
+klickitat,1229,8
+pinesdale,1079,4
+newfields,193,4
+newfields,635,1
+newfields,1211,4
+coffeen,1514,4
+klickitat,792,0
+leonardo,469,3
+ranchester,513,1
+woodbine,1192,1
+newfields,435,11
+beechwood,207,2
+forkland,59,2
+lakeville,1565,3
+wainscott,336,2
+mifflinburg,332,5
+hiteman,1420,1
+lakeville,1869,5
+benevolence,580,4
+coffeen,1333,0
+pinesdale,204,1
+shelbyville,2672,0
+klickitat,2010,8
+lakeville,368,0
+lindenwood,2434,1
+pomaria,1552,1
+tolstoy,329,3
+beechwood,1125,7
+shelbyville,1754,3
+forkland,1067,2
+hiteman,551,2
+pomaria,710,3
+forkland,987,0
+lindenwood,1157,2
+woodbine,511,1
+leonardo,15,0
+benevolence,800,6
+lakeville,1249,2
+wainscott,994,10
+woodbine,836,1
+lindenwood,1293,7
+marstons,2529,4
+klickitat,1344,5
+stockman,1568,9
+shelbyville,1812,1
+woodbine,1466,2
+beechwood,1077,3
+benevolence,183,2
+klickitat,846,7
+pomaria,56,1
+lakeville,734,4
+marstons,2416,0
+pomaria,779,1
+shelbyville,2087,1
+tolstoy,748,5
+lindenwood,2491,3
+klickitat,127,7
+lakeville,772,1
+coffeen,191,2
+lindenwood,2581,0
+lakeville,165,1
+mifflinburg,432,9
+pomaria,1004,3
+woodbine,336,5
+newfields,1031,9
+lindenwood,2526,4
+woodbine,1824,4
+woodbine,1534,1
+pomaria,485,0
+newfields,1641,0
+wainscott,736,2
+shelbyville,2369,7
+newfields,700,2
+woodbine,2020,3
+lindenwood,1423,4
+shelbyville,1386,0
+klickitat,720,11
+allensville,241,2
+hiteman,641,2
+stockman,711,7
+lindenwood,429,3
+newfields,1166,3
+stockman,775,0
+lakeville,1648,7
+marstons,1530,6
+lindenwood,1822,12
+leonardo,566,3
+hanson,746,1
+hanson,23,0
+hiteman,433,0
+lakeville,579,11
+ranchester,319,1
+ranchester,47,1
+onaga,114,0
+woodbine,239,11
+lakeville,673,0
+klickitat,1263,2
+ranchester,185,9
+beechwood,754,3
+marstons,1026,8
+beechwood,844,0
+woodbine,1573,0
+ranchester,375,0
+lakeville,256,0
+coffeen,527,4
+woodbine,684,0
+merom,873,0
+lindenwood,1465,2
+klickitat,300,7
+wainscott,707,4
+shelbyville,1027,4
+hanson,1592,10
+lindenwood,2368,9
+forkland,380,0
+merom,977,4
+wainscott,1457,4
+shelbyville,2631,12
+woodbine,541,2
+lakeville,568,5
+klickitat,1197,2
+pomaria,903,2
+beechwood,1122,0
+lindenwood,148,3
+cosmos,786,1
+merom,1089,1
+hanson,1225,12
+lindenwood,2574,9
+hiteman,543,3
+pomaria,699,4
+cosmos,520,5
+klickitat,1470,10
+hanson,1181,2
+tolstoy,1488,4
+newfields,984,2
+lakeville,287,5
+newfields,17,0
+klickitat,2230,8
+pinesdale,960,3
+marstons,1827,0
+mifflinburg,750,1
+leonardo,689,13
+hiteman,1763,3
+tolstoy,1562,5
+newfields,1230,1
+wainscott,1387,7
+woodbine,1872,8
+ranchester,216,17
+cosmos,162,5
+shelbyville,889,0
+klickitat,1577,7
+hiteman,1610,2
+pomaria,1353,0
+pomaria,713,0
+woodbine,142,4
+shelbyville,711,7
+leonardo,225,8
+pomaria,1505,4
+pomaria,515,5
+stockman,370,5
+lindenwood,1651,6
+hiteman,1490,3
+ranchester,1308,0
+lindenwood,1491,4
+shelbyville,389,7
+beechwood,934,1
+coffeen,560,10
+pomaria,1565,1
+shelbyville,2540,4
+pinesdale,520,1
+woodbine,1836,0
+ranchester,176,1
+shelbyville,357,13
+lindenwood,2543,0
+hiteman,136,10
+lakeville,447,11
+pinesdale,12,3
+woodbine,319,5
+newfields,1486,2
+coffeen,1459,1
+tolstoy,1358,3
+pomaria,385,8
+shelbyville,2327,6
+hanson,1004,13
+shelbyville,1853,0
+klickitat,584,4
+newfields,830,2
+woodbine,885,4
+forkland,357,2
+newfields,723,6
+onaga,189,2
+cosmos,316,0
+lakeville,1116,1
+lindenwood,252,1
+lakeville,410,0
+leonardo,863,1
+marstons,1810,2
+woodbine,2055,14
+beechwood,664,7
+hiteman,717,9
+marstons,93,8
+hiteman,467,2
+marstons,1574,0
+lakeville,207,0
+lakeville,176,1
+woodbine,92,2
+hanson,1204,4
+woodbine,1608,8
+wainscott,1585,4
+forkland,795,0
+pomaria,1491,0
+wainscott,520,3
+onaga,538,5
+hiteman,1509,4
+forkland,602,2
+leonardo,930,2
+wainscott,366,4
+tolstoy,1228,2
+lakeville,337,6
+beechwood,849,7
+lindenwood,1752,3
+klickitat,1492,8
+lakeville,530,3
+shelbyville,2369,4
+klickitat,1307,1
+coffeen,1501,0
+klickitat,286,6
+newfields,1501,9
+klickitat,1592,8
+ranchester,501,1
+marstons,2297,6
+shelbyville,37,5
+shelbyville,275,0
+allensville,232,3
+woodbine,1649,3
+klickitat,361,0
+lindenwood,1970,3
+wainscott,1768,3
+newfields,1113,0
+wainscott,739,8
+lakeville,1474,5
+hiteman,170,2
+onaga,294,1
+pinesdale,15,6
+cosmos,154,0
+tolstoy,1362,6
+shelbyville,1935,1
+leonardo,231,9
+hanson,156,2
+tolstoy,1786,2
+forkland,460,2
+tolstoy,206,4
+cosmos,751,0
+ranchester,277,1
+leonardo,223,10
+lindenwood,2229,3
+hiteman,11,3
+newfields,1411,5
+pomaria,1088,12
+tolstoy,962,0
+newfields,1401,6
+lindenwood,282,2
+ranchester,1303,4
+hiteman,379,3
+allensville,141,5
+ranchester,264,1
+lakeville,1628,7
+lindenwood,56,1
+onaga,492,0
+hanson,1197,3
+forkland,238,2
+woodbine,585,0
+lakeville,94,12
+hiteman,1610,3
+onaga,275,6
+tolstoy,1549,1
+marstons,1782,3
+merom,530,1
+coffeen,1405,4
+shelbyville,1068,2
+shelbyville,603,9
+tolstoy,1801,13
+stockman,646,0
+mifflinburg,142,3
+pinesdale,85,4
+tolstoy,691,9
+hanson,981,7
+tolstoy,1279,0
+lindenwood,591,5
+hiteman,269,0
+pomaria,644,4
+klickitat,1745,0
+klickitat,1970,3
+beechwood,994,4
+cosmos,308,6
+marstons,1957,4
+tolstoy,1502,0
+ranchester,609,1
+shelbyville,413,1
+mifflinburg,799,2
+tolstoy,1608,6
+leonardo,1222,4
+klickitat,658,3
+hiteman,795,0
+marstons,2561,6
+pinesdale,960,4
+pinesdale,597,2
+stockman,274,3
+coffeen,247,1
+newfields,381,0
+onaga,381,1
+forkland,885,4
+woodbine,1946,3
+klickitat,1637,14
+newfields,618,4
+hiteman,391,5
+shelbyville,1109,2
+newfields,411,1
+newfields,720,3
+woodbine,1380,2
+shelbyville,1401,8
+wainscott,342,6
+coffeen,600,4
+shelbyville,962,1
+wainscott,1471,0
+klickitat,1263,7
+benevolence,585,1
+hanson,1467,6
+shelbyville,2655,6
+benevolence,872,13
+allensville,379,2
+leonardo,268,7
+tolstoy,775,8
+klickitat,978,3
+woodbine,1021,1
+woodbine,1145,0
+cosmos,3,3
+allensville,17,0
+woodbine,1519,2
+lakeville,1214,8
+woodbine,469,11
+shelbyville,2814,4
+newfields,666,2
+marstons,1608,5
+mifflinburg,160,4
+klickitat,649,6
+coffeen,878,8
+coffeen,631,2
+woodbine,1037,10
+pomaria,796,8
+klickitat,55,1
+pomaria,1343,2
+lindenwood,1311,11
+lakeville,499,4
+pomaria,287,5
+lindenwood,2262,6
+hiteman,552,7
+ranchester,302,4
+onaga,427,3
+shelbyville,2296,12
+pomaria,1638,1
+newfields,532,13
+lindenwood,1141,4
+newfields,449,1
+hanson,811,0
+klickitat,811,6
+newfields,210,0
+leonardo,839,4
+hiteman,588,5
+shelbyville,1666,3
+shelbyville,1278,4
+coffeen,1242,0
+lindenwood,772,11
+mifflinburg,638,4
+allensville,264,1
+marstons,705,1
+shelbyville,2247,4
+beechwood,200,2
+hanson,7,1
+hiteman,782,7
+pomaria,1465,7
+pomaria,1611,1
+leonardo,1220,2
+pinesdale,977,0
+mifflinburg,251,7
+lakeville,449,1
+woodbine,1963,5
+klickitat,913,5
+mifflinburg,251,11
+lakeville,814,3
+onaga,217,0
+leonardo,637,2
+klickitat,354,12
+marstons,1374,3
+marstons,693,1
+tolstoy,673,3
+lindenwood,1921,1
+forkland,209,3
+cosmos,465,12
+allensville,481,4
+marstons,491,0
+marstons,2021,11
+pomaria,427,8
+merom,51,2
+cosmos,521,0
+marstons,53,6
+mifflinburg,745,7
+shelbyville,64,12
+onaga,249,1
+wainscott,1047,10
+lakeville,1534,3
+wainscott,1394,5
+marstons,1757,1
+ranchester,775,13
+pinesdale,846,4
+marstons,517,0
+leonardo,1037,4
+marstons,1422,5
+lakeville,1313,8
+merom,1016,6
+leonardo,9,2
+tolstoy,272,4
+lindenwood,1193,9
+leonardo,1526,6
+newfields,575,5
+hanson,602,14
+shelbyville,986,1
+pinesdale,294,3
+ranchester,507,2
+shelbyville,1285,1
+woodbine,959,4
+tolstoy,1223,0
+lakeville,1042,1
+ranchester,325,2
+woodbine,332,1
+woodbine,1976,7
+lindenwood,1615,2
+tolstoy,1422,3
+leonardo,2080,4
+tolstoy,1061,0
+wainscott,1304,9
+marstons,1366,6
+marstons,1713,6
+coffeen,552,3
+ranchester,994,0
+lindenwood,1167,0
+coffeen,694,8
+benevolence,978,3
+marstons,1078,4
+lakeville,246,12
+hiteman,215,6
+pinesdale,1018,2
+forkland,1124,5
+lakeville,5,2
+mifflinburg,354,2
+merom,482,3
+coffeen,1196,6
+wainscott,895,3
+lindenwood,851,2
+shelbyville,2042,7
+lindenwood,1255,4
+cosmos,201,5
+leonardo,870,0
+pinesdale,880,4
+allensville,318,10
+wainscott,882,12
+hiteman,245,5
+pomaria,1527,4
+klickitat,1831,0
+newfields,1618,2
+hanson,471,5
+merom,974,9
+klickitat,795,7
+marstons,383,2
+woodbine,313,0
+tolstoy,844,3
+marstons,2258,12
+marstons,2011,5
+tolstoy,591,4
+klickitat,776,2
+marstons,2157,10
+pomaria,951,7
+klickitat,2179,3
+pinesdale,1125,3
+beechwood,220,2
+woodbine,2042,5
+lindenwood,1179,9
+woodbine,424,3
+beechwood,263,4
+pinesdale,300,2
+tolstoy,509,2
+shelbyville,1637,2
+wainscott,1743,4
+marstons,1918,7
+hanson,936,5
+beechwood,165,0
+shelbyville,87,16
+pinesdale,785,7
+cosmos,609,2
+hanson,459,0
+merom,1030,0
+klickitat,661,1
+merom,938,7
+stockman,759,3
+woodbine,1751,6
+klickitat,354,4
+stockman,1603,1
+stockman,615,2
+wainscott,1251,5
+lakeville,246,5
+hiteman,755,0
+newfields,1135,3
+wainscott,271,5
+wainscott,1373,1
+klickitat,456,2
+lindenwood,2644,8
+lakeville,866,11
+pinesdale,801,4
+leonardo,632,1
+pomaria,291,1
+lindenwood,668,4
+allensville,408,5
+lakeville,1220,4
+tolstoy,516,4
+wainscott,1077,4
+lindenwood,1945,0
+klickitat,1609,3
+marstons,1810,4
+klickitat,1410,3
+lindenwood,869,2
+onaga,601,0
+leonardo,658,5
+newfields,1476,10
+forkland,587,0
+pomaria,327,2
+wainscott,232,11
+hiteman,217,3
+wainscott,1210,0
+lindenwood,2269,3
+marstons,1342,2
+leonardo,1039,6
+pomaria,169,1
+benevolence,212,6
+lakeville,861,1
+tolstoy,542,5
+lindenwood,963,4
+coffeen,785,5
+leonardo,1867,0
+wainscott,846,0
+marstons,1898,9
+ranchester,1036,2
+forkland,797,4
+marstons,504,7
+hiteman,1069,4
+wainscott,570,5
+onaga,412,3
+klickitat,797,9
+stockman,1461,9
+shelbyville,1757,2
+hanson,1327,5
+lindenwood,2204,2
+pomaria,484,2
+marstons,1617,5
+lindenwood,1294,3
+klickitat,1279,12
+ranchester,1287,1
+marstons,1247,1
+hiteman,983,1
+lakeville,1306,0
+pinesdale,1466,2
+tolstoy,727,8
+shelbyville,1251,10
+lakeville,387,0
+beechwood,1045,0
+hiteman,773,3
+ranchester,847,1
+marstons,747,0
+ranchester,523,1
+beechwood,957,5
+cosmos,748,5
+woodbine,1252,3
+hiteman,221,7
+shelbyville,37,2
+tolstoy,1099,2
+benevolence,113,2
+lindenwood,1711,7
+hiteman,246,3
+newfields,1367,5
+cosmos,352,2
+wainscott,218,9
+onaga,594,2
+marstons,1764,11
+lindenwood,129,1
+pinesdale,543,11
+tolstoy,432,1
+stockman,1063,3
+lakeville,1730,0
+forkland,780,0
+woodbine,1366,6
+marstons,418,2
+marstons,2093,3
+lindenwood,2654,1
+lakeville,388,3
+forkland,493,1
+hiteman,1416,1
+cosmos,356,2
+marstons,187,8
+hiteman,490,2
+klickitat,188,3
+forkland,458,7
+tolstoy,1317,2
+shelbyville,982,7
+beechwood,443,4
+forkland,1020,3
+lindenwood,623,3
+marstons,697,5
+marstons,123,9
+klickitat,1731,5
+shelbyville,1028,3
+stockman,18,1
+beechwood,484,6
+lakeville,1155,2
+allensville,121,1
+lakeville,1489,3
+klickitat,899,3
+leonardo,1119,6
+hanson,343,9
+newfields,1184,4
+lakeville,1126,1
+newfields,763,15
+lindenwood,2032,0
+woodbine,1659,1
+lindenwood,1179,3
+newfields,756,0
+woodbine,1333,0
+klickitat,1677,9
+shelbyville,1165,10
+leonardo,761,0
+klickitat,1770,1
+wainscott,28,5
+benevolence,687,2
+lakeville,1283,2
+shelbyville,176,0
+lindenwood,2250,1
+woodbine,1971,0
+tolstoy,1020,1
+woodbine,1176,4
+shelbyville,2735,2
+lakeville,316,8
+shelbyville,428,1
+allensville,179,1
+pinesdale,1416,2
+ranchester,713,0
+shelbyville,1687,7
+ranchester,754,1
+lindenwood,2577,11
+woodbine,1208,15
+woodbine,1951,15
+marstons,1745,4
+klickitat,893,2
+pomaria,1027,0
+tolstoy,32,0
+ranchester,674,2
+leonardo,1307,3
+merom,179,6
+pomaria,1571,6
+tolstoy,523,3
+tolstoy,1461,4
+klickitat,1133,0
+ranchester,536,3
+pomaria,1328,2
+tolstoy,657,2
+wainscott,1627,2
+coffeen,616,5
+klickitat,145,0
+shelbyville,1793,1
+woodbine,1819,0
+lindenwood,1259,7
+woodbine,983,0
+klickitat,1760,16
+tolstoy,1080,3
+leonardo,1594,1
+tolstoy,1442,2
+cosmos,710,3
+hiteman,331,8
+klickitat,587,6
+klickitat,1690,1
+lakeville,1152,0
+shelbyville,942,4
+forkland,696,3
+cosmos,1002,0
+shelbyville,2784,0
+leonardo,1402,3
+wainscott,1382,3
+mifflinburg,65,1
+hanson,1112,3
+lakeville,958,6
+pinesdale,678,6
+ranchester,1208,4
+klickitat,1075,0
+marstons,1713,10
+benevolence,511,2
+ranchester,439,4
+ranchester,1160,1
+pomaria,95,2
+hanson,847,13
+mifflinburg,96,1
+hiteman,1570,1
+cosmos,957,3
+marstons,204,2
+hanson,1524,0
+stockman,1599,4
+shelbyville,960,0
+marstons,1784,3
+lakeville,1057,2
+lindenwood,2451,6
+marstons,2299,1
+lindenwood,2364,0
+leonardo,2080,5
+stockman,1439,0
+coffeen,541,5
+klickitat,932,1
+marstons,1583,8
+lindenwood,895,0
+newfields,1405,5
+woodbine,822,1
+coffeen,1450,2
+pomaria,264,2
+shelbyville,2797,0
+wainscott,1417,0
+shelbyville,2549,0
+hiteman,1450,6
+klickitat,1451,0
+ranchester,157,12
+lindenwood,160,6
+lindenwood,1077,1
+klickitat,2165,2
+lakeville,1510,0
+pinesdale,1368,5
+newfields,221,0
+lindenwood,1159,1
+lakeville,1381,9
+hiteman,1551,12
+newfields,1578,2
+pomaria,1008,4
+onaga,677,2
+pomaria,1106,4
+newfields,588,1
+shelbyville,2399,1
+hiteman,348,9
+marstons,2256,5
+marstons,1159,0
+pomaria,1598,3
+shelbyville,1769,4
+leonardo,1057,0
+stockman,1132,2
+beechwood,638,4
+shelbyville,1856,2
+lakeville,74,8
+onaga,362,4
+allensville,455,1
+marstons,657,10
+lindenwood,1216,1
+newfields,693,2
+stockman,269,3
+leonardo,1671,14
+leonardo,1556,4
+wainscott,1521,0
+pomaria,1290,1
+marstons,753,7
+marstons,2411,2
+beechwood,571,0
+cosmos,827,0
+tolstoy,708,2
+ranchester,263,2
+pomaria,1359,1
+hiteman,189,7
+hiteman,1293,2
+marstons,374,3
+shelbyville,626,0
+woodbine,2028,2
+shelbyville,929,0
+pomaria,1628,5
+woodbine,1090,12
+woodbine,1155,0
+benevolence,704,12
+klickitat,920,3
+benevolence,36,4
+hiteman,76,1
+klickitat,843,0
+klickitat,1849,12
+marstons,2144,10
+cosmos,347,0
+wainscott,202,1
+wainscott,1700,1
+wainscott,955,5
+ranchester,1167,0
+marstons,280,0
+mifflinburg,719,4
+leonardo,742,5
+klickitat,1463,13
+tolstoy,1754,2
+hiteman,366,14
+wainscott,1229,3
+lakeville,1042,5
+shelbyville,2598,1
+lakeville,765,5
+hiteman,22,0
+pomaria,522,1
+hanson,413,2
+wainscott,1700,5
+lakeville,876,3
+pomaria,1036,15
+marstons,2244,0
+lakeville,736,2
+lindenwood,2042,5
+tolstoy,102,0
+shelbyville,1236,11
+ranchester,1043,5
+wainscott,798,3
+marstons,2522,1
+klickitat,2268,13
+tolstoy,1207,0
+shelbyville,697,4
+lakeville,1493,3
+ranchester,531,17
+woodbine,1010,0
+hanson,1617,16
+hanson,1540,0
+klickitat,1028,3
+leonardo,1182,2
+wainscott,1628,1
+hanson,915,2
+forkland,994,5
+lakeville,484,4
+shelbyville,2307,1
+lindenwood,1396,1
+stockman,1398,1
+stockman,778,4
+shelbyville,41,0
+stockman,1494,4
+mifflinburg,234,8
+klickitat,1561,3
+pinesdale,1013,6
+woodbine,2055,0
+stockman,1225,3
+hanson,74,7
+lakeville,1344,12
+cosmos,711,6
+hiteman,1245,4
+lakeville,1493,15
+tolstoy,1728,7
+merom,800,2
+shelbyville,2470,2
+benevolence,457,3
+shelbyville,2516,0
+forkland,1183,5
+pomaria,1595,3
+klickitat,141,11
+beechwood,1117,7
+woodbine,1009,1
+lakeville,190,3
+hanson,410,13
+shelbyville,944,3
+leonardo,586,11
+merom,445,4
+tolstoy,643,4
+wainscott,298,2
+woodbine,69,2
+klickitat,148,7
+pinesdale,1440,5
+pinesdale,756,2
+leonardo,427,5
+wainscott,1264,5
+wainscott,1790,14
+shelbyville,831,2
+lindenwood,978,7
+benevolence,743,12
+marstons,620,6
+marstons,1834,0
+shelbyville,95,3
+lakeville,1505,11
+pinesdale,1384,1
+hanson,1037,2
+marstons,1921,1
+tolstoy,1270,9
+hiteman,648,7
+lindenwood,817,4
+forkland,89,0
+hiteman,458,0
+coffeen,1086,3
+leonardo,1674,2
+tolstoy,1034,0
+ranchester,358,9
+hanson,1098,6
+forkland,906,3
+woodbine,150,10
+newfields,1364,1
+leonardo,66,0
+shelbyville,2623,7
+marstons,1536,3
+shelbyville,1400,14
+ranchester,246,2
+woodbine,1928,2
+hiteman,1295,1
+pinesdale,1025,2
+pomaria,676,9
+mifflinburg,195,4
+shelbyville,2228,5
+shelbyville,2402,3
+lakeville,1194,2
+marstons,2229,2
+pinesdale,993,5
+woodbine,1215,3
+leonardo,93,2
+pinesdale,889,4
+coffeen,1149,1
+lakeville,523,2
+klickitat,2347,2
+beechwood,419,8
+hiteman,1450,1
+lindenwood,632,0
+beechwood,794,0
+mifflinburg,48,0
+shelbyville,2560,4
+lakeville,520,13
+wainscott,187,4
+hanson,1608,9
+hiteman,349,3
+lakeville,954,1
+marstons,2542,1
+wainscott,1453,7
+klickitat,2102,0
+ranchester,363,2
+stockman,494,1
+coffeen,852,3
+woodbine,1702,0
+tolstoy,153,5
+leonardo,932,18
+klickitat,2205,5
+pinesdale,1518,2
+marstons,48,1
+marstons,378,0
+hiteman,1449,1
+shelbyville,1494,7
+leonardo,1336,1
+marstons,359,7
+pomaria,939,6
+marstons,15,9
+pomaria,620,2
+ranchester,387,7
+merom,563,3
+beechwood,605,1
+shelbyville,1421,2
+merom,811,5
+onaga,676,5
+woodbine,66,6
+onaga,405,0
+ranchester,1290,5
+woodbine,1995,5
+lindenwood,1769,3
+mifflinburg,320,4
+woodbine,1280,5
+wainscott,1139,1
+lakeville,860,2
+newfields,325,3
+shelbyville,678,5
+onaga,259,5
+pomaria,95,1
+stockman,1470,0
+marstons,1515,7
+ranchester,1141,7
+lindenwood,807,0
+shelbyville,1428,2
+hanson,724,8
+hanson,55,0
+woodbine,1401,3
+marstons,1135,9
+lindenwood,2114,3
+lindenwood,2145,4
+marstons,411,10
+ranchester,1231,2
+leonardo,1118,2
+lindenwood,2625,3
+woodbine,891,0
+woodbine,126,2
+tolstoy,1762,1
+shelbyville,438,1
+onaga,399,3
+woodbine,1246,5
+merom,320,5
+hiteman,831,0
+newfields,611,8
+shelbyville,1102,15
+coffeen,274,6
+wainscott,178,9
+shelbyville,862,2
+shelbyville,359,2
+tolstoy,156,2
+cosmos,853,3
+pinesdale,1468,0
+hanson,258,1
+lakeville,1491,0
+marstons,563,8
+lindenwood,2429,3
+hanson,1034,11
+stockman,94,1
+klickitat,2268,10
+newfields,631,4
+lindenwood,1669,2
+pinesdale,66,5
+benevolence,423,2
+tolstoy,278,7
+beechwood,1128,1
+newfields,291,0
+lindenwood,110,2
+hiteman,1057,5
+lakeville,1161,5
+lakeville,1266,5
+klickitat,774,9
+merom,188,0
+klickitat,1543,1
+forkland,465,5
+newfields,1372,5
+klickitat,2124,1
+lakeville,466,2
+ranchester,1055,5
+marstons,417,1
+lindenwood,81,8
+merom,517,1
+klickitat,2040,7
+wainscott,89,3
+ranchester,645,10
+cosmos,306,7
+lindenwood,2378,1
+pomaria,206,2
+benevolence,518,0
+marstons,4,4
+mifflinburg,889,1
+leonardo,1292,1
+lindenwood,825,7
+wainscott,337,9
+woodbine,1027,12
+hiteman,1534,2
+merom,342,0
+marstons,444,4
+beechwood,934,7
+hiteman,929,2
+shelbyville,1943,7
+allensville,69,3
+mifflinburg,199,1
+forkland,531,1
+benevolence,673,7
+marstons,1004,1
+klickitat,2129,4
+klickitat,1629,3
+shelbyville,273,1
+coffeen,916,2
+marstons,79,1
+shelbyville,384,1
+mifflinburg,927,2
+stockman,111,3
+klickitat,1194,5
+leonardo,1672,2
+forkland,451,0
+merom,641,3
+lakeville,1586,13
+pomaria,1294,16
+cosmos,111,8
+lindenwood,1509,0
+klickitat,10,4
+hanson,676,2
+lindenwood,1102,4
+lakeville,594,2
+hiteman,335,4
+lakeville,1441,0
+hanson,193,1
+lindenwood,1507,1
+lindenwood,678,4
+wainscott,984,4
+pinesdale,1262,2
+tolstoy,1709,8
+woodbine,1381,5
+pomaria,1494,5
+hanson,489,3
+hiteman,1777,5
+lindenwood,2485,5
+wainscott,1093,4
+shelbyville,421,3
+onaga,370,2
+woodbine,1877,12
+tolstoy,90,5
+leonardo,1058,18
+coffeen,1390,4
+marstons,1001,3
+pinesdale,1268,5
+mifflinburg,140,8
+marstons,1660,2
+stockman,1514,2
+hanson,1036,1
+pomaria,1299,0
+lindenwood,1044,2
+klickitat,148,8
+marstons,2538,2
+tolstoy,887,13
+tolstoy,1127,14
+pomaria,1448,7
+wainscott,916,1
+pomaria,565,1
+marstons,2342,6
+allensville,113,7
+shelbyville,454,2
+beechwood,244,0
+lindenwood,1403,5
+marstons,627,4
+marstons,2295,6
+marstons,2236,3
+lindenwood,837,1
+lakeville,1260,2
+hanson,555,11
+leonardo,743,1
+lindenwood,1265,2
+tolstoy,1666,0
+shelbyville,219,10
+lindenwood,2087,3
+hanson,1049,0
+lindenwood,1192,4
+lakeville,1472,3
+shelbyville,282,14
+woodbine,1374,10
+hanson,1345,0
+shelbyville,501,5
+klickitat,1740,6
+pinesdale,1056,2
+onaga,157,2
+klickitat,274,15
+stockman,613,0
+stockman,857,2
+ranchester,1574,3
+klickitat,1060,12
+woodbine,1337,3
+marstons,1377,2
+forkland,250,2
+hanson,376,4
+shelbyville,98,5
+wainscott,855,0
+stockman,669,4
+coffeen,626,2
+newfields,698,1
+tolstoy,1119,0
+lakeville,1176,6
+lakeville,624,2
+shelbyville,1589,4
+lindenwood,80,5
+lakeville,1239,8
+lakeville,1418,1
+wainscott,1095,0
+klickitat,1753,3
+mifflinburg,613,0
+coffeen,819,5
+marstons,2358,4
+lakeville,1193,9
+stockman,540,7
+onaga,406,2
+pomaria,446,2
+stockman,703,2
+lindenwood,1657,1
+allensville,369,1
+leonardo,1968,0
+forkland,649,2
+beechwood,67,2
+coffeen,1030,3
+shelbyville,590,3
+leonardo,560,11
+ranchester,549,6
+newfields,380,3
+newfields,505,5
+newfields,737,7
+cosmos,951,3
+newfields,1230,2
+cosmos,743,4
+hanson,1190,2
+allensville,41,0
+merom,860,0
+shelbyville,1539,3
+ranchester,145,1
+shelbyville,2071,1
+woodbine,1901,1
+wainscott,415,3
+newfields,16,1
+hanson,736,0
+hanson,62,5
+lindenwood,518,7
+shelbyville,1729,5
+pinesdale,19,8
+leonardo,862,2
+stockman,636,1
+leonardo,1231,7
+stockman,216,6
+tolstoy,738,0
+klickitat,953,2
+wainscott,183,6
+merom,860,1
+woodbine,464,1
+pinesdale,1198,0
+ranchester,516,3
+onaga,441,3
+tolstoy,392,2
+hanson,475,1
+marstons,284,15
+tolstoy,1466,4
+klickitat,2350,3
+klickitat,1687,1
+cosmos,813,0
+woodbine,903,13
+tolstoy,34,3
+coffeen,913,1
+marstons,1377,3
+shelbyville,1192,14
+newfields,1246,8
+hiteman,782,1
+ranchester,580,0
+leonardo,951,3
+ranchester,642,10
+leonardo,766,4
+allensville,53,9
+lindenwood,343,4
+tolstoy,1798,3
+leonardo,636,1
+hanson,56,2
+wainscott,1747,6
+coffeen,914,4
+wainscott,724,1
+hiteman,666,0
+klickitat,1779,0
+pomaria,597,1
+pomaria,1461,2
+marstons,1671,2
+woodbine,1807,6
+lakeville,1597,4
+klickitat,2183,4
+klickitat,2332,1
+hanson,133,1
+newfields,949,6
+shelbyville,1901,10
+marstons,2214,9
+wainscott,879,2
+pomaria,1560,12
+pomaria,490,5
+klickitat,1935,9
+beechwood,309,8
+shelbyville,2494,5
+tolstoy,924,0
+beechwood,328,1
+lindenwood,460,7
+lakeville,1017,0
+woodbine,121,8
+newfields,1074,3
+ranchester,82,0
+lindenwood,1782,12
+newfields,544,2
+tolstoy,1776,19
+onaga,460,1
+cosmos,828,2
+shelbyville,234,9
+lakeville,1201,7
+lakeville,89,3
+wainscott,948,3
+mifflinburg,410,4
+marstons,963,0
+shelbyville,441,0
+woodbine,442,1
+lindenwood,536,3
+marstons,2411,11
+hiteman,1561,2
+ranchester,949,2
+klickitat,2190,7
+hanson,608,6
+benevolence,328,1
+leonardo,537,1
+ranchester,1086,4
+lakeville,148,8
+lakeville,472,1
+lindenwood,514,2
+hiteman,1069,1
+lakeville,1862,14
+lindenwood,1773,4
+merom,50,3
+hanson,325,2
+lindenwood,1841,1
+tolstoy,104,0
+newfields,1310,5
+ranchester,1049,5
+ranchester,1413,4
+coffeen,1453,3
+leonardo,1975,0
+hanson,404,0
+lindenwood,836,8
+pinesdale,359,4
+lakeville,1320,0
+marstons,137,1
+marstons,1256,0
+ranchester,1613,3
+ranchester,912,2
+woodbine,1595,4
+wainscott,93,11
+hanson,973,12
+marstons,729,2
+marstons,326,0
+hanson,676,1
+coffeen,456,1
+lindenwood,2600,2
+wainscott,593,1
+hiteman,419,4
+leonardo,598,3
+hiteman,603,1
+klickitat,458,15
+lindenwood,327,10
+klickitat,1014,0
+pomaria,1349,0
+shelbyville,1727,3
+marstons,880,13
+wainscott,1414,1
+wainscott,1193,3
+lakeville,1026,2
+lindenwood,70,0
+marstons,2009,3
+benevolence,630,7
+pomaria,74,1
+wainscott,496,7
+forkland,1137,6
+merom,789,9
+beechwood,571,9
+marstons,2235,1
+woodbine,1502,0
+pomaria,1276,3
+wainscott,1495,4
+lindenwood,307,2
+shelbyville,1921,6
+marstons,830,2
+marstons,63,5
+ranchester,1229,6
+woodbine,467,0
+lakeville,156,3
+forkland,1187,1
+allensville,5,2
+woodbine,878,2
+pinesdale,424,0
+lakeville,1473,3
+tolstoy,820,7
+onaga,668,0
+lindenwood,2194,2
+leonardo,461,3
+merom,383,2
+mifflinburg,442,1
+marstons,734,2
+klickitat,784,6
+tolstoy,650,12
+cosmos,227,1
+hanson,392,2
+newfields,747,3
+lakeville,1028,2
+shelbyville,1107,6
+shelbyville,904,10
+pomaria,1469,9
+shelbyville,549,1
+woodbine,625,10
+klickitat,488,20
+ranchester,1546,2
+leonardo,516,0
+lakeville,41,5
+marstons,2313,13
+pinesdale,31,2
+tolstoy,1112,1
+hiteman,363,2
+pomaria,413,2
+ranchester,998,1
+klickitat,640,7
+woodbine,1263,5
+stockman,472,0
+hanson,857,3
+shelbyville,896,2
+klickitat,68,8
+mifflinburg,641,2
+hiteman,1067,1
+woodbine,1893,5
+coffeen,108,1
+mifflinburg,162,0
+forkland,614,3
+hiteman,372,1
+hiteman,654,11
+klickitat,2085,1
+shelbyville,284,1
+hiteman,1710,8
+shelbyville,2245,3
+klickitat,784,4
+tolstoy,1628,0
+beechwood,793,3
+shelbyville,362,3
+marstons,620,5
+beechwood,251,2
+woodbine,1489,1
+ranchester,1141,6
+marstons,591,4
+hiteman,577,3
+benevolence,942,1
+mifflinburg,274,4
+shelbyville,823,2
+pomaria,1044,16
+hanson,746,8
+marstons,2614,5
+hanson,1641,3
+lindenwood,1542,5
+coffeen,1289,4
+woodbine,1970,2
+marstons,514,7
+shelbyville,1684,0
+klickitat,954,2
+shelbyville,258,0
+stockman,738,1
+lindenwood,572,3
+mifflinburg,684,1
+coffeen,246,3
+shelbyville,1704,6
+tolstoy,332,7
+marstons,1271,1
+shelbyville,1564,2
+lindenwood,558,8
+lindenwood,2381,4
+marstons,309,0
+pomaria,874,8
+leonardo,254,3
+leonardo,1308,6
+ranchester,548,6
+lindenwood,1312,5
+marstons,551,11
+lakeville,756,7
+hanson,507,7
+shelbyville,1550,9
+mifflinburg,633,3
+coffeen,333,2
+pinesdale,1432,0
+tolstoy,245,3
+klickitat,1253,3
+newfields,177,5
+hiteman,649,0
+wainscott,1796,3
+pomaria,377,4
+wainscott,223,2
+coffeen,301,6
+tolstoy,1594,8
+klickitat,2049,16
+marstons,1136,2
+coffeen,1003,0
+lindenwood,534,4
+hiteman,1047,1
+shelbyville,1595,13
+coffeen,889,0
+wainscott,721,15
+tolstoy,1773,4
+wainscott,977,3
+shelbyville,1031,5
+tolstoy,215,1
+merom,635,9
+tolstoy,209,2
+ranchester,650,3
+beechwood,0,5
+pomaria,103,0
+woodbine,2013,1
+woodbine,240,1
+wainscott,240,11
+leonardo,170,14
+cosmos,738,9
+lakeville,1105,3
+shelbyville,2443,0
+stockman,694,2
+hiteman,1844,1
+cosmos,121,0
+hiteman,738,3
+hiteman,1193,4
+forkland,718,1
+leonardo,202,2
+woodbine,92,4
+klickitat,945,0
+benevolence,119,4
+klickitat,1398,0
+stockman,69,0
+pinesdale,1410,4
+pomaria,330,1
+leonardo,1381,3
+klickitat,1787,2
+lindenwood,1394,5
+hanson,393,0
+pinesdale,1214,12
+shelbyville,142,13
+forkland,1162,2
+lakeville,1184,5
+hiteman,1758,5
+marstons,2256,2
+newfields,1285,5
+pomaria,944,4
+stockman,926,2
+marstons,37,7
+lakeville,1123,1
+ranchester,614,5
+woodbine,1393,6
+hiteman,24,7
+hanson,1366,3
+pomaria,571,1
+pinesdale,508,0
+pomaria,263,6
+woodbine,1520,3
+lakeville,415,4
+coffeen,66,3
+lakeville,1024,4
+lindenwood,1631,1
+newfields,812,9
+hanson,835,6
+tolstoy,416,0
+lindenwood,1130,1
+hanson,298,2
+newfields,588,4
+woodbine,1659,2
+ranchester,1330,6
+hiteman,522,3
+lakeville,868,1
+lindenwood,683,12
+allensville,176,0
+klickitat,1648,2
+shelbyville,2736,13
+hiteman,644,0
+newfields,159,0
+coffeen,1433,1
+allensville,179,4
+wainscott,1329,9
+shelbyville,205,0
+hanson,511,2
+pinesdale,993,4
+lakeville,701,3
+ranchester,1509,1
+forkland,387,1
+wainscott,973,0
+pomaria,1560,8
+ranchester,154,8
+marstons,1757,12
+lakeville,637,3
+newfields,1426,1
+merom,154,1
+hanson,1055,15
+shelbyville,534,13
+wainscott,248,3
+coffeen,1419,1
+shelbyville,652,1
+pinesdale,1124,1
+hiteman,872,5
+hanson,215,9
+beechwood,1126,2
+marstons,1310,2
+leonardo,1777,5
+cosmos,382,4
+hanson,1202,10
+hanson,95,4
+wainscott,1100,4
+shelbyville,2134,0
+leonardo,2042,13
+cosmos,90,1
+beechwood,597,5
+stockman,1097,3
+pomaria,416,10
+shelbyville,562,5
+hanson,977,2
+lindenwood,1925,0
+woodbine,1591,9
+tolstoy,1503,2
+ranchester,1317,1
+newfields,1286,15
+lindenwood,1856,1
+woodbine,89,0
+lindenwood,1651,12
+woodbine,295,14
+klickitat,1157,0
+stockman,1537,1
+leonardo,1430,4
+woodbine,544,0
+wainscott,776,1
+lakeville,46,2
+coffeen,60,0
+stockman,1387,1
+ranchester,320,3
+wainscott,449,8
+wainscott,102,1
+klickitat,1537,2
+cosmos,693,3
+hiteman,816,1
+mifflinburg,303,2
+shelbyville,930,1
+beechwood,398,3
+shelbyville,20,0
+lindenwood,907,6
+klickitat,920,4
+shelbyville,496,3
+merom,70,5
+woodbine,2040,10
+lindenwood,1519,4
+klickitat,1770,6
+cosmos,82,4
+woodbine,469,4
+wainscott,1498,2
+hiteman,229,5
+klickitat,2121,2
+beechwood,411,3
+hanson,856,9
+leonardo,1367,7
+lindenwood,1516,0
+lakeville,98,9
+lindenwood,70,7
+shelbyville,2710,9
+lakeville,1720,4
+pinesdale,639,0
+wainscott,851,3
+shelbyville,1853,1
+klickitat,375,3
+newfields,330,4
+newfields,1388,2
+klickitat,1757,4
+pomaria,1221,2
+marstons,2369,3
+coffeen,897,0
+ranchester,1151,4
+leonardo,1935,8
+onaga,528,1
+stockman,122,1
+pinesdale,353,2
+allensville,438,2
+merom,201,2
+forkland,1150,1
+stockman,259,0
+merom,286,1
+shelbyville,2690,1
+klickitat,1186,6
+lakeville,178,5
+klickitat,2171,3
+hiteman,592,2
+stockman,513,5
+lakeville,852,1
+marstons,2339,1
+coffeen,228,1
+klickitat,20,2
+beechwood,226,1
+hiteman,1507,2
+klickitat,1459,3
+wainscott,269,10
+wainscott,5,2
+marstons,1648,5
+hiteman,271,14
+wainscott,1563,2
+coffeen,616,6
+lindenwood,1661,6
+hiteman,948,1
+beechwood,695,3
+klickitat,1511,1
+forkland,553,0
+klickitat,2012,13
+tolstoy,119,0
+stockman,501,2
+wainscott,1598,8
+pomaria,103,6
+stockman,1481,6
+lakeville,284,17
+mifflinburg,168,3
+coffeen,821,1
+klickitat,2266,2
+leonardo,948,2
+lindenwood,2164,4
+pomaria,1297,1
+beechwood,929,6
+woodbine,388,6
+shelbyville,1417,0
+forkland,265,3
+tolstoy,1398,0
+mifflinburg,730,0
+shelbyville,550,14
+shelbyville,1726,4
+klickitat,947,0
+lindenwood,464,0
+allensville,467,2
+newfields,289,4
+hanson,1538,2
+cosmos,412,1
+pinesdale,554,3
+cosmos,755,1
+lindenwood,527,8
+pomaria,778,3
+hiteman,172,1
+hanson,1650,3
+wainscott,789,7
+woodbine,1330,5
+pomaria,1147,5
+pomaria,846,13
+shelbyville,1443,6
+stockman,480,1
+wainscott,8,4
+marstons,692,0
+beechwood,1092,2
+forkland,1148,10
+newfields,517,4
+merom,855,2
+wainscott,369,4
+marstons,487,3
+lindenwood,1798,3
+lakeville,806,0
+shelbyville,921,1
+woodbine,140,3
+shelbyville,2794,2
+woodbine,213,0
+hanson,207,10
+lakeville,1558,0
+forkland,90,2
+lindenwood,2604,9
+wainscott,1390,1
+forkland,142,0
+hanson,1021,10
+cosmos,523,4
+allensville,470,3
+hanson,806,4
+shelbyville,1257,9
+woodbine,1231,1
+shelbyville,571,2
+wainscott,1502,9
+hiteman,1580,2
+pomaria,883,5
+forkland,742,3
+lakeville,1115,0
+hiteman,1641,1
+newfields,1145,4
+newfields,603,7
+newfields,1161,2
+mifflinburg,308,4
+lakeville,1635,3
+shelbyville,1412,4
+lakeville,62,9
+hanson,1106,8
+ranchester,405,2
+lakeville,384,4
+allensville,475,2
+klickitat,484,9
+merom,485,9
+marstons,2008,1
+tolstoy,1290,8
+pomaria,1260,3
+marstons,2295,1
+ranchester,961,4
+wainscott,811,9
+hiteman,623,5
+pinesdale,152,3
+shelbyville,501,2
+leonardo,219,3
+coffeen,393,0
+lindenwood,1659,1
+wainscott,1201,11
+onaga,580,5
+pomaria,701,13
+marstons,1670,10
+beechwood,22,3
+shelbyville,506,5
+allensville,158,2
+shelbyville,490,3
+coffeen,547,1
+lindenwood,1818,0
+marstons,325,2
+lakeville,126,7
+klickitat,1598,3
+beechwood,483,1
+shelbyville,1610,0
+hiteman,888,2
+shelbyville,2418,0
+ranchester,827,1
+lakeville,332,6
+lindenwood,254,8
+pomaria,463,7
+leonardo,1597,4
+coffeen,1414,3
+woodbine,1166,1
+hiteman,1375,8
+leonardo,989,9
+hiteman,1271,3
+forkland,567,3
+wainscott,382,11
+marstons,2557,0
+forkland,828,2
+mifflinburg,447,9
+beechwood,972,1
+hanson,1018,2
+hanson,852,5
+beechwood,281,6
+woodbine,297,7
+beechwood,1081,0
+newfields,1205,2
+leonardo,424,0
+marstons,538,6
+ranchester,329,1
+marstons,1124,2
+coffeen,1281,1
+leonardo,1792,4
+newfields,1286,14
+lindenwood,1498,6
+lakeville,503,3
+pomaria,363,1
+shelbyville,2734,4
+wainscott,1248,0
+pomaria,308,0
+leonardo,1423,9
+hanson,1193,0
+woodbine,85,2
+marstons,874,4
+coffeen,704,8
+hiteman,1300,8
+marstons,821,10
+tolstoy,1503,1
+onaga,365,3
+hiteman,1199,2
+klickitat,516,5
+klickitat,37,12
+cosmos,756,1
+wainscott,377,0
+cosmos,610,0
+wainscott,883,12
+tolstoy,456,13
+woodbine,1391,3
+tolstoy,484,2
+woodbine,1212,2
+hiteman,1833,7
+tolstoy,1642,2
+ranchester,124,6
+marstons,1406,0
+tolstoy,122,0
+stockman,993,6
+newfields,1658,3
+leonardo,326,5
+benevolence,603,10
+klickitat,299,1
+beechwood,736,2
+hiteman,1159,3
+ranchester,42,1
+pomaria,868,2
+pomaria,870,0
+woodbine,360,9
+shelbyville,750,12
+hanson,888,2
+merom,324,2
+tolstoy,1077,8
+lakeville,796,6
+marstons,2277,5
+shelbyville,1702,2
+lakeville,1142,4
+klickitat,1875,4
+lindenwood,550,1
+marstons,2305,3
+shelbyville,378,3
+forkland,720,2
+leonardo,1510,2
+marstons,1297,4
+woodbine,356,1
+lakeville,1691,1
+shelbyville,291,0
+cosmos,67,0
+wainscott,1273,4
+stockman,411,2
+marstons,1850,0
+woodbine,1663,1
+leonardo,768,4
+leonardo,1971,16
+shelbyville,1263,0
+tolstoy,511,14
+pomaria,1199,1
+hiteman,798,3
+lindenwood,1734,1
+shelbyville,794,3
+pinesdale,1408,0
+lindenwood,982,11
+klickitat,1873,7
+lakeville,1799,21
+merom,337,1
+mifflinburg,362,5
+onaga,420,1
+klickitat,1877,8
+klickitat,553,4
+stockman,16,6
+hanson,1106,4
+shelbyville,2075,0
+lakeville,944,1
+mifflinburg,221,1
+newfields,513,4
+woodbine,2049,10
+shelbyville,2388,8
+klickitat,1632,6
+marstons,1811,3
+stockman,1154,3
+klickitat,498,8
+marstons,1007,6
+klickitat,354,9
+cosmos,384,0
+pinesdale,740,7
+klickitat,467,6
+shelbyville,666,1
+tolstoy,1466,3
+lindenwood,233,1
+shelbyville,1530,4
+klickitat,2351,8
+lindenwood,1896,8
+klickitat,1361,6
+stockman,824,4
+woodbine,1973,2
+marstons,2153,0
+hiteman,1450,3
+cosmos,500,12
+mifflinburg,718,10
+lindenwood,1304,2
+coffeen,640,2
+leonardo,2086,8
+marstons,1750,3
+hanson,1489,8
+woodbine,83,0
+cosmos,949,7
+cosmos,465,3
+tolstoy,1405,3
+pomaria,1610,3
+pomaria,408,1
+stockman,1431,4
+wainscott,1348,1
+shelbyville,2688,3
+cosmos,578,5
+cosmos,553,9
+shelbyville,663,1
+stockman,1277,0
+lakeville,697,10
+wainscott,1474,7
+shelbyville,1541,4
+hiteman,1020,6
+shelbyville,280,3
+woodbine,1902,15
+newfields,1343,0
+hiteman,400,7
+shelbyville,997,0
+hiteman,547,0
+tolstoy,722,0
+shelbyville,2036,6
+leonardo,1673,14
+marstons,2179,3
+onaga,348,2
+newfields,419,3
+tolstoy,621,1
+forkland,964,2
+ranchester,619,4
+klickitat,2258,7
+newfields,493,6
+mifflinburg,400,2
+beechwood,551,2
+wainscott,513,9
+wainscott,1161,6
+benevolence,604,13
+pomaria,226,3
+merom,1049,2
+newfields,1537,4
+wainscott,598,5
+woodbine,1502,8
+wainscott,1708,10
+newfields,1362,5
+klickitat,2198,6
+leonardo,531,0
+lindenwood,2573,3
+ranchester,596,5
+leonardo,335,1
+tolstoy,1206,0
+tolstoy,1693,8
+merom,104,4
+shelbyville,970,2
+marstons,170,3
+coffeen,233,1
+lindenwood,965,2
+klickitat,448,6
+marstons,450,5
+stockman,321,2
+ranchester,145,0
+cosmos,350,8
+beechwood,65,2
+ranchester,607,8
+tolstoy,826,3
+klickitat,1584,9
+marstons,1046,5
+wainscott,967,0
+lindenwood,64,2
+cosmos,54,0
+shelbyville,68,3
+tolstoy,1706,3
+benevolence,81,6
+newfields,192,0
+wainscott,674,3
+marstons,980,1
+coffeen,417,1
+hiteman,1818,1
+coffeen,15,6
+lakeville,822,3
+mifflinburg,935,0
+tolstoy,1112,7
+lakeville,1617,4
+wainscott,148,8
+cosmos,353,5
+benevolence,272,3
+tolstoy,1143,5
+coffeen,830,2
+klickitat,1792,1
+woodbine,474,0
+forkland,11,6
+lakeville,867,3
+lindenwood,1778,4
+klickitat,2304,1
+shelbyville,577,1
+hiteman,1736,5
+lakeville,1171,0
+wainscott,480,4
+shelbyville,1033,0
+marstons,2375,9
+wainscott,317,7
+marstons,712,1
+tolstoy,789,8
+hiteman,2,0
+marstons,1418,2
+mifflinburg,203,0
+klickitat,368,0
+onaga,505,5
+leonardo,103,4
+pomaria,44,3
+shelbyville,1470,1
+pomaria,1356,0
+forkland,898,9
+klickitat,1885,4
+hiteman,1044,5
+tolstoy,487,3
+lindenwood,1916,0
+shelbyville,2014,1
+newfields,1093,10
+stockman,1147,6
+allensville,162,2
+mifflinburg,821,2
+hiteman,1623,3
+allensville,379,3
+ranchester,1568,8
+wainscott,1036,9
+cosmos,455,1
+shelbyville,1266,9
+newfields,671,2
+pomaria,367,0
+marstons,418,0
+beechwood,334,6
+woodbine,780,6
+onaga,59,0
+shelbyville,940,4
+tolstoy,1230,13
+pinesdale,36,7
+newfields,1144,10
+marstons,1515,4
+wainscott,502,2
+hanson,1557,4
+lakeville,240,5
+klickitat,1060,16
+benevolence,141,1
+wainscott,324,0
+wainscott,1496,7
+cosmos,342,3
+hanson,692,0
+wainscott,1278,2
+klickitat,891,3
+hiteman,1753,2
+pomaria,337,1
+pomaria,1470,4
+shelbyville,2226,1
+coffeen,194,10
+hiteman,1614,3
+allensville,301,4
+pomaria,403,4
+woodbine,606,1
+klickitat,2057,13
+lindenwood,2252,10
+leonardo,531,6
+marstons,718,6
+stockman,630,7
+hanson,1226,7
+coffeen,1036,1
+klickitat,123,15
+pomaria,1175,7
+tolstoy,132,2
+tolstoy,1283,3
+klickitat,753,0
+coffeen,739,1
+hanson,1461,10
+pinesdale,1046,0
+woodbine,1924,3
+lindenwood,656,4
+shelbyville,310,11
+leonardo,494,4
+forkland,1180,0
+marstons,418,1
+newfields,1505,0
+coffeen,739,3
+pomaria,771,2
+coffeen,914,2
+stockman,727,3
+klickitat,1158,3
+hanson,1131,14
+merom,882,2
+lakeville,1191,9
+cosmos,541,3
+shelbyville,855,2
+onaga,239,4
+lakeville,565,1
+marstons,2166,5
+leonardo,1469,1
+coffeen,180,1
+woodbine,880,0
+hanson,1270,8
+leonardo,1172,1
+lakeville,967,0
+klickitat,1438,0
+mifflinburg,453,6
+shelbyville,498,10
+beechwood,12,7
+forkland,144,2
+klickitat,2051,0
+woodbine,1547,3
+hanson,1222,2
+stockman,297,2
+newfields,1146,0
+wainscott,1302,3
+newfields,1261,10
+shelbyville,2642,2
+wainscott,1037,5
+woodbine,948,1
+lakeville,1082,3
+wainscott,1233,5
+lindenwood,1316,8
+shelbyville,470,2
+hiteman,830,4
+shelbyville,2238,2
+shelbyville,252,5
+stockman,689,13
+shelbyville,280,12
+beechwood,687,1
+hiteman,523,7
+marstons,2418,6
+hanson,1515,7
+coffeen,386,5
+leonardo,904,9
+coffeen,156,0
+wainscott,1432,0
+newfields,505,8
+benevolence,99,10
+woodbine,706,11
+pomaria,86,0
+marstons,715,5
+shelbyville,2399,5
+merom,475,2
+tolstoy,304,6
+marstons,2571,8
+newfields,560,1
+forkland,1185,2
+newfields,170,1
+lindenwood,1924,4
+hanson,1131,11
+hiteman,380,6
+wainscott,1696,8
+hiteman,1427,4
+klickitat,622,6
+coffeen,1150,11
+leonardo,2078,5
+lakeville,1044,3
+lindenwood,1821,9
+beechwood,460,1
+shelbyville,1281,3
+onaga,486,2
+merom,133,2
+leonardo,1423,3
+lindenwood,1608,0
+leonardo,1772,7
+wainscott,147,2
+klickitat,189,5
+pomaria,1466,4
+shelbyville,2734,5
+lindenwood,2261,2
+coffeen,1442,0
+shelbyville,2153,5
+klickitat,640,1
+tolstoy,1010,7
+woodbine,734,2
+beechwood,775,2
+hiteman,1120,0
+klickitat,7,4
+tolstoy,248,4
+pinesdale,600,0
+shelbyville,1201,5
+wainscott,1308,1
+woodbine,1113,2
+lakeville,744,2
+wainscott,1208,4
+lakeville,1128,2
+tolstoy,814,0
+klickitat,1917,0
+pomaria,1299,4
+marstons,341,2
+ranchester,1190,2
+wainscott,1746,3
+marstons,1963,6
+klickitat,1400,1
+lindenwood,228,3
+hanson,625,5
+hanson,852,4
+cosmos,923,1
+marstons,2610,2
+beechwood,530,0
+leonardo,310,2
+marstons,2113,6
+forkland,1052,3
+wainscott,1764,0
+stockman,470,9
+marstons,1493,3
+ranchester,335,2
+pomaria,1649,5
+woodbine,247,2
+leonardo,1904,3
+shelbyville,815,8
+marstons,408,1
+newfields,1384,2
+newfields,972,3
+klickitat,1165,0
+mifflinburg,746,0
+woodbine,1405,3
+marstons,2087,0
+leonardo,1728,7
+lindenwood,73,8
+shelbyville,1182,1
+wainscott,645,2
+newfields,1496,0
+ranchester,809,1
+tolstoy,88,13
+klickitat,2386,4
+benevolence,696,1
+stockman,337,0
+hanson,504,17
+lakeville,1169,3
+ranchester,1031,14
+ranchester,895,4
+woodbine,397,13
+pomaria,1626,0
+tolstoy,1336,2
+coffeen,1395,2
+beechwood,1112,9
+shelbyville,2770,0
+klickitat,573,1
+lakeville,1429,10
+merom,893,3
+tolstoy,392,7
+hiteman,1631,3
+klickitat,1950,5
+stockman,1248,3
+klickitat,1269,6
+lakeville,679,4
+forkland,249,4
+marstons,974,8
+merom,1072,6
+lindenwood,2110,0
+marstons,139,6
+marstons,1231,4
+coffeen,660,0
+marstons,564,4
+merom,435,2
+wainscott,1090,15
+ranchester,983,10
+leonardo,1308,11
+beechwood,1117,5
+newfields,213,5
+shelbyville,491,3
+marstons,685,5
+lakeville,974,6
+forkland,7,7
+lakeville,1424,1
+marstons,2164,5
+pinesdale,947,2
+pomaria,316,5
+pinesdale,955,8
+woodbine,72,6
+stockman,1175,3
+marstons,2376,4
+klickitat,307,5
+leonardo,392,0
+ranchester,1370,1
+merom,593,3
+pomaria,1194,3
+ranchester,1190,8
+hanson,1506,3
+woodbine,1052,2
+lindenwood,360,2
+mifflinburg,874,0
+lakeville,1194,1
+hiteman,1009,3
+ranchester,1626,3
+pomaria,542,9
+marstons,2264,15
+lindenwood,2049,6
+klickitat,2058,2
+ranchester,1324,4
+leonardo,985,6
+pomaria,1656,0
+stockman,130,0
+coffeen,1258,1
+tolstoy,321,6
+pinesdale,875,0
+wainscott,971,7
+mifflinburg,917,1
+marstons,2352,4
+wainscott,363,4
+klickitat,172,0
+merom,270,0
+mifflinburg,245,1
+stockman,1072,2
+marstons,561,3
+hiteman,70,2
+shelbyville,1773,7
+newfields,92,0
+beechwood,158,4
+lakeville,211,3
+wainscott,1483,4
+lakeville,151,18
+marstons,1571,9
+newfields,1497,6
+cosmos,853,2
+pomaria,106,3
+tolstoy,544,1
+leonardo,44,2
+allensville,481,3
+shelbyville,419,1
+stockman,277,8
+woodbine,425,5
+hanson,881,7
+lakeville,960,2
+wainscott,306,3
+marstons,288,10
+hanson,1495,10
+marstons,1699,0
+shelbyville,1630,2
+shelbyville,1196,12
+lakeville,672,8
+lindenwood,74,0
+klickitat,1673,4
+marstons,2198,9
+pomaria,736,4
+leonardo,1152,2
+hiteman,1834,2
+ranchester,191,3
+lakeville,423,3
+woodbine,1457,6
+leonardo,593,2
+beechwood,631,7
+pomaria,945,1
+coffeen,709,3
+leonardo,1636,2
+lindenwood,1511,6
+pinesdale,1448,5
+hanson,246,6
+woodbine,753,2
+mifflinburg,724,0
+klickitat,982,13
+hanson,1170,14
+leonardo,205,2
+ranchester,517,2
+pomaria,1291,0
+newfields,671,5
+hanson,324,0
+hanson,477,13
+pomaria,998,2
+tolstoy,312,9
+klickitat,1289,1
+beechwood,1126,0
+wainscott,152,1
+wainscott,1753,1
+cosmos,786,2
+marstons,2530,5
+newfields,637,12
+wainscott,17,7
+newfields,677,2
+lindenwood,2023,8
+shelbyville,163,4
+leonardo,152,2
+hanson,1461,9
+hiteman,1096,1
+wainscott,182,7
+wainscott,1084,4
+woodbine,1100,1
+cosmos,378,5
+pomaria,894,2
+klickitat,353,0
+pinesdale,1088,0
+lakeville,1785,4
+shelbyville,1968,0
+lakeville,96,3
+merom,332,1
+hiteman,37,6
+coffeen,215,3
+tolstoy,828,2
+pomaria,904,6
+tolstoy,913,9
+mifflinburg,216,4
+stockman,1048,6
+shelbyville,2341,5
+klickitat,1695,3
+marstons,1432,3
+pomaria,750,12
+tolstoy,887,7
+pinesdale,1437,5
+pinesdale,480,2
+wainscott,1435,4
+lakeville,1630,0
+lindenwood,2113,5
+shelbyville,1091,3
+shelbyville,296,8
+shelbyville,1599,11
+woodbine,1628,0
+hanson,1531,6
+wainscott,1513,4
+coffeen,1257,6
+lindenwood,541,0
+lakeville,559,6
+hanson,1266,1
+wainscott,1479,4
+wainscott,808,18
+pomaria,1159,4
+coffeen,1464,2
+tolstoy,779,2
+woodbine,2037,2
+mifflinburg,750,5
+marstons,1930,3
+pinesdale,29,2
+pinesdale,262,1
+stockman,1314,1
+mifflinburg,218,0
+shelbyville,1501,1
+newfields,968,1
+marstons,2448,1
+marstons,171,5
+shelbyville,482,0
+coffeen,1095,6
+tolstoy,468,2
+klickitat,433,1
+woodbine,1287,2
+shelbyville,2813,1
+wainscott,1065,0
+klickitat,359,0
+lindenwood,1375,3
+woodbine,1642,3
+pomaria,1081,6
+tolstoy,590,6
+cosmos,722,0
+leonardo,820,7
+lindenwood,1365,4
+ranchester,380,2
+shelbyville,2592,0
+lakeville,212,0
+marstons,825,8
+newfields,834,5
+lakeville,405,4
+wainscott,1363,3
+coffeen,171,1
+allensville,270,4
+shelbyville,2125,1
+marstons,58,3
+forkland,696,0
+woodbine,1105,16
+beechwood,358,1
+newfields,685,1
+shelbyville,2215,13
+pomaria,1470,2
+klickitat,351,2
+shelbyville,1862,1
+marstons,1792,7
+klickitat,389,11
+coffeen,607,3
+wainscott,1023,0
+cosmos,348,1
+hanson,593,3
+marstons,368,2
+ranchester,527,0
+wainscott,1739,2
+hiteman,186,6
+mifflinburg,774,12
+tolstoy,928,0
+leonardo,792,0
+tolstoy,188,4
+beechwood,715,14
+pomaria,240,0
+forkland,620,9
+shelbyville,2335,0
+stockman,1544,2
+stockman,1250,2
+lindenwood,2369,5
+tolstoy,1733,0
+newfields,1165,3
+shelbyville,605,12
+woodbine,524,3
+pomaria,886,2
+woodbine,1715,3
+allensville,141,1
+tolstoy,542,2
+shelbyville,1723,2
+lakeville,1192,0
+lakeville,94,4
+beechwood,741,2
+tolstoy,1529,8
+ranchester,659,4
+lindenwood,1855,2
+coffeen,901,1
+tolstoy,1684,5
+beechwood,654,3
+tolstoy,483,2
+merom,478,1
+leonardo,49,1
+ranchester,944,8
+forkland,644,7
+marstons,1033,2
+tolstoy,1524,6
+wainscott,1240,2
+klickitat,2185,2
+tolstoy,406,3
+lindenwood,914,8
+wainscott,750,3
+mifflinburg,357,1
+marstons,24,0
+coffeen,1093,7
+marstons,242,6
+hanson,1004,8
+forkland,1087,4
+klickitat,907,4
+beechwood,875,4
+beechwood,1031,9
+merom,269,3
+tolstoy,1583,1
+pinesdale,415,0
+klickitat,1757,8
+hiteman,911,3
+merom,406,2
+newfields,899,3
+hanson,1473,1
+hiteman,378,4
+cosmos,30,10
+lakeville,1559,6
+mifflinburg,399,6
+beechwood,556,3
+hiteman,199,1
+tolstoy,706,1
+cosmos,27,0
+shelbyville,1559,2
+leonardo,49,4
+coffeen,1479,4
+klickitat,585,4
+shelbyville,1740,4
+stockman,1243,8
+newfields,263,9
+newfields,1121,1
+newfields,1541,3
+pinesdale,1191,3
+wainscott,875,0
+hanson,1546,0
+lakeville,194,7
+hiteman,1332,5
+beechwood,1032,5
+newfields,1424,9
+ranchester,356,2
+ranchester,871,5
+lakeville,695,5
+klickitat,601,2
+tolstoy,1721,2
+hiteman,204,3
+pomaria,863,6
+wainscott,761,8
+merom,437,4
+klickitat,1396,2
+leonardo,119,2
+coffeen,789,6
+klickitat,1271,9
+cosmos,628,3
+tolstoy,944,0
+tolstoy,161,2
+newfields,894,3
+lakeville,1389,5
+woodbine,1363,5
+lakeville,1252,8
+tolstoy,453,7
+klickitat,740,0
+hanson,1189,11
+mifflinburg,970,5
+forkland,129,3
+lindenwood,2101,1
+mifflinburg,784,8
+tolstoy,1558,4
+lindenwood,1657,0
+woodbine,417,2
+stockman,681,4
+woodbine,394,1
+lakeville,193,7
+cosmos,591,0
+pomaria,758,2
+shelbyville,421,9
+marstons,1529,5
+pinesdale,155,2
+stockman,1290,1
+marstons,1154,2
+marstons,2161,4
+benevolence,236,3
+klickitat,100,7
+marstons,1023,5
+beechwood,807,8
+lakeville,1513,10
+hiteman,1269,2
+hanson,1057,2
+cosmos,342,0
+hiteman,503,3
+woodbine,1667,10
+leonardo,976,1
+woodbine,711,4
+shelbyville,1454,19
+forkland,502,2
+hanson,54,5
+newfields,869,3
+pinesdale,1074,0
+woodbine,280,0
+mifflinburg,182,4
+hanson,1508,6
+pomaria,1105,2
+hanson,421,0
+shelbyville,313,1
+shelbyville,2607,2
+hanson,1241,5
+klickitat,180,2
+woodbine,1556,5
+ranchester,1564,7
+woodbine,1952,10
+pinesdale,613,9
+shelbyville,1654,12
+newfields,1308,0
+coffeen,360,4
+woodbine,851,0
+pinesdale,370,1
+lakeville,1173,0
+pomaria,324,4
+wainscott,1170,4
+pinesdale,473,6
+hanson,781,0
+hanson,95,3
+coffeen,1164,2
+coffeen,449,1
+wainscott,1452,3
+stockman,476,1
+klickitat,963,1
+tolstoy,367,1
+woodbine,481,5
+marstons,798,3
+marstons,1432,1
+shelbyville,750,5
+hanson,1134,7
+tolstoy,388,0
+marstons,1652,9
+shelbyville,731,3
+stockman,1356,2
+klickitat,1960,18
+lakeville,115,1
+lakeville,397,0
+woodbine,37,1
+newfields,512,2
+woodbine,303,7
+allensville,238,0
+shelbyville,1559,8
+hiteman,428,2
+newfields,778,1
+klickitat,1831,2
+newfields,537,2
+stockman,42,3
+shelbyville,1406,1
+wainscott,96,8
+ranchester,434,2
+cosmos,82,5
+marstons,42,0
+forkland,422,2
+lakeville,1631,6
+cosmos,799,2
+marstons,58,0
+klickitat,2340,0
+cosmos,842,0
+shelbyville,13,2
+marstons,1873,4
+shelbyville,2312,3
+marstons,1207,3
+marstons,841,17
+hiteman,1385,5
+tolstoy,1305,1
+pomaria,969,9
+leonardo,608,0
+woodbine,1924,4
+lakeville,1595,0
+hanson,651,12
+woodbine,1408,8
+shelbyville,1885,2
+coffeen,1064,4
+beechwood,501,4
+ranchester,664,2
+klickitat,786,2
+klickitat,2032,2
+onaga,252,0
+mifflinburg,607,1
+merom,341,5
+shelbyville,1161,3
+lindenwood,2376,1
+shelbyville,1310,5
+wainscott,234,2
+marstons,1682,14
+woodbine,1662,0
+benevolence,863,5
+marstons,1610,2
+woodbine,262,2
+shelbyville,477,1
+lakeville,652,2
+shelbyville,1315,5
+klickitat,1386,8
+tolstoy,1081,1
+shelbyville,1528,2
+lakeville,402,9
+shelbyville,2773,4
+wainscott,1783,3
+marstons,1925,12
+klickitat,2357,13
+shelbyville,1526,2
+marstons,2095,1
+pinesdale,1034,3
+shelbyville,1066,1
+tolstoy,325,5
+merom,11,5
+cosmos,734,1
+coffeen,461,1
+woodbine,1393,0
+leonardo,1291,3
+lakeville,250,2
+woodbine,440,0
+klickitat,1011,4
+wainscott,1329,6
+woodbine,1769,2
+hanson,544,2
+lindenwood,2551,4
+coffeen,910,0
+stockman,119,0
+tolstoy,520,2
+lindenwood,2378,4
+benevolence,884,0
+pomaria,1183,7
+marstons,1261,0
+lindenwood,1413,9
+lakeville,1744,2
+leonardo,1543,3
+hiteman,1510,3
+hiteman,1786,3
+klickitat,308,5
+klickitat,1965,0
+cosmos,583,5
+forkland,692,0
+woodbine,199,14
+ranchester,776,4
+marstons,1462,0
+cosmos,505,9
+ranchester,40,1
+leonardo,346,1
+marstons,36,6
+woodbine,1008,1
+pomaria,1075,0
+pomaria,1667,0
+marstons,1827,6
+hiteman,1560,2
+merom,991,3
+forkland,1071,2
+tolstoy,1825,7
+shelbyville,752,4
+allensville,333,3
+shelbyville,1844,5
+merom,220,4
+ranchester,1289,3
+merom,129,0
+klickitat,944,4
+woodbine,1364,0
+lindenwood,1958,6
+shelbyville,2571,3
+cosmos,155,7
+beechwood,167,0
+klickitat,1760,14
+wainscott,1250,4
+stockman,977,1
+shelbyville,1067,3
+marstons,1718,0
+pinesdale,187,6
+shelbyville,845,1
+hiteman,1847,2
+leonardo,1971,0
+hanson,142,8
+lakeville,954,2
+hiteman,1653,3
+wainscott,1697,5
+lindenwood,245,5
+klickitat,2389,0
+tolstoy,1657,2
+woodbine,1330,4
+pinesdale,864,13
+mifflinburg,891,0
+wainscott,973,10
+lindenwood,2434,2
+coffeen,704,6
+klickitat,2025,1
+beechwood,929,5
+marstons,2402,4
+pomaria,112,3
+klickitat,784,8
+shelbyville,1733,1
+shelbyville,543,4
+pomaria,1119,2
+lindenwood,2448,5
+leonardo,525,3
+lindenwood,1882,0
+beechwood,934,8
+merom,280,1
+pomaria,249,6
+wainscott,907,7
+lindenwood,1307,4
+coffeen,20,4
+coffeen,785,6
+cosmos,571,0
+stockman,153,11
+benevolence,625,1
+shelbyville,2100,0
+forkland,1080,1
+wainscott,164,2
+hanson,89,13
+lakeville,461,1
+forkland,1115,4
+pinesdale,845,6
+benevolence,304,2
+woodbine,882,2
+pomaria,1031,6
+beechwood,223,1
+coffeen,1253,1
+leonardo,1528,14
+lakeville,1278,10
+lindenwood,2431,3
+hanson,1446,6
+coffeen,756,2
+newfields,266,1
+newfields,138,0
+tolstoy,1284,0
+pomaria,1677,9
+beechwood,131,3
+newfields,1378,12
+klickitat,65,20
+wainscott,1643,8
+tolstoy,891,4
+lakeville,1619,2
+shelbyville,2166,1
+woodbine,1351,8
+pinesdale,461,2
+hiteman,311,0
+beechwood,86,2
+newfields,442,0
+woodbine,809,13
+shelbyville,1783,2
+lakeville,977,12
+wainscott,711,8
+leonardo,1872,0
+lakeville,1405,11
+leonardo,56,0
+wainscott,1693,3
+pinesdale,1124,2
+lindenwood,936,7
+woodbine,286,1
+shelbyville,1542,1
+ranchester,255,7
+shelbyville,2377,0
+klickitat,74,16
+shelbyville,2641,6
+mifflinburg,264,3
+newfields,1478,0
+lindenwood,1910,6
+cosmos,310,9
+newfields,1003,0
+marstons,868,5
+marstons,1736,0
+pomaria,1669,1
+marstons,582,9
+wainscott,1514,6
+newfields,1157,2
+beechwood,171,1
+woodbine,1686,6
+leonardo,281,4
+hanson,316,1
+marstons,435,3
+lindenwood,2651,5
+pinesdale,570,0
+benevolence,54,5
+shelbyville,1058,2
+forkland,1048,2
+leonardo,1584,3
+lindenwood,1951,0
+klickitat,2052,10
+hiteman,55,0
+hanson,1284,6
+klickitat,1849,19
+marstons,1567,3
+klickitat,549,5
+klickitat,131,4
+beechwood,317,7
+hanson,570,3
+klickitat,737,3
+marstons,45,4
+merom,916,10
+hanson,394,2
+tolstoy,643,10
+tolstoy,908,3
+leonardo,345,0
+hanson,355,1
+woodbine,1340,0
+marstons,2583,1
+hanson,199,6
+klickitat,229,0
+stockman,596,0
+lindenwood,1673,2
+cosmos,705,13
+marstons,42,4
+ranchester,319,8
+hiteman,200,1
+hiteman,1058,4
+coffeen,882,4
+shelbyville,2177,0
+pomaria,1043,11
+ranchester,1543,3
+shelbyville,451,6
+klickitat,1748,0
+shelbyville,1400,0
+lakeville,991,5
+tolstoy,1571,2
+pinesdale,103,9
+lindenwood,1007,3
+tolstoy,444,4
+woodbine,1240,1
+pomaria,177,3
+merom,185,5
+tolstoy,868,14
+beechwood,1006,0
+leonardo,1400,0
+pinesdale,123,4
+stockman,1547,4
+marstons,1720,8
+cosmos,662,2
+woodbine,283,4
+shelbyville,1317,2
+pinesdale,160,1
+klickitat,69,11
+tolstoy,1625,8
+pinesdale,1456,1
+hanson,747,5
+pomaria,180,9
+klickitat,11,2
+woodbine,1482,1
+klickitat,376,1
+coffeen,1203,2
+hiteman,234,0
+ranchester,636,5
+newfields,1361,2
+stockman,374,3
+lakeville,1591,5
+benevolence,346,7
+beechwood,796,10
+lakeville,1370,5
+lakeville,1264,3
+hiteman,166,0
+woodbine,1667,9
+onaga,17,0
+shelbyville,2451,6
+woodbine,1538,8
+benevolence,403,2
+lindenwood,2236,11
+newfields,1389,9
+woodbine,866,1
+stockman,204,3
+hanson,923,6
+lakeville,1864,2
+shelbyville,1033,13
+lindenwood,718,2
+pomaria,136,7
+hiteman,1614,6
+hiteman,723,5
+klickitat,2418,7
+klickitat,2196,2
+pomaria,115,0
+klickitat,1655,5
+pinesdale,1352,3
+woodbine,1054,2
+stockman,157,0
+shelbyville,2780,9
+hiteman,699,6
+tolstoy,114,5
+marstons,37,10
+pinesdale,112,3
+leonardo,2095,3
+pomaria,194,1
+leonardo,480,4
+hiteman,1308,2
+shelbyville,603,12
+ranchester,982,10
+shelbyville,88,9
+lindenwood,1125,7
+shelbyville,1848,1
+marstons,377,3
+lindenwood,524,3
+cosmos,856,0
+marstons,714,4
+pinesdale,448,3
+merom,924,0
+hiteman,1095,3
+ranchester,1513,2
+allensville,486,2
+merom,546,0
+ranchester,1033,10
+coffeen,583,3
+woodbine,1264,0
+klickitat,2269,0
+onaga,25,3
+marstons,889,10
+marstons,118,0
+marstons,113,1
+forkland,934,1
+beechwood,556,5
+merom,582,1
+coffeen,259,6
+shelbyville,1694,11
+hanson,466,11
+stockman,264,2
+lindenwood,1483,7
+hiteman,832,1
+lakeville,1001,4
+benevolence,458,7
+pomaria,281,4
+marstons,392,9
+pomaria,658,6
+klickitat,841,3
+ranchester,1368,0
+stockman,746,0
+leonardo,1580,0
+hiteman,1390,6
+leonardo,830,2
+shelbyville,636,10
+hanson,846,0
+woodbine,34,5
+pinesdale,57,3
+marstons,1335,2
+pomaria,1574,2
+woodbine,583,1
+klickitat,782,3
+pomaria,1021,9
+hiteman,290,0
+woodbine,1629,4
+klickitat,807,4
+tolstoy,1673,4
+merom,459,5
+beechwood,387,5
+onaga,584,2
+pinesdale,53,1
+klickitat,664,2
+stockman,1577,2
+benevolence,361,2
+newfields,910,2
+woodbine,450,0
+lindenwood,911,12
+klickitat,2311,7
+newfields,508,10
+newfields,1337,3
+benevolence,11,5
+shelbyville,230,1
+leonardo,447,15
+tolstoy,375,15
+lakeville,1400,7
+lindenwood,214,0
+klickitat,593,1
+lakeville,985,7
+lindenwood,1069,7
+hanson,651,8
+pinesdale,1494,4
+pinesdale,374,4
+lindenwood,996,9
+lakeville,959,4
+forkland,197,0
+coffeen,406,7
+shelbyville,814,0
+klickitat,150,8
+forkland,955,3
+forkland,456,4
+coffeen,575,7
+leonardo,874,1
+merom,612,0
+beechwood,218,11
+hanson,1246,6
+forkland,616,1
+benevolence,300,1
+pomaria,1371,7
+hiteman,849,5
+leonardo,391,13
+wainscott,135,3
+merom,186,0
+shelbyville,440,6
+benevolence,353,2
+marstons,1761,4
+lakeville,1449,8
+pomaria,142,2
+wainscott,1797,1
+wainscott,411,5
+stockman,1248,2
+allensville,148,0
+hiteman,1593,2
+wainscott,1515,2
+shelbyville,2106,7
+coffeen,881,2
+pinesdale,88,6
+hanson,960,4
+hiteman,1687,2
+onaga,550,1
+leonardo,939,0
+pinesdale,1120,5
+shelbyville,2641,7
+klickitat,637,5
+ranchester,661,1
+newfields,1570,4
+klickitat,498,5
+shelbyville,1163,3
+marstons,1450,2
+coffeen,354,7
+leonardo,1437,2
+klickitat,1760,18
+leonardo,1372,2
+shelbyville,2,15
+wainscott,1227,8
+mifflinburg,869,2
+shelbyville,228,13
+lindenwood,2537,2
+marstons,1730,7
+forkland,1166,7
+hanson,255,11
+tolstoy,1134,3
+hanson,1507,0
+benevolence,753,5
+klickitat,802,3
+hiteman,988,2
+cosmos,364,5
+klickitat,293,6
+leonardo,454,1
+woodbine,1016,1
+lakeville,801,10
+leonardo,392,3
+shelbyville,1739,3
+leonardo,264,1
+pomaria,1480,0
+lindenwood,669,3
+lakeville,1002,5
+benevolence,498,2
+lakeville,983,4
+leonardo,677,2
+merom,494,2
+cosmos,752,7
+lindenwood,766,0
+pinesdale,528,2
+ranchester,440,1
+mifflinburg,840,6
+pinesdale,219,2
+marstons,1545,3
+pinesdale,126,0
+wainscott,232,3
+coffeen,240,2
+onaga,64,4
+klickitat,938,8
+ranchester,598,8
+woodbine,340,2
+lindenwood,538,3
+leonardo,1822,1
+cosmos,787,1
+stockman,836,0
+hanson,565,5
+shelbyville,2469,1
+woodbine,700,4
+coffeen,398,0
+marstons,1982,1
+shelbyville,1063,2
+marstons,1933,4
+merom,908,2
+shelbyville,167,2
+lakeville,422,3
+hiteman,226,4
+leonardo,2036,9
+coffeen,765,7
+woodbine,1414,16
+shelbyville,2309,3
+merom,510,0
+allensville,447,6
+woodbine,1406,6
+wainscott,642,0
+lakeville,1270,2
+coffeen,265,4
+ranchester,1245,4
+marstons,2283,1
+mifflinburg,520,1
+wainscott,575,0
+mifflinburg,511,4
+hanson,1305,3
+stockman,1077,1
+leonardo,1056,3
+hanson,141,1
+hiteman,775,4
+mifflinburg,859,12
+hiteman,1568,5
+merom,419,5
+wainscott,1167,6
+lindenwood,167,5
+mifflinburg,629,5
+onaga,306,2
+marstons,2612,4
+allensville,68,2
+klickitat,390,9
+hanson,994,2
+tolstoy,131,8
+newfields,980,2
+marstons,9,2
+newfields,93,0
+allensville,93,4
+beechwood,971,4
+marstons,1255,12
+marstons,1648,6
+cosmos,255,4
+shelbyville,1676,0
+cosmos,325,4
+shelbyville,1652,4
+forkland,1117,1
+tolstoy,1452,2
+tolstoy,1594,3
+shelbyville,603,14
+tolstoy,996,2
+coffeen,480,2
+newfields,247,1
+pomaria,141,0
+stockman,1016,2
+onaga,579,0
+leonardo,138,4
+klickitat,567,3
+woodbine,932,8
+pinesdale,381,0
+shelbyville,249,5
+beechwood,992,2
+lindenwood,1985,5
+beechwood,927,1
+stockman,571,3
+forkland,808,11
+newfields,574,3
+wainscott,1793,4
+lakeville,903,6
+woodbine,1164,2
+mifflinburg,138,4
+newfields,1395,6
+lindenwood,2398,2
+cosmos,402,1
+lindenwood,554,0
+pinesdale,497,6
+lindenwood,2142,1
+woodbine,78,2
+marstons,1084,0
+shelbyville,2688,4
+forkland,505,6
+leonardo,874,10
+tolstoy,1215,2
+woodbine,1452,1
+marstons,342,0
+lakeville,1099,12
+leonardo,371,1
+lakeville,1104,13
+leonardo,1671,2
+woodbine,2016,2
+hanson,1067,11
+beechwood,709,0
+forkland,479,2
+tolstoy,478,12
+pomaria,44,1
+merom,550,5
+marstons,744,4
+lindenwood,678,13
+cosmos,376,0
+shelbyville,1783,11
+lindenwood,469,2
+shelbyville,1474,4
+lindenwood,1871,3
+wainscott,656,7
+hiteman,1061,16
+klickitat,2241,7
+tolstoy,1613,4
+marstons,2459,0
+ranchester,1417,6
+woodbine,264,1
+leonardo,1671,4
+marstons,2160,8
+hanson,569,0
+pinesdale,1046,4
+klickitat,1045,1
+ranchester,1154,8
+newfields,567,2
+onaga,466,0
+hanson,826,9
+newfields,1469,3
+leonardo,1274,1
+lakeville,769,1
+stockman,346,0
+hanson,1657,7
+pomaria,263,14
+pinesdale,1504,5
+merom,961,8
+merom,992,0
+shelbyville,1531,3
+hiteman,358,2
+hiteman,1461,12
+tolstoy,1623,2
+stockman,918,3
+stockman,269,0
+hanson,1495,17
+hiteman,800,1
+ranchester,1516,3
+cosmos,1003,4
+shelbyville,1566,16
+klickitat,2237,7
+hiteman,385,4
+onaga,302,2
+woodbine,1361,11
+lakeville,1714,13
+lindenwood,391,2
+benevolence,443,7
+lindenwood,2675,4
+ranchester,735,0
+onaga,638,1
+leonardo,76,0
+woodbine,261,4
+leonardo,2103,0
+mifflinburg,688,4
+lindenwood,1985,2
+ranchester,1000,10
+marstons,752,1
+coffeen,838,1
+pomaria,984,7
+hiteman,906,2
+hanson,1131,4
+newfields,54,1
+leonardo,1354,13
+pomaria,1579,8
+lakeville,672,12
+allensville,334,1
+tolstoy,1349,5
+hanson,384,14
+mifflinburg,431,1
+marstons,31,10
+klickitat,25,0
+shelbyville,1875,1
+lakeville,370,5
+marstons,1586,9
+forkland,458,0
+shelbyville,13,3
+marstons,1887,1
+klickitat,938,11
+tolstoy,371,1
+klickitat,1922,2
+hanson,1080,3
+marstons,2089,1
+lindenwood,1852,1
+ranchester,993,1
+benevolence,132,1
+tolstoy,676,2
+coffeen,1480,4
+klickitat,1025,7
+lindenwood,625,3
+stockman,1351,2
+hiteman,1196,6
+woodbine,635,1
+shelbyville,1458,10
+pinesdale,1366,2
+klickitat,1614,7
+wainscott,1404,8
+shelbyville,2204,4
+leonardo,1158,8
+mifflinburg,419,0
+hiteman,1475,4
+tolstoy,1691,3
+marstons,1261,3
+beechwood,387,2
+beechwood,352,0
+hanson,1078,4
+merom,134,2
+klickitat,2015,10
+marstons,779,1
+newfields,102,6
+leonardo,140,7
+klickitat,642,0
+pomaria,40,2
+marstons,1585,4
+newfields,1007,12
+pomaria,939,5
+newfields,196,0
+pomaria,954,10
+benevolence,44,8
+newfields,276,1
+cosmos,970,0
+klickitat,2389,5
+shelbyville,2286,1
+tolstoy,474,7
+woodbine,538,12
+newfields,1365,8
+lindenwood,1324,4
+benevolence,49,2
+klickitat,310,1
+stockman,1388,0
+forkland,926,0
+stockman,163,0
+tolstoy,1512,8
+marstons,1192,0
+marstons,1644,2
+shelbyville,2678,5
+klickitat,677,0
+leonardo,1343,0
+pomaria,201,3
+wainscott,65,9
+tolstoy,1269,4
+tolstoy,1213,3
+forkland,293,0
+marstons,27,8
+pomaria,428,0
+pomaria,273,6
+woodbine,1614,2
+merom,760,3
+tolstoy,1445,0
+lindenwood,1846,4
+newfields,1295,11
+coffeen,254,1
+lakeville,816,9
+lakeville,31,7
+woodbine,277,4
+marstons,1550,5
+beechwood,225,1
+klickitat,1339,1
+hanson,511,1
+lindenwood,1987,2
+tolstoy,581,0
+pinesdale,1129,3
+lindenwood,2585,9
+klickitat,1282,1
+hiteman,1091,1
+mifflinburg,440,1
+leonardo,1171,0
+leonardo,906,6
+pinesdale,1354,2
+marstons,929,16
+klickitat,35,12
+marstons,1160,5
+lakeville,424,4
+marstons,2272,2
+lakeville,443,0
+shelbyville,542,4
+tolstoy,67,1
+shelbyville,614,5
+shelbyville,1571,2
+lakeville,903,5
+mifflinburg,546,7
+hanson,378,4
+wainscott,1786,6
+ranchester,537,5
+marstons,1115,8
+lindenwood,1161,0
+woodbine,360,1
+lakeville,1052,2
+marstons,566,3
+hiteman,246,1
+forkland,176,6
+pomaria,1295,8
+tolstoy,1637,3
+marstons,163,0
+tolstoy,291,11
+newfields,1304,4
+beechwood,424,3
+stockman,1273,3
+pomaria,270,1
+pomaria,1217,9
+pinesdale,98,11
+tolstoy,825,4
+forkland,31,3
+benevolence,904,2
+woodbine,1937,4
+beechwood,141,1
+lindenwood,2282,8
+cosmos,2,11
+stockman,598,0
+marstons,84,8
+hiteman,1781,7
+hiteman,252,7
+lindenwood,2558,1
+coffeen,1369,5
+woodbine,1126,14
+forkland,330,1
+hanson,963,5
+merom,796,0
+ranchester,54,0
+stockman,68,1
+coffeen,1166,0
+pinesdale,454,0
+stockman,853,6
+shelbyville,2801,0
+marstons,503,4
+forkland,816,7
+klickitat,1036,0
+marstons,2485,1
+forkland,19,0
+marstons,1103,5
+hiteman,769,6
+mifflinburg,905,3
+woodbine,1707,0
+onaga,249,0
+shelbyville,182,2
+tolstoy,1801,5
+ranchester,1236,1
+hiteman,1226,12
+mifflinburg,372,2
+merom,1013,2
+lindenwood,1148,15
+marstons,321,0
+wainscott,1326,9
+marstons,198,4
+coffeen,153,2
+cosmos,398,9
+shelbyville,49,9
+shelbyville,1523,11
+pinesdale,590,3
+lakeville,1545,12
+hiteman,1551,2
+newfields,1057,3
+beechwood,840,5
+lindenwood,238,4
+marstons,1649,2
+cosmos,879,1
+merom,97,0
+onaga,574,8
+hiteman,672,3
+ranchester,697,5
+hiteman,457,2
+mifflinburg,192,2
+leonardo,1825,11
+stockman,1086,0
+hanson,188,2
+pinesdale,712,7
+leonardo,846,10
+merom,548,2
+marstons,88,6
+shelbyville,1205,4
+stockman,664,4
+lindenwood,394,8
+mifflinburg,68,2
+coffeen,81,5
+mifflinburg,693,3
+tolstoy,19,12
+shelbyville,387,4
+tolstoy,1010,6
+pomaria,539,3
+merom,894,2
+lindenwood,1394,1
+wainscott,1185,2
+lakeville,1345,3
+klickitat,1345,12
+lindenwood,350,3
+klickitat,413,1
+pinesdale,670,3
+shelbyville,1145,1
+forkland,916,1
+pinesdale,1047,11
+lindenwood,2338,0
+shelbyville,216,0
+lindenwood,29,6
+lindenwood,2316,4
+newfields,490,14
+lindenwood,315,4
+marstons,301,1
+lakeville,151,17
+woodbine,1419,6
+ranchester,86,3
+cosmos,935,3
+klickitat,1163,8
+leonardo,1835,2
+leonardo,1358,7
+stockman,1015,4
+leonardo,225,2
+hanson,1282,5
+shelbyville,173,8
+pinesdale,542,0
+lindenwood,2468,2
+coffeen,1147,0
+marstons,1272,0
+tolstoy,1003,1
+hiteman,1245,8
+marstons,1291,4
+marstons,555,7
+pomaria,1163,5
+stockman,212,2
+stockman,555,2
+cosmos,628,5
+leonardo,766,9
+tolstoy,1136,0
+marstons,564,9
+allensville,447,7
+hanson,1651,4
+benevolence,769,9
+lakeville,1527,5
+woodbine,1726,3
+wainscott,1772,7
+pomaria,1008,1
+lindenwood,1336,5
+hiteman,1422,1
+wainscott,982,4
+marstons,1781,4
+coffeen,1186,0
+lindenwood,1716,2
+marstons,1359,6
+pinesdale,888,1
+hanson,467,8
+wainscott,1716,1
+beechwood,154,1
+woodbine,1252,5
+lindenwood,2631,2
+tolstoy,716,1
+merom,876,2
+shelbyville,1349,0
+klickitat,2274,2
+tolstoy,546,4
+klickitat,2334,14
+allensville,393,1
+beechwood,369,2
+wainscott,435,2
+pomaria,37,0
+shelbyville,2666,4
+lindenwood,715,3
+merom,318,4
+coffeen,7,3
+cosmos,489,0
+woodbine,918,3
+tolstoy,517,5
+pomaria,1226,1
+shelbyville,1469,0
+coffeen,1004,2
+hiteman,590,1
+shelbyville,2061,8
+marstons,1016,1
+newfields,984,4
+stockman,150,2
+marstons,64,5
+wainscott,1630,4
+stockman,165,0
+leonardo,1815,2
+klickitat,1948,1
+marstons,2283,2
+wainscott,572,0
+shelbyville,1799,4
+pinesdale,265,7
+hanson,1034,3
+leonardo,1746,0
+hiteman,645,7
+wainscott,1651,14
+leonardo,864,6
+lakeville,1616,1
+hanson,1626,5
+woodbine,1629,9
+leonardo,2040,2
+hanson,763,7
+pomaria,1526,6
+woodbine,487,7
+ranchester,1413,3
+lakeville,1000,3
+woodbine,1072,4
+pomaria,1643,5
+coffeen,519,5
+hiteman,909,4
+wainscott,1190,0
+newfields,1097,5
+klickitat,2145,12
+newfields,14,8
+hiteman,627,6
+wainscott,443,1
+stockman,585,3
+allensville,205,7
+tolstoy,1808,3
+pomaria,731,5
+lakeville,901,10
+cosmos,929,7
+leonardo,1765,2
+lindenwood,356,3
+pinesdale,1132,4
+hiteman,256,9
+tolstoy,1092,5
+onaga,560,3
+tolstoy,573,3
+pinesdale,904,2
+mifflinburg,204,1
+hanson,1156,5
+leonardo,533,5
+lakeville,1290,3
+tolstoy,326,6
+shelbyville,653,2
+newfields,615,0
+tolstoy,546,1
+beechwood,545,2
+hiteman,1690,1
+woodbine,1862,11
+pinesdale,916,6
+coffeen,558,0
+merom,232,1
+leonardo,1830,11
+woodbine,336,0
+coffeen,744,0
+shelbyville,1534,3
+lakeville,374,0
+newfields,1222,4
+pinesdale,611,5
+pinesdale,1061,7
+lindenwood,1498,3
+woodbine,1063,9
+hanson,1230,13
+woodbine,1684,14
+wainscott,1604,1
+shelbyville,162,5
+leonardo,268,8
+hiteman,1816,10
+ranchester,791,0
+ranchester,1340,7
+merom,335,3
+marstons,1351,4
+woodbine,228,3
+pomaria,424,1
+wainscott,242,0
+coffeen,23,0
+ranchester,1179,3
+merom,164,4
+marstons,2363,2
+tolstoy,101,18
+hiteman,1852,2
+tolstoy,808,5
+lindenwood,1242,10
+pinesdale,1216,6
+hiteman,1648,1
+pomaria,611,5
+shelbyville,2624,8
+hanson,847,10
+shelbyville,2710,11
+tolstoy,491,11
+pinesdale,1201,4
+coffeen,767,1
+woodbine,1280,4
+ranchester,494,2
+shelbyville,636,0
+newfields,1317,3
+beechwood,86,5
+lakeville,998,8
+onaga,335,10
+hanson,865,1
+hiteman,13,3
+lakeville,36,16
+hanson,1528,8
+marstons,2046,6
+allensville,10,2
+woodbine,1915,7
+beechwood,79,2
+hanson,125,0
+forkland,357,7
+hiteman,1735,0
+lindenwood,98,9
+forkland,72,3
+marstons,1538,0
+shelbyville,131,6
+lindenwood,842,3
+stockman,1034,0
+marstons,1135,6
+hiteman,614,3
+benevolence,181,2
+ranchester,454,8
+marstons,804,2
+lakeville,1552,6
+tolstoy,320,4
+stockman,878,0
+klickitat,2010,5
+beechwood,49,0
+coffeen,905,1
+pomaria,1649,2
+pinesdale,1321,4
+merom,846,6
+lakeville,134,3
+pomaria,80,4
+marstons,268,2
+tolstoy,476,2
+leonardo,263,0
+coffeen,828,6
+shelbyville,1473,12
+tolstoy,1573,3
+coffeen,472,4
+lindenwood,1312,7
+pinesdale,416,7
+klickitat,1281,1
+tolstoy,1248,1
+cosmos,912,8
+leonardo,1137,1
+newfields,924,2
+cosmos,766,0
+leonardo,423,1
+woodbine,924,7
+leonardo,1108,2
+klickitat,1163,0
+mifflinburg,603,0
+wainscott,1128,1
+hiteman,496,1
+woodbine,440,5
+leonardo,1262,6
+marstons,1815,3
+beechwood,824,0
+shelbyville,12,5
+shelbyville,3,2
+tolstoy,588,11
+tolstoy,1085,2
+lindenwood,587,1
+woodbine,1635,2
+klickitat,2054,1
+klickitat,68,6
+pinesdale,1128,5
+lakeville,276,1
+forkland,749,2
+newfields,1202,8
+hanson,1555,7
+woodbine,766,12
+wainscott,807,1
+wainscott,1076,4
+klickitat,14,13
+leonardo,1940,3
+hiteman,842,1
+tolstoy,1276,15
+lindenwood,808,3
+coffeen,0,10
+hiteman,789,1
+leonardo,1505,6
+hiteman,1416,0
+beechwood,1046,8
+woodbine,1054,12
+ranchester,950,10
+cosmos,1079,2
+coffeen,1409,1
+cosmos,720,6
+onaga,272,2
+wainscott,731,6
+wainscott,1324,4
+beechwood,684,7
+hiteman,1195,4
+coffeen,243,1
+onaga,436,7
+lindenwood,1393,0
+lakeville,418,1
+klickitat,215,4
+woodbine,1851,3
+marstons,855,3
+hiteman,837,2
+coffeen,1295,1
+wainscott,1554,4
+beechwood,91,9
+pinesdale,1413,3
+newfields,1033,1
+lindenwood,727,3
+beechwood,577,0
+shelbyville,819,0
+wainscott,1430,3
+leonardo,555,3
+wainscott,1682,5
+woodbine,42,4
+coffeen,653,3
+marstons,1595,5
+woodbine,755,1
+woodbine,1857,2
+hiteman,264,5
+tolstoy,288,1
+tolstoy,476,1
+forkland,301,0
+mifflinburg,283,1
+pomaria,1084,3
+cosmos,676,3
+marstons,274,6
+ranchester,1531,8
+cosmos,860,1
+coffeen,64,6
+marstons,966,1
+klickitat,1579,1
+mifflinburg,694,4
+tolstoy,413,0
+shelbyville,487,9
+beechwood,405,0
+wainscott,135,2
+marstons,1161,6
+beechwood,501,2
+newfields,603,2
+hiteman,1539,2
+hiteman,1838,5
+lindenwood,2002,1
+leonardo,1259,8
+tolstoy,655,4
+beechwood,1047,1
+hanson,1062,6
+shelbyville,2008,3
+lakeville,83,4
+leonardo,1200,6
+ranchester,1316,0
+shelbyville,1038,9
+hanson,1102,7
+mifflinburg,305,0
+leonardo,694,3
+marstons,1327,9
+lindenwood,489,2
+leonardo,337,6
+benevolence,205,3
+ranchester,548,0
+woodbine,150,9
+stockman,950,7
+hanson,545,2
+newfields,243,0
+lakeville,1499,5
+woodbine,267,3
+newfields,863,3
+hanson,1002,2
+shelbyville,1217,3
+onaga,441,5
+mifflinburg,776,1
+shelbyville,1870,1
+lindenwood,836,14
+woodbine,801,3
+pomaria,1430,3
+lindenwood,2455,4
+hiteman,1708,5
+merom,788,8
+coffeen,911,1
+pomaria,288,9
+wainscott,1668,3
+tolstoy,300,11
+marstons,1410,0
+onaga,352,4
+shelbyville,2294,13
+pinesdale,325,0
+woodbine,1387,4
+forkland,761,4
+lindenwood,1251,3
+pomaria,158,4
+marstons,2053,4
+stockman,1227,4
+hiteman,246,6
+leonardo,518,14
+shelbyville,2298,1
+shelbyville,441,11
+leonardo,1400,3
+newfields,1072,8
+klickitat,57,1
+newfields,1537,5
+stockman,70,0
+hiteman,812,0
+lindenwood,566,5
+forkland,89,1
+ranchester,1206,2
+hiteman,1398,0
+lindenwood,482,4
+marstons,1749,22
+lakeville,1095,4
+shelbyville,1465,0
+leonardo,249,0
+newfields,187,0
+merom,519,1
+shelbyville,2811,1
+klickitat,2143,10
+wainscott,1679,1
+newfields,17,13
+lindenwood,664,2
+pinesdale,276,1
+stockman,1522,0
+lindenwood,430,2
+woodbine,85,6
+lindenwood,2579,0
+forkland,1096,6
+lindenwood,1369,0
+lakeville,1233,0
+ranchester,1383,2
+hanson,608,2
+marstons,417,4
+tolstoy,90,10
+forkland,217,2
+klickitat,276,3
+lindenwood,713,4
+shelbyville,2655,3
+shelbyville,470,4
+tolstoy,1452,5
+benevolence,410,2
+pomaria,858,3
+marstons,2084,5
+shelbyville,1541,6
+lindenwood,279,3
+cosmos,534,10
+onaga,0,1
+wainscott,1440,5
+ranchester,338,3
+stockman,1253,4
+shelbyville,2620,3
+hiteman,60,6
+allensville,396,0
+klickitat,1943,3
+cosmos,566,1
+cosmos,42,7
+lakeville,1872,16
+shelbyville,1878,5
+lakeville,511,2
+pomaria,1469,10
+forkland,1195,2
+hiteman,534,3
+lindenwood,1534,1
+lakeville,247,3
+pinesdale,1137,1
+stockman,155,4
+newfields,907,5
+lindenwood,577,4
+hiteman,445,4
+lakeville,1163,5
+shelbyville,1827,1
+ranchester,1278,0
+lakeville,537,1
+klickitat,2109,17
+tolstoy,375,7
+forkland,760,7
+benevolence,862,1
+stockman,50,1
+coffeen,986,5
+leonardo,1641,5
+hanson,931,2
+shelbyville,1371,1
+klickitat,1826,5
+klickitat,2075,4
+woodbine,752,0
+tolstoy,76,2
+woodbine,1260,1
+tolstoy,209,4
+marstons,1781,2
+hiteman,1330,0
+hanson,682,5
+leonardo,1534,7
+leonardo,545,1
+klickitat,1930,14
+woodbine,1327,6
+lakeville,351,19
+pomaria,640,3
+lakeville,1405,8
+pomaria,1077,1
+newfields,406,4
+stockman,732,1
+tolstoy,901,9
+coffeen,1396,1
+lakeville,1486,12
+mifflinburg,708,3
+lakeville,1844,5
+cosmos,764,1
+ranchester,1369,5
+shelbyville,1818,9
+pinesdale,103,3
+woodbine,2016,11
+ranchester,484,1
+stockman,27,16
+cosmos,389,13
+newfields,1489,6
+lindenwood,1919,2
+pomaria,488,7
+hanson,1442,1
+lakeville,1377,1
+cosmos,1077,7
+mifflinburg,452,3
+beechwood,910,2
+klickitat,1478,6
+klickitat,405,3
+ranchester,852,4
+klickitat,1060,5
+lindenwood,1915,13
+ranchester,1099,4
+shelbyville,1794,4
+newfields,1244,0
+woodbine,1414,14
+wainscott,494,3
+lindenwood,2083,5
+leonardo,1367,16
+lakeville,1628,10
+klickitat,1312,3
+shelbyville,2637,0
+beechwood,896,2
+pinesdale,532,6
+pomaria,451,5
+mifflinburg,278,1
+tolstoy,1428,5
+leonardo,2031,0
+beechwood,331,1
+klickitat,1265,4
+hiteman,1531,3
+lakeville,998,4
+benevolence,259,0
+marstons,145,1
+pinesdale,283,0
+hiteman,591,7
+marstons,1085,9
+marstons,675,0
+pomaria,898,4
+cosmos,22,1
+newfields,220,3
+newfields,270,3
+woodbine,1149,3
+tolstoy,650,1
+lakeville,1720,1
+pomaria,694,2
+mifflinburg,559,0
+lakeville,1552,1
+woodbine,1298,9
+klickitat,305,13
+onaga,665,0
+newfields,825,6
+pinesdale,973,12
+forkland,1107,1
+tolstoy,1301,6
+ranchester,223,5
+shelbyville,1946,0
+wainscott,1288,2
+shelbyville,1402,2
+allensville,472,2
+merom,718,4
+marstons,1936,0
+merom,741,4
+newfields,878,2
+merom,1055,2
+pomaria,1315,5
+wainscott,1713,0
+klickitat,1226,2
+lindenwood,1056,1
+wainscott,624,3
+onaga,513,12
+wainscott,1055,0
+mifflinburg,232,3
+klickitat,795,6
+hiteman,1662,1
+woodbine,867,14
+shelbyville,141,2
+klickitat,585,1
+marstons,41,0
+marstons,1167,1
+allensville,266,6
+allensville,482,3
+klickitat,1937,11
+stockman,349,2
+shelbyville,241,7
+klickitat,661,0
+tolstoy,522,7
+stockman,60,9
+pinesdale,61,2
+marstons,1827,14
+shelbyville,1095,11
+leonardo,827,4
+forkland,322,0
+mifflinburg,592,5
+pomaria,166,6
+pinesdale,963,2
+forkland,320,1
+hiteman,297,7
+hanson,954,0
+tolstoy,1599,4
+lakeville,1043,0
+shelbyville,1208,2
+leonardo,138,9
+woodbine,1744,1
+cosmos,222,4
+shelbyville,806,3
+tolstoy,361,4
+marstons,13,1
+lindenwood,962,0
+wainscott,548,8
+klickitat,671,0
+coffeen,800,1
+hanson,1318,4
+beechwood,890,1
+beechwood,1074,2
+lakeville,708,3
+lindenwood,2137,18
+klickitat,384,0
+stockman,87,6
+newfields,965,2
+shelbyville,971,8
+lakeville,1761,2
+stockman,45,4
+shelbyville,1280,11
+forkland,879,4
+hanson,1593,0
+klickitat,242,0
+forkland,149,0
+wainscott,1199,7
+pomaria,1581,0
+coffeen,218,2
+benevolence,881,8
+lakeville,1210,6
+forkland,1105,3
+lindenwood,512,3
+tolstoy,1063,1
+mifflinburg,906,1
+merom,88,3
+wainscott,1159,1
+pomaria,1294,15
+ranchester,447,0
+cosmos,1,0
+leonardo,167,0
+lakeville,1102,4
+woodbine,187,5
+marstons,1788,6
+leonardo,546,2
+hanson,672,15
+woodbine,348,0
+allensville,214,0
+marstons,2634,1
+stockman,1285,7
+marstons,1970,13
+wainscott,1151,7
+tolstoy,56,11
+lindenwood,2635,3
+klickitat,1566,3
+hanson,1493,15
+leonardo,1291,0
+klickitat,1537,0
+coffeen,204,2
+marstons,2382,1
+lindenwood,386,4
+cosmos,950,2
+pinesdale,1151,7
+stockman,1060,0
+pomaria,463,4
+lakeville,1329,5
+hanson,1147,3
+stockman,1563,1
+merom,1020,3
+tolstoy,1671,0
+lakeville,216,3
+beechwood,97,1
+benevolence,840,10
+klickitat,2202,6
+hiteman,90,7
+hiteman,325,4
+lakeville,1447,1
+lakeville,829,3
+leonardo,999,2
+lakeville,1658,2
+newfields,1321,3
+mifflinburg,485,1
+tolstoy,317,8
+coffeen,251,0
+leonardo,1798,8
+marstons,2571,1
+stockman,1599,0
+klickitat,966,4
+cosmos,918,6
+beechwood,45,1
+tolstoy,373,0
+tolstoy,1558,5
+lindenwood,1190,3
+hiteman,1497,2
+lakeville,96,5
+pomaria,641,8
+stockman,1201,3
+lindenwood,2181,5
+marstons,567,13
+leonardo,290,3
+wainscott,596,0
+klickitat,1713,0
+newfields,848,2
+hanson,806,0
+newfields,422,3
+leonardo,682,0
+pomaria,121,5
+shelbyville,1663,0
+stockman,125,3
+klickitat,536,2
+klickitat,363,6
+beechwood,1139,0
+stockman,387,3
+shelbyville,2132,3
+wainscott,878,5
+cosmos,903,7
+coffeen,861,1
+pinesdale,471,1
+shelbyville,643,2
+newfields,873,0
+stockman,1281,0
+leonardo,932,20
+klickitat,1429,8
+lakeville,179,2
+allensville,291,4
+ranchester,1602,1
+ranchester,1333,2
+stockman,470,1
+lindenwood,794,1
+lindenwood,437,0
+ranchester,656,8
+leonardo,1664,12
+marstons,1062,1
+shelbyville,337,5
+beechwood,354,2
+marstons,1141,2
+lindenwood,1802,5
+woodbine,285,5
+lakeville,1616,0
+lakeville,90,4
+merom,1091,0
+tolstoy,794,2
+tolstoy,275,1
+shelbyville,1911,3
+beechwood,882,3
+woodbine,812,9
+pomaria,140,3
+hanson,1518,4
+shelbyville,6,0
+tolstoy,214,1
+pinesdale,10,5
+leonardo,1060,5
+merom,43,0
+wainscott,29,1
+shelbyville,2451,5
+lakeville,1575,11
+mifflinburg,950,0
+coffeen,441,1
+newfields,679,6
+cosmos,434,13
+allensville,426,0
+leonardo,1918,1
+cosmos,568,2
+hanson,795,2
+pinesdale,939,4
+beechwood,148,3
+newfields,1374,4
+cosmos,727,0
+onaga,57,3
+onaga,553,1
+marstons,924,2
+lakeville,1769,2
+shelbyville,2066,9
+wainscott,143,0
+stockman,216,7
+marstons,2195,0
+forkland,997,0
+shelbyville,1008,0
+klickitat,107,5
+wainscott,260,9
+beechwood,1161,5
+pinesdale,1438,2
+pomaria,192,1
+woodbine,550,2
+marstons,2127,11
+marstons,1934,4
+tolstoy,1038,2
+hiteman,359,9
+klickitat,2366,3
+lakeville,1344,0
+beechwood,542,1
+wainscott,1692,9
+klickitat,943,5
+benevolence,718,8
+ranchester,506,7
+wainscott,1727,7
+woodbine,1269,4
+newfields,209,0
+ranchester,1247,3
+marstons,458,1
+newfields,694,7
+shelbyville,15,15
+woodbine,799,10
+hanson,415,3
+newfields,677,3
+stockman,489,5
+hiteman,962,3
+hiteman,1509,1
+shelbyville,2574,1
+wainscott,834,9
+woodbine,1610,1
+wainscott,1689,6
+woodbine,86,1
+wainscott,64,10
+shelbyville,69,0
+marstons,2316,2
+pomaria,1092,6
+marstons,1196,3
+lindenwood,1301,5
+coffeen,1402,5
+lindenwood,2333,10
+benevolence,170,3
+pomaria,1651,1
+wainscott,51,0
+benevolence,184,2
+coffeen,564,3
+marstons,2260,8
+shelbyville,1028,5
+lakeville,818,9
+beechwood,129,1
+cosmos,76,0
+stockman,1279,0
+tolstoy,1712,1
+stockman,1469,5
+woodbine,810,6
+leonardo,759,1
+lakeville,38,16
+shelbyville,1055,5
+newfields,714,0
+woodbine,829,5
+pomaria,1251,5
+lindenwood,1400,0
+newfields,1072,10
+coffeen,1277,0
+lakeville,1551,2
+klickitat,1735,0
+cosmos,251,0
+lakeville,1122,1
+woodbine,121,13
+lindenwood,2052,1
+woodbine,288,1
+newfields,1422,5
+klickitat,233,4
+tolstoy,1724,8
+hiteman,1848,3
+cosmos,111,3
+woodbine,2046,9
+shelbyville,2161,12
+leonardo,1475,2
+coffeen,636,1
+shelbyville,280,8
+stockman,353,1
+lindenwood,1274,1
+ranchester,416,2
+leonardo,1925,0
+shelbyville,1635,0
+lakeville,792,10
+hanson,1518,15
+klickitat,1738,5
+lakeville,447,6
+wainscott,387,3
+coffeen,1118,4
+shelbyville,2619,2
+hanson,123,1
+shelbyville,558,7
+stockman,1083,0
+lakeville,306,8
+lakeville,1575,1
+marstons,1454,2
+pomaria,288,4
+marstons,1386,6
+shelbyville,228,3
+ranchester,196,0
+beechwood,489,1
+stockman,1222,7
+wainscott,429,5
+leonardo,271,11
+tolstoy,198,0
+lindenwood,621,2
+newfields,1605,8
+lakeville,333,1
+klickitat,2052,3
+tolstoy,452,8
+shelbyville,2074,0
+tolstoy,1097,3
+hiteman,813,6
+cosmos,896,4
+mifflinburg,784,4
+newfields,448,6
+marstons,776,1
+pinesdale,301,7
+coffeen,1146,0
+newfields,1511,1
+ranchester,340,9
+newfields,180,3
+hiteman,586,1
+pinesdale,1350,1
+hanson,174,3
+wainscott,240,3
+lindenwood,2117,13
+merom,96,2
+pomaria,263,8
+beechwood,450,4
+lindenwood,972,1
+lindenwood,1617,0
+pomaria,1227,5
+lindenwood,1059,10
+woodbine,716,5
+tolstoy,617,0
+tolstoy,1689,18
+shelbyville,868,2
+shelbyville,498,3
+klickitat,603,0
+stockman,938,1
+woodbine,870,6
+klickitat,1640,1
+lindenwood,2343,3
+hanson,1335,3
+pomaria,877,1
+lakeville,12,3
+leonardo,784,1
+shelbyville,27,1
+woodbine,1252,0
+allensville,386,3
+allensville,402,4
+lindenwood,2396,4
+leonardo,1185,2
+woodbine,620,4
+woodbine,1446,5
+woodbine,1150,1
+hiteman,1313,0
+mifflinburg,192,4
+tolstoy,267,13
+klickitat,1970,8
+allensville,71,4
+tolstoy,1624,4
+hiteman,779,6
+lindenwood,1901,3
+newfields,224,1
+onaga,631,0
+klickitat,686,4
+marstons,2639,2
+marstons,2104,6
+klickitat,214,15
+hanson,1015,2
+beechwood,1017,1
+newfields,1424,14
+ranchester,1047,8
+ranchester,878,8
+hanson,565,6
+woodbine,1361,13
+wainscott,944,11
+pinesdale,201,0
+lakeville,903,4
+lindenwood,1396,4
+newfields,822,7
+woodbine,340,9
+lakeville,903,0
+stockman,1578,4
+forkland,1015,7
+lindenwood,655,2
+pinesdale,206,1
+marstons,917,1
+leonardo,478,5
+shelbyville,1341,4
+woodbine,1286,5
+onaga,633,6
+marstons,1748,2
+wainscott,983,3
+onaga,674,0
+shelbyville,142,0
+ranchester,93,3
+marstons,2294,3
+hiteman,1703,7
+klickitat,1474,10
+tolstoy,1195,3
+lindenwood,384,5
+merom,447,6
+lindenwood,183,2
+lakeville,200,5
+lakeville,1806,18
+leonardo,94,4
+leonardo,1092,0
+lindenwood,707,1
+klickitat,2109,2
+shelbyville,2386,2
+marstons,19,0
+hiteman,630,0
+pomaria,1247,2
+newfields,813,2
+lakeville,297,1
+marstons,107,0
+woodbine,815,2
+shelbyville,478,6
+marstons,2264,3
+newfields,1112,6
+shelbyville,1795,2
+woodbine,1651,1
+lakeville,1658,1
+marstons,380,0
+shelbyville,245,2
+newfields,898,1
+hiteman,1539,6
+wainscott,632,2
+ranchester,905,3
+shelbyville,180,12
+lakeville,1147,2
+pomaria,1538,1
+cosmos,783,4
+pinesdale,1365,3
+klickitat,389,13
+klickitat,1182,15
+merom,321,1
+lakeville,59,16
+marstons,543,12
+hiteman,927,2
+hanson,1434,1
+lakeville,1084,1
+mifflinburg,6,2
+beechwood,625,2
+wainscott,683,1
+wainscott,291,4
+lakeville,501,7
+shelbyville,2582,1
+shelbyville,771,2
+beechwood,297,1
+shelbyville,1645,8
+woodbine,1371,4
+klickitat,1325,5
+cosmos,883,6
+wainscott,745,1
+leonardo,2055,7
+coffeen,835,2
+hiteman,880,8
+benevolence,527,2
+tolstoy,32,1
+leonardo,412,1
+marstons,2061,10
+beechwood,1100,7
+lindenwood,2609,3
+beechwood,1152,2
+lindenwood,300,6
+pinesdale,699,2
+woodbine,495,5
+lakeville,1862,10
+forkland,491,0
+lindenwood,2019,5
+klickitat,804,6
+pinesdale,1197,2
+shelbyville,1204,6
+beechwood,221,4
+stockman,214,8
+pomaria,364,12
+coffeen,1148,9
+leonardo,334,2
+woodbine,1416,2
+lindenwood,2633,6
+hiteman,72,0
+shelbyville,1421,0
+pomaria,813,9
+pomaria,1038,10
+pomaria,147,9
+hanson,50,3
+lakeville,241,0
+klickitat,517,1
+klickitat,1816,5
+leonardo,1842,2
+shelbyville,1519,13
+shelbyville,2029,3
+woodbine,1787,4
+cosmos,203,7
+lindenwood,2649,0
+mifflinburg,386,6
+hiteman,44,0
+cosmos,940,0
+forkland,318,2
+stockman,326,4
+newfields,462,4
+shelbyville,858,4
+woodbine,20,8
+ranchester,792,18
+tolstoy,804,0
+hiteman,1480,2
+mifflinburg,568,1
+lindenwood,533,9
+woodbine,372,0
+stockman,715,1
+marstons,2297,12
+tolstoy,834,10
+marstons,2348,2
+klickitat,2331,2
+wainscott,1607,6
+forkland,1157,6
+pinesdale,1393,1
+stockman,1018,2
+lakeville,1666,8
+cosmos,125,1
+merom,277,1
+shelbyville,984,1
+beechwood,851,3
+newfields,1141,3
+klickitat,1974,4
+hanson,663,0
+hiteman,1695,11
+benevolence,116,1
+coffeen,61,3
+pomaria,117,3
+beechwood,266,4
+lindenwood,1242,3
+newfields,1099,0
+tolstoy,986,3
+lindenwood,1065,5
+hiteman,1024,10
+klickitat,935,1
+allensville,2,0
+tolstoy,1439,14
+hiteman,40,2
+newfields,1654,2
+hanson,1539,0
+lakeville,1543,0
+wainscott,834,8
+pomaria,113,3
+lindenwood,816,3
+newfields,587,3
+lindenwood,789,7
+lakeville,1310,4
+wainscott,1686,2
+woodbine,1674,1
+leonardo,1883,5
+lindenwood,1541,8
+merom,540,1
+marstons,2594,1
+tolstoy,1228,0
+leonardo,857,2
+klickitat,242,6
+klickitat,721,5
+woodbine,1847,7
+forkland,497,1
+pomaria,124,3
+lindenwood,1916,1
+mifflinburg,819,1
+lakeville,142,8
+hiteman,1352,6
+tolstoy,595,0
+merom,556,8
+hanson,1027,1
+stockman,1341,1
+marstons,305,0
+hanson,1085,11
+hiteman,1095,6
+klickitat,2411,0
+klickitat,829,9
+onaga,452,8
+marstons,690,0
+marstons,21,1
+hiteman,202,2
+merom,813,1
+newfields,217,5
+klickitat,2077,7
+lindenwood,1634,1
+woodbine,1270,3
+ranchester,37,7
+shelbyville,2325,12
+coffeen,1345,4
+lakeville,1672,2
+pomaria,142,4
+onaga,366,5
+pinesdale,69,5
+coffeen,508,2
+wainscott,1261,1
+ranchester,1491,1
+leonardo,29,6
+cosmos,284,0
+shelbyville,1822,6
+leonardo,1223,4
+ranchester,1397,1
+marstons,990,3
+benevolence,110,1
+merom,619,5
+lindenwood,42,3
+cosmos,957,6
+coffeen,30,0
+woodbine,1351,5
+lindenwood,2136,4
+lindenwood,1648,5
+marstons,2104,14
+klickitat,2401,2
+mifflinburg,200,0
+hanson,188,1
+stockman,440,7
+newfields,1412,6
+pomaria,1204,4
+mifflinburg,762,0
+lakeville,178,1
+marstons,1100,1
+hanson,482,1
+newfields,493,10
+lindenwood,1257,2
+shelbyville,1493,3
+shelbyville,916,7
+stockman,1509,0
+ranchester,1417,5
+hiteman,616,2
+leonardo,1581,0
+shelbyville,1001,1
+leonardo,1137,5
+mifflinburg,5,0
+shelbyville,2401,2
+coffeen,1233,0
+wainscott,1242,2
+klickitat,1608,8
+marstons,1420,3
+leonardo,1320,0
+pomaria,1427,7
+ranchester,391,0
+beechwood,1100,4
+woodbine,1490,3
+newfields,377,1
+woodbine,602,0
+marstons,1126,2
+newfields,723,0
+shelbyville,1026,0
+shelbyville,2637,5
+tolstoy,70,0
+leonardo,2086,5
+allensville,65,6
+cosmos,1021,1
+stockman,654,2
+onaga,92,0
+shelbyville,2384,4
+marstons,948,5
+marstons,1996,4
+marstons,768,15
+coffeen,610,9
+wainscott,477,1
+marstons,352,11
+marstons,1311,4
+lindenwood,1517,8
+hanson,1131,7
+lindenwood,1758,4
+marstons,2127,5
+forkland,787,0
+tolstoy,1588,4
+shelbyville,904,13
+lindenwood,1274,0
+wainscott,1015,10
+lakeville,1068,6
+tolstoy,911,5
+marstons,983,3
+mifflinburg,703,1
+hanson,486,0
+newfields,1130,4
+lakeville,1174,4
+benevolence,771,2
+tolstoy,1103,3
+hanson,1491,0
+lindenwood,1538,1
+newfields,663,1
+lindenwood,326,1
+mifflinburg,741,0
+marstons,164,3
+shelbyville,1424,0
+pomaria,1102,6
+marstons,898,1
+wainscott,812,1
+onaga,434,0
+newfields,81,0
+lakeville,316,9
+shelbyville,263,6
+lindenwood,1362,1
+coffeen,82,0
+forkland,351,1
+wainscott,1176,4
+pinesdale,1518,1
+woodbine,1714,3
+leonardo,72,1
+newfields,83,5
+klickitat,1459,4
+tolstoy,834,7
+merom,1093,4
+klickitat,1200,7
+coffeen,1266,0
+pomaria,344,0
+marstons,2236,1
+leonardo,75,5
+pinesdale,1076,1
+lindenwood,547,9
+marstons,2028,2
+lindenwood,754,8
+lindenwood,2221,4
+lindenwood,705,10
+ranchester,1359,9
+cosmos,259,7
+marstons,2640,0
+hanson,648,9
+pomaria,1580,5
+pomaria,1284,3
+wainscott,1730,2
+klickitat,1845,9
+shelbyville,1799,2
+hiteman,343,0
+tolstoy,110,9
+marstons,1259,2
+tolstoy,1747,3
+pomaria,468,1
+merom,75,5
+hanson,120,11
+pomaria,895,9
+mifflinburg,837,2
+pomaria,891,3
+coffeen,1177,1
+cosmos,312,1
+lakeville,1116,3
+wainscott,1579,0
+lakeville,1385,8
+newfields,1492,2
+hanson,655,1
+hiteman,666,5
+klickitat,1875,12
+klickitat,1286,0
+lindenwood,2409,4
+cosmos,1031,3
+klickitat,1319,5
+pinesdale,494,1
+lakeville,393,8
+woodbine,1213,0
+leonardo,149,5
+leonardo,326,6
+tolstoy,1148,4
+lakeville,1368,2
+marstons,2011,2
+woodbine,432,0
+hiteman,1127,7
+merom,65,2
+allensville,44,1
+hanson,705,1
+newfields,632,2
+pomaria,845,4
+coffeen,1509,7
+klickitat,2282,5
+lindenwood,2512,0
+lindenwood,540,2
+allensville,418,0
+tolstoy,1230,7
+lindenwood,2290,0
+lindenwood,451,5
+cosmos,793,2
+woodbine,9,0
+marstons,73,2
+allensville,379,1
+forkland,966,7
+lindenwood,1572,0
+shelbyville,2740,4
+woodbine,1733,1
+shelbyville,238,13
+wainscott,1742,6
+woodbine,1213,5
+newfields,1410,0
+klickitat,2314,6
+lindenwood,756,3
+lakeville,799,2
+marstons,1926,2
+woodbine,1211,2
+pomaria,1176,5
+wainscott,1292,2
+tolstoy,291,3
+newfields,82,3
+pinesdale,553,3
+hanson,269,4
+newfields,1249,2
+woodbine,1204,0
+woodbine,159,4
+onaga,242,4
+klickitat,2365,6
+ranchester,948,0
+wainscott,816,5
+lindenwood,1396,2
+shelbyville,2408,2
+leonardo,1908,2
+marstons,2135,3
+hiteman,394,1
+leonardo,1170,2
+tolstoy,1202,0
+klickitat,1808,5
+shelbyville,839,2
+shelbyville,971,9
+lindenwood,2111,2
+tolstoy,691,10
+allensville,208,1
+hanson,1050,13
+klickitat,1257,5
+newfields,861,3
+klickitat,274,7
+wainscott,518,13
+ranchester,392,3
+leonardo,1577,2
+pomaria,1235,15
+klickitat,281,6
+pomaria,450,5
+merom,844,3
+tolstoy,167,2
+klickitat,722,0
+wainscott,373,7
+hanson,395,0
+pinesdale,1177,2
+marstons,2158,3
+benevolence,314,7
+pomaria,664,4
+leonardo,533,0
+lindenwood,1705,4
+hiteman,582,10
+cosmos,1020,0
+beechwood,707,2
+pinesdale,1471,3
+shelbyville,578,2
+wainscott,514,1
+tolstoy,1554,8
+shelbyville,2069,3
+beechwood,528,2
+leonardo,283,5
+marstons,2423,7
+coffeen,1300,0
+lindenwood,613,10
+merom,776,1
+pinesdale,1384,7
+beechwood,1107,7
+stockman,1038,2
+ranchester,1157,4
+ranchester,1004,2
+tolstoy,1150,1
+beechwood,563,3
+klickitat,141,0
+leonardo,537,6
+shelbyville,1681,4
+pinesdale,32,3
+marstons,269,5
+lakeville,436,4
+newfields,585,5
+lindenwood,1237,3
+merom,443,0
+marstons,740,15
+lakeville,1489,2
+wainscott,1726,0
+wainscott,81,3
+klickitat,2279,2
+cosmos,939,7
+forkland,696,6
+woodbine,1805,3
+lakeville,1446,3
+klickitat,2246,1
+hanson,594,11
+merom,573,2
+mifflinburg,377,0
+marstons,616,1
+ranchester,414,1
+leonardo,1899,0
+stockman,159,9
+beechwood,76,0
+lakeville,330,5
+pomaria,760,0
+wainscott,1039,2
+lakeville,1648,4
+shelbyville,1816,4
+tolstoy,1371,8
+beechwood,717,1
+forkland,1110,0
+wainscott,1090,11
+lakeville,1053,1
+beechwood,1102,2
+tolstoy,602,8
+wainscott,496,14
+hanson,1284,13
+pinesdale,1092,2
+hiteman,534,1
+pomaria,101,8
+pinesdale,453,0
+klickitat,1824,0
+klickitat,681,0
+wainscott,644,1
+marstons,428,0
+merom,1017,3
+hanson,661,1
+shelbyville,511,8
+leonardo,1542,2
+lakeville,1128,9
+klickitat,937,2
+marstons,317,1
+klickitat,394,4
+benevolence,539,0
+wainscott,601,12
+merom,747,2
+beechwood,515,2
+leonardo,1056,5
+merom,1071,5
+lindenwood,403,5
+klickitat,197,6
+klickitat,1488,7
+stockman,915,3
+ranchester,1366,3
+klickitat,494,7
+shelbyville,795,0
+tolstoy,1725,4
+woodbine,232,2
+shelbyville,991,6
+tolstoy,140,6
+tolstoy,878,3
+newfields,404,3
+pomaria,895,7
+ranchester,1169,4
+pinesdale,1386,0
+hiteman,192,4
+coffeen,1502,0
+pinesdale,602,0
+woodbine,159,2
+hanson,42,0
+marstons,1813,2
+shelbyville,86,4
+lindenwood,925,3
+marstons,1661,6
+marstons,406,5
+klickitat,2036,0
+leonardo,65,0
+beechwood,487,1
+hanson,1561,1
+marstons,1596,17
+beechwood,252,2
+hiteman,1761,1
+leonardo,1636,3
+hanson,921,4
+allensville,179,8
+hiteman,887,8
+pomaria,168,2
+leonardo,263,11
+shelbyville,2168,2
+hanson,20,3
+woodbine,41,0
+leonardo,1762,2
+lindenwood,1433,1
+ranchester,474,6
+marstons,424,2
+cosmos,87,2
+marstons,517,11
+hiteman,687,4
+shelbyville,2161,14
+newfields,115,6
+lakeville,1711,4
+pomaria,1520,0
+wainscott,917,9
+tolstoy,1768,5
+wainscott,1227,9
+allensville,457,3
+lakeville,1644,4
+ranchester,74,2
+woodbine,1834,2
+wainscott,836,8
+woodbine,1204,11
+shelbyville,1038,2
+pomaria,944,15
+leonardo,1914,1
+newfields,1206,6
+allensville,316,0
+benevolence,931,0
+hiteman,1323,12
+mifflinburg,317,0
+beechwood,1065,2
+klickitat,165,18
+lakeville,1211,7
+newfields,1116,4
+shelbyville,147,2
+cosmos,904,1
+hanson,1551,1
+wainscott,1696,6
+coffeen,771,2
+klickitat,2154,1
+wainscott,1472,1
+pinesdale,383,6
+forkland,19,1
+klickitat,443,3
+leonardo,1514,3
+coffeen,3,1
+lindenwood,167,3
+lindenwood,1854,4
+hanson,1065,11
+shelbyville,1077,11
+leonardo,2020,2
+pinesdale,1024,0
+shelbyville,2063,3
+cosmos,225,5
+stockman,579,1
+ranchester,1090,2
+pinesdale,891,0
+klickitat,173,13
+newfields,550,3
+coffeen,384,4
+lakeville,332,12
+lakeville,1226,3
+ranchester,1077,1
+ranchester,537,3
+newfields,108,15
+allensville,290,2
+klickitat,1883,1
+tolstoy,868,4
+klickitat,557,8
+newfields,656,9
+lindenwood,996,12
+lakeville,559,0
+newfields,1125,0
+cosmos,70,2
+hanson,29,8
+beechwood,993,9
+lindenwood,2333,11
+marstons,1132,3
+coffeen,503,8
+shelbyville,275,11
+newfields,526,3
+hiteman,1375,1
+hanson,1125,10
+lakeville,248,5
+hanson,96,3
+leonardo,1058,5
+hiteman,355,0
+pinesdale,1330,1
+klickitat,278,2
+lakeville,12,6
+pinesdale,152,4
+lindenwood,2289,1
+newfields,48,2
+woodbine,59,2
+lakeville,186,2
+leonardo,1652,2
+leonardo,2077,5
+forkland,477,2
+allensville,308,2
+leonardo,2030,0
+shelbyville,2076,3
+lindenwood,2507,1
+tolstoy,984,12
+pinesdale,432,10
+marstons,2025,5
+pomaria,772,1
+forkland,710,2
+marstons,393,0
+hanson,1214,1
+mifflinburg,82,3
+pomaria,1179,21
+forkland,5,4
+lindenwood,2133,2
+tolstoy,704,4
+shelbyville,2151,4
+lindenwood,1469,3
+pinesdale,115,5
+wainscott,1334,2
+hanson,1549,4
+tolstoy,1469,4
+tolstoy,1360,3
+marstons,570,5
+stockman,688,4
+wainscott,1644,7
+mifflinburg,75,10
+marstons,712,9
+woodbine,729,15
+newfields,930,6
+pomaria,757,5
+klickitat,920,5
+tolstoy,1148,5
+onaga,614,1
+pomaria,1238,0
+ranchester,1086,0
+beechwood,342,3
+pinesdale,1057,5
+ranchester,390,2
+shelbyville,317,5
+lindenwood,1033,5
+hanson,1560,3
+pomaria,1411,5
+pinesdale,436,0
+beechwood,358,0
+klickitat,2204,5
+hiteman,383,6
+shelbyville,2172,5
+woodbine,374,1
+marstons,318,6
+tolstoy,610,2
+newfields,780,0
+newfields,1266,1
+hiteman,1006,3
+woodbine,861,4
+stockman,331,5
+cosmos,580,5
+marstons,2159,4
+lindenwood,1818,13
+hanson,1342,2
+stockman,1532,2
+wainscott,1292,10
+ranchester,1406,5
+leonardo,524,1
+pomaria,1038,2
+klickitat,966,1
+mifflinburg,868,6
+coffeen,1479,1
+hiteman,1837,3
+hanson,1388,0
+tolstoy,17,12
+woodbine,266,5
+newfields,1594,1
+woodbine,44,1
+wainscott,1129,6
+shelbyville,2499,1
+pinesdale,169,1
+wainscott,1472,4
+forkland,970,0
+beechwood,621,2
+ranchester,786,7
+hanson,183,3
+marstons,1925,15
+lindenwood,2456,2
+tolstoy,682,7
+hiteman,975,12
+hanson,342,2
+pinesdale,1428,5
+mifflinburg,469,4
+leonardo,1836,0
+stockman,1599,10
+tolstoy,617,8
+merom,1027,0
+lakeville,1077,1
+wainscott,1083,15
+shelbyville,2328,2
+mifflinburg,433,6
+woodbine,1049,6
+tolstoy,294,15
+shelbyville,2595,7
+shelbyville,1695,3
+tolstoy,1316,6
+coffeen,689,2
+leonardo,281,5
+ranchester,742,4
+cosmos,880,1
+hiteman,696,0
+klickitat,2123,4
+coffeen,405,1
+marstons,1575,1
+lindenwood,2215,2
+lindenwood,2478,3
+lakeville,1015,12
+tolstoy,1552,3
+leonardo,1582,0
+hiteman,198,4
+leonardo,54,3
+hiteman,1120,1
+coffeen,1488,2
+tolstoy,514,6
+marstons,2354,0
+leonardo,595,10
+hiteman,682,0
+mifflinburg,498,7
+shelbyville,1617,1
+lakeville,1841,0
+newfields,204,1
+hiteman,645,6
+marstons,1699,3
+leonardo,2050,1
+woodbine,1356,1
+pinesdale,834,1
+klickitat,1363,14
+marstons,769,0
+marstons,2338,3
+klickitat,718,5
+shelbyville,1476,5
+hanson,310,2
+hiteman,421,7
+klickitat,1214,1
+lakeville,1719,0
+ranchester,584,2
+hanson,1057,0
+shelbyville,591,2
+wainscott,741,3
+lindenwood,2422,6
+marstons,2313,12
+klickitat,966,0
+hiteman,642,2
+lindenwood,2441,10
+leonardo,1482,1
+forkland,998,0
+tolstoy,1008,8
+lindenwood,2059,1
+tolstoy,345,3
+shelbyville,1454,16
+coffeen,629,0
+leonardo,1351,5
+cosmos,54,2
+pinesdale,125,2
+allensville,129,0
+shelbyville,1869,0
+allensville,304,3
+shelbyville,416,1
+woodbine,2035,2
+onaga,53,3
+leonardo,1954,11
+shelbyville,978,2
+hanson,400,3
+pomaria,601,4
+wainscott,1053,4
+klickitat,49,1
+klickitat,1080,5
+pomaria,728,2
+lindenwood,1254,2
+marstons,2655,5
+leonardo,1067,7
+klickitat,2191,6
+hanson,812,16
+lindenwood,485,7
+hiteman,1828,9
+merom,222,2
+leonardo,891,4
+newfields,944,7
+klickitat,2188,9
+shelbyville,2046,3
+newfields,754,7
+shelbyville,1016,0
+woodbine,705,2
+wainscott,496,12
+stockman,61,9
+forkland,498,2
+lakeville,592,3
+lakeville,792,1
+coffeen,823,1
+wainscott,1452,17
+marstons,288,0
+leonardo,683,10
+allensville,493,2
+hiteman,643,6
+stockman,432,1
+lindenwood,533,17
+marstons,613,1
+onaga,133,3
+pomaria,554,0
+hanson,1198,5
+shelbyville,2103,6
+benevolence,498,0
+ranchester,768,1
+pomaria,1676,6
+lindenwood,2181,7
+lindenwood,129,2
+lindenwood,60,3
+pomaria,851,1
+pomaria,757,10
+merom,844,4
+leonardo,2039,1
+newfields,1183,19
+pomaria,348,5
+stockman,598,7
+shelbyville,2591,0
+newfields,173,1
+forkland,295,5
+pomaria,268,3
+stockman,1371,4
+klickitat,1842,0
+pomaria,1122,14
+tolstoy,1075,4
+klickitat,2000,1
+woodbine,455,3
+pomaria,752,1
+newfields,592,2
+hanson,1333,4
+ranchester,1079,4
+tolstoy,332,13
+leonardo,133,3
+woodbine,1847,9
+woodbine,1978,0
+woodbine,555,3
+shelbyville,307,0
+marstons,396,1
+beechwood,77,5
+klickitat,785,0
+klickitat,2323,0
+shelbyville,1956,0
+marstons,1535,0
+hanson,1295,4
+tolstoy,853,5
+ranchester,1152,0
+pinesdale,880,2
+shelbyville,1328,3
+tolstoy,1083,3
+klickitat,116,10
+cosmos,198,2
+beechwood,325,4
+lindenwood,1874,1
+hanson,800,3
+shelbyville,2209,4
+pinesdale,808,4
+klickitat,762,5
+lindenwood,1663,2
+klickitat,1579,4
+hiteman,1606,3
+shelbyville,1182,5
+hanson,290,0
+pinesdale,589,4
+woodbine,415,2
+klickitat,1129,8
+marstons,568,7
+pomaria,1136,0
+shelbyville,943,3
+shelbyville,184,7
+lindenwood,619,3
+stockman,914,0
+marstons,491,3
+lindenwood,1290,6
+ranchester,879,12
+woodbine,547,3
+lindenwood,1428,1
+klickitat,1475,15
+lindenwood,1720,3
+newfields,1392,3
+pomaria,303,6
+forkland,938,2
+wainscott,966,5
+lakeville,629,0
+shelbyville,280,15
+beechwood,1158,4
+newfields,325,11
+leonardo,1400,9
+shelbyville,1679,2
+stockman,1615,1
+klickitat,1059,0
+coffeen,21,2
+lindenwood,1982,8
+hanson,1067,16
+newfields,1179,6
+newfields,1220,6
+cosmos,679,7
+pomaria,148,13
+tolstoy,917,6
+marstons,1183,18
+forkland,306,0
+klickitat,2247,7
+leonardo,538,6
+hanson,793,3
+tolstoy,1112,11
+woodbine,1149,5
+tolstoy,1253,0
+lindenwood,1315,5
+hanson,1223,2
+klickitat,2275,0
+shelbyville,2179,11
+coffeen,210,6
+wainscott,421,3
+hiteman,1447,2
+hanson,602,0
+marstons,1549,1
+lakeville,659,11
+pinesdale,913,0
+hiteman,289,1
+lindenwood,666,2
+wainscott,1578,4
+tolstoy,75,1
+cosmos,354,0
+ranchester,1305,3
+hiteman,1109,8
+tolstoy,400,11
+shelbyville,1795,0
+lindenwood,1377,6
+tolstoy,1769,0
+lakeville,1589,7
+marstons,1213,3
+beechwood,660,3
+lindenwood,1900,0
+wainscott,610,5
+stockman,1214,0
+onaga,452,1
+tolstoy,585,4
+shelbyville,984,10
+lakeville,365,4
+lindenwood,899,9
+shelbyville,1818,1
+leonardo,1344,3
+pomaria,696,2
+pomaria,1299,1
+leonardo,430,1
+wainscott,591,1
+ranchester,694,2
+hanson,333,7
+shelbyville,2299,14
+wainscott,592,4
+shelbyville,876,2
+leonardo,661,4
+klickitat,1066,5
+lakeville,756,11
+lakeville,344,2
+ranchester,899,7
+hanson,54,10
+woodbine,1796,18
+cosmos,743,0
+wainscott,1594,2
+onaga,222,9
+stockman,600,6
+lindenwood,2094,3
+cosmos,541,5
+leonardo,1046,8
+hanson,454,6
+marstons,2147,0
+newfields,833,3
+woodbine,200,4
+hanson,880,1
+woodbine,965,3
+leonardo,1645,2
+shelbyville,166,0
+pomaria,1362,2
+pinesdale,1000,3
+cosmos,609,3
+marstons,1446,3
+wainscott,122,2
+pinesdale,306,7
+forkland,543,1
+stockman,289,0
+marstons,1615,0
+lindenwood,815,1
+cosmos,427,11
+lindenwood,141,7
+ranchester,699,0
+benevolence,904,9
+hanson,146,6
+lindenwood,1540,1
+forkland,180,3
+merom,677,6
+marstons,2190,5
+onaga,244,0
+stockman,728,0
+benevolence,440,0
+pomaria,1672,0
+merom,549,1
+wainscott,1339,5
+woodbine,649,9
+hiteman,801,5
+woodbine,490,2
+tolstoy,374,1
+marstons,1483,7
+marstons,1213,13
+benevolence,295,3
+woodbine,708,4
+cosmos,924,8
+hanson,565,7
+ranchester,1348,0
+tolstoy,729,4
+lakeville,1714,21
+stockman,901,1
+ranchester,1267,0
+stockman,1509,6
+pomaria,1666,1
+leonardo,1591,3
+leonardo,1499,4
+hiteman,1317,8
+newfields,737,5
+tolstoy,1581,1
+lakeville,1263,4
+shelbyville,1292,12
+hanson,495,3
+marstons,173,2
+shelbyville,866,5
+wainscott,1363,4
+ranchester,1148,9
+shelbyville,206,8
+shelbyville,733,1
+wainscott,1346,11
+stockman,188,3
+pinesdale,490,5
+pinesdale,1057,1
+hiteman,425,10
+marstons,2619,5
+shelbyville,2468,0
+shelbyville,2551,12
+wainscott,519,1
+marstons,648,13
+pinesdale,406,0
+newfields,1044,6
+tolstoy,963,7
+hiteman,426,2
+shelbyville,2058,3
+klickitat,1690,0
+shelbyville,2316,0
+hiteman,1799,10
+lindenwood,936,1
+shelbyville,511,1
+hanson,584,2
+mifflinburg,436,1
+leonardo,952,2
+klickitat,181,2
+wainscott,157,1
+coffeen,72,2
+stockman,510,4
+forkland,306,3
+klickitat,2390,11
+klickitat,803,0
+hiteman,1786,6
+wainscott,18,4
+tolstoy,724,14
+hiteman,627,4
+leonardo,531,7
+mifflinburg,704,10
+lakeville,1038,6
+leonardo,229,2
+pinesdale,323,7
+forkland,786,1
+hanson,816,0
+woodbine,274,6
+shelbyville,220,5
+hiteman,996,0
+lakeville,334,1
+hanson,722,1
+pinesdale,1371,12
+shelbyville,2398,0
+tolstoy,1099,1
+wainscott,968,0
+tolstoy,517,4
+leonardo,1362,7
+woodbine,900,2
+woodbine,1498,2
+mifflinburg,899,1
+newfields,1367,3
+hiteman,1024,5
+klickitat,241,2
+wainscott,698,0
+coffeen,1220,2
+stockman,1479,12
+shelbyville,1820,9
+klickitat,1286,1
+wainscott,444,10
+hiteman,743,4
+newfields,1140,1
+hanson,779,4
+leonardo,1664,7
+tolstoy,497,5
+lakeville,583,1
+pinesdale,1205,3
+klickitat,1083,6
+tolstoy,1391,7
+lakeville,1829,2
+wainscott,1757,3
+coffeen,360,2
+shelbyville,2183,3
+klickitat,2218,8
+woodbine,248,6
+hiteman,1585,4
+stockman,1364,6
+klickitat,330,2
+lakeville,413,2
+stockman,939,1
+onaga,317,2
+cosmos,270,2
+woodbine,1366,7
+coffeen,1206,2
+beechwood,392,3
+pomaria,1324,12
+stockman,812,8
+klickitat,1580,5
+lindenwood,858,8
+coffeen,1409,4
+lindenwood,1793,5
+ranchester,1214,8
+pinesdale,686,11
+wainscott,1332,12
+beechwood,372,0
+pomaria,660,0
+beechwood,213,2
+lakeville,1570,2
+beechwood,773,1
+pinesdale,1269,8
+allensville,167,6
+benevolence,15,5
+ranchester,797,0
+onaga,329,2
+forkland,186,3
+lakeville,180,0
+pomaria,87,6
+leonardo,138,1
+tolstoy,715,5
+newfields,349,2
+leonardo,1261,0
+pomaria,1642,3
+leonardo,1915,4
+ranchester,1238,1
+lakeville,31,4
+merom,694,2
+lindenwood,771,0
+coffeen,992,9
+cosmos,698,3
+mifflinburg,36,0
+marstons,2646,9
+benevolence,335,2
+hanson,1429,9
+mifflinburg,337,1
+hiteman,1159,0
+forkland,732,5
+hanson,1178,10
+lindenwood,2345,0
+lakeville,1599,3
+merom,116,1
+hiteman,234,3
+lakeville,1678,0
+wainscott,1083,14
+hiteman,1530,4
+forkland,24,0
+marstons,1871,2
+leonardo,1537,5
+shelbyville,1185,1
+newfields,1145,9
+lakeville,817,3
+hiteman,1112,1
+pinesdale,386,2
+ranchester,832,0
+beechwood,770,7
+hanson,202,10
+ranchester,1489,4
+leonardo,1770,3
+hanson,402,11
+tolstoy,493,9
+pinesdale,862,9
+shelbyville,1220,2
+leonardo,140,0
+ranchester,1262,4
+newfields,319,3
+wainscott,125,2
+tolstoy,1473,0
+newfields,959,4
+marstons,1850,2
+marstons,2349,1
+newfields,1171,7
+coffeen,391,2
+marstons,858,3
+newfields,128,3
+ranchester,1405,3
+leonardo,1625,3
+hiteman,959,4
+lakeville,1591,2
+woodbine,1929,5
+lindenwood,2064,6
+hanson,669,0
+woodbine,1473,2
+forkland,832,1
+ranchester,398,8
+woodbine,24,3
+leonardo,1383,1
+lindenwood,595,3
+wainscott,354,5
+lakeville,1710,9
+marstons,242,3
+klickitat,876,3
+beechwood,1061,4
+lindenwood,273,1
+shelbyville,2760,4
+klickitat,1513,12
+wainscott,621,1
+hiteman,1194,2
+woodbine,241,4
+beechwood,1058,4
+marstons,2408,2
+woodbine,1383,1
+pinesdale,443,1
+woodbine,1015,3
+coffeen,426,4
+lakeville,401,3
+forkland,1117,2
+klickitat,358,0
+allensville,419,5
+klickitat,44,1
+pinesdale,540,9
+wainscott,1416,2
+lakeville,1678,4
+shelbyville,1968,1
+benevolence,229,2
+stockman,92,8
+mifflinburg,251,1
+tolstoy,446,1
+beechwood,1106,10
+hiteman,550,3
+hanson,240,3
+cosmos,912,4
+mifflinburg,654,12
+leonardo,3,6
+tolstoy,433,7
+marstons,1702,0
+lindenwood,318,3
+pinesdale,420,9
+beechwood,258,3
+newfields,43,5
+tolstoy,1592,7
+lindenwood,1481,1
+marstons,2096,8
+wainscott,675,8
+shelbyville,1610,5
+tolstoy,1637,1
+leonardo,7,15
+lakeville,1404,6
+marstons,827,2
+benevolence,229,6
+wainscott,1015,9
+ranchester,1088,3
+pomaria,584,9
+lindenwood,2240,6
+allensville,337,3
+pomaria,1300,6
+klickitat,340,6
+tolstoy,705,3
+lindenwood,914,6
+lakeville,175,3
+newfields,1519,4
+coffeen,979,4
+hanson,681,1
+woodbine,1155,4
+hanson,129,1
+lindenwood,785,1
+lindenwood,127,7
+tolstoy,937,1
+shelbyville,1973,9
+leonardo,1402,10
+ranchester,174,0
+newfields,1473,1
+klickitat,1924,5
+lindenwood,774,10
+klickitat,331,6
+pomaria,265,1
+cosmos,791,3
+hanson,659,10
+klickitat,1139,2
+woodbine,1618,1
+woodbine,2037,3
+lindenwood,2203,3
+hiteman,451,10
+pomaria,915,8
+hanson,552,3
+hanson,1242,10
+wainscott,56,4
+leonardo,1007,5
+klickitat,1893,5
+hanson,1145,5
+leonardo,1349,12
+lakeville,1303,3
+marstons,1248,1
+woodbine,666,2
+ranchester,454,5
+merom,580,9
+woodbine,1479,2
+hanson,1657,10
+hanson,512,0
+coffeen,34,0
+leonardo,461,2
+shelbyville,1615,6
+marstons,1708,1
+wainscott,1656,5
+pinesdale,1299,2
+hiteman,1173,6
+newfields,1008,3
+pomaria,979,4
+marstons,1482,11
+leonardo,584,2
+newfields,1235,1
+mifflinburg,930,0
+wainscott,899,1
+lakeville,1529,3
+wainscott,973,12
+merom,729,4
+marstons,1687,0
+lindenwood,2394,2
+hanson,824,2
+pomaria,1628,17
+newfields,1446,2
+allensville,231,7
+hiteman,1011,2
+hiteman,537,8
+stockman,262,1
+stockman,116,9
+hiteman,1040,4
+stockman,4,6
+hanson,322,3
+lindenwood,645,0
+pomaria,378,1
+woodbine,706,1
+merom,930,1
+newfields,1142,6
+woodbine,1707,4
+wainscott,1347,3
+wainscott,1120,0
+lindenwood,825,4
+marstons,1844,1
+tolstoy,613,1
+lindenwood,820,10
+beechwood,516,7
+tolstoy,110,2
+woodbine,690,1
+marstons,501,4
+ranchester,1070,6
+pomaria,1253,6
+allensville,342,4
+pomaria,1051,3
+wainscott,134,8
+benevolence,395,6
+shelbyville,1555,9
+klickitat,1542,0
+hiteman,1854,7
+cosmos,468,2
+marstons,1765,8
+shelbyville,2816,0
+cosmos,992,1
+stockman,166,9
+shelbyville,1124,4
+woodbine,1347,2
+leonardo,1502,1
+hiteman,410,1
+wainscott,294,5
+klickitat,738,1
+forkland,40,0
+lakeville,1459,5
+newfields,414,1
+ranchester,810,0
+pomaria,506,4
+lakeville,1045,15
+pomaria,583,5
+mifflinburg,29,1
+lindenwood,2521,7
+woodbine,1694,1
+newfields,839,1
+lindenwood,709,0
+cosmos,989,2
+hiteman,1642,1
+pinesdale,1248,0
+tolstoy,1426,1
+lakeville,1161,10
+hiteman,705,2
+wainscott,779,7
+woodbine,415,5
+tolstoy,150,2
+tolstoy,1037,3
+wainscott,1514,10
+tolstoy,1558,1
+tolstoy,1064,1
+woodbine,195,7
+ranchester,69,5
+lindenwood,2375,1
+shelbyville,2153,4
+lindenwood,819,8
+onaga,64,3
+hiteman,643,7
+beechwood,437,6
+newfields,681,0
+marstons,2233,2
+leonardo,1971,3
+hiteman,1758,0
+coffeen,254,0
+wainscott,1174,2
+lakeville,950,0
+woodbine,202,1
+lindenwood,2244,1
+leonardo,779,5
+allensville,377,4
+marstons,279,0
+marstons,1513,3
+klickitat,1699,0
+pomaria,127,9
+pomaria,1016,1
+woodbine,1571,0
+mifflinburg,109,0
+coffeen,1275,4
+tolstoy,1767,0
+onaga,503,2
+leonardo,690,5
+wainscott,48,3
+leonardo,755,9
+hanson,94,4
+leonardo,992,16
+marstons,43,0
+marstons,958,7
+pinesdale,265,4
+shelbyville,946,8
+klickitat,2061,17
+pinesdale,638,8
+shelbyville,698,1
+shelbyville,1973,12
+pinesdale,432,2
+shelbyville,907,5
+lindenwood,66,3
+stockman,468,3
+marstons,2217,7
+woodbine,977,0
+cosmos,465,10
+pomaria,1628,2
+tolstoy,1604,4
+shelbyville,2564,2
+hanson,1173,6
+coffeen,1492,0
+shelbyville,2259,0
+shelbyville,1125,5
+hiteman,702,6
+ranchester,214,0
+onaga,197,1
+pinesdale,268,4
+onaga,574,9
+hiteman,1344,4
+wainscott,1206,9
+hiteman,1145,8
+wainscott,177,3
+stockman,1018,11
+leonardo,1564,6
+pinesdale,634,4
+shelbyville,2124,9
+stockman,101,2
+lindenwood,2561,0
+shelbyville,2342,6
+forkland,444,0
+coffeen,1141,5
+tolstoy,1267,3
+hanson,1653,2
+pomaria,1604,0
+woodbine,1572,8
+leonardo,529,9
+lakeville,1796,5
+tolstoy,1673,11
+wainscott,1022,0
+newfields,557,0
+leonardo,1610,3
+wainscott,42,0
+woodbine,1802,9
+hiteman,330,1
+lindenwood,2325,3
+klickitat,2304,2
+coffeen,862,1
+hanson,1528,3
+merom,339,0
+shelbyville,1269,12
+merom,941,3
+woodbine,672,6
+lindenwood,72,2
+lindenwood,1333,3
+klickitat,338,6
+woodbine,612,8
+tolstoy,60,2
+marstons,1912,7
+benevolence,785,4
+lindenwood,2623,5
+klickitat,2264,1
+klickitat,1030,3
+merom,767,2
+lindenwood,742,4
+benevolence,940,3
+pinesdale,476,5
+stockman,617,0
+pomaria,1136,12
+stockman,40,1
+beechwood,191,0
+leonardo,536,1
+ranchester,1250,7
+woodbine,285,0
+newfields,1445,1
+klickitat,17,9
+wainscott,477,13
+forkland,562,3
+merom,770,4
+merom,1014,7
+newfields,529,1
+benevolence,457,0
+hanson,738,12
+lakeville,1095,0
+woodbine,169,5
+lakeville,1301,2
+tolstoy,1257,6
+pinesdale,1288,2
+tolstoy,1139,0
+klickitat,1679,19
+ranchester,826,6
+shelbyville,1573,16
+marstons,1623,2
+cosmos,708,4
+onaga,9,5
+lindenwood,1744,5
+ranchester,1427,2
+woodbine,1689,5
+lakeville,812,9
+klickitat,937,4
+wainscott,794,1
+merom,740,1
+hanson,625,0
+marstons,1787,0
+hanson,1394,8
+klickitat,2200,4
+leonardo,686,10
+tolstoy,1405,2
+hanson,477,14
+shelbyville,2742,0
+hanson,1058,12
+beechwood,120,2
+pinesdale,1066,10
+wainscott,310,7
+woodbine,1243,6
+mifflinburg,967,2
+shelbyville,1872,1
+marstons,1600,2
+hiteman,1153,4
+klickitat,704,3
+hanson,1180,4
+merom,151,4
+stockman,1129,1
+tolstoy,1447,0
+hiteman,839,5
+stockman,71,1
+hanson,1634,6
+klickitat,75,13
+pinesdale,1353,0
+tolstoy,264,1
+merom,759,2
+lindenwood,268,3
+beechwood,465,0
+beechwood,652,2
+lakeville,221,5
+allensville,491,0
+newfields,1501,0
+lindenwood,1402,6
+klickitat,1927,5
+shelbyville,468,3
+hiteman,558,2
+beechwood,754,7
+pomaria,1655,1
+marstons,1080,7
+ranchester,403,0
+lindenwood,561,3
+mifflinburg,421,0
+pomaria,1350,14
+shelbyville,2592,6
+marstons,595,8
+shelbyville,626,2
+newfields,478,18
+ranchester,1353,0
+hiteman,1572,3
+wainscott,1427,5
+beechwood,663,3
+leonardo,525,0
+tolstoy,727,9
+tolstoy,413,3
+hiteman,994,1
+shelbyville,1527,0
+ranchester,439,0
+stockman,653,0
+klickitat,2182,3
+hiteman,1514,6
+newfields,410,7
+beechwood,981,2
+coffeen,604,1
+lindenwood,1694,6
+shelbyville,2087,5
+mifflinburg,716,2
+klickitat,1633,3
+stockman,146,2
+tolstoy,1020,2
+pomaria,1355,8
+pinesdale,725,3
+leonardo,2022,2
+newfields,725,6
+stockman,212,4
+hiteman,179,1
+newfields,274,11
+lindenwood,2255,1
+forkland,535,1
+onaga,409,3
+shelbyville,976,0
+mifflinburg,652,0
+lakeville,1334,0
+pinesdale,742,0
+wainscott,923,10
+pomaria,1179,5
+shelbyville,2296,2
+stockman,157,1
+wainscott,1792,0
+shelbyville,1913,11
+shelbyville,2628,0
+allensville,423,2
+shelbyville,564,9
+shelbyville,1754,15
+shelbyville,1510,2
+newfields,244,6
+shelbyville,1353,1
+marstons,211,12
+marstons,234,1
+lakeville,546,2
+mifflinburg,751,0
+woodbine,1598,2
+beechwood,806,9
+hiteman,1732,2
+leonardo,90,1
+hiteman,46,8
+klickitat,1353,2
+shelbyville,2546,6
+forkland,499,4
+lindenwood,1966,5
+wainscott,399,1
+lindenwood,1904,9
+pomaria,1315,3
+shelbyville,275,6
+ranchester,965,2
+pomaria,1258,2
+klickitat,1502,13
+leonardo,737,5
+tolstoy,456,4
+pinesdale,698,1
+hiteman,1372,0
+tolstoy,1756,2
+beechwood,929,4
+klickitat,2377,5
+lindenwood,1287,4
+hanson,349,1
+klickitat,742,1
+shelbyville,915,3
+cosmos,245,5
+hanson,111,1
+onaga,588,2
+lakeville,8,9
+beechwood,76,6
+leonardo,200,0
+cosmos,541,6
+beechwood,983,0
+pomaria,1586,8
+marstons,2158,6
+lindenwood,2580,3
+shelbyville,22,10
+shelbyville,127,11
+shelbyville,543,3
+leonardo,311,0
+cosmos,744,0
+marstons,1873,3
+klickitat,1034,5
+lakeville,1043,5
+forkland,109,0
+hanson,105,3
+hiteman,20,12
+coffeen,464,4
+beechwood,20,5
+wainscott,531,0
+newfields,1415,1
+lakeville,607,1
+hanson,661,0
+lindenwood,727,2
+beechwood,1060,2
+coffeen,1158,2
+hanson,28,1
+woodbine,852,1
+shelbyville,1018,0
+hanson,702,6
+woodbine,765,0
+lindenwood,1987,0
+stockman,144,0
+allensville,212,7
+hanson,1175,6
+newfields,353,1
+klickitat,1500,5
+leonardo,803,5
+coffeen,1061,4
+wainscott,1727,2
+shelbyville,310,15
+hiteman,1052,2
+forkland,612,4
+newfields,658,12
+stockman,1386,1
+woodbine,1934,3
+lakeville,570,4
+lindenwood,853,4
+wainscott,1410,3
+cosmos,16,3
+stockman,465,4
+stockman,900,0
+woodbine,521,4
+lakeville,417,4
+marstons,921,11
+hanson,695,1
+shelbyville,2092,1
+klickitat,72,2
+klickitat,1664,12
+lakeville,1876,4
+merom,999,0
+leonardo,2065,1
+cosmos,946,1
+tolstoy,1535,10
+wainscott,1656,4
+newfields,978,0
+beechwood,414,1
+lindenwood,2532,1
+newfields,1334,2
+newfields,508,5
+leonardo,1279,10
+marstons,147,2
+shelbyville,1891,3
+wainscott,886,1
+klickitat,1001,1
+marstons,1473,0
+pomaria,1050,4
+tolstoy,1256,6
+lakeville,1518,4
+newfields,810,3
+tolstoy,192,2
+shelbyville,1432,10
+beechwood,775,0
+tolstoy,959,1
+tolstoy,185,3
+hiteman,1194,6
+newfields,405,7
+woodbine,1284,2
+benevolence,517,5
+mifflinburg,663,0
+lindenwood,535,10
+lakeville,1480,1
+pomaria,1368,0
+woodbine,1929,7
+klickitat,479,14
+cosmos,128,1
+lindenwood,1371,3
+ranchester,1222,0
+pomaria,910,3
+onaga,1,5
+wainscott,1304,5
+lindenwood,1829,0
+hanson,952,1
+coffeen,839,2
+benevolence,595,2
+marstons,531,3
+hiteman,1106,3
+tolstoy,1606,2
+newfields,165,0
+coffeen,477,1
+lakeville,1384,3
+lindenwood,920,6
+ranchester,443,7
+shelbyville,2667,2
+pomaria,584,4
+coffeen,298,2
+lindenwood,526,7
+shelbyville,1329,3
+ranchester,1058,1
+woodbine,962,1
+wainscott,1424,3
+mifflinburg,778,1
+lindenwood,81,7
+lindenwood,2352,4
+klickitat,440,2
+tolstoy,34,0
+marstons,2072,10
+lindenwood,741,3
+woodbine,1722,3
+onaga,217,8
+klickitat,2186,7
+woodbine,1732,0
+klickitat,1263,9
+pomaria,320,10
+benevolence,857,9
+marstons,2234,2
+onaga,421,0
+stockman,1400,7
+ranchester,826,3
+hiteman,1402,4
+ranchester,1493,1
+newfields,274,1
+cosmos,150,2
+shelbyville,2349,6
+allensville,256,2
+marstons,591,8
+ranchester,350,14
+hanson,565,12
+newfields,1165,6
+newfields,74,4
+lindenwood,2289,4
+hiteman,1666,4
+ranchester,1168,3
+lindenwood,1547,5
+hiteman,865,5
+woodbine,1025,1
+newfields,230,6
+shelbyville,2202,0
+leonardo,630,2
+tolstoy,571,4
+tolstoy,1801,6
+marstons,496,0
+cosmos,296,1
+klickitat,1602,0
+shelbyville,448,0
+wainscott,737,2
+woodbine,811,1
+wainscott,1261,2
+klickitat,202,3
+wainscott,725,9
+onaga,371,2
+shelbyville,1247,4
+klickitat,1486,4
+shelbyville,231,2
+beechwood,41,6
+cosmos,1023,0
+merom,470,6
+merom,297,0
+marstons,1029,3
+wainscott,1297,2
+newfields,224,8
+woodbine,1027,13
+pinesdale,1399,1
+tolstoy,999,5
+klickitat,58,2
+leonardo,1096,2
+lakeville,419,6
+allensville,428,1
+mifflinburg,787,1
+beechwood,763,3
+klickitat,552,5
+benevolence,782,1
+lakeville,1862,8
+hanson,1211,2
+coffeen,1268,2
+lakeville,663,1
+ranchester,366,6
+merom,1086,0
+tolstoy,6,5
+leonardo,83,2
+tolstoy,924,20
+shelbyville,535,2
+shelbyville,2623,11
+lindenwood,533,16
+mifflinburg,399,9
+shelbyville,1217,7
+allensville,200,0
+ranchester,970,0
+cosmos,174,10
+pomaria,368,4
+stockman,605,0
+beechwood,176,7
+marstons,2642,1
+wainscott,1563,10
+leonardo,1633,8
+lindenwood,1899,5
+woodbine,1180,4
+wainscott,1632,7
+marstons,2188,4
+wainscott,387,7
+lindenwood,1102,8
+shelbyville,317,1
+onaga,453,1
+wainscott,350,6
+shelbyville,278,1
+beechwood,869,3
+woodbine,1361,10
+wainscott,1496,9
+woodbine,1252,13
+woodbine,1400,0
+shelbyville,225,4
+mifflinburg,548,4
+hanson,872,0
+marstons,435,2
+leonardo,1860,3
+hiteman,406,1
+marstons,2484,2
+woodbine,103,11
+stockman,622,0
+shelbyville,710,0
+lakeville,114,1
+lindenwood,1992,1
+shelbyville,1892,2
+klickitat,990,1
+shelbyville,2283,2
+hiteman,202,5
+lakeville,904,4
+cosmos,844,4
+merom,1112,0
+tolstoy,1702,0
+pomaria,1175,12
+stockman,524,9
+lakeville,27,7
+hiteman,1139,1
+shelbyville,715,5
+lakeville,171,10
+hanson,501,2
+lakeville,417,6
+allensville,47,10
+newfields,712,1
+newfields,197,5
+wainscott,532,6
+ranchester,1031,0
+pinesdale,575,3
+klickitat,654,0
+mifflinburg,675,1
+shelbyville,1029,2
+shelbyville,2066,11
+tolstoy,891,5
+coffeen,673,7
+marstons,2240,0
+newfields,650,5
+marstons,1280,2
+newfields,435,13
+lakeville,1389,9
+klickitat,1130,0
+coffeen,1283,0
+lindenwood,679,7
+tolstoy,1354,6
+lakeville,265,0
+cosmos,1079,9
+pinesdale,31,9
+merom,547,4
+shelbyville,1259,1
+cosmos,731,1
+marstons,279,3
+cosmos,473,7
+hiteman,1414,2
+ranchester,874,10
+lindenwood,773,2
+forkland,236,7
+shelbyville,32,3
+coffeen,1497,2
+leonardo,425,1
+coffeen,240,7
+ranchester,514,9
+marstons,1062,3
+hiteman,280,3
+beechwood,809,2
+leonardo,1344,10
+leonardo,207,1
+merom,125,1
+stockman,265,5
+lindenwood,2515,6
+shelbyville,1552,3
+hanson,118,0
+wainscott,93,2
+hanson,1587,5
+lakeville,1315,2
+lakeville,68,1
+stockman,1573,1
+klickitat,2025,2
+marstons,27,4
+pinesdale,995,3
+newfields,800,0
+marstons,1220,5
+stockman,1267,1
+klickitat,216,0
+pomaria,737,12
+hanson,1510,1
+ranchester,743,2
+lakeville,734,3
+mifflinburg,535,4
+newfields,805,13
+klickitat,1124,1
+hiteman,1834,12
+newfields,812,5
+klickitat,741,1
+hiteman,222,4
+hanson,1506,2
+lakeville,556,3
+lindenwood,901,3
+forkland,974,0
+stockman,828,1
+coffeen,589,13
+coffeen,1018,6
+merom,893,5
+hanson,1540,1
+forkland,755,0
+marstons,933,7
+marstons,486,0
+pinesdale,1066,13
+hanson,1056,1
+newfields,1093,1
+marstons,4,1
+forkland,282,3
+merom,259,2
+benevolence,603,13
+pinesdale,1066,12
+marstons,2539,0
+cosmos,567,4
+marstons,833,0
+hanson,348,0
+newfields,580,1
+lakeville,566,15
+woodbine,1845,3
+wainscott,324,3
+tolstoy,1329,2
+hanson,808,2
+marstons,662,5
+pinesdale,1422,2
+coffeen,318,6
+shelbyville,478,3
+pomaria,1650,5
+coffeen,749,5
+pinesdale,171,0
+shelbyville,2040,4
+wainscott,319,1
+hanson,1360,4
+ranchester,10,7
+klickitat,1578,2
+newfields,1247,6
+onaga,576,2
+hanson,1529,0
+pomaria,1401,5
+pomaria,117,5
+tolstoy,181,0
+newfields,95,0
+marstons,307,12
+shelbyville,2158,5
+newfields,481,18
+mifflinburg,265,2
+beechwood,1114,0
+marstons,370,3
+stockman,1050,4
+leonardo,1545,2
+lindenwood,1129,1
+wainscott,1273,5
+lindenwood,1466,0
+mifflinburg,837,0
+shelbyville,886,3
+coffeen,1331,2
+lakeville,1593,4
+ranchester,1256,8
+shelbyville,2031,5
+cosmos,1039,5
+marstons,1449,4
+marstons,770,2
+wainscott,1652,17
+hanson,407,5
+lakeville,1670,2
+mifflinburg,89,3
+lakeville,661,1
+beechwood,829,8
+ranchester,642,8
+pomaria,827,8
+woodbine,904,4
+marstons,1731,6
+hiteman,485,6
+merom,162,3
+cosmos,819,8
+lakeville,152,8
+pomaria,1240,1
+woodbine,407,3
+forkland,609,5
+woodbine,311,3
+hiteman,420,3
+pomaria,1119,1
+cosmos,28,5
+marstons,949,2
+hiteman,1774,4
+ranchester,863,0
+stockman,877,4
+leonardo,1241,4
+shelbyville,1621,2
+wainscott,940,4
+pinesdale,1191,2
+marstons,544,7
+allensville,290,4
+leonardo,573,2
+beechwood,155,0
+shelbyville,375,10
+marstons,1714,6
+forkland,446,0
+lindenwood,2146,0
+hanson,514,7
+newfields,876,5
+leonardo,1608,24
+woodbine,113,0
+lindenwood,866,3
+pinesdale,1061,1
+beechwood,4,0
+marstons,1303,0
+newfields,1056,4
+marstons,1738,1
+klickitat,993,2
+hanson,1403,2
+newfields,208,7
+coffeen,573,1
+tolstoy,1539,2
+marstons,1950,0
+klickitat,1884,9
+wainscott,503,9
+allensville,214,2
+beechwood,682,7
+wainscott,1748,12
+forkland,721,0
+ranchester,666,6
+hiteman,1125,3
+lindenwood,271,5
+leonardo,1684,4
+pinesdale,249,3
+pinesdale,400,8
+klickitat,1093,0
+forkland,399,0
+merom,809,2
+shelbyville,2081,3
+klickitat,2335,2
+shelbyville,1101,11
+marstons,64,4
+woodbine,129,2
+pomaria,382,7
+lakeville,1323,1
+onaga,589,4
+leonardo,2053,2
+klickitat,580,13
+lindenwood,1573,2
+shelbyville,627,13
+marstons,486,3
+cosmos,414,11
+lindenwood,1885,2
+shelbyville,841,2
+marstons,1094,6
+tolstoy,1355,3
+lakeville,1278,16
+pomaria,164,5
+hiteman,272,3
+woodbine,1477,2
+marstons,734,3
+woodbine,344,4
+shelbyville,1769,5
+marstons,1321,3
+hiteman,276,7
+pomaria,280,4
+leonardo,1954,1
+onaga,224,3
+pomaria,277,0
+tolstoy,768,1
+marstons,1966,3
+stockman,511,1
+ranchester,1601,9
+ranchester,1355,5
+onaga,399,0
+shelbyville,381,2
+hanson,199,1
+woodbine,1427,9
+lindenwood,479,0
+beechwood,222,2
+hanson,416,9
+ranchester,124,5
+shelbyville,2078,2
+marstons,1011,1
+hiteman,544,2
+marstons,410,7
+lindenwood,907,16
+lakeville,1175,3
+woodbine,268,2
+wainscott,550,2
+lindenwood,1675,4
+lakeville,914,3
+pomaria,270,0
+newfields,1088,9
+marstons,1154,5
+lindenwood,2211,2
+hanson,652,7
+wainscott,1162,13
+pomaria,75,5
+klickitat,1812,6
+newfields,595,1
+lindenwood,1199,5
+lindenwood,2080,4
+pomaria,164,9
+newfields,1483,4
+leonardo,550,2
+lakeville,281,2
+hiteman,1802,2
+coffeen,56,1
+marstons,445,3
+lakeville,1016,3
+lindenwood,2587,0
+lindenwood,2289,8
+pinesdale,1108,4
+coffeen,286,3
+coffeen,798,3
+merom,476,1
+shelbyville,346,3
+hanson,48,2
+shelbyville,2149,2
+coffeen,831,1
+tolstoy,1559,0
+hanson,1284,5
+stockman,1058,3
+pomaria,1620,5
+shelbyville,2631,14
+wainscott,1460,3
+marstons,2246,8
+hiteman,1098,3
+hiteman,744,1
+tolstoy,1492,1
+ranchester,1279,5
+newfields,991,11
+marstons,1604,1
+tolstoy,934,4
+onaga,628,4
+lindenwood,331,4
+lakeville,1299,3
+pomaria,413,7
+woodbine,360,12
+coffeen,1274,0
+lakeville,60,2
+ranchester,1280,3
+allensville,242,5
+shelbyville,321,0
+lindenwood,121,1
+marstons,2483,6
+pomaria,721,10
+newfields,1256,2
+leonardo,999,0
+marstons,2098,3
+forkland,847,2
+shelbyville,1416,3
+lindenwood,453,6
+pomaria,1506,0
+stockman,315,5
+klickitat,2081,9
+ranchester,1102,3
+pomaria,465,2
+tolstoy,801,3
+lindenwood,1154,0
+cosmos,949,1
+forkland,317,0
+stockman,1560,2
+hiteman,1530,0
+hanson,1398,7
+beechwood,503,2
+lindenwood,2343,0
+lakeville,155,4
+shelbyville,1994,2
+ranchester,645,14
+forkland,764,0
+pinesdale,984,0
+klickitat,305,0
+ranchester,1363,1
+newfields,1615,16
+beechwood,15,1
+lakeville,415,8
+tolstoy,673,1
+leonardo,1805,11
+hanson,105,7
+onaga,450,1
+ranchester,775,9
+newfields,947,3
+shelbyville,156,7
+tolstoy,61,9
+hiteman,735,3
+coffeen,1170,3
+lakeville,57,10
+merom,206,2
+wainscott,977,5
+leonardo,1454,5
+leonardo,190,12
+klickitat,1644,2
+tolstoy,1456,0
+leonardo,1355,4
+pinesdale,1100,5
+ranchester,1190,3
+hanson,1042,5
+pinesdale,220,7
+lakeville,496,1
+wainscott,798,1
+lakeville,1664,1
+hanson,14,3
+leonardo,1958,6
+lindenwood,395,1
+leonardo,744,9
+woodbine,488,13
+hanson,1570,6
+stockman,48,4
+marstons,1026,4
+allensville,492,0
+leonardo,1729,7
+newfields,1449,10
+stockman,406,8
+stockman,878,3
+hiteman,1097,1
+leonardo,627,3
+lindenwood,1402,2
+lindenwood,2191,0
+ranchester,1005,1
+beechwood,253,1
+mifflinburg,136,3
+hiteman,436,0
+lindenwood,1543,1
+hiteman,57,0
+forkland,653,4
+pinesdale,1209,0
+pinesdale,1006,1
+lakeville,368,18
+woodbine,1847,10
+mifflinburg,336,1
+shelbyville,1626,6
+wainscott,1746,5
+wainscott,772,1
+pinesdale,407,2
+shelbyville,822,0
+coffeen,54,3
+ranchester,329,2
+woodbine,1105,11
+lindenwood,359,4
+pomaria,936,3
+shelbyville,470,1
+lindenwood,740,11
+merom,972,6
+lindenwood,959,4
+onaga,486,1
+lakeville,1760,4
+pomaria,78,2
+lakeville,1655,12
+hanson,1460,7
+merom,797,6
+woodbine,1839,3
+tolstoy,588,7
+woodbine,1356,5
+hanson,1448,7
+woodbine,1386,3
+pomaria,851,4
+hiteman,1857,0
+pomaria,233,3
+shelbyville,114,0
+klickitat,1297,3
+woodbine,1330,9
+hiteman,391,2
+leonardo,1475,0
+pomaria,528,3
+coffeen,793,4
+pomaria,992,1
+leonardo,2051,4
+newfields,1586,2
+klickitat,1712,3
+klickitat,1410,4
+marstons,2378,3
+pomaria,54,2
+beechwood,761,15
+woodbine,684,2
+leonardo,152,1
+lindenwood,1241,6
+pinesdale,1269,0
+lindenwood,925,6
+marstons,1368,2
+hanson,1411,0
+coffeen,196,1
+pomaria,1084,2
+ranchester,1578,1
+ranchester,973,1
+cosmos,839,7
+pinesdale,1244,8
+onaga,593,2
+lindenwood,2483,6
+wainscott,891,10
+lakeville,1693,3
+klickitat,1764,13
+marstons,177,1
+hanson,968,4
+hanson,1508,12
+pomaria,1441,0
+beechwood,150,1
+newfields,1380,0
+coffeen,286,5
+leonardo,902,1
+mifflinburg,718,0
+merom,171,0
+forkland,1196,3
+lindenwood,1969,5
+merom,25,5
+pomaria,1455,0
+newfields,448,3
+klickitat,1176,0
+tolstoy,458,4
+cosmos,828,3
+leonardo,1556,6
+benevolence,897,11
+hanson,1021,1
+pomaria,350,3
+marstons,2558,2
+wainscott,1085,1
+tolstoy,1183,8
+allensville,266,0
+stockman,747,11
+benevolence,509,0
+shelbyville,1929,4
+lindenwood,686,0
+stockman,1551,2
+hiteman,1214,1
+pomaria,1385,2
+merom,853,2
+marstons,1721,5
+wainscott,1530,1
+wainscott,1440,0
+klickitat,2195,21
+woodbine,145,3
+klickitat,245,11
+coffeen,676,2
+pomaria,711,3
+lakeville,221,4
+shelbyville,2270,1
+mifflinburg,83,4
+stockman,932,1
+klickitat,1521,5
+hiteman,1308,7
+woodbine,1093,4
+tolstoy,677,0
+allensville,454,0
+newfields,222,6
+cosmos,985,0
+marstons,893,5
+pomaria,1355,14
+pomaria,1634,9
+leonardo,1685,4
+leonardo,1749,2
+klickitat,2126,3
+cosmos,174,6
+marstons,133,0
+tolstoy,891,1
+hiteman,1242,1
+woodbine,1254,1
+benevolence,597,1
+beechwood,487,4
+hanson,1539,5
+klickitat,19,12
+hanson,298,4
+tolstoy,1219,3
+woodbine,832,12
+ranchester,844,8
+newfields,483,2
+woodbine,989,1
+klickitat,1748,5
+woodbine,823,13
+wainscott,603,4
+coffeen,1157,0
+hanson,318,2
+leonardo,231,13
+beechwood,812,3
+pinesdale,231,4
+leonardo,1789,4
+marstons,128,14
+newfields,1345,3
+merom,184,2
+stockman,1129,10
+woodbine,1892,5
+shelbyville,15,16
+marstons,711,7
+woodbine,483,2
+hiteman,1346,2
+pinesdale,957,2
+lindenwood,2489,0
+benevolence,781,5
+lakeville,841,1
+klickitat,1309,2
+shelbyville,627,9
+pomaria,1281,11
+pomaria,1614,3
+newfields,270,11
+ranchester,536,5
+forkland,176,0
+coffeen,1303,1
+pinesdale,607,1
+hanson,552,7
+cosmos,1017,1
+shelbyville,1882,0
+stockman,372,1
+klickitat,581,7
+woodbine,1505,4
+tolstoy,1489,2
+pomaria,746,9
+newfields,767,2
+hiteman,1385,3
+pinesdale,508,3
+lakeville,498,1
+beechwood,612,4
+newfields,1637,5
+allensville,271,4
+mifflinburg,592,6
+marstons,1066,3
+pinesdale,845,8
+leonardo,759,3
+cosmos,551,4
+lakeville,372,3
+lindenwood,2321,5
+hiteman,501,13
+merom,441,3
+wainscott,1531,2
+ranchester,542,5
+onaga,157,4
+coffeen,251,2
+wainscott,540,5
+lindenwood,1242,2
+lindenwood,831,3
+pinesdale,1342,4
+stockman,13,0
+cosmos,1054,6
+leonardo,2042,5
+newfields,936,0
+hanson,1026,5
+lindenwood,1293,4
+woodbine,313,8
+coffeen,81,3
+marstons,2158,0
+benevolence,369,1
+leonardo,1792,2
+pinesdale,1416,4
+marstons,1592,5
+klickitat,1838,3
+mifflinburg,553,2
+newfields,1640,1
+klickitat,1078,1
+merom,118,2
+shelbyville,963,2
+marstons,1145,0
+tolstoy,1438,2
+woodbine,439,0
+lindenwood,360,5
+merom,869,1
+mifflinburg,317,2
+hiteman,660,8
+onaga,407,1
+pomaria,1252,1
+klickitat,781,3
+forkland,1104,4
+leonardo,410,0
+shelbyville,555,1
+woodbine,1221,0
+lindenwood,1812,4
+woodbine,310,6
+lakeville,1471,12
+marstons,797,10
+pinesdale,1368,1
+woodbine,604,3
+beechwood,510,4
+newfields,1117,2
+lindenwood,219,2
+pinesdale,1437,2
+forkland,486,0
+allensville,365,2
+tolstoy,923,0
+lindenwood,814,10
+lakeville,1696,0
+wainscott,1419,1
+hiteman,791,3
+lindenwood,1773,7
+stockman,1316,0
+coffeen,818,10
+wainscott,503,5
+newfields,535,5
+leonardo,313,0
+lakeville,1131,2
+ranchester,290,9
+lindenwood,809,2
+klickitat,1290,5
+newfields,966,17
+tolstoy,1740,4
+pinesdale,788,3
+hanson,203,3
+wainscott,1461,0
+shelbyville,2458,5
+newfields,85,2
+coffeen,1333,2
+leonardo,486,0
+lakeville,1042,0
+shelbyville,859,17
+woodbine,1606,1
+allensville,361,3
+tolstoy,1644,0
+newfields,887,2
+hanson,606,2
+ranchester,1342,6
+klickitat,2250,13
+shelbyville,50,6
+wainscott,1251,0
+hanson,549,3
+cosmos,800,0
+klickitat,279,3
+klickitat,1473,1
+shelbyville,1772,3
+leonardo,921,6
+ranchester,132,8
+leonardo,1244,1
+newfields,744,3
+cosmos,918,4
+benevolence,492,3
+pinesdale,898,2
+beechwood,8,3
+forkland,833,0
+coffeen,230,1
+hanson,75,7
+tolstoy,224,4
+allensville,19,2
+klickitat,2310,9
+stockman,709,1
+hanson,1075,3
+hiteman,926,4
+beechwood,1172,3
+onaga,570,0
+ranchester,1130,0
+lakeville,736,3
+hiteman,206,1
+tolstoy,114,1
+shelbyville,2296,13
+marstons,189,1
+allensville,368,2
+shelbyville,153,1
+shelbyville,1309,3
+shelbyville,1031,4
+hanson,215,3
+coffeen,773,2
+tolstoy,413,4
+stockman,651,0
+hanson,86,8
+pinesdale,982,5
+woodbine,2025,2
+shelbyville,2020,2
+pomaria,993,0
+hanson,666,11
+cosmos,686,8
+coffeen,1234,4
+newfields,830,11
+stockman,1221,5
+lakeville,894,2
+klickitat,726,2
+woodbine,609,3
+lindenwood,231,13
+stockman,1429,3
+newfields,1655,0
+newfields,1096,3
+hiteman,574,4
+stockman,843,8
+lindenwood,2314,0
+tolstoy,254,4
+marstons,1073,6
+shelbyville,2389,2
+leonardo,2115,12
+forkland,413,4
+coffeen,375,0
+tolstoy,1247,0
+lakeville,1155,9
+lindenwood,490,0
+hanson,1451,4
+woodbine,1605,0
+pomaria,192,4
+coffeen,385,8
+pomaria,327,5
+onaga,365,1
+lindenwood,2133,6
+onaga,324,5
+hanson,427,1
+wainscott,226,2
+wainscott,184,2
+woodbine,436,10
+woodbine,1535,12
+lakeville,1469,0
+klickitat,1781,1
+lindenwood,2679,5
+marstons,2350,3
+woodbine,1313,12
+merom,380,1
+hiteman,1412,4
+shelbyville,1724,7
+klickitat,726,9
+shelbyville,942,5
+lindenwood,747,5
+beechwood,79,0
+marstons,440,2
+mifflinburg,439,1
+ranchester,1494,5
+merom,1014,4
+leonardo,1256,8
+benevolence,87,1
+newfields,826,0
+pomaria,565,10
+woodbine,878,1
+hanson,378,5
+woodbine,213,6
+hiteman,1004,0
+newfields,1001,0
+klickitat,2197,1
+woodbine,1528,3
+newfields,1114,4
+forkland,320,5
+tolstoy,1079,5
+shelbyville,2515,1
+wainscott,1099,0
+pinesdale,456,4
+lakeville,53,7
+tolstoy,1646,2
+hanson,362,13
+forkland,1130,0
+pomaria,1352,6
+coffeen,524,2
+shelbyville,830,0
+hanson,1625,2
+klickitat,1595,5
+woodbine,1219,3
+coffeen,521,0
+beechwood,592,0
+newfields,1534,3
+mifflinburg,689,1
+pinesdale,25,0
+pomaria,1235,11
+wainscott,808,2
+shelbyville,2405,3
+pinesdale,786,0
+wainscott,205,1
+shelbyville,1019,9
+marstons,381,0
+shelbyville,1062,0
+marstons,1342,0
+pomaria,633,15
+beechwood,827,2
+klickitat,1280,0
+klickitat,2123,14
+hanson,1635,9
+mifflinburg,167,8
+newfields,847,0
+lakeville,1613,12
+tolstoy,93,9
+pomaria,1350,10
+leonardo,1444,1
+newfields,1064,3
+shelbyville,2658,5
+lakeville,262,3
+lindenwood,964,4
+lindenwood,2655,4
+ranchester,985,10
+woodbine,1897,2
+newfields,1449,3
+newfields,342,1
+lakeville,534,7
+forkland,1173,5
+marstons,633,3
+marstons,2292,1
+tolstoy,1244,2
+newfields,1201,3
+shelbyville,378,0
+lindenwood,1571,2
+stockman,89,6
+forkland,278,2
+wainscott,194,2
+beechwood,358,2
+pinesdale,1105,2
+pinesdale,1042,3
+hiteman,1774,1
+coffeen,852,5
+shelbyville,2563,2
+pomaria,1257,2
+pomaria,873,2
+woodbine,504,4
+benevolence,877,2
+newfields,875,0
+newfields,347,3
+hanson,76,12
+pinesdale,559,1
+hanson,896,3
+ranchester,1339,2
+pinesdale,112,2
+lindenwood,2103,9
+onaga,264,3
+woodbine,966,5
+onaga,628,1
+ranchester,692,6
+woodbine,1988,0
+marstons,2084,9
+klickitat,964,9
+wainscott,437,11
+tolstoy,1209,4
+hiteman,986,6
+shelbyville,1454,18
+lakeville,343,0
+ranchester,1283,1
+shelbyville,2502,2
+wainscott,1558,1
+ranchester,886,2
+onaga,558,1
+lakeville,119,0
+shelbyville,2137,1
+pinesdale,1076,2
+shelbyville,889,1
+leonardo,284,0
+klickitat,2148,10
+stockman,705,5
+marstons,224,5
+marstons,319,14
+shelbyville,1623,7
+shelbyville,1526,0
+woodbine,1696,6
+marstons,1500,0
+coffeen,1227,0
+newfields,1282,4
+lakeville,1575,10
+hanson,1493,4
+klickitat,895,6
+forkland,1129,9
+lindenwood,990,0
+lakeville,1326,0
+allensville,468,5
+benevolence,46,0
+cosmos,291,6
+marstons,1111,5
+onaga,26,1
+pomaria,1569,6
+newfields,1333,3
+lindenwood,685,11
+woodbine,888,5
+marstons,2305,4
+hiteman,1502,11
+lindenwood,204,2
+hiteman,267,1
+forkland,1101,10
+klickitat,120,0
+pomaria,831,2
+pinesdale,319,3
+lakeville,509,6
+mifflinburg,500,0
+hanson,1277,1
+beechwood,621,1
+merom,414,0
+leonardo,141,5
+lakeville,850,2
+benevolence,391,2
+marstons,1063,14
+klickitat,2059,2
+wainscott,1406,1
+klickitat,887,7
+hanson,111,2
+coffeen,389,3
+newfields,294,10
+wainscott,173,0
+shelbyville,248,3
+mifflinburg,890,0
+lindenwood,1756,9
+mifflinburg,902,0
+wainscott,308,4
+wainscott,1632,0
+lindenwood,1345,9
+leonardo,1740,5
+forkland,781,3
+marstons,993,10
+leonardo,1034,1
+lindenwood,1120,5
+forkland,815,0
+leonardo,1252,1
+pomaria,1447,3
+woodbine,1952,9
+woodbine,1094,14
+lindenwood,2467,3
+merom,301,1
+forkland,650,10
+leonardo,2101,15
+woodbine,970,5
+newfields,911,4
+mifflinburg,553,1
+marstons,1778,1
+marstons,2108,3
+marstons,1439,3
+onaga,478,2
+allensville,112,7
+hanson,1273,1
+forkland,655,5
+stockman,795,0
+lindenwood,135,0
+ranchester,982,5
+lakeville,1531,10
+hiteman,924,2
+hanson,1146,1
+lindenwood,1357,3
+ranchester,1539,7
+klickitat,1612,0
+leonardo,180,2
+ranchester,1212,2
+merom,307,0
+shelbyville,1770,0
+pomaria,491,7
+lindenwood,1351,13
+lakeville,163,4
+stockman,1296,4
+klickitat,1828,1
+newfields,362,0
+marstons,1963,11
+wainscott,386,11
+lindenwood,836,4
+woodbine,558,9
+ranchester,1176,0
+hanson,569,10
+coffeen,517,9
+wainscott,891,7
+shelbyville,2224,4
+ranchester,1587,2
+wainscott,1717,7
+tolstoy,1077,5
+hanson,584,1
+leonardo,1289,4
+wainscott,990,5
+pinesdale,1302,4
+wainscott,522,2
+wainscott,646,1
+wainscott,1605,13
+woodbine,1806,11
+shelbyville,1965,3
+ranchester,454,12
+shelbyville,1807,3
+klickitat,1295,2
+newfields,696,4
+wainscott,1053,1
+coffeen,99,2
+shelbyville,1245,0
+shelbyville,2582,13
+woodbine,1877,3
+marstons,1041,0
+shelbyville,1760,4
+ranchester,381,3
+leonardo,767,0
+wainscott,1619,3
+coffeen,849,2
+woodbine,1471,4
+shelbyville,2150,11
+ranchester,1190,10
+marstons,1774,11
+cosmos,422,4
+tolstoy,199,7
+klickitat,1761,3
+hiteman,852,5
+ranchester,591,3
+tolstoy,1615,0
+onaga,121,1
+woodbine,1653,1
+lakeville,1871,8
+coffeen,458,6
+merom,97,3
+stockman,478,1
+hanson,633,2
+klickitat,686,0
+leonardo,1544,3
+shelbyville,2200,2
+hanson,217,8
+pinesdale,627,7
+marstons,608,0
+marstons,453,9
+lakeville,976,3
+forkland,515,1
+newfields,1302,14
+hanson,1196,3
+stockman,263,6
+lindenwood,1998,12
+lindenwood,168,1
+klickitat,1455,2
+klickitat,419,10
+tolstoy,994,2
+newfields,248,3
+marstons,316,9
+lindenwood,1271,1
+hiteman,1055,1
+merom,724,0
+shelbyville,385,2
+stockman,1343,1
+lindenwood,614,3
+ranchester,1003,1
+lindenwood,419,0
+tolstoy,935,0
+newfields,423,9
+klickitat,269,3
+forkland,420,2
+pomaria,1018,6
+shelbyville,849,3
+stockman,1215,0
+hanson,12,5
+lindenwood,1263,3
+stockman,722,0
+leonardo,331,0
+klickitat,2151,1
+ranchester,157,19
+marstons,1023,2
+stockman,255,3
+klickitat,1213,8
+ranchester,1595,9
+pinesdale,913,1
+lindenwood,1456,2
+pinesdale,10,2
+wainscott,1752,2
+pomaria,1226,3
+shelbyville,1249,14
+shelbyville,2416,12
+benevolence,243,8
+marstons,130,3
+tolstoy,1559,3
+pomaria,1358,0
+merom,216,3
+wainscott,379,3
+forkland,499,0
+lindenwood,1290,8
+pinesdale,758,3
+shelbyville,1919,2
+cosmos,398,2
+klickitat,324,5
+pinesdale,1034,0
+tolstoy,411,11
+marstons,2634,3
+wainscott,467,8
+lindenwood,1410,5
+cosmos,639,6
+hiteman,1825,0
+newfields,1592,2
+lindenwood,157,2
+hiteman,1044,6
+lindenwood,1925,1
+coffeen,473,6
+coffeen,554,1
+newfields,694,1
+marstons,805,5
+tolstoy,1658,7
+lindenwood,2197,1
+tolstoy,294,11
+shelbyville,1682,5
+woodbine,1914,2
+shelbyville,2789,0
+marstons,2021,16
+hanson,860,7
+stockman,1502,3
+lakeville,746,11
+newfields,321,1
+lindenwood,2216,3
+marstons,1369,1
+newfields,852,2
+benevolence,931,8
+forkland,786,5
+lindenwood,741,5
+mifflinburg,251,2
+coffeen,1408,3
+klickitat,789,1
+lindenwood,2208,9
+hiteman,1245,7
+klickitat,1750,0
+leonardo,406,17
+marstons,309,5
+woodbine,502,9
+cosmos,770,2
+forkland,851,5
+lindenwood,333,4
+pomaria,304,0
+cosmos,631,6
+lindenwood,2276,5
+marstons,459,3
+lindenwood,1698,0
+leonardo,1303,5
+tolstoy,538,2
+wainscott,1237,8
+marstons,2059,3
+ranchester,1524,4
+tolstoy,789,7
+forkland,993,1
+shelbyville,702,3
+ranchester,821,1
+wainscott,344,1
+newfields,48,11
+klickitat,990,7
+woodbine,653,2
+woodbine,1180,10
+leonardo,604,12
+merom,828,1
+woodbine,1778,6
+coffeen,806,2
+leonardo,816,3
+leonardo,2096,3
+woodbine,662,1
+coffeen,1186,6
+marstons,2583,0
+coffeen,1124,2
+wainscott,1211,10
+hanson,34,2
+mifflinburg,977,0
+hiteman,1344,5
+newfields,221,17
+lindenwood,1300,5
+lindenwood,1778,3
+newfields,1170,5
+onaga,373,3
+newfields,814,5
+lindenwood,2129,5
+merom,968,0
+newfields,481,2
+cosmos,794,2
+leonardo,474,4
+allensville,390,2
+allensville,356,4
+marstons,1023,4
+shelbyville,2365,1
+shelbyville,1446,2
+ranchester,1086,6
+forkland,929,5
+merom,208,5
+hiteman,600,12
+hiteman,687,7
+hiteman,150,2
+wainscott,1087,3
+pinesdale,1030,3
+pinesdale,97,0
+marstons,825,5
+shelbyville,1792,0
+shelbyville,1279,1
+shelbyville,2320,2
+marstons,1902,11
+ranchester,387,6
+coffeen,573,2
+lakeville,406,4
+shelbyville,440,0
+newfields,671,3
+shelbyville,1483,0
+leonardo,1231,1
+lakeville,526,2
+shelbyville,1971,14
+woodbine,1046,5
+marstons,2208,1
+marstons,2109,3
+woodbine,1355,11
+hanson,672,9
+hiteman,253,0
+woodbine,146,1
+leonardo,1986,2
+forkland,324,6
+newfields,1305,3
+cosmos,46,9
+woodbine,434,0
+marstons,143,4
+benevolence,342,6
+pomaria,695,3
+newfields,1413,0
+stockman,712,3
+shelbyville,2148,5
+shelbyville,2428,2
+klickitat,474,1
+ranchester,1249,0
+newfields,910,1
+cosmos,822,0
+marstons,392,7
+lindenwood,727,9
+cosmos,943,2
+onaga,330,1
+hanson,776,1
+wainscott,883,6
+shelbyville,1914,11
+leonardo,356,5
+shelbyville,1050,4
+woodbine,1440,2
+stockman,671,1
+marstons,2324,2
+wainscott,1404,2
+shelbyville,2496,4
+hanson,53,1
+leonardo,1163,1
+shelbyville,2198,0
+pinesdale,954,5
+hanson,1370,0
+klickitat,1267,3
+allensville,318,3
+marstons,2523,7
+pomaria,1489,8
+stockman,1107,2
+lakeville,324,4
+pinesdale,961,0
+lindenwood,1409,0
+shelbyville,207,0
+shelbyville,1253,10
+pinesdale,789,6
+marstons,2404,2
+woodbine,1788,17
+marstons,865,3
+lakeville,933,0
+klickitat,2175,15
+hanson,187,4
+benevolence,706,0
+forkland,976,0
+hanson,786,0
+lakeville,678,2
+beechwood,1082,0
+lindenwood,1124,2
+klickitat,685,5
+wainscott,1409,6
+beechwood,396,4
+lindenwood,791,2
+woodbine,776,3
+benevolence,952,0
+hiteman,1194,5
+beechwood,1029,0
+woodbine,141,2
+newfields,289,6
+marstons,158,1
+leonardo,58,3
+leonardo,1139,17
+lindenwood,982,9
+stockman,1320,5
+klickitat,1209,8
+hanson,161,2
+hiteman,310,2
+lindenwood,440,5
+coffeen,591,2
+marstons,1655,6
+hanson,1501,2
+lindenwood,1266,1
+marstons,889,5
+shelbyville,2770,9
+klickitat,746,0
+lindenwood,41,0
+klickitat,2133,0
+hanson,1024,1
+lakeville,669,3
+mifflinburg,152,2
+cosmos,565,5
+wainscott,127,6
+tolstoy,1694,2
+tolstoy,316,2
+onaga,479,2
+marstons,1337,3
+woodbine,676,0
+merom,852,1
+shelbyville,1659,1
+lindenwood,1048,12
+hanson,436,9
+lindenwood,1989,6
+lindenwood,225,8
+leonardo,853,2
+cosmos,325,3
+benevolence,344,0
+klickitat,224,4
+mifflinburg,251,4
+klickitat,101,0
+shelbyville,1131,0
+hiteman,1510,4
+shelbyville,2786,0
+hanson,428,14
+lindenwood,413,0
+newfields,899,5
+hanson,276,2
+woodbine,1312,2
+shelbyville,427,1
+stockman,251,5
+allensville,331,0
+wainscott,1461,3
+woodbine,235,1
+klickitat,887,4
+pomaria,1577,1
+klickitat,1760,0
+leonardo,1499,5
+pinesdale,537,2
+lakeville,614,4
+hiteman,366,0
+shelbyville,1694,12
+lindenwood,438,3
+woodbine,41,4
+lindenwood,2314,11
+leonardo,217,5
+shelbyville,1424,13
+merom,727,4
+lindenwood,576,3
+newfields,897,1
+shelbyville,1170,9
+lindenwood,2319,4
+beechwood,83,0
+ranchester,31,1
+mifflinburg,712,7
+woodbine,1606,3
+cosmos,487,7
+beechwood,790,6
+tolstoy,128,3
+leonardo,15,3
+shelbyville,1752,2
+lakeville,1253,2
+tolstoy,1780,3
+lindenwood,1867,0
+newfields,1542,9
+klickitat,1474,1
+stockman,765,7
+marstons,1628,1
+lakeville,1425,9
+klickitat,274,3
+klickitat,863,0
+lindenwood,2164,3
+mifflinburg,75,8
+shelbyville,1050,5
+klickitat,336,3
+mifflinburg,750,2
+pinesdale,460,8
+shelbyville,78,1
+stockman,439,5
+shelbyville,2785,1
+leonardo,1279,6
+benevolence,364,13
+shelbyville,1192,1
+hanson,993,10
+woodbine,79,1
+marstons,2359,5
+newfields,1442,8
+marstons,2119,2
+forkland,420,3
+leonardo,254,2
+leonardo,1046,11
+lindenwood,911,5
+leonardo,585,0
+ranchester,916,1
+tolstoy,1684,0
+shelbyville,627,0
+allensville,418,4
+pinesdale,457,7
+benevolence,819,0
+newfields,1656,2
+newfields,436,1
+pomaria,507,5
+klickitat,749,1
+marstons,1765,12
+beechwood,992,0
+klickitat,1091,7
+hanson,199,2
+klickitat,78,3
+shelbyville,2317,0
+tolstoy,1054,2
+pomaria,1270,2
+marstons,424,4
+lakeville,38,6
+pinesdale,958,5
+newfields,742,3
+woodbine,1240,2
+coffeen,27,5
+pomaria,653,1
+hiteman,1095,7
+marstons,1093,5
+pinesdale,1244,2
+pomaria,1126,2
+marstons,924,11
+marstons,1121,1
+hanson,446,13
+pinesdale,528,0
+shelbyville,2517,0
+woodbine,1480,9
+klickitat,16,0
+pomaria,1560,6
+lindenwood,1953,0
+lindenwood,974,6
+tolstoy,588,9
+shelbyville,2529,1
+shelbyville,2275,1
+shelbyville,512,15
+klickitat,1187,7
+pomaria,50,7
+ranchester,707,1
+stockman,1103,10
+stockman,907,0
+lakeville,1171,6
+hanson,1641,0
+beechwood,989,4
+stockman,674,0
+hanson,1438,0
+forkland,765,4
+lindenwood,2370,1
+ranchester,1110,12
+tolstoy,1546,7
+stockman,692,6
+woodbine,1230,0
+pomaria,1679,1
+newfields,199,1
+hanson,434,5
+merom,1036,1
+woodbine,87,0
+mifflinburg,968,3
+shelbyville,1550,13
+lindenwood,648,3
+wainscott,330,0
+allensville,322,0
+tolstoy,11,4
+beechwood,455,9
+klickitat,861,5
+marstons,2246,1
+wainscott,1327,2
+hanson,520,11
+pomaria,1470,16
+marstons,83,1
+pinesdale,1473,2
+coffeen,995,3
+lakeville,417,5
+coffeen,635,0
+tolstoy,779,3
+lindenwood,1111,5
+hiteman,1060,3
+lakeville,1766,3
+lindenwood,911,3
+hanson,1051,2
+tolstoy,892,1
+woodbine,350,2
+shelbyville,2268,6
+stockman,967,0
+pinesdale,807,2
+shelbyville,1610,2
+woodbine,1480,1
+leonardo,1806,10
+onaga,320,2
+beechwood,1052,6
+woodbine,284,3
+wainscott,1190,3
+pomaria,179,7
+benevolence,458,2
+coffeen,534,3
+klickitat,943,2
+leonardo,45,0
+ranchester,366,3
+hanson,301,3
+hiteman,1843,1
+stockman,215,4
+mifflinburg,524,0
+lakeville,336,5
+tolstoy,1575,0
+coffeen,1449,1
+coffeen,1043,2
+stockman,1435,2
+lindenwood,173,10
+wainscott,1660,2
+shelbyville,1073,0
+shelbyville,1642,1
+tolstoy,1525,11
+ranchester,995,3
+leonardo,332,0
+onaga,495,3
+marstons,385,0
+pomaria,738,7
+tolstoy,342,2
+mifflinburg,412,4
+allensville,412,2
+lakeville,171,7
+pomaria,901,6
+stockman,1449,6
+lindenwood,573,4
+stockman,247,4
+wainscott,696,4
+woodbine,1535,7
+lakeville,1531,14
+klickitat,581,8
+shelbyville,1695,0
+shelbyville,1581,2
+tolstoy,469,3
+pinesdale,11,11
+beechwood,1071,10
+shelbyville,1694,13
+marstons,1822,3
+stockman,1250,1
+hanson,886,0
+beechwood,948,1
+shelbyville,2361,5
+forkland,705,4
+cosmos,89,13
+marstons,867,0
+ranchester,947,9
+lindenwood,1221,2
+lakeville,177,1
+hiteman,740,1
+forkland,939,1
+lindenwood,1774,5
+hiteman,433,2
+lakeville,1219,6
+allensville,172,4
+coffeen,1249,2
+lindenwood,756,2
+lakeville,1597,5
+wainscott,614,3
+marstons,2253,1
+hiteman,574,3
+beechwood,1021,2
+hanson,944,13
+marstons,649,7
+wainscott,135,8
+pomaria,1652,2
+ranchester,598,2
+onaga,506,2
+shelbyville,1549,2
+beechwood,334,4
+forkland,540,3
+allensville,142,1
+tolstoy,1407,6
+shelbyville,588,6
+coffeen,227,7
+leonardo,1969,0
+hiteman,636,1
+leonardo,2012,3
+stockman,115,2
+merom,172,1
+coffeen,301,0
+newfields,444,10
+coffeen,584,3
+forkland,1085,2
+wainscott,1700,4
+lindenwood,1250,6
+hiteman,809,1
+pinesdale,18,5
+mifflinburg,143,2
+wainscott,919,7
+lindenwood,1206,1
+merom,29,1
+shelbyville,1645,6
+tolstoy,785,11
+stockman,644,2
+marstons,2180,1
+marstons,1707,2
+klickitat,1156,3
+lindenwood,618,3
+pinesdale,1499,6
+tolstoy,372,2
+mifflinburg,943,1
+leonardo,473,0
+beechwood,1070,7
+pinesdale,512,5
+newfields,640,1
+stockman,269,1
+onaga,136,6
+stockman,497,7
+marstons,2529,6
+coffeen,448,1
+lindenwood,1369,6
+benevolence,745,4
+ranchester,557,0
+forkland,72,7
+leonardo,1795,1
+cosmos,691,13
+woodbine,1702,14
+coffeen,1204,4
+allensville,357,9
+pinesdale,591,1
+shelbyville,2507,0
+lindenwood,488,2
+klickitat,1398,15
+pinesdale,1066,8
+leonardo,534,1
+lindenwood,858,3
+beechwood,587,0
+stockman,401,0
+klickitat,832,6
+stockman,603,0
+mifflinburg,223,1
+merom,552,3
+cosmos,452,0
+lakeville,1388,2
+tolstoy,423,3
+woodbine,507,5
+marstons,746,2
+woodbine,53,3
+marstons,64,14
+hanson,1570,1
+hiteman,1736,7
+pinesdale,1490,2
+lindenwood,973,0
+marstons,798,15
+hanson,612,3
+forkland,784,3
+allensville,127,4
+marstons,2046,13
+lakeville,763,4
+wainscott,198,8
+beechwood,1166,8
+lindenwood,1500,4
+lindenwood,1705,5
+newfields,179,10
+allensville,501,2
+coffeen,438,9
+shelbyville,487,4
+shelbyville,2078,3
+wainscott,528,6
+merom,145,3
+allensville,476,1
+hanson,1106,5
+stockman,622,8
+beechwood,117,3
+shelbyville,711,2
+benevolence,278,1
+klickitat,2077,6
+tolstoy,1082,0
+klickitat,231,9
+hiteman,556,12
+wainscott,831,7
+beechwood,524,0
+klickitat,2051,2
+forkland,917,1
+stockman,813,1
+coffeen,1079,2
+onaga,449,3
+klickitat,653,0
+hiteman,273,3
+shelbyville,1646,3
+hanson,518,7
+leonardo,943,5
+wainscott,300,10
+pomaria,744,3
+ranchester,286,4
+merom,457,0
+leonardo,174,4
+ranchester,242,4
+klickitat,1769,0
+wainscott,1269,4
+leonardo,1375,8
+ranchester,1387,1
+lakeville,96,1
+klickitat,1322,5
+pinesdale,603,4
+woodbine,896,3
+klickitat,2175,7
+klickitat,715,2
+wainscott,1408,4
+forkland,474,2
+pinesdale,560,6
+marstons,1800,10
+woodbine,595,8
+woodbine,38,2
+ranchester,154,1
+shelbyville,1098,8
+klickitat,1279,18
+onaga,324,2
+wainscott,541,2
+wainscott,779,11
+leonardo,409,2
+pomaria,969,4
+hiteman,859,1
+leonardo,1724,2
+marstons,2063,3
+marstons,2594,2
+tolstoy,1188,0
+lakeville,798,0
+wainscott,170,1
+stockman,1103,8
+ranchester,416,12
+coffeen,390,2
+benevolence,908,11
+newfields,320,4
+hiteman,1218,2
+shelbyville,2549,3
+shelbyville,1692,20
+lakeville,457,12
+lindenwood,484,0
+klickitat,1232,7
+tolstoy,1781,6
+newfields,1301,12
+marstons,978,5
+lakeville,685,2
+hiteman,1746,5
+newfields,805,1
+shelbyville,1288,1
+merom,129,1
+marstons,274,3
+newfields,645,1
+tolstoy,662,4
+marstons,1155,6
+forkland,233,5
+leonardo,667,4
+lakeville,649,5
+leonardo,2007,3
+ranchester,526,1
+marstons,2191,6
+ranchester,93,2
+newfields,1064,7
+lindenwood,794,0
+woodbine,1959,0
+klickitat,1698,2
+ranchester,1015,3
+shelbyville,1888,6
+forkland,1032,4
+pinesdale,1248,6
+klickitat,2205,7
+pinesdale,1454,5
+woodbine,1763,3
+woodbine,1334,8
+tolstoy,1127,7
+woodbine,195,4
+klickitat,1711,7
+pinesdale,1385,2
+woodbine,946,3
+wainscott,1352,6
+cosmos,332,10
+klickitat,41,1
+ranchester,666,3
+beechwood,144,8
+lindenwood,2666,3
+stockman,169,1
+beechwood,930,3
+onaga,247,6
+lindenwood,1473,8
+wainscott,1167,1
+lakeville,869,8
+leonardo,1896,2
+tolstoy,184,6
+klickitat,2129,0
+merom,400,10
+marstons,636,0
+pomaria,485,2
+merom,748,2
+klickitat,1487,4
+klickitat,1520,12
+leonardo,1473,4
+leonardo,288,4
+pomaria,548,0
+klickitat,70,0
+coffeen,224,5
+hanson,293,13
+hanson,538,0
+woodbine,2007,3
+benevolence,976,0
+woodbine,81,3
+marstons,1207,11
+shelbyville,877,9
+coffeen,1293,2
+leonardo,869,1
+lindenwood,9,2
+leonardo,766,22
+marstons,1750,2
+klickitat,1329,0
+lindenwood,483,2
+tolstoy,869,4
+lindenwood,1085,0
+ranchester,707,6
+newfields,828,3
+cosmos,1001,2
+tolstoy,402,14
+tolstoy,5,1
+klickitat,924,2
+wainscott,138,4
+klickitat,1468,2
+leonardo,1817,2
+stockman,817,0
+lindenwood,1078,2
+merom,846,4
+hanson,106,2
+hanson,1620,1
+marstons,2257,0
+forkland,794,0
+stockman,1017,1
+stockman,1408,9
+lakeville,1515,9
+lindenwood,1311,7
+shelbyville,1734,0
+tolstoy,804,3
+allensville,16,3
+newfields,1010,0
+shelbyville,1628,7
+marstons,867,5
+pomaria,1651,12
+leonardo,1422,4
+marstons,2036,5
+klickitat,1330,10
+pinesdale,859,2
+tolstoy,1696,0
+lindenwood,2160,1
+leonardo,2112,3
+klickitat,2172,12
+ranchester,940,4
+woodbine,1964,2
+klickitat,129,4
+marstons,592,2
+newfields,419,12
+pomaria,1075,14
+lindenwood,132,2
+beechwood,324,6
+newfields,243,2
+ranchester,873,12
+lindenwood,324,2
+lindenwood,2130,12
+ranchester,132,5
+woodbine,319,3
+allensville,179,3
+hiteman,531,3
+klickitat,105,2
+newfields,589,1
+klickitat,568,2
+coffeen,1513,4
+lindenwood,1446,3
+marstons,1692,6
+mifflinburg,277,3
+merom,900,0
+leonardo,96,2
+marstons,1398,17
+woodbine,1059,1
+marstons,1002,2
+coffeen,1035,3
+tolstoy,1779,0
+stockman,704,2
+hiteman,1698,5
+woodbine,1738,8
+pomaria,363,3
+wainscott,470,0
+klickitat,2208,6
+wainscott,1124,1
+tolstoy,1441,3
+ranchester,1410,4
+forkland,849,3
+ranchester,1222,5
+marstons,2000,11
+leonardo,2089,8
+merom,871,6
+wainscott,1428,7
+leonardo,1622,2
+shelbyville,2646,10
+woodbine,1488,2
+klickitat,2070,2
+beechwood,1118,0
+leonardo,2033,6
+hanson,1574,2
+marstons,269,4
+stockman,614,8
+lindenwood,423,16
+shelbyville,2272,0
+benevolence,387,3
+hanson,422,5
+klickitat,430,1
+lakeville,350,0
+newfields,1132,8
+lakeville,232,2
+pomaria,738,4
+hiteman,1177,1
+mifflinburg,192,1
+lakeville,882,4
+leonardo,651,2
+beechwood,507,3
+tolstoy,730,2
+leonardo,1262,3
+mifflinburg,959,1
+shelbyville,2242,0
+marstons,101,1
+marstons,1312,0
+shelbyville,2534,6
+leonardo,500,2
+hiteman,729,1
+coffeen,1470,1
+hiteman,205,2
+merom,611,2
+onaga,196,4
+leonardo,1487,2
+leonardo,1295,8
+hanson,714,1
+tolstoy,1356,5
+pomaria,1201,0
+klickitat,60,4
+beechwood,332,2
+leonardo,26,1
+klickitat,1937,12
+leonardo,1303,0
+newfields,1400,9
+marstons,1262,4
+klickitat,1888,6
+forkland,920,1
+wainscott,262,1
+leonardo,1593,9
+coffeen,1213,0
+klickitat,219,2
+leonardo,1367,9
+newfields,1452,0
+forkland,44,1
+wainscott,66,5
+marstons,745,1
+shelbyville,1392,6
+forkland,888,4
+shelbyville,1305,8
+ranchester,640,8
+hanson,707,5
+wainscott,812,4
+marstons,2474,10
+lindenwood,1651,4
+lakeville,1510,2
+lindenwood,30,0
+hiteman,1006,1
+onaga,371,4
+marstons,818,0
+leonardo,1264,1
+lakeville,66,2
+wainscott,976,1
+woodbine,868,7
+merom,454,2
+pinesdale,336,1
+hanson,272,3
+klickitat,1567,1
+woodbine,1005,14
+shelbyville,1586,3
+hiteman,952,5
+woodbine,626,12
+stockman,792,2
+marstons,1234,1
+lindenwood,2252,17
+marstons,1958,0
+newfields,189,5
+merom,794,2
+tolstoy,1467,0
+merom,876,12
+lakeville,1132,9
+pomaria,126,5
+ranchester,260,4
+coffeen,1456,3
+lindenwood,630,1
+leonardo,2033,12
+tolstoy,1,4
+klickitat,663,6
+woodbine,402,3
+hanson,55,1
+marstons,2602,1
+hanson,184,1
+lindenwood,441,5
+leonardo,1671,11
+coffeen,987,6
+tolstoy,1646,0
+klickitat,1052,1
+pinesdale,152,10
+allensville,503,4
+ranchester,782,5
+merom,813,0
+ranchester,1006,1
+marstons,1491,2
+ranchester,776,1
+klickitat,1653,0
+lakeville,658,1
+klickitat,365,2
+lakeville,1001,0
+leonardo,718,2
+forkland,1187,8
+ranchester,700,0
+hiteman,1035,6
+coffeen,979,2
+cosmos,1077,3
+wainscott,386,1
+woodbine,1933,4
+leonardo,798,9
+forkland,245,4
+benevolence,891,3
+klickitat,2066,3
+marstons,1026,7
+lakeville,879,1
+hanson,1525,3
+ranchester,489,0
+shelbyville,2744,3
+leonardo,1051,6
+lindenwood,1314,3
+tolstoy,1741,1
+shelbyville,1176,1
+ranchester,284,3
+forkland,810,2
+wainscott,297,0
+onaga,329,0
+ranchester,1073,0
+merom,139,1
+pomaria,599,12
+tolstoy,399,1
+tolstoy,963,2
+newfields,562,2
+leonardo,798,7
+hanson,557,3
+forkland,808,3
+leonardo,444,1
+marstons,1216,1
+wainscott,1226,3
+shelbyville,810,1
+hanson,1030,3
+lindenwood,1708,1
+marstons,204,13
+hanson,639,1
+leonardo,54,2
+lakeville,1747,5
+klickitat,1132,2
+tolstoy,427,2
+klickitat,1940,2
+beechwood,539,3
+woodbine,1066,3
+lindenwood,2647,5
+newfields,293,3
+klickitat,1118,0
+klickitat,2143,6
+hiteman,12,2
+pomaria,1427,19
+benevolence,209,3
+hanson,1102,9
+hanson,473,5
+marstons,252,7
+mifflinburg,38,0
+allensville,250,2
+newfields,72,2
+stockman,825,3
+coffeen,392,6
+leonardo,1969,3
+leonardo,683,1
+wainscott,123,7
+shelbyville,438,21
+woodbine,416,4
+ranchester,1508,13
+lakeville,651,0
+shelbyville,1871,11
+wainscott,109,2
+marstons,2141,7
+wainscott,1419,0
+klickitat,877,2
+leonardo,191,4
+leonardo,1999,8
+merom,453,2
+beechwood,199,2
+leonardo,786,6
+newfields,1529,8
+ranchester,1601,2
+cosmos,764,2
+hiteman,1094,1
+hiteman,1006,7
+leonardo,1076,7
+lindenwood,157,3
+klickitat,2113,6
+coffeen,560,1
+leonardo,1518,0
+marstons,506,3
+lindenwood,873,2
+woodbine,856,0
+lakeville,432,1
+lindenwood,1319,5
+lindenwood,653,6
+marstons,794,7
+woodbine,1413,6
+woodbine,772,5
+lindenwood,1763,5
+pomaria,1073,10
+shelbyville,2325,13
+shelbyville,1818,10
+pinesdale,229,1
+stockman,1529,2
+lakeville,1309,11
+klickitat,1777,10
+leonardo,1912,7
+beechwood,666,3
+stockman,600,3
+klickitat,880,6
+mifflinburg,114,2
+klickitat,1384,15
+stockman,262,3
+tolstoy,824,2
+woodbine,1225,6
+woodbine,208,2
+marstons,244,3
+leonardo,490,6
+marstons,1193,2
+shelbyville,496,0
+marstons,2539,6
+onaga,125,1
+merom,111,0
+newfields,1658,2
+wainscott,1555,3
+pinesdale,331,4
+hanson,1330,15
+klickitat,1653,1
+woodbine,1785,1
+hiteman,1592,1
+leonardo,113,1
+newfields,1325,8
+merom,586,1
+hanson,334,1
+wainscott,1202,6
+marstons,1036,0
+stockman,617,4
+mifflinburg,8,4
+shelbyville,512,3
+mifflinburg,79,10
+newfields,1109,14
+newfields,1071,2
+coffeen,445,1
+marstons,202,15
+mifflinburg,438,0
+hanson,1314,0
+klickitat,468,11
+onaga,139,3
+cosmos,499,2
+coffeen,780,4
+lindenwood,1151,1
+cosmos,666,9
+shelbyville,403,5
+hiteman,714,0
+lakeville,386,3
+lindenwood,139,2
+hiteman,325,1
+stockman,1090,3
+lakeville,840,4
+lakeville,1804,10
+klickitat,1885,5
+woodbine,704,5
+hanson,1545,2
+shelbyville,883,0
+pinesdale,1097,6
+lakeville,502,4
+pinesdale,873,2
+leonardo,2035,19
+beechwood,578,8
+lindenwood,2213,3
+lindenwood,1691,3
+ranchester,225,2
+ranchester,53,0
+leonardo,1520,2
+coffeen,345,5
+leonardo,282,1
+lakeville,1066,0
+newfields,985,3
+shelbyville,2398,4
+pomaria,771,0
+pinesdale,231,14
+lindenwood,844,2
+hiteman,1412,1
+wainscott,1644,10
+mifflinburg,789,0
+woodbine,35,2
+newfields,1024,2
+onaga,442,1
+cosmos,657,5
+ranchester,1285,2
+leonardo,341,3
+stockman,922,5
+stockman,1331,2
+lindenwood,234,4
+lakeville,540,4
+newfields,918,4
+marstons,570,10
+cosmos,219,6
+lakeville,278,1
+cosmos,288,2
+ranchester,345,5
+woodbine,167,4
+lakeville,1645,5
+lakeville,1869,4
+forkland,384,0
+tolstoy,1123,3
+tolstoy,1719,1
+stockman,448,3
+beechwood,904,3
+leonardo,388,1
+coffeen,609,4
+cosmos,247,3
+stockman,388,2
+lindenwood,383,2
+klickitat,763,2
+lindenwood,1669,1
+shelbyville,2396,3
+lindenwood,2586,1
+onaga,193,5
+klickitat,2218,7
+pinesdale,611,0
+cosmos,742,5
+klickitat,1384,0
+woodbine,522,1
+hiteman,1308,9
+lindenwood,1928,1
+pinesdale,914,2
+coffeen,662,2
+forkland,525,11
+coffeen,1166,2
+leonardo,1737,4
+lakeville,649,4
+woodbine,1533,6
+leonardo,1200,2
+shelbyville,1777,1
+mifflinburg,74,0
+pomaria,53,3
+pinesdale,541,3
+lakeville,939,2
+mifflinburg,953,5
+wainscott,1649,5
+ranchester,1478,2
+klickitat,2393,7
+marstons,1897,1
+tolstoy,1163,4
+lakeville,1043,4
+hanson,1462,4
+merom,404,1
+hanson,1606,6
+marstons,2401,7
+klickitat,633,4
+shelbyville,2447,2
+marstons,836,0
+lindenwood,508,5
+marstons,2365,3
+woodbine,1542,6
+ranchester,1585,0
+marstons,172,4
+klickitat,1474,12
+onaga,121,2
+stockman,1349,5
+stockman,1034,6
+tolstoy,1081,2
+leonardo,243,1
+hanson,1513,1
+lindenwood,1942,2
+ranchester,454,6
+newfields,610,9
+tolstoy,1499,4
+klickitat,95,1
+coffeen,861,4
+marstons,1252,1
+klickitat,1590,2
+shelbyville,1717,2
+shelbyville,695,9
+lindenwood,878,1
+newfields,20,4
+marstons,2163,4
+woodbine,1229,2
+newfields,1597,10
+shelbyville,2537,13
+lindenwood,1232,2
+shelbyville,1018,4
+forkland,164,2
+lindenwood,368,2
+onaga,634,2
+lakeville,1882,9
+klickitat,2131,6
+newfields,1497,5
+lakeville,248,3
+lindenwood,2481,1
+wainscott,160,2
+klickitat,1773,3
+ranchester,1461,1
+beechwood,1001,4
+allensville,133,5
+klickitat,524,4
+klickitat,1291,5
+shelbyville,2653,6
+hanson,1351,4
+newfields,1407,4
+ranchester,798,0
+newfields,998,1
+hanson,1278,2
+klickitat,1692,0
+marstons,1723,2
+newfields,958,0
+marstons,2000,13
+shelbyville,2819,9
+allensville,315,4
+cosmos,662,15
+lindenwood,1042,5
+hanson,225,2
+lakeville,117,1
+tolstoy,1597,1
+leonardo,473,1
+ranchester,270,2
+leonardo,844,0
+hanson,1555,10
+newfields,1639,3
+hanson,250,4
+beechwood,267,1
+shelbyville,2375,0
+newfields,1249,7
+merom,975,7
+cosmos,1074,3
+beechwood,397,4
+shelbyville,564,8
+pinesdale,193,3
+merom,1016,4
+shelbyville,2369,1
+lakeville,264,1
+leonardo,941,12
+wainscott,1599,13
+wainscott,191,6
+coffeen,309,0
+pomaria,1346,8
+forkland,167,1
+merom,433,4
+shelbyville,2267,1
+ranchester,1250,14
+klickitat,1309,4
+pinesdale,436,8
+shelbyville,782,4
+stockman,406,9
+mifflinburg,464,0
+woodbine,366,5
+lindenwood,50,0
+hiteman,1722,1
+newfields,579,5
+tolstoy,576,10
+tolstoy,1253,2
+klickitat,188,7
+newfields,630,8
+pinesdale,66,0
+marstons,2047,3
+lakeville,1477,1
+marstons,362,0
+lindenwood,2236,8
+shelbyville,303,2
+pinesdale,1,3
+marstons,1580,9
+leonardo,869,10
+shelbyville,96,0
+tolstoy,704,0
+forkland,626,4
+woodbine,144,6
+leonardo,1477,2
+leonardo,1951,3
+leonardo,1043,0
+tolstoy,1323,7
+lindenwood,369,3
+tolstoy,731,8
+marstons,583,2
+tolstoy,183,0
+lakeville,452,0
+ranchester,1196,0
+woodbine,1950,4
+woodbine,1311,1
+woodbine,616,7
+wainscott,1782,1
+shelbyville,1038,1
+beechwood,945,9
+shelbyville,1626,5
+leonardo,83,5
+tolstoy,937,3
+tolstoy,1173,0
+lakeville,284,4
+pomaria,762,2
+coffeen,198,2
+coffeen,1473,1
+shelbyville,1880,5
+klickitat,1612,8
+pomaria,1263,1
+beechwood,1173,0
+shelbyville,453,10
+lindenwood,152,1
+wainscott,758,10
+lindenwood,1127,3
+marstons,1475,5
+forkland,51,2
+hanson,802,1
+hanson,1316,8
+leonardo,872,0
+wainscott,1681,0
+hiteman,252,8
+lakeville,1883,1
+beechwood,457,3
+shelbyville,1626,2
+lakeville,697,1
+newfields,307,2
+lakeville,948,1
+leonardo,860,2
+benevolence,462,3
+shelbyville,2173,5
+shelbyville,1935,3
+klickitat,2160,3
+marstons,1851,0
+lakeville,1799,7
+lakeville,1614,7
+tolstoy,666,10
+tolstoy,1208,12
+lakeville,769,12
+woodbine,408,4
+woodbine,1982,0
+pinesdale,1278,4
+klickitat,1634,0
+woodbine,80,0
+merom,806,0
+forkland,506,5
+marstons,458,9
+tolstoy,170,1
+hiteman,1240,2
+klickitat,2241,4
+ranchester,1589,13
+marstons,1481,0
+woodbine,1018,6
+merom,58,5
+pinesdale,1120,6
+lakeville,388,5
+coffeen,598,5
+stockman,1568,7
+leonardo,1673,13
+shelbyville,754,1
+lindenwood,1447,0
+forkland,500,0
+leonardo,1931,13
+newfields,1507,4
+shelbyville,51,6
+leonardo,943,0
+newfields,805,6
+klickitat,1151,4
+forkland,164,0
+hanson,804,1
+lindenwood,1223,1
+stockman,350,1
+wainscott,1023,3
+newfields,181,1
+woodbine,1814,4
+klickitat,1237,1
+wainscott,1578,7
+forkland,122,2
+marstons,2284,3
+shelbyville,2222,3
+mifflinburg,956,4
+shelbyville,36,1
+marstons,320,11
+lindenwood,2011,3
+wainscott,170,5
+wainscott,840,3
+pomaria,1212,2
+wainscott,108,2
+mifflinburg,551,0
+beechwood,318,2
+coffeen,1061,3
+klickitat,694,5
+coffeen,1456,2
+shelbyville,675,10
+forkland,500,3
+ranchester,292,4
+newfields,906,3
+shelbyville,1686,5
+leonardo,1471,1
+marstons,307,1
+tolstoy,101,7
+lindenwood,805,0
+merom,600,0
+klickitat,571,12
+leonardo,1938,3
+newfields,1218,1
+onaga,344,7
+lindenwood,1269,1
+lindenwood,1905,7
+newfields,441,4
+tolstoy,988,3
+merom,315,1
+lakeville,979,0
+pomaria,384,1
+lakeville,691,11
+pomaria,1465,13
+forkland,942,5
+cosmos,709,5
+stockman,249,5
+tolstoy,344,6
+cosmos,765,1
+stockman,1461,8
+lindenwood,484,4
+stockman,1287,1
+ranchester,240,6
+shelbyville,2143,5
+hanson,1563,8
+tolstoy,1272,1
+lakeville,932,1
+merom,937,4
+onaga,480,2
+hanson,148,1
+coffeen,973,2
+klickitat,2,4
+ranchester,50,6
+klickitat,769,4
+shelbyville,538,2
+marstons,10,3
+beechwood,202,5
+lindenwood,1654,0
+shelbyville,711,4
+marstons,912,2
+marstons,229,3
+shelbyville,2133,0
+leonardo,1257,2
+hiteman,626,4
+marstons,1757,8
+newfields,946,0
+newfields,1558,3
+marstons,2646,3
+klickitat,1566,0
+forkland,678,5
+ranchester,1217,1
+wainscott,1314,3
+mifflinburg,345,0
+stockman,511,5
+coffeen,1454,0
+hiteman,613,3
+shelbyville,387,0
+allensville,83,0
+klickitat,2338,4
+lakeville,476,1
+mifflinburg,513,2
+shelbyville,223,2
+wainscott,1569,1
+marstons,1834,1
+tolstoy,1374,1
+shelbyville,336,1
+lakeville,303,2
+marstons,1432,6
+newfields,680,0
+tolstoy,294,7
+hiteman,1307,2
+wainscott,300,12
+ranchester,509,12
+tolstoy,236,4
+ranchester,217,0
+pinesdale,664,7
+tolstoy,1461,2
+marstons,1578,2
+pomaria,1112,0
+marstons,1719,0
+klickitat,895,5
+tolstoy,1031,6
+klickitat,720,3
+newfields,183,14
+coffeen,1407,6
+stockman,1301,0
+wainscott,1004,0
+klickitat,1384,7
+wainscott,1133,7
+lakeville,1108,6
+hiteman,709,4
+beechwood,19,4
+shelbyville,2544,10
+wainscott,1538,1
+klickitat,1811,1
+lakeville,422,4
+tolstoy,296,0
+shelbyville,1080,6
+merom,3,0
+lakeville,235,1
+leonardo,780,3
+cosmos,611,12
+marstons,1870,4
+lindenwood,33,1
+pinesdale,1313,6
+mifflinburg,47,2
+coffeen,620,1
+beechwood,267,2
+marstons,2411,6
+tolstoy,1163,3
+marstons,568,5
+lindenwood,158,4
+leonardo,960,3
+woodbine,1833,0
+shelbyville,1971,0
+klickitat,1955,3
+pomaria,1435,6
+ranchester,551,5
+leonardo,1869,12
+tolstoy,636,7
+woodbine,10,5
+ranchester,817,4
+merom,474,1
+shelbyville,879,2
+lindenwood,423,17
+klickitat,2291,1
+shelbyville,2047,2
+lakeville,1881,3
+marstons,1765,6
+wainscott,1128,8
+hanson,1105,1
+tolstoy,1118,0
+beechwood,595,1
+ranchester,121,5
+klickitat,148,18
+wainscott,1000,3
+allensville,120,1
+klickitat,601,3
+newfields,1383,1
+lakeville,811,12
+lakeville,820,0
+tolstoy,1403,3
+lindenwood,727,10
+marstons,529,14
+woodbine,9,6
+woodbine,1355,4
+lakeville,906,9
+lindenwood,24,1
+klickitat,8,6
+leonardo,2036,2
+tolstoy,413,8
+marstons,536,0
+lakeville,544,2
+newfields,1541,9
+pinesdale,1237,2
+benevolence,202,1
+pinesdale,929,8
+tolstoy,1626,4
+shelbyville,439,0
+marstons,2600,0
+tolstoy,656,2
+tolstoy,137,0
+leonardo,818,5
+beechwood,180,6
+marstons,2239,4
+pomaria,1660,4
+klickitat,389,16
+coffeen,1443,2
+lakeville,1353,6
+benevolence,872,4
+shelbyville,1199,5
+allensville,317,2
+tolstoy,52,3
+shelbyville,627,1
+marstons,1149,2
+newfields,1031,4
+ranchester,868,2
+lindenwood,182,8
+beechwood,952,2
+ranchester,1318,2
+forkland,948,2
+leonardo,73,8
+lakeville,851,7
+lakeville,1187,3
+shelbyville,74,0
+woodbine,91,4
+lindenwood,1047,3
+shelbyville,2475,2
+klickitat,417,9
+stockman,430,0
+leonardo,996,0
+shelbyville,1843,1
+hiteman,1701,4
+shelbyville,2055,6
+wainscott,1555,8
+lakeville,1494,1
+merom,1044,0
+allensville,359,1
+ranchester,1502,10
+leonardo,2096,1
+beechwood,170,1
+leonardo,1982,4
+newfields,328,2
+newfields,845,3
+hiteman,487,1
+marstons,2535,0
+lakeville,218,5
+wainscott,37,5
+ranchester,440,3
+cosmos,1079,7
+marstons,44,1
+stockman,1047,0
+ranchester,873,0
+leonardo,1931,10
+lakeville,59,15
+merom,611,3
+benevolence,53,9
+shelbyville,427,0
+pinesdale,822,2
+tolstoy,1132,0
+newfields,322,3
+ranchester,1580,8
+wainscott,1209,2
+shelbyville,803,1
+wainscott,1190,5
+marstons,1440,3
+wainscott,1259,12
+shelbyville,1190,0
+beechwood,423,8
+woodbine,1521,1
+hiteman,1325,1
+tolstoy,408,8
+newfields,24,1
+marstons,1640,4
+hanson,1388,9
+leonardo,1044,11
+woodbine,1850,1
+tolstoy,1214,1
+leonardo,1489,2
+hiteman,1520,4
+ranchester,206,6
+newfields,266,4
+leonardo,567,0
+pinesdale,746,2
+shelbyville,1185,0
+benevolence,599,1
+wainscott,374,14
+forkland,467,2
+ranchester,469,3
+beechwood,221,0
+mifflinburg,51,4
+pomaria,897,0
+klickitat,2299,3
+marstons,21,8
+coffeen,1486,0
+hanson,1237,6
+marstons,209,0
+beechwood,0,0
+tolstoy,368,3
+lindenwood,335,2
+hanson,1446,2
+pomaria,947,4
+wainscott,443,11
+woodbine,1040,2
+wainscott,463,7
+stockman,305,6
+pinesdale,435,1
+wainscott,1414,3
+pinesdale,1287,1
+shelbyville,1765,1
+lindenwood,1134,6
+cosmos,248,1
+lindenwood,3,0
+lindenwood,776,2
+pomaria,594,1
+lindenwood,171,0
+tolstoy,915,3
+leonardo,397,0
+lindenwood,1496,0
+lindenwood,1689,1
+wainscott,379,0
+klickitat,83,0
+pomaria,358,0
+pomaria,1638,5
+klickitat,445,0
+tolstoy,570,2
+klickitat,562,2
+newfields,876,2
+wainscott,1162,3
+forkland,772,4
+hiteman,614,2
+coffeen,1338,3
+merom,59,1
+marstons,885,0
+klickitat,1154,4
+hanson,1394,1
+wainscott,1775,3
+leonardo,1185,4
+klickitat,1559,10
+pinesdale,325,2
+tolstoy,1486,1
+mifflinburg,147,1
+merom,1042,1
+ranchester,185,10
+leonardo,1241,6
+onaga,379,1
+hanson,1430,0
+marstons,1987,0
+ranchester,216,12
+lindenwood,719,5
+leonardo,1691,4
+lakeville,1135,3
+newfields,96,0
+cosmos,148,2
+coffeen,1513,7
+marstons,2192,6
+marstons,2491,6
+lakeville,831,4
+woodbine,1877,14
+merom,346,6
+ranchester,836,1
+cosmos,792,1
+newfields,1604,0
+allensville,51,4
+benevolence,163,3
+leonardo,83,9
+klickitat,1419,1
+hanson,1337,4
+shelbyville,550,2
+coffeen,717,0
+tolstoy,1529,9
+pomaria,1175,15
+lindenwood,990,1
+onaga,73,2
+leonardo,484,3
+mifflinburg,588,0
+hanson,415,11
+tolstoy,1050,6
+lindenwood,878,4
+woodbine,2043,1
+allensville,347,9
+coffeen,481,7
+coffeen,1000,3
+hiteman,1323,16
+stockman,366,3
+lindenwood,2305,2
+shelbyville,2240,2
+pomaria,455,8
+leonardo,612,0
+hanson,593,7
+lakeville,1428,5
+benevolence,793,3
+stockman,554,6
+wainscott,1773,1
+lakeville,1602,1
+tolstoy,1398,2
+lakeville,190,2
+woodbine,1481,2
+pinesdale,883,9
+hiteman,2,9
+hanson,1062,1
+shelbyville,2714,9
+shelbyville,938,10
+merom,897,8
+hanson,425,4
+hanson,100,2
+klickitat,1479,1
+shelbyville,139,0
+hiteman,693,18
+pinesdale,946,3
+tolstoy,1650,1
+lakeville,1344,9
+shelbyville,1325,4
+pomaria,191,1
+klickitat,1849,8
+wainscott,293,0
+beechwood,742,0
+pomaria,989,3
+stockman,66,9
+pinesdale,1321,12
+lakeville,284,15
+pomaria,719,1
+lindenwood,1899,1
+marstons,616,0
+shelbyville,204,1
+klickitat,1778,9
+hiteman,1479,0
+hanson,229,8
+hanson,180,2
+pomaria,1661,4
+woodbine,1513,1
+forkland,956,4
+shelbyville,2321,10
+tolstoy,1290,15
+onaga,360,0
+wainscott,686,5
+pomaria,259,9
+ranchester,26,5
+pinesdale,19,3
+ranchester,293,1
+wainscott,1265,5
+lindenwood,1292,4
+tolstoy,900,0
+lindenwood,51,0
+shelbyville,761,3
+stockman,503,4
+stockman,477,4
+woodbine,1037,12
+hiteman,29,14
+hiteman,1730,1
+lakeville,951,2
+lindenwood,1653,7
+leonardo,787,0
+marstons,2149,4
+shelbyville,199,4
+pomaria,481,3
+hanson,815,0
+newfields,518,2
+pinesdale,1285,2
+ranchester,1596,0
+coffeen,639,5
+pomaria,1415,13
+stockman,277,1
+hiteman,1469,2
+allensville,326,5
+ranchester,847,3
+tolstoy,1339,4
+lindenwood,903,2
+newfields,603,6
+onaga,62,2
+shelbyville,1480,2
+tolstoy,1432,1
+benevolence,415,1
+lindenwood,2411,2
+tolstoy,1121,2
+lindenwood,97,3
+newfields,1341,3
+onaga,204,0
+ranchester,938,2
+pomaria,541,1
+merom,696,0
+klickitat,1257,7
+pomaria,1205,0
+hanson,832,3
+lindenwood,502,2
+marstons,574,2
+newfields,1401,5
+newfields,468,4
+marstons,303,1
+lindenwood,318,0
+marstons,934,8
+stockman,1612,3
+shelbyville,1096,1
+newfields,1380,3
+newfields,585,2
+tolstoy,709,12
+shelbyville,2368,10
+hanson,638,4
+shelbyville,2573,6
+stockman,720,4
+tolstoy,1047,5
+woodbine,452,1
+marstons,1542,1
+beechwood,486,4
+beechwood,603,2
+woodbine,908,0
+stockman,1199,5
+woodbine,1518,6
+shelbyville,674,5
+shelbyville,1072,0
+klickitat,62,0
+cosmos,1041,4
+merom,648,1
+hiteman,1556,8
+hiteman,1490,1
+coffeen,773,1
+hiteman,1498,0
+pinesdale,739,2
+lindenwood,2298,1
+pinesdale,955,9
+marstons,477,6
+marstons,2367,6
+lindenwood,2137,12
+hiteman,1195,8
+hanson,347,5
+hiteman,1773,2
+wainscott,972,15
+beechwood,336,3
+tolstoy,1232,8
+stockman,720,0
+wainscott,377,3
+beechwood,922,4
+beechwood,737,1
+lakeville,1151,8
+lakeville,849,0
+tolstoy,71,1
+tolstoy,1350,7
+woodbine,1143,2
+coffeen,879,0
+forkland,1193,8
+lindenwood,1977,7
+leonardo,1845,4
+klickitat,2326,8
+pomaria,842,6
+lakeville,1149,2
+pomaria,163,2
+hiteman,999,0
+stockman,1296,6
+stockman,967,1
+tolstoy,1070,2
+beechwood,1039,6
+shelbyville,87,0
+pinesdale,925,3
+allensville,264,4
+newfields,1016,3
+leonardo,704,2
+leonardo,1314,0
+ranchester,1381,1
+stockman,166,11
+shelbyville,2781,5
+leonardo,1326,6
+shelbyville,332,13
+merom,150,4
+shelbyville,2105,4
+woodbine,1501,5
+coffeen,543,3
+wainscott,838,3
+woodbine,713,10
+leonardo,26,3
+pinesdale,126,2
+klickitat,1484,0
+wainscott,720,0
+leonardo,231,15
+coffeen,1249,1
+tolstoy,1547,4
+newfields,96,7
+allensville,270,8
+tolstoy,1373,3
+marstons,2554,2
+pomaria,336,3
+merom,931,4
+marstons,1173,0
+hanson,553,6
+hiteman,1647,3
+woodbine,266,1
+woodbine,812,11
+klickitat,548,12
+klickitat,755,11
+pinesdale,1238,2
+cosmos,697,2
+allensville,110,0
+shelbyville,2658,0
+tolstoy,1264,4
+pomaria,661,3
+hanson,1379,4
+leonardo,518,0
+tolstoy,440,4
+marstons,1700,3
+lindenwood,1822,0
+lindenwood,685,14
+klickitat,1553,5
+lindenwood,2662,8
+leonardo,390,3
+tolstoy,977,14
+wainscott,595,0
+lindenwood,313,1
+pomaria,319,7
+lindenwood,607,5
+ranchester,806,0
+shelbyville,2663,9
+lindenwood,161,7
+pinesdale,1346,3
+shelbyville,806,7
+lakeville,458,4
+klickitat,0,1
+woodbine,118,14
+hiteman,32,7
+marstons,573,1
+lindenwood,2162,1
+wainscott,366,3
+cosmos,561,0
+forkland,703,2
+lakeville,444,3
+pomaria,1392,15
+klickitat,1949,6
+hiteman,1291,4
+leonardo,903,2
+hiteman,1332,4
+tolstoy,1779,7
+shelbyville,1824,2
+klickitat,1218,0
+beechwood,761,8
+benevolence,151,1
+tolstoy,1547,2
+newfields,419,14
+shelbyville,2797,5
+shelbyville,1615,5
+wainscott,329,2
+klickitat,2350,2
+beechwood,639,2
+wainscott,878,11
+newfields,1529,14
+coffeen,270,3
+coffeen,549,4
+hiteman,1616,2
+shelbyville,106,3
+pinesdale,1465,2
+marstons,2218,1
+shelbyville,2736,0
+lakeville,1688,3
+pomaria,456,3
+hanson,768,2
+leonardo,1825,1
+hiteman,547,3
+lakeville,1487,1
+wainscott,997,12
+leonardo,198,0
+leonardo,619,3
+hiteman,18,1
+stockman,470,14
+leonardo,2086,3
+pomaria,1049,0
+pomaria,258,2
+shelbyville,2290,0
+stockman,884,2
+benevolence,102,3
+shelbyville,1123,0
+ranchester,1376,0
+stockman,271,2
+stockman,1218,2
+wainscott,1060,0
+ranchester,1198,0
+woodbine,1313,8
+coffeen,1396,0
+coffeen,528,1
+newfields,1145,8
+klickitat,1950,4
+leonardo,252,9
+marstons,530,0
+marstons,2559,6
+shelbyville,2769,0
+lindenwood,2117,10
+coffeen,1145,1
+stockman,857,1
+shelbyville,894,1
+marstons,72,7
+leonardo,1310,1
+leonardo,629,2
+lindenwood,527,0
+shelbyville,147,3
+benevolence,513,1
+lakeville,1086,10
+lakeville,1749,4
+marstons,1188,4
+klickitat,575,0
+klickitat,1353,0
+woodbine,519,2
+klickitat,448,3
+shelbyville,2682,14
+stockman,503,1
+hanson,709,7
+hanson,1391,0
+benevolence,500,3
+benevolence,718,7
+hanson,461,7
+pomaria,35,15
+woodbine,110,4
+pomaria,822,1
+pomaria,515,4
+leonardo,1948,7
+beechwood,59,11
+ranchester,842,6
+lindenwood,1909,0
+shelbyville,2084,3
+klickitat,1719,0
+leonardo,1260,1
+wainscott,741,2
+woodbine,1849,6
+merom,496,0
+newfields,69,8
+pomaria,1566,3
+klickitat,2118,0
+shelbyville,2452,0
+klickitat,2413,12
+benevolence,494,7
+leonardo,1792,3
+pomaria,1042,3
+shelbyville,1201,2
+coffeen,175,3
+pomaria,129,11
+cosmos,110,1
+coffeen,1106,4
+lindenwood,2429,5
+woodbine,1824,1
+cosmos,984,0
+coffeen,1256,3
+lakeville,952,3
+pinesdale,579,3
+ranchester,576,3
+forkland,505,5
+tolstoy,213,2
+pomaria,871,5
+merom,633,0
+klickitat,1218,2
+forkland,138,0
+hanson,558,8
+lindenwood,631,1
+lakeville,1771,2
+newfields,1433,0
+woodbine,2054,6
+shelbyville,2150,13
+tolstoy,44,3
+pomaria,136,4
+klickitat,1659,4
+tolstoy,738,1
+shelbyville,812,11
+leonardo,316,10
+coffeen,1307,3
+hiteman,904,4
+leonardo,950,1
+newfields,1555,3
+woodbine,941,5
+lakeville,969,2
+ranchester,576,1
+lindenwood,574,3
+marstons,1698,16
+marstons,614,2
+onaga,596,4
+woodbine,1306,3
+lindenwood,1996,1
+merom,775,1
+pomaria,541,5
+shelbyville,2750,2
+woodbine,1707,12
+ranchester,897,3
+hanson,35,8
+leonardo,2034,11
+woodbine,1312,0
+marstons,815,2
+ranchester,1419,2
+hiteman,480,3
+shelbyville,953,10
+leonardo,932,15
+klickitat,1427,3
+klickitat,530,4
+ranchester,193,13
+ranchester,1513,0
+marstons,308,2
+klickitat,944,0
+lakeville,917,6
+lindenwood,1998,6
+shelbyville,2210,0
+coffeen,1046,5
+ranchester,837,18
+lindenwood,600,5
+ranchester,1069,0
+pinesdale,637,0
+lindenwood,1779,2
+marstons,648,5
+newfields,1297,3
+woodbine,1658,3
+hanson,786,2
+newfields,473,6
+tolstoy,1300,2
+onaga,234,0
+wainscott,346,0
+marstons,1052,2
+klickitat,605,3
+klickitat,1449,0
+woodbine,1247,5
+onaga,278,3
+hanson,545,7
+lindenwood,2677,9
+klickitat,2183,2
+onaga,224,8
+newfields,985,6
+shelbyville,1366,11
+pinesdale,930,0
+leonardo,675,1
+newfields,325,5
+wainscott,729,0
+klickitat,947,7
+pomaria,945,5
+shelbyville,218,4
+shelbyville,1532,2
+lindenwood,1847,1
+leonardo,1507,0
+lakeville,707,1
+allensville,402,0
+forkland,512,8
+lakeville,1117,6
+klickitat,1014,1
+hiteman,1150,1
+lindenwood,2644,5
+beechwood,608,2
+beechwood,653,1
+hiteman,1427,7
+leonardo,755,5
+hanson,984,6
+hiteman,1280,8
+lindenwood,2581,13
+mifflinburg,822,3
+marstons,82,4
+tolstoy,563,1
+newfields,608,3
+stockman,849,3
+mifflinburg,454,4
+pinesdale,783,5
+leonardo,1615,0
+shelbyville,1449,5
+klickitat,35,0
+ranchester,1153,3
+tolstoy,1575,2
+newfields,907,6
+shelbyville,1628,1
+coffeen,1096,2
+hanson,477,11
+cosmos,190,1
+stockman,559,0
+mifflinburg,788,3
+lakeville,1231,10
+pomaria,1258,8
+klickitat,1421,2
+coffeen,1516,0
+mifflinburg,503,2
+klickitat,2232,2
+coffeen,940,11
+beechwood,1032,1
+lakeville,1889,1
+wainscott,731,12
+leonardo,179,1
+marstons,15,2
+wainscott,953,7
+stockman,1581,9
+lindenwood,1477,0
+newfields,17,6
+leonardo,916,6
+woodbine,362,2
+wainscott,1203,8
+marstons,23,3
+newfields,949,2
+leonardo,579,8
+lakeville,543,4
+newfields,1369,3
+hanson,24,1
+pomaria,1326,11
+lindenwood,1876,5
+shelbyville,1229,2
+leonardo,1423,21
+wainscott,1227,6
+tolstoy,99,2
+lakeville,1593,3
+hiteman,614,8
+lindenwood,222,4
+ranchester,454,11
+wainscott,1203,6
+lakeville,1331,3
+leonardo,1888,1
+woodbine,1327,7
+lindenwood,2294,4
+shelbyville,2599,2
+tolstoy,398,2
+cosmos,372,6
+coffeen,911,10
+mifflinburg,815,0
+stockman,1167,2
+shelbyville,237,2
+forkland,878,6
+benevolence,895,2
+ranchester,182,6
+forkland,628,1
+lakeville,1629,3
+forkland,400,0
+beechwood,815,0
+marstons,204,12
+lindenwood,440,4
+leonardo,576,2
+mifflinburg,785,7
+onaga,222,0
+lakeville,1145,3
+klickitat,1927,4
+forkland,466,3
+marstons,2375,6
+lakeville,236,1
+benevolence,861,7
+cosmos,84,8
+klickitat,1565,4
+ranchester,548,5
+marstons,1236,0
+woodbine,22,0
+woodbine,1696,3
+mifflinburg,47,0
+lindenwood,1009,4
+beechwood,993,11
+klickitat,1302,0
+pomaria,699,1
+leonardo,1322,1
+klickitat,1249,3
+lakeville,1029,7
+newfields,1644,5
+ranchester,758,7
+hanson,783,6
+tolstoy,1099,3
+woodbine,1837,3
+forkland,88,6
+wainscott,619,1
+newfields,1404,4
+ranchester,315,3
+lakeville,415,9
+woodbine,283,1
+newfields,1385,1
+forkland,820,2
+coffeen,1428,1
+pinesdale,589,3
+woodbine,985,15
+lindenwood,421,4
+marstons,2190,9
+marstons,1005,1
+hiteman,467,1
+ranchester,1174,14
+pinesdale,376,5
+lakeville,1802,0
+woodbine,430,0
+woodbine,1193,0
+coffeen,86,1
+marstons,877,1
+stockman,574,5
+shelbyville,767,1
+forkland,990,0
+stockman,445,0
+marstons,2002,0
+cosmos,163,1
+forkland,261,1
+woodbine,1538,4
+lakeville,330,3
+merom,1006,0
+mifflinburg,413,4
+shelbyville,24,4
+beechwood,800,7
+pinesdale,1448,2
+merom,1056,7
+klickitat,41,2
+woodbine,18,8
+hiteman,753,2
+newfields,1405,7
+pinesdale,814,6
+klickitat,1800,4
+klickitat,2316,7
+mifflinburg,259,9
+newfields,124,8
+shelbyville,2499,9
+cosmos,123,7
+shelbyville,2638,2
+woodbine,789,1
+lakeville,879,0
+leonardo,857,3
+woodbine,356,0
+marstons,2248,3
+pomaria,1670,1
+pomaria,32,0
+ranchester,336,7
+hiteman,481,5
+benevolence,803,1
+newfields,900,2
+leonardo,826,9
+merom,241,5
+leonardo,617,0
+benevolence,211,1
+pinesdale,1169,6
+hanson,1252,6
+marstons,2335,8
+merom,437,1
+klickitat,774,8
+klickitat,973,4
+tolstoy,638,5
+hiteman,636,2
+woodbine,90,0
+pinesdale,100,3
+pinesdale,274,2
+lakeville,1729,5
+shelbyville,2257,0
+wainscott,1743,2
+marstons,1012,9
+marstons,1660,15
+klickitat,881,1
+pinesdale,298,6
+hanson,589,6
+lakeville,1896,3
+hanson,861,3
+klickitat,515,12
+stockman,1155,0
+newfields,1011,1
+hiteman,393,4
+klickitat,149,9
+mifflinburg,167,4
+newfields,781,0
+cosmos,997,2
+shelbyville,1735,8
+marstons,2029,7
+shelbyville,2790,6
+shelbyville,725,5
+newfields,412,0
+mifflinburg,5,2
+hanson,1298,1
+wainscott,962,5
+forkland,236,1
+beechwood,1088,5
+hiteman,1297,0
+woodbine,574,0
+lakeville,1543,5
+lakeville,1078,5
+ranchester,597,3
+forkland,25,6
+tolstoy,868,7
+hiteman,48,4
+pomaria,1485,6
+pinesdale,631,6
+klickitat,2144,2
+wainscott,92,8
+leonardo,1098,2
+merom,272,1
+wainscott,763,0
+hanson,60,16
+coffeen,0,5
+mifflinburg,151,1
+stockman,1125,2
+wainscott,1675,7
+ranchester,688,3
+shelbyville,2098,0
+forkland,364,7
+stockman,1534,2
+ranchester,1212,1
+klickitat,372,2
+forkland,454,1
+wainscott,271,11
+hanson,1475,4
+marstons,899,6
+stockman,360,6
+newfields,62,3
+newfields,66,0
+newfields,1122,5
+lindenwood,1110,0
+marstons,14,10
+lakeville,1232,9
+hanson,1579,6
+klickitat,695,9
+shelbyville,1730,1
+pinesdale,1216,5
+woodbine,1667,7
+marstons,47,1
+onaga,561,4
+hiteman,507,6
+ranchester,1448,2
+mifflinburg,193,1
+shelbyville,1015,4
+leonardo,170,5
+cosmos,203,0
+hiteman,1194,3
+wainscott,1605,12
+lakeville,1535,0
+beechwood,778,6
+hiteman,389,2
+pinesdale,1235,1
+wainscott,627,6
+ranchester,1324,5
+forkland,689,1
+wainscott,290,6
+shelbyville,1295,4
+marstons,374,5
+klickitat,695,11
+marstons,1559,1
+hanson,1437,2
+coffeen,203,0
+pomaria,1451,9
+marstons,115,1
+forkland,282,5
+wainscott,1255,0
+cosmos,374,5
+shelbyville,1939,0
+stockman,56,2
+leonardo,731,3
+klickitat,904,7
+shelbyville,1206,7
+wainscott,307,2
+tolstoy,1428,1
+klickitat,1747,0
+lindenwood,1454,3
+ranchester,1123,3
+coffeen,807,2
+wainscott,593,4
+mifflinburg,914,9
+woodbine,1102,6
+klickitat,1606,6
+wainscott,1002,4
+pomaria,1082,11
+allensville,20,0
+klickitat,1985,2
+hanson,914,0
+pinesdale,1152,2
+pinesdale,112,5
+newfields,1523,3
+lakeville,1799,0
+beechwood,331,2
+marstons,2600,4
+coffeen,380,3
+marstons,2025,3
+lindenwood,2213,11
+pinesdale,1260,4
+woodbine,1166,2
+marstons,1144,2
+tolstoy,1242,0
+wainscott,582,7
+pinesdale,1146,7
+klickitat,2159,7
+wainscott,1403,1
+shelbyville,711,14
+lakeville,1827,4
+ranchester,1008,6
+klickitat,996,2
+lindenwood,17,8
+cosmos,142,4
+klickitat,115,13
+lindenwood,1853,0
+forkland,10,3
+hiteman,737,2
+lindenwood,1625,9
+stockman,582,3
+marstons,930,2
+lakeville,1112,3
+wainscott,133,4
+klickitat,2016,3
+newfields,854,3
+lindenwood,49,0
+klickitat,1728,0
+lakeville,1298,1
+lindenwood,949,1
+leonardo,1815,1
+lindenwood,1692,1
+shelbyville,1962,5
+shelbyville,806,8
+lindenwood,1616,0
+allensville,268,3
+lakeville,1221,0
+shelbyville,2173,4
+hiteman,12,4
+lakeville,157,4
+wainscott,574,3
+lakeville,1194,0
+klickitat,374,9
+woodbine,1704,3
+ranchester,1543,0
+lindenwood,1915,1
+pinesdale,126,4
+tolstoy,857,4
+beechwood,255,0
+newfields,608,1
+shelbyville,463,3
+tolstoy,1539,0
+hiteman,1687,7
+woodbine,167,0
+hiteman,1016,2
+klickitat,206,3
+pinesdale,608,1
+pomaria,478,12
+shelbyville,1342,2
+hiteman,1413,2
+pinesdale,509,0
+shelbyville,1396,7
+lindenwood,2227,0
+wainscott,921,0
+lakeville,1017,4
+shelbyville,2143,0
+pomaria,1494,0
+lindenwood,410,0
+lakeville,836,1
+hanson,1640,3
+hiteman,738,4
+marstons,1577,11
+coffeen,232,2
+shelbyville,1055,9
+lakeville,669,1
+hiteman,871,3
+woodbine,21,13
+newfields,715,5
+stockman,1158,0
+newfields,628,0
+wainscott,1039,11
+woodbine,85,5
+mifflinburg,36,4
+hanson,1170,17
+mifflinburg,324,0
+wainscott,294,3
+woodbine,507,8
+pomaria,140,2
+pinesdale,1155,0
+shelbyville,2334,10
+lakeville,811,15
+pinesdale,535,0
+allensville,433,3
+ranchester,94,12
+tolstoy,1240,5
+hanson,1362,1
+pomaria,1216,1
+mifflinburg,742,10
+wainscott,65,0
+merom,955,8
+lakeville,384,3
+lindenwood,950,0
+leonardo,1228,3
+lakeville,1355,6
+hanson,217,9
+benevolence,582,1
+pinesdale,724,8
+allensville,97,1
+shelbyville,88,4
+stockman,966,4
+pinesdale,182,0
+lindenwood,1288,5
+woodbine,1593,0
+wainscott,1219,1
+stockman,1556,1
+pinesdale,897,5
+shelbyville,1868,0
+cosmos,379,5
+hanson,1461,11
+coffeen,802,0
+marstons,2604,4
+klickitat,562,3
+newfields,432,0
+shelbyville,1373,2
+newfields,1015,0
+marstons,835,10
+lindenwood,582,0
+marstons,648,9
+lakeville,1790,3
+tolstoy,619,5
+hiteman,1693,3
+forkland,456,2
+hanson,1526,1
+wainscott,409,9
+klickitat,1272,0
+cosmos,461,3
+leonardo,659,9
+ranchester,596,7
+newfields,1474,0
+woodbine,89,7
+newfields,749,2
+marstons,1302,0
+forkland,593,0
+pinesdale,69,10
+pomaria,542,12
+wainscott,985,9
+hanson,369,4
+woodbine,310,10
+ranchester,718,0
+klickitat,239,1
+forkland,720,1
+pinesdale,370,3
+hiteman,1229,0
+stockman,518,2
+lakeville,743,3
+lindenwood,255,15
+marstons,2189,0
+newfields,3,0
+merom,440,3
+wainscott,738,11
+woodbine,487,11
+marstons,883,3
+pomaria,583,8
+shelbyville,1547,3
+hiteman,597,0
+tolstoy,1409,0
+coffeen,519,0
+woodbine,1105,8
+leonardo,2097,7
+tolstoy,583,6
+cosmos,441,0
+lindenwood,2472,0
+lindenwood,2646,1
+lakeville,866,8
+newfields,545,15
+cosmos,144,4
+marstons,1071,2
+leonardo,122,0
+woodbine,503,6
+forkland,311,0
+woodbine,674,3
+hiteman,545,1
+newfields,1295,6
+beechwood,779,1
+lakeville,862,0
+klickitat,298,3
+pomaria,1147,3
+woodbine,1258,2
+klickitat,888,6
+newfields,989,7
+lindenwood,2008,0
+stockman,705,0
+pomaria,284,3
+klickitat,961,2
+hanson,762,3
+newfields,162,4
+stockman,1236,1
+tolstoy,290,12
+marstons,572,1
+leonardo,957,7
+klickitat,1017,2
+cosmos,683,4
+marstons,1869,9
+marstons,1042,3
+forkland,871,12
+marstons,2371,0
+leonardo,1249,2
+beechwood,585,1
+lindenwood,1320,4
+cosmos,266,2
+merom,750,4
+marstons,2565,12
+cosmos,304,0
+beechwood,532,0
+forkland,974,9
+newfields,655,2
+merom,950,0
+leonardo,851,10
+lakeville,1153,5
+hiteman,1717,11
+newfields,499,1
+pomaria,1539,0
+tolstoy,608,5
+hanson,419,1
+benevolence,658,9
+woodbine,150,6
+beechwood,1094,0
+leonardo,942,2
+pomaria,560,1
+klickitat,982,1
+coffeen,209,0
+ranchester,287,0
+newfields,661,2
+lindenwood,2535,3
+ranchester,46,8
+tolstoy,1758,12
+mifflinburg,523,3
+woodbine,123,4
+wainscott,947,0
+lakeville,190,4
+tolstoy,878,0
+merom,779,3
+lindenwood,593,1
+newfields,576,2
+newfields,1002,8
+cosmos,455,8
+klickitat,61,1
+stockman,614,4
+merom,490,2
+pinesdale,1255,0
+stockman,279,2
+newfields,1565,4
+marstons,1001,1
+woodbine,269,4
+pomaria,1371,5
+mifflinburg,163,7
+lindenwood,560,10
+benevolence,658,8
+newfields,1291,1
+lindenwood,2109,8
+shelbyville,1220,5
+marstons,242,5
+lakeville,68,10
+hanson,454,0
+hiteman,414,8
+hiteman,509,0
+pomaria,964,4
+merom,271,2
+tolstoy,1822,13
+leonardo,1304,1
+newfields,177,0
+marstons,1118,2
+pomaria,1548,1
+lindenwood,2589,0
+marstons,468,2
+hiteman,1004,1
+pinesdale,1078,1
+woodbine,1551,6
+shelbyville,1888,9
+leonardo,2023,3
+marstons,893,0
+tolstoy,1189,6
+marstons,1101,1
+lindenwood,217,0
+allensville,305,1
+hanson,1620,0
+ranchester,1638,0
+coffeen,685,3
+ranchester,1620,4
+woodbine,510,11
+hanson,638,2
+marstons,2240,1
+wainscott,931,1
+woodbine,658,6
+klickitat,938,2
+beechwood,677,3
+stockman,985,0
+tolstoy,1050,13
+tolstoy,420,12
+pinesdale,219,1
+marstons,54,8
+pomaria,1442,9
+leonardo,1057,2
+lindenwood,126,1
+pomaria,1641,1
+lakeville,1412,9
+lindenwood,1289,5
+onaga,11,1
+lakeville,1731,6
+marstons,548,10
+wainscott,1743,6
+lindenwood,516,2
+coffeen,69,1
+cosmos,5,4
+ranchester,402,3
+shelbyville,148,0
+pomaria,450,0
+cosmos,236,0
+tolstoy,1769,8
+woodbine,76,3
+shelbyville,1750,2
+stockman,312,4
+lindenwood,2350,2
+stockman,604,0
+woodbine,706,0
+pinesdale,1030,6
+shelbyville,501,6
+tolstoy,56,7
+tolstoy,554,1
+marstons,1390,4
+hanson,721,1
+tolstoy,1379,2
+stockman,420,4
+wainscott,166,5
+newfields,1284,3
+woodbine,77,3
+tolstoy,1167,14
+cosmos,903,8
+pinesdale,1113,3
+woodbine,1443,3
+lakeville,343,3
+lindenwood,1927,2
+klickitat,1240,6
+lakeville,876,10
+shelbyville,2175,3
+newfields,739,4
+lakeville,1490,4
+beechwood,951,4
+marstons,2073,4
+hanson,133,0
+klickitat,856,6
+merom,229,4
+wainscott,225,0
+klickitat,1697,2
+coffeen,570,0
+lindenwood,1481,2
+lindenwood,572,13
+allensville,305,5
+lindenwood,373,2
+klickitat,1063,1
+lakeville,111,6
+pomaria,1305,5
+forkland,1029,8
+lakeville,433,1
+tolstoy,1692,2
+lindenwood,305,1
+wainscott,559,1
+benevolence,15,1
+tolstoy,76,0
+coffeen,647,2
+pinesdale,613,6
+leonardo,521,3
+stockman,504,0
+hiteman,1450,5
+shelbyville,1712,0
+wainscott,913,3
+pomaria,1138,1
+klickitat,1166,2
+merom,424,3
+shelbyville,1861,1
+newfields,46,3
+pinesdale,1023,4
+wainscott,228,0
+lindenwood,1521,2
+hanson,1589,0
+allensville,102,2
+newfields,1026,4
+lindenwood,1731,2
+shelbyville,2509,3
+lakeville,247,9
+woodbine,1116,7
+hanson,1629,1
+lindenwood,1302,9
+lakeville,1767,0
+stockman,1110,1
+lakeville,947,1
+beechwood,1153,5
+tolstoy,258,0
+tolstoy,919,2
+shelbyville,477,6
+leonardo,369,1
+tolstoy,1255,10
+leonardo,974,1
+forkland,560,1
+coffeen,1510,9
+klickitat,2068,13
+cosmos,553,5
+allensville,119,3
+wainscott,51,3
+wainscott,736,9
+coffeen,835,0
+marstons,1416,1
+tolstoy,535,9
+ranchester,1413,0
+mifflinburg,589,2
+newfields,763,14
+benevolence,823,11
+marstons,2567,2
+hanson,1394,6
+lakeville,1461,7
+tolstoy,1728,5
+hiteman,762,3
+woodbine,42,0
+pomaria,630,2
+cosmos,624,0
+woodbine,1489,3
+newfields,592,5
+lakeville,391,6
+lindenwood,599,1
+leonardo,89,1
+forkland,123,1
+woodbine,691,13
+ranchester,520,0
+hanson,1488,2
+allensville,266,5
+marstons,224,0
+klickitat,1621,0
+ranchester,552,4
+lakeville,1431,0
+lakeville,86,9
+merom,389,3
+lindenwood,2275,5
+shelbyville,2305,0
+woodbine,1452,2
+hanson,682,2
+lindenwood,1527,3
+coffeen,1213,2
+merom,219,1
+pinesdale,738,0
+benevolence,866,2
+lindenwood,1231,0
+pomaria,944,3
+tolstoy,331,1
+hiteman,1604,1
+woodbine,1926,2
+benevolence,204,7
+hanson,142,10
+ranchester,1390,11
+hanson,1572,3
+ranchester,358,0
+wainscott,731,3
+klickitat,2160,4
+coffeen,1236,4
+leonardo,965,5
+lakeville,246,2
+lindenwood,840,4
+pinesdale,973,1
+lindenwood,1048,6
+pomaria,705,1
+pinesdale,431,9
+lindenwood,188,0
+tolstoy,1541,0
+coffeen,813,1
+cosmos,896,2
+shelbyville,2803,9
+ranchester,58,17
+marstons,2411,9
+marstons,1300,2
+newfields,752,5
+woodbine,94,6
+pomaria,1609,0
+klickitat,473,2
+klickitat,1483,0
+hiteman,518,1
+newfields,714,1
+stockman,4,8
+lakeville,1259,2
+shelbyville,2111,2
+newfields,1025,3
+woodbine,886,7
+pomaria,355,4
+lindenwood,1595,3
+shelbyville,280,7
+marstons,1646,8
+woodbine,1820,0
+shelbyville,1370,2
+lindenwood,101,8
+merom,885,0
+forkland,21,2
+forkland,693,0
+klickitat,1588,3
+coffeen,842,3
+shelbyville,226,0
+newfields,150,6
+marstons,2207,16
+tolstoy,1765,3
+lindenwood,2489,1
+klickitat,846,3
+ranchester,1477,2
+marstons,347,3
+merom,410,0
+shelbyville,142,6
+shelbyville,1624,0
+marstons,2496,2
+merom,303,5
+wainscott,525,1
+lakeville,332,5
+hanson,827,7
+hanson,1519,3
+mifflinburg,421,3
+forkland,356,1
+hanson,682,4
+lindenwood,1744,1
+woodbine,1378,6
+hanson,710,2
+lindenwood,2381,1
+hiteman,1104,7
+merom,1051,2
+leonardo,252,0
+newfields,888,1
+marstons,1148,1
+wainscott,548,1
+marstons,932,0
+tolstoy,1285,4
+pomaria,402,2
+coffeen,1179,2
+marstons,1190,6
+wainscott,1209,1
+hanson,169,1
+pinesdale,698,4
+woodbine,229,0
+woodbine,1758,0
+mifflinburg,154,0
+lakeville,288,0
+hanson,157,0
+klickitat,340,4
+klickitat,534,6
+pinesdale,864,4
+lindenwood,1892,3
+wainscott,912,5
+coffeen,1178,4
+forkland,530,5
+pomaria,32,6
+beechwood,672,7
+klickitat,1588,5
+merom,125,2
+marstons,1764,4
+hanson,257,2
+lindenwood,965,4
+tolstoy,1638,4
+woodbine,1923,12
+lakeville,1863,7
+klickitat,341,3
+leonardo,991,1
+ranchester,1396,2
+ranchester,592,13
+woodbine,620,6
+hiteman,1744,0
+lindenwood,948,8
+hiteman,844,3
+beechwood,406,2
+hanson,352,10
+klickitat,1328,6
+newfields,658,9
+beechwood,169,0
+shelbyville,1142,2
+ranchester,926,7
+lakeville,308,5
+leonardo,882,1
+wainscott,862,12
+pomaria,350,7
+shelbyville,1772,10
+lakeville,1017,5
+lakeville,1711,7
+shelbyville,2596,0
+pomaria,1470,5
+tolstoy,1779,5
+wainscott,1391,6
+woodbine,590,2
+pomaria,893,0
+onaga,293,8
+pomaria,822,0
+ranchester,69,4
+marstons,425,2
+tolstoy,94,5
+cosmos,1070,1
+marstons,38,0
+coffeen,484,6
+lindenwood,2675,6
+ranchester,153,4
+ranchester,331,2
+ranchester,1141,2
+pomaria,365,0
+woodbine,772,4
+pomaria,984,6
+coffeen,1112,1
+shelbyville,2341,2
+benevolence,843,3
+shelbyville,2013,2
+pomaria,1251,0
+marstons,165,4
+coffeen,899,2
+leonardo,520,1
+lindenwood,1108,10
+benevolence,626,3
+klickitat,436,2
+benevolence,178,2
+lakeville,1763,1
+leonardo,1924,2
+forkland,14,0
+beechwood,64,1
+mifflinburg,736,1
+wainscott,1166,15
+shelbyville,2038,1
+wainscott,904,0
+pomaria,904,9
+lindenwood,1212,5
+leonardo,418,4
+stockman,224,0
+mifflinburg,471,0
+wainscott,373,2
+leonardo,2061,4
+lindenwood,1298,0
+shelbyville,2684,4
+stockman,1193,4
+merom,42,2
+forkland,537,2
+cosmos,842,2
+woodbine,1623,0
+woodbine,1672,15
+allensville,141,6
+coffeen,1066,0
+lindenwood,1812,3
+hanson,873,1
+pomaria,319,12
+ranchester,221,7
+beechwood,413,0
+allensville,483,3
+pomaria,1337,5
+lindenwood,426,6
+shelbyville,2169,5
+marstons,368,6
+wainscott,961,5
+cosmos,235,5
+lakeville,525,5
+klickitat,1262,6
+ranchester,1246,1
+wainscott,1496,2
+newfields,1022,0
+lindenwood,2425,0
+pomaria,635,2
+shelbyville,1310,1
+woodbine,781,1
+shelbyville,1320,8
+klickitat,1691,0
+wainscott,1294,5
+lakeville,697,0
+pinesdale,207,2
+coffeen,797,7
+leonardo,2089,1
+pomaria,1111,1
+klickitat,970,2
+coffeen,1417,2
+shelbyville,2669,2
+shelbyville,164,5
+woodbine,399,3
+shelbyville,126,3
+tolstoy,101,16
+marstons,1375,3
+pomaria,563,3
+pinesdale,294,8
+newfields,103,2
+shelbyville,810,0
+pomaria,317,12
+wainscott,735,8
+lakeville,793,2
+coffeen,1270,4
+klickitat,1030,7
+woodbine,108,0
+klickitat,118,7
+marstons,1392,6
+klickitat,2220,3
+newfields,1013,2
+mifflinburg,580,0
+coffeen,1419,11
+pinesdale,29,9
+ranchester,1361,2
+klickitat,990,3
+pomaria,549,2
+cosmos,983,0
+ranchester,611,8
+hiteman,672,8
+hanson,843,0
+ranchester,1615,2
+klickitat,696,11
+marstons,1710,12
+pomaria,1614,4
+marstons,559,1
+hanson,1495,13
+stockman,1003,1
+leonardo,4,4
+marstons,2608,10
+klickitat,12,5
+stockman,353,9
+woodbine,919,3
+hanson,499,5
+hanson,981,6
+shelbyville,305,0
+hanson,147,0
+shelbyville,183,1
+lindenwood,1850,1
+onaga,305,0
+hanson,387,3
+hiteman,626,3
+tolstoy,1745,0
+lindenwood,2005,4
+hiteman,311,6
+coffeen,1356,1
+ranchester,1500,3
+stockman,1164,1
+klickitat,1886,2
+ranchester,260,0
+newfields,750,4
+lindenwood,2100,2
+tolstoy,1668,6
+forkland,124,8
+ranchester,337,0
+marstons,456,0
+marstons,2397,2
+newfields,812,15
+benevolence,334,2
+tolstoy,1107,9
+stockman,309,4
+hanson,1592,3
+leonardo,1700,2
+lakeville,1804,1
+hanson,368,18
+marstons,2443,13
+lakeville,1131,1
+hiteman,858,6
+forkland,85,3
+pinesdale,1258,5
+newfields,1538,1
+shelbyville,2425,1
+shelbyville,2297,3
+leonardo,2108,9
+lakeville,1626,1
+stockman,378,1
+beechwood,550,5
+pomaria,615,4
+onaga,444,3
+pinesdale,10,6
+pinesdale,761,6
+marstons,1272,1
+marstons,2178,3
+marstons,1336,6
+forkland,676,10
+pinesdale,1315,2
+tolstoy,1805,1
+klickitat,1560,0
+ranchester,1348,3
+beechwood,569,0
+lindenwood,1340,4
+marstons,729,4
+shelbyville,974,5
+leonardo,268,19
+hiteman,949,4
+lakeville,837,3
+pomaria,1073,3
+beechwood,1156,8
+lindenwood,244,2
+lakeville,1803,1
+beechwood,913,4
+wainscott,838,10
+hanson,673,11
+tolstoy,872,2
+pinesdale,859,0
+tolstoy,416,1
+klickitat,2120,1
+tolstoy,1444,12
+hiteman,1668,2
+newfields,532,15
+ranchester,998,2
+marstons,877,4
+lakeville,106,10
+leonardo,1139,23
+hiteman,297,5
+klickitat,1192,6
+lakeville,575,3
+wainscott,452,2
+wainscott,1221,7
+tolstoy,1689,17
+shelbyville,1217,1
+lakeville,927,14
+lakeville,748,3
+marstons,2547,4
+marstons,269,7
+hanson,54,12
+woodbine,1943,1
+leonardo,555,10
+wainscott,668,2
+klickitat,1643,1
+leonardo,2111,2
+klickitat,1151,5
+lindenwood,1251,4
+woodbine,751,3
+klickitat,274,0
+shelbyville,2639,0
+ranchester,793,3
+benevolence,663,11
+pomaria,1211,3
+coffeen,215,2
+hiteman,113,0
+marstons,1266,4
+marstons,2172,7
+pomaria,506,2
+tolstoy,668,12
+forkland,322,2
+marstons,2395,2
+klickitat,620,5
+woodbine,1342,2
+pinesdale,762,2
+klickitat,365,10
+lakeville,1160,3
+beechwood,930,10
+ranchester,1389,3
+tolstoy,400,4
+hiteman,293,3
+tolstoy,1801,12
+newfields,1163,2
+beechwood,1007,2
+hiteman,721,0
+lindenwood,528,10
+leonardo,1748,4
+marstons,2448,4
+pomaria,1639,1
+coffeen,1033,6
+shelbyville,857,7
+tolstoy,1293,4
+pomaria,692,0
+klickitat,143,4
+lakeville,1492,4
+stockman,745,5
+tolstoy,887,4
+lindenwood,1651,7
+tolstoy,1164,8
+pomaria,1055,5
+pomaria,1238,2
+newfields,902,2
+tolstoy,1784,2
+marstons,1620,3
+lakeville,662,0
+cosmos,99,2
+lindenwood,1311,5
+shelbyville,806,2
+klickitat,586,4
+klickitat,2129,5
+klickitat,1157,1
+lindenwood,2594,3
+coffeen,464,2
+coffeen,1114,1
+klickitat,1179,5
+tolstoy,579,2
+lindenwood,2240,2
+allensville,0,1
+wainscott,870,0
+lakeville,1626,0
+tolstoy,1544,1
+forkland,944,1
+ranchester,352,3
+pomaria,56,4
+beechwood,170,2
+klickitat,1291,3
+lakeville,1455,7
+pomaria,163,3
+newfields,506,5
+pomaria,564,3
+lindenwood,1182,8
+klickitat,495,7
+leonardo,1207,5
+woodbine,741,0
+shelbyville,1735,6
+tolstoy,747,3
+lakeville,251,10
+marstons,1556,4
+leonardo,971,8
+shelbyville,254,8
+hiteman,282,3
+marstons,2366,6
+ranchester,623,1
+cosmos,858,2
+klickitat,74,21
+leonardo,1777,4
+pomaria,269,0
+hanson,1264,6
+marstons,807,2
+stockman,418,1
+newfields,320,2
+pinesdale,102,2
+klickitat,1670,2
+newfields,1229,1
+klickitat,2198,0
+pomaria,440,5
+benevolence,719,2
+marstons,1594,3
+shelbyville,2432,11
+coffeen,1173,6
+tolstoy,1780,4
+pomaria,1093,5
+lakeville,1571,6
+klickitat,370,1
+woodbine,135,5
+tolstoy,1270,2
+ranchester,586,2
+shelbyville,2670,7
+forkland,959,0
+coffeen,226,3
+hiteman,518,7
+newfields,784,0
+klickitat,420,6
+ranchester,712,2
+shelbyville,1268,5
+tolstoy,834,2
+klickitat,1959,0
+leonardo,1283,10
+beechwood,968,0
+lakeville,82,1
+lindenwood,171,9
+lakeville,1049,5
+lakeville,171,5
+klickitat,1380,3
+marstons,1461,1
+onaga,48,3
+klickitat,1192,5
+lindenwood,2587,1
+pomaria,536,1
+shelbyville,2379,9
+shelbyville,1790,11
+wainscott,1643,6
+hanson,1352,7
+newfields,637,6
+wainscott,388,4
+klickitat,869,8
+hiteman,1162,6
+merom,418,0
+mifflinburg,517,3
+newfields,1657,5
+hanson,1437,7
+forkland,488,1
+allensville,37,1
+woodbine,1430,5
+merom,674,6
+hiteman,931,2
+forkland,1070,6
+lakeville,1516,13
+wainscott,329,3
+lindenwood,98,12
+marstons,471,7
+lakeville,133,0
+allensville,474,0
+hanson,563,3
+lakeville,348,12
+ranchester,109,10
+shelbyville,66,2
+merom,558,0
+hanson,1331,4
+lindenwood,1850,7
+woodbine,1346,1
+woodbine,1473,0
+klickitat,442,2
+tolstoy,108,0
+shelbyville,1942,3
+newfields,657,10
+tolstoy,951,0
+woodbine,1122,1
+hanson,510,3
+pomaria,861,3
+shelbyville,2481,2
+lakeville,332,0
+leonardo,268,3
+klickitat,2042,2
+shelbyville,2308,0
+leonardo,2092,0
+lakeville,488,6
+stockman,287,11
+hanson,1542,2
+hiteman,792,4
+pinesdale,128,0
+beechwood,46,0
+marstons,2159,5
+woodbine,824,6
+hanson,329,0
+lakeville,935,0
+tolstoy,1821,11
+cosmos,93,9
+tolstoy,252,3
+lindenwood,2097,4
+klickitat,92,1
+forkland,979,0
+woodbine,1311,14
+ranchester,684,1
+shelbyville,1039,6
+lakeville,1248,7
+klickitat,1555,10
+forkland,729,0
+tolstoy,1531,0
+wainscott,631,2
+lakeville,1768,0
+shelbyville,2434,8
+beechwood,55,4
+shelbyville,441,10
+leonardo,1549,8
+beechwood,650,9
+stockman,975,6
+marstons,1212,4
+coffeen,232,5
+pomaria,78,9
+cosmos,552,2
+mifflinburg,355,5
+forkland,645,5
+woodbine,1333,10
+klickitat,1372,1
+lindenwood,58,0
+lindenwood,1104,12
+stockman,455,10
+marstons,1026,2
+beechwood,557,6
+klickitat,82,2
+leonardo,794,10
+cosmos,4,2
+pomaria,1665,0
+hanson,1083,9
+hiteman,518,9
+klickitat,1907,0
+shelbyville,60,2
+leonardo,1666,3
+lindenwood,1586,1
+klickitat,919,3
+tolstoy,475,3
+ranchester,187,1
+shelbyville,180,8
+woodbine,569,0
+tolstoy,1658,0
+newfields,636,17
+lindenwood,1742,0
+coffeen,1415,2
+newfields,848,3
+forkland,978,0
+forkland,774,1
+mifflinburg,622,3
+ranchester,1057,2
+forkland,342,0
+marstons,1057,11
+wainscott,1337,4
+coffeen,922,3
+lakeville,1897,6
+marstons,2026,3
+marstons,2488,10
+lindenwood,2473,4
+mifflinburg,621,1
+shelbyville,326,1
+lakeville,1366,3
+woodbine,833,4
+shelbyville,2721,3
+hiteman,1395,0
+hanson,677,6
+wainscott,1713,5
+beechwood,190,4
+lakeville,801,5
+shelbyville,2677,0
+leonardo,2098,1
+coffeen,917,1
+lindenwood,2552,1
+coffeen,805,2
+cosmos,939,10
+mifflinburg,926,2
+ranchester,1623,3
+pomaria,96,2
+klickitat,538,4
+coffeen,1105,0
+lakeville,414,3
+cosmos,808,8
+lindenwood,558,7
+onaga,630,1
+tolstoy,256,4
+lindenwood,746,0
+cosmos,389,7
+pinesdale,1366,1
+stockman,1231,3
+klickitat,763,1
+leonardo,1892,1
+klickitat,2379,3
+leonardo,1381,6
+stockman,306,7
+pinesdale,132,4
+tolstoy,1392,3
+ranchester,1288,2
+hiteman,1493,6
+marstons,2399,10
+shelbyville,2773,0
+wainscott,1774,8
+klickitat,537,15
+newfields,761,0
+klickitat,1845,10
+klickitat,2376,0
+wainscott,1643,3
+pinesdale,1059,4
+leonardo,683,3
+leonardo,97,4
+lakeville,1752,5
+stockman,284,0
+ranchester,1496,4
+beechwood,168,1
+klickitat,1210,4
+woodbine,682,7
+shelbyville,981,2
+coffeen,46,3
+hanson,1597,8
+lakeville,1444,16
+lindenwood,244,7
+mifflinburg,198,1
+stockman,1547,7
+wainscott,598,7
+newfields,834,8
+marstons,1660,8
+allensville,125,2
+lindenwood,936,2
+merom,86,1
+woodbine,738,5
+klickitat,1958,7
+ranchester,303,11
+pomaria,1398,2
+benevolence,374,1
+stockman,1082,0
+pomaria,0,8
+beechwood,885,2
+hanson,1584,1
+leonardo,1761,3
+cosmos,339,1
+onaga,584,3
+woodbine,397,1
+mifflinburg,228,5
+wainscott,145,1
+coffeen,846,2
+tolstoy,855,5
+coffeen,1265,0
+lakeville,1585,2
+tolstoy,1526,6
+tolstoy,892,9
+ranchester,462,4
+newfields,1653,2
+newfields,164,5
+coffeen,35,4
+marstons,2619,3
+ranchester,582,1
+lakeville,1873,5
+wainscott,1459,7
+newfields,872,3
+newfields,877,2
+klickitat,2089,18
+marstons,1704,1
+hiteman,351,1
+woodbine,1475,8
+wainscott,844,6
+tolstoy,852,3
+cosmos,759,3
+tolstoy,655,1
+woodbine,1112,8
+pomaria,582,7
+leonardo,303,14
+marstons,2427,2
+shelbyville,1077,5
+lindenwood,111,0
+cosmos,858,1
+klickitat,2216,7
+newfields,740,10
+beechwood,1068,0
+shelbyville,1897,0
+leonardo,250,12
+shelbyville,1109,4
+ranchester,871,2
+lindenwood,2020,4
+shelbyville,1122,0
+klickitat,2309,0
+klickitat,566,0
+allensville,406,10
+pomaria,185,4
+coffeen,1039,1
+newfields,528,16
+merom,1000,6
+stockman,1050,1
+hanson,385,5
+lindenwood,2238,4
+marstons,217,3
+ranchester,221,9
+lindenwood,405,2
+coffeen,984,0
+marstons,2263,1
+klickitat,2104,6
+beechwood,266,3
+klickitat,664,0
+hiteman,58,4
+lindenwood,1218,7
+pinesdale,1069,4
+ranchester,1239,0
+hanson,746,5
+klickitat,1407,3
+lakeville,991,8
+wainscott,944,6
+lindenwood,1376,0
+ranchester,1413,2
+klickitat,1475,10
+pomaria,818,2
+lakeville,1276,4
+lindenwood,1623,0
+tolstoy,411,0
+marstons,760,0
+pinesdale,938,0
+klickitat,686,15
+shelbyville,2278,2
+ranchester,157,18
+lindenwood,1112,5
+coffeen,960,6
+cosmos,512,0
+shelbyville,413,4
+newfields,385,2
+tolstoy,306,0
+pomaria,1628,15
+woodbine,132,8
+stockman,1009,3
+lakeville,1407,3
+beechwood,536,1
+wainscott,1668,2
+ranchester,1539,0
+shelbyville,2277,0
+stockman,278,0
+lindenwood,1048,18
+wainscott,865,5
+hanson,128,1
+stockman,1459,3
+cosmos,62,0
+leonardo,406,14
+lakeville,759,7
+ranchester,1588,12
+lindenwood,2170,2
+klickitat,1631,5
+klickitat,2025,5
+wainscott,674,4
+cosmos,709,0
+woodbine,4,6
+lindenwood,1100,6
+marstons,1918,1
+marstons,134,3
+wainscott,1573,0
+coffeen,1069,0
+allensville,296,0
+woodbine,1053,3
+pomaria,878,1
+woodbine,390,3
+marstons,741,4
+lakeville,351,1
+cosmos,740,10
+pinesdale,1418,6
+shelbyville,2568,7
+shelbyville,2762,13
+cosmos,815,1
+merom,756,2
+leonardo,2038,5
+ranchester,1593,8
+marstons,925,3
+leonardo,257,0
+coffeen,59,0
+lindenwood,733,11
+klickitat,2286,17
+woodbine,1069,8
+pinesdale,633,0
+klickitat,550,6
+klickitat,665,3
+ranchester,36,3
+lindenwood,48,1
+hanson,1047,2
+shelbyville,1522,2
+lakeville,1734,5
+klickitat,2406,4
+wainscott,765,0
+beechwood,579,3
+benevolence,162,4
+shelbyville,1174,5
+stockman,1142,4
+onaga,90,1
+pinesdale,973,9
+shelbyville,374,3
+mifflinburg,62,6
+leonardo,1936,3
+hiteman,1579,1
+lindenwood,2446,0
+klickitat,1052,5
+forkland,982,1
+marstons,581,9
+coffeen,96,0
+lakeville,1493,5
+merom,296,0
+woodbine,862,9
+ranchester,557,6
+marstons,2513,2
+mifflinburg,952,1
+marstons,2458,1
+lakeville,1191,6
+shelbyville,292,0
+hiteman,319,14
+stockman,504,2
+lakeville,220,7
+shelbyville,1358,4
+klickitat,233,0
+leonardo,2087,0
+leonardo,1804,2
+klickitat,1009,0
+pinesdale,273,4
+pinesdale,339,1
+ranchester,406,14
+ranchester,1484,2
+hiteman,120,1
+shelbyville,790,2
+hanson,1498,4
+pinesdale,1199,3
+pinesdale,483,3
+allensville,479,0
+newfields,1544,3
+lindenwood,2648,5
+wainscott,973,3
+lakeville,644,0
+newfields,999,2
+woodbine,1680,5
+beechwood,181,1
+stockman,755,2
+wainscott,1560,0
+pinesdale,1053,0
+coffeen,854,5
+hanson,1131,8
+pinesdale,4,6
+leonardo,513,5
+beechwood,519,5
+pinesdale,534,4
+forkland,992,4
+lindenwood,1649,0
+coffeen,1179,0
+woodbine,770,7
+pomaria,151,1
+cosmos,518,6
+klickitat,714,8
+lindenwood,1795,8
+cosmos,603,3
+hiteman,105,5
+cosmos,127,1
+wainscott,1379,0
+leonardo,635,2
+lakeville,469,5
+onaga,74,3
+merom,313,1
+pomaria,12,12
+woodbine,508,5
+mifflinburg,318,3
+lakeville,1623,2
+marstons,1445,0
+wainscott,169,1
+lindenwood,557,6
+ranchester,347,3
+pomaria,1432,9
+marstons,753,11
+leonardo,890,5
+coffeen,526,2
+hanson,1152,3
+lakeville,1815,5
+pomaria,455,5
+leonardo,1418,2
+marstons,1221,9
+lindenwood,883,5
+leonardo,1896,3
+pomaria,974,0
+ranchester,716,0
+woodbine,1636,1
+leonardo,578,5
+ranchester,409,8
+shelbyville,2720,15
+marstons,1397,2
+woodbine,957,1
+ranchester,526,0
+lakeville,1782,1
+woodbine,1363,3
+tolstoy,504,7
+tolstoy,1428,4
+merom,1101,3
+stockman,1558,2
+shelbyville,826,3
+stockman,1318,5
+shelbyville,2669,6
+lindenwood,557,10
+lakeville,962,6
+pomaria,1597,0
+cosmos,1000,0
+stockman,1343,0
+lindenwood,679,10
+lakeville,585,1
+newfields,936,4
+newfields,551,5
+klickitat,1081,10
+woodbine,1311,15
+newfields,1106,10
+woodbine,794,13
+pomaria,1628,0
+pomaria,1577,2
+forkland,881,4
+wainscott,1513,3
+leonardo,481,0
+cosmos,578,6
+woodbine,1707,9
+klickitat,1047,9
+hiteman,1342,1
+tolstoy,102,5
+marstons,1881,2
+pomaria,1144,1
+lakeville,183,16
+lakeville,440,1
+forkland,61,4
+hanson,737,10
+wainscott,697,5
+lakeville,1265,8
+newfields,1073,1
+hiteman,1722,2
+lindenwood,1657,3
+lakeville,327,0
+coffeen,596,0
+lindenwood,2212,12
+leonardo,298,11
+shelbyville,2195,4
+wainscott,449,5
+pomaria,1626,2
+stockman,216,0
+wainscott,403,4
+wainscott,907,10
+forkland,901,3
+tolstoy,759,1
+marstons,1843,0
+forkland,46,3
+leonardo,87,1
+stockman,95,4
+hanson,1024,8
+onaga,136,5
+shelbyville,1314,12
+ranchester,340,11
+cosmos,647,2
+woodbine,526,3
+tolstoy,538,10
+cosmos,207,4
+woodbine,4,2
+wainscott,1338,9
+klickitat,557,5
+cosmos,473,6
+ranchester,132,1
+marstons,1921,7
+beechwood,685,4
+newfields,805,0
+hiteman,1187,1
+lindenwood,1679,1
+woodbine,1417,3
+pomaria,171,8
+hanson,1398,4
+marstons,1253,2
+cosmos,82,3
+pomaria,497,4
+pinesdale,713,3
+lindenwood,2014,0
+beechwood,798,5
+woodbine,1087,2
+hiteman,170,0
+tolstoy,1557,5
+wainscott,104,11
+hiteman,1277,6
+leonardo,698,4
+hanson,487,1
+ranchester,1504,1
+wainscott,1325,3
+tolstoy,563,6
+klickitat,1590,0
+stockman,665,3
+leonardo,624,3
+merom,428,3
+tolstoy,760,1
+marstons,1501,6
+allensville,487,0
+allensville,128,2
+merom,949,6
+lakeville,208,0
+shelbyville,1318,7
+newfields,1338,2
+forkland,0,3
+benevolence,482,12
+lakeville,179,5
+pomaria,227,0
+marstons,1909,4
+hiteman,1549,0
+coffeen,205,0
+newfields,609,0
+pinesdale,1296,2
+cosmos,691,11
+marstons,695,2
+marstons,2203,9
+lakeville,1244,1
+pinesdale,75,7
+woodbine,263,4
+pinesdale,1489,6
+hiteman,1717,5
+ranchester,1331,2
+woodbine,1692,5
+hanson,1088,1
+marstons,1140,1
+leonardo,204,6
+hanson,491,1
+marstons,1261,8
+mifflinburg,747,0
+klickitat,2264,5
+wainscott,736,7
+pinesdale,1086,5
+pomaria,781,7
+tolstoy,65,4
+shelbyville,1814,11
+marstons,541,1
+lindenwood,363,10
+tolstoy,1092,0
+lakeville,115,0
+ranchester,1089,3
+hiteman,527,3
+pinesdale,909,1
+onaga,211,4
+lindenwood,1792,0
+stockman,552,6
+pinesdale,172,3
+klickitat,1670,1
+klickitat,1866,7
+stockman,1391,0
+klickitat,779,10
+woodbine,981,10
+lindenwood,2139,0
+tolstoy,1803,2
+hanson,363,16
+forkland,899,1
+forkland,511,2
+newfields,405,8
+leonardo,53,1
+newfields,984,0
+marstons,1999,3
+stockman,1466,0
+forkland,271,0
+lindenwood,873,7
+hiteman,1305,3
+hiteman,1574,3
+leonardo,1680,3
+tolstoy,538,0
+cosmos,344,1
+hanson,1270,11
+leonardo,1387,3
+pomaria,821,3
+forkland,712,1
+forkland,908,1
+tolstoy,136,7
+lakeville,1728,5
+lindenwood,2387,5
+pomaria,472,1
+tolstoy,1323,5
+leonardo,1344,2
+hanson,363,13
+ranchester,1020,2
+benevolence,169,2
+tolstoy,1507,4
+ranchester,238,1
+ranchester,215,0
+leonardo,1612,0
+klickitat,1785,0
+pomaria,1216,5
+klickitat,1609,5
+marstons,2193,8
+allensville,178,0
+marstons,2315,4
+pomaria,1350,9
+lindenwood,525,2
+benevolence,790,4
+tolstoy,406,1
+pomaria,1370,1
+lakeville,1467,9
+marstons,2444,2
+hiteman,566,3
+pomaria,1288,3
+leonardo,1971,2
+tolstoy,1671,6
+woodbine,2019,2
+shelbyville,2607,3
+ranchester,1608,0
+forkland,1053,4
+wainscott,1076,0
+wainscott,1123,5
+newfields,588,18
+hanson,1202,11
+wainscott,1569,2
+leonardo,1744,0
+klickitat,24,2
+lindenwood,2601,2
+newfields,163,1
+newfields,1287,4
+newfields,519,0
+lakeville,738,9
+tolstoy,1335,2
+hiteman,1579,2
+hanson,1379,14
+tolstoy,1273,6
+beechwood,519,0
+ranchester,867,0
+stockman,90,1
+klickitat,50,11
+woodbine,1726,0
+marstons,259,6
+leonardo,1831,5
+marstons,435,0
+leonardo,1567,0
+newfields,251,1
+pinesdale,1000,2
+marstons,1799,4
+woodbine,1543,4
+tolstoy,520,4
+cosmos,1040,0
+wainscott,281,5
+lakeville,1723,0
+lindenwood,1320,8
+klickitat,1311,4
+woodbine,1545,10
+hanson,948,0
+hiteman,729,2
+coffeen,831,9
+wainscott,142,2
+allensville,290,7
+shelbyville,2165,2
+ranchester,1390,10
+pomaria,665,5
+shelbyville,2517,2
+tolstoy,500,4
+cosmos,980,1
+ranchester,856,4
+marstons,2327,8
+stockman,990,2
+forkland,876,4
+tolstoy,1109,6
+wainscott,590,1
+marstons,1466,0
+marstons,168,7
+lakeville,338,1
+leonardo,689,4
+lindenwood,952,2
+leonardo,434,0
+lakeville,649,0
+lindenwood,1769,6
+hanson,1565,3
+klickitat,1177,11
+tolstoy,523,0
+klickitat,1142,3
+marstons,741,1
+tolstoy,731,6
+shelbyville,930,3
+shelbyville,2028,1
+tolstoy,1356,4
+newfields,735,3
+pinesdale,1512,3
+lindenwood,1211,3
+benevolence,656,1
+shelbyville,1105,8
+cosmos,166,0
+stockman,753,3
+lindenwood,236,2
+newfields,1590,0
+shelbyville,162,2
+lindenwood,392,8
+lindenwood,491,2
+wainscott,46,8
+coffeen,1131,1
+lakeville,1352,2
+leonardo,1654,6
+marstons,1575,3
+beechwood,1165,5
+stockman,782,0
+wainscott,1462,3
+klickitat,1602,3
+newfields,627,14
+beechwood,325,5
+shelbyville,119,3
+hanson,90,2
+hiteman,910,5
+newfields,145,3
+beechwood,810,2
+hanson,1098,4
+wainscott,1479,5
+ranchester,248,2
+lindenwood,2472,12
+wainscott,470,8
+ranchester,1390,1
+marstons,981,3
+stockman,1042,2
+wainscott,1796,9
+lindenwood,80,7
+wainscott,453,1
+woodbine,1445,9
+stockman,95,2
+lakeville,1661,1
+lindenwood,2506,1
+mifflinburg,297,2
+hanson,1358,7
+wainscott,474,3
+pinesdale,248,3
+woodbine,1808,5
+ranchester,82,6
+lakeville,1224,0
+merom,599,1
+coffeen,1060,3
+lindenwood,738,0
+forkland,109,4
+tolstoy,1607,3
+marstons,878,0
+lindenwood,49,3
+beechwood,647,5
+pomaria,935,4
+woodbine,2026,1
+pinesdale,686,4
+woodbine,555,5
+ranchester,170,2
+pinesdale,1092,7
+ranchester,347,0
+newfields,328,1
+shelbyville,2093,5
+stockman,1127,0
+pinesdale,1300,2
+pomaria,1122,5
+newfields,1565,2
+forkland,65,3
+shelbyville,1471,1
+merom,46,0
+newfields,1642,2
+hiteman,447,2
+merom,781,9
+woodbine,743,5
+pinesdale,235,1
+shelbyville,13,4
+woodbine,836,2
+cosmos,460,0
+pinesdale,1449,15
+newfields,776,7
+lindenwood,401,4
+lakeville,1353,5
+ranchester,522,2
+coffeen,1462,3
+shelbyville,923,0
+marstons,740,2
+lindenwood,946,1
+wainscott,509,4
+hanson,1124,0
+benevolence,51,0
+marstons,2211,7
+wainscott,62,9
+klickitat,518,7
+newfields,673,3
+marstons,1275,2
+pomaria,1451,10
+pinesdale,1068,8
+hiteman,1391,4
+lindenwood,637,8
+lakeville,837,2
+tolstoy,1130,7
+stockman,1103,11
+marstons,81,1
+ranchester,983,9
+marstons,1895,2
+shelbyville,438,9
+cosmos,16,0
+ranchester,785,0
+woodbine,176,6
+stockman,685,8
+hiteman,859,8
+leonardo,1877,0
+tolstoy,374,3
+hiteman,135,5
+hiteman,654,8
+klickitat,1980,5
+klickitat,1005,4
+klickitat,348,8
+coffeen,1400,5
+marstons,1491,0
+marstons,1085,10
+ranchester,354,1
+marstons,770,1
+klickitat,1279,8
+tolstoy,99,4
+woodbine,489,8
+klickitat,1022,3
+pomaria,1499,2
+wainscott,977,6
+merom,508,5
+beechwood,558,2
+klickitat,2073,2
+lindenwood,628,2
+marstons,2129,14
+woodbine,664,5
+newfields,844,0
+hanson,541,2
+shelbyville,1261,1
+tolstoy,44,1
+stockman,414,2
+pinesdale,416,1
+hiteman,1717,12
+klickitat,1098,5
+shelbyville,2324,5
+stockman,313,5
+klickitat,63,8
+hanson,0,1
+forkland,838,1
+newfields,1083,0
+allensville,309,3
+tolstoy,113,1
+tolstoy,862,3
+cosmos,150,6
+hanson,7,9
+tolstoy,990,0
+shelbyville,2731,2
+wainscott,1575,4
+forkland,725,1
+ranchester,1014,4
+leonardo,412,4
+beechwood,902,3
+klickitat,972,3
+lakeville,1032,1
+stockman,219,1
+cosmos,262,8
+forkland,930,2
+wainscott,1279,1
+lakeville,1252,15
+klickitat,1213,16
+klickitat,1790,4
+hiteman,285,3
+leonardo,359,17
+lindenwood,689,3
+shelbyville,959,6
+newfields,36,0
+stockman,907,5
+pinesdale,573,4
+marstons,1965,2
+lakeville,1583,2
+lindenwood,2430,0
+hiteman,424,11
+newfields,733,1
+pomaria,1666,13
+hiteman,574,2
+klickitat,2094,1
+ranchester,297,7
+shelbyville,1997,2
+hiteman,155,5
+newfields,269,2
+marstons,2549,2
+mifflinburg,387,0
+lindenwood,1407,0
+klickitat,900,5
+forkland,360,1
+hanson,735,2
+newfields,743,5
+woodbine,1284,4
+forkland,242,4
+wainscott,519,0
+lakeville,227,12
+wainscott,176,2
+klickitat,857,7
+ranchester,783,3
+wainscott,659,1
+shelbyville,1345,5
+shelbyville,568,1
+wainscott,1251,1
+onaga,334,3
+hiteman,249,3
+benevolence,336,10
+cosmos,692,5
+lindenwood,182,5
+lindenwood,1361,1
+beechwood,1147,0
+lakeville,789,8
+klickitat,1945,4
+pomaria,538,0
+mifflinburg,133,2
+shelbyville,1950,0
+wainscott,1338,10
+shelbyville,842,2
+marstons,6,0
+lindenwood,2293,7
+shelbyville,453,11
+shelbyville,1805,6
+woodbine,624,1
+woodbine,1564,0
+beechwood,217,0
+pomaria,1216,3
+shelbyville,1308,3
+pomaria,251,2
+newfields,1293,2
+marstons,1378,0
+ranchester,1536,4
+tolstoy,1403,2
+shelbyville,308,0
+tolstoy,1440,5
+forkland,607,2
+merom,866,5
+onaga,51,1
+ranchester,1369,2
+marstons,37,16
+shelbyville,2589,6
+marstons,315,5
+marstons,1146,6
+marstons,505,3
+newfields,307,3
+leonardo,837,3
+tolstoy,984,6
+coffeen,642,2
+marstons,363,1
+leonardo,1276,3
+shelbyville,2050,2
+pinesdale,4,0
+wainscott,927,2
+shelbyville,2762,11
+lindenwood,1597,4
+coffeen,725,0
+newfields,580,8
+hanson,1573,7
+leonardo,1973,0
+ranchester,602,4
+wainscott,1678,4
+newfields,194,0
+marstons,985,4
+hiteman,1396,6
+lakeville,635,4
+wainscott,1335,5
+wainscott,1774,7
+lindenwood,519,4
+hanson,17,1
+shelbyville,2771,12
+klickitat,644,7
+marstons,650,1
+wainscott,62,17
+pomaria,1510,0
+shelbyville,350,2
+beechwood,619,0
+klickitat,185,4
+coffeen,1223,5
+coffeen,792,10
+klickitat,515,2
+marstons,1773,13
+ranchester,449,4
+pomaria,1537,12
+woodbine,315,6
+cosmos,627,2
+newfields,1512,1
+lindenwood,1995,4
+shelbyville,2415,6
+ranchester,555,1
+pinesdale,869,0
+pomaria,133,4
+marstons,2584,1
+shelbyville,2224,3
+pinesdale,1084,1
+pinesdale,422,2
+shelbyville,1999,11
+wainscott,974,4
+benevolence,618,3
+merom,747,1
+shelbyville,2150,16
+pomaria,1024,7
+pomaria,1293,2
+tolstoy,1092,4
+hanson,1144,4
+benevolence,79,2
+hiteman,1435,3
+stockman,1233,0
+coffeen,1366,4
+forkland,488,3
+newfields,1027,3
+shelbyville,2061,10
+wainscott,1228,8
+forkland,1134,0
+pinesdale,1162,2
+woodbine,1764,12
+klickitat,2185,0
+lindenwood,1757,4
+pinesdale,1280,3
+lakeville,1103,2
+lakeville,1664,5
+onaga,544,0
+merom,294,2
+onaga,469,6
+woodbine,935,2
+lindenwood,695,4
+hanson,666,6
+wainscott,570,8
+hiteman,444,4
+woodbine,557,6
+newfields,1258,1
+wainscott,1085,3
+ranchester,836,10
+coffeen,270,1
+forkland,414,4
+pomaria,1593,0
+merom,72,0
+lindenwood,17,5
+tolstoy,500,1
+klickitat,1570,3
+coffeen,248,2
+merom,400,0
+pomaria,1230,2
+woodbine,544,12
+wainscott,1106,4
+klickitat,154,3
+leonardo,1986,8
+hiteman,887,1
+stockman,498,4
+lakeville,257,1
+woodbine,667,3
+hiteman,1478,0
+leonardo,719,0
+coffeen,1140,7
+lakeville,431,1
+benevolence,507,1
+marstons,1728,4
+shelbyville,1975,7
+hanson,1496,6
+lindenwood,9,6
+forkland,11,4
+newfields,682,2
+klickitat,1970,2
+shelbyville,1214,4
+leonardo,1588,2
+marstons,1783,6
+leonardo,1515,0
+newfields,61,11
+allensville,12,1
+stockman,1570,3
+wainscott,1006,1
+ranchester,1234,2
+leonardo,1544,1
+hanson,971,1
+pinesdale,1483,10
+tolstoy,1371,2
+woodbine,355,11
+pomaria,637,4
+woodbine,1902,19
+cosmos,165,7
+leonardo,1969,9
+shelbyville,2602,2
+forkland,710,0
+marstons,332,6
+lindenwood,390,10
+marstons,2077,1
+ranchester,582,0
+woodbine,433,1
+hiteman,1382,4
+leonardo,771,1
+coffeen,1423,2
+pomaria,207,6
+stockman,666,3
+woodbine,406,1
+marstons,230,7
+newfields,326,11
+beechwood,165,2
+newfields,893,1
+lindenwood,1991,2
+coffeen,412,2
+hanson,154,1
+hanson,1474,5
+pinesdale,1208,0
+merom,200,1
+shelbyville,1959,1
+tolstoy,66,3
+marstons,195,3
+mifflinburg,72,10
+lindenwood,1622,3
+lindenwood,1418,6
+tolstoy,1527,1
+marstons,2318,4
+woodbine,1592,0
+beechwood,885,6
+klickitat,1249,10
+ranchester,228,0
+hanson,811,2
+beechwood,1157,1
+marstons,2443,0
+hanson,581,1
+klickitat,1129,2
+forkland,179,0
+shelbyville,2814,14
+lindenwood,599,8
+klickitat,269,9
+beechwood,1057,2
+mifflinburg,140,1
+shelbyville,2425,10
+marstons,1174,12
+klickitat,1606,3
+beechwood,930,4
+hiteman,876,0
+beechwood,1029,5
+beechwood,904,0
+ranchester,168,6
+stockman,1295,1
+marstons,1208,2
+wainscott,84,2
+marstons,1004,4
+merom,991,1
+marstons,969,7
+lakeville,510,4
+hiteman,1708,0
+shelbyville,1832,2
+wainscott,1644,6
+onaga,574,7
+stockman,638,0
+ranchester,1282,2
+beechwood,446,3
+coffeen,823,10
+woodbine,1270,1
+forkland,448,6
+lindenwood,611,2
+ranchester,269,5
+shelbyville,144,9
+lakeville,1586,19
+lakeville,757,7
+coffeen,721,3
+hanson,308,2
+ranchester,294,5
+newfields,1392,1
+beechwood,372,2
+wainscott,222,0
+woodbine,1769,3
+cosmos,534,1
+leonardo,1452,3
+lakeville,1521,13
+mifflinburg,232,0
+coffeen,61,6
+hanson,666,9
+coffeen,1491,2
+wainscott,1637,5
+stockman,1251,1
+lakeville,1832,9
+lindenwood,399,1
+cosmos,214,0
+pinesdale,1043,0
+marstons,1570,4
+shelbyville,1537,9
+pinesdale,454,11
+ranchester,928,10
+beechwood,938,3
+shelbyville,768,1
+shelbyville,1363,9
+beechwood,1016,2
+hiteman,1048,0
+leonardo,1075,2
+shelbyville,174,5
+merom,1089,6
+klickitat,17,7
+cosmos,467,4
+newfields,919,10
+hiteman,286,2
+klickitat,881,3
+klickitat,2284,5
+marstons,1979,2
+pomaria,509,3
+pinesdale,672,2
+cosmos,956,4
+pomaria,499,2
+shelbyville,85,5
+tolstoy,659,2
+lindenwood,757,4
+pomaria,1149,0
+coffeen,416,3
+merom,699,8
+lindenwood,1860,4
+marstons,2649,4
+allensville,271,2
+ranchester,427,0
+newfields,130,5
+shelbyville,988,3
+shelbyville,3,1
+lindenwood,421,5
+marstons,329,1
+coffeen,1410,0
+leonardo,604,3
+wainscott,1469,11
+cosmos,285,4
+tolstoy,1791,5
+coffeen,314,5
+cosmos,309,2
+hanson,323,4
+tolstoy,668,11
+shelbyville,877,3
+newfields,397,0
+forkland,70,5
+leonardo,84,2
+pomaria,950,0
+klickitat,1696,3
+lakeville,1711,5
+leonardo,1630,1
+pomaria,1347,4
+cosmos,678,1
+stockman,1030,1
+cosmos,752,1
+wainscott,713,2
+hanson,1274,1
+wainscott,1436,2
+newfields,1572,3
+marstons,912,1
+coffeen,1454,3
+hanson,1508,4
+hanson,1363,10
+shelbyville,408,1
+cosmos,934,3
+leonardo,446,4
+klickitat,874,5
+tolstoy,141,4
+wainscott,760,6
+merom,784,8
+lindenwood,1111,0
+woodbine,144,5
+leonardo,1795,0
+pinesdale,837,5
+klickitat,241,0
+hiteman,298,0
+pomaria,361,1
+stockman,707,4
+lakeville,427,0
+lindenwood,1325,2
+lindenwood,977,6
+klickitat,1584,1
+klickitat,479,12
+benevolence,684,0
+pinesdale,153,4
+klickitat,334,10
+leonardo,150,0
+klickitat,1749,6
+ranchester,349,4
+pinesdale,165,1
+lindenwood,544,6
+wainscott,1084,5
+shelbyville,1107,8
+coffeen,902,7
+woodbine,1267,10
+hiteman,1002,3
+coffeen,867,1
+leonardo,1401,2
+newfields,495,2
+stockman,1148,5
+marstons,1175,15
+hiteman,1771,2
+marstons,2308,1
+merom,607,0
+newfields,587,2
+woodbine,1530,5
+marstons,74,10
+lakeville,685,6
+forkland,1077,6
+klickitat,1437,8
+woodbine,1263,7
+klickitat,984,0
+lindenwood,1861,3
+lindenwood,1240,0
+marstons,2163,6
+onaga,544,2
+newfields,1432,4
+woodbine,2029,2
+woodbine,1802,10
+mifflinburg,524,10
+leonardo,1108,4
+coffeen,99,1
+shelbyville,2434,0
+leonardo,166,11
+klickitat,278,4
+lindenwood,2078,6
+shelbyville,2417,2
+woodbine,1856,2
+newfields,1047,1
+shelbyville,5,2
+marstons,690,7
+hanson,515,0
+lakeville,925,4
+pomaria,1031,7
+lindenwood,1075,4
+ranchester,1558,2
+pomaria,252,11
+cosmos,256,0
+marstons,597,10
+mifflinburg,760,1
+hanson,151,1
+lakeville,1630,5
+allensville,332,1
+shelbyville,1762,8
+woodbine,1152,1
+coffeen,533,2
+merom,644,0
+klickitat,291,1
+hanson,703,2
+marstons,339,2
+lindenwood,656,3
+cosmos,265,1
+hiteman,980,2
+hanson,63,1
+allensville,234,8
+pomaria,876,1
+cosmos,913,0
+lakeville,1183,5
+pomaria,1644,0
+wainscott,1469,12
+woodbine,745,3
+marstons,619,3
+wainscott,407,2
+lindenwood,1811,3
+shelbyville,2785,2
+newfields,492,3
+hanson,1433,9
+klickitat,556,1
+leonardo,1394,1
+marstons,2599,9
+newfields,15,1
+hiteman,1033,2
+hanson,189,0
+klickitat,1724,1
+marstons,948,2
+coffeen,190,1
+pinesdale,1294,1
+leonardo,1707,3
+tolstoy,891,13
+lindenwood,144,5
+ranchester,348,0
+ranchester,568,1
+marstons,1436,2
+allensville,517,0
+woodbine,837,3
+wainscott,566,2
+stockman,1200,3
+coffeen,711,0
+ranchester,1362,3
+hiteman,694,10
+onaga,268,1
+wainscott,196,2
+cosmos,529,2
+wainscott,1382,4
+lakeville,893,0
+marstons,987,1
+stockman,528,6
+klickitat,2240,0
+tolstoy,1108,3
+hiteman,589,3
+shelbyville,318,0
+ranchester,1587,5
+shelbyville,2012,0
+lakeville,426,4
+newfields,358,9
+klickitat,946,14
+marstons,139,17
+forkland,756,0
+stockman,650,4
+hiteman,1378,2
+klickitat,1787,1
+lindenwood,2357,1
+klickitat,699,8
+pinesdale,1356,1
+coffeen,1406,3
+onaga,267,2
+ranchester,1148,7
+lindenwood,2513,1
+marstons,1255,5
+leonardo,951,4
+woodbine,1119,1
+leonardo,1234,0
+lindenwood,1460,1
+woodbine,11,2
+ranchester,316,1
+hiteman,1468,15
+coffeen,774,4
+marstons,1831,5
+stockman,1009,2
+hiteman,1094,6
+leonardo,1432,0
+lindenwood,697,3
+marstons,1900,0
+mifflinburg,452,2
+hanson,357,5
+shelbyville,2002,1
+lakeville,1306,6
+pomaria,1199,3
+tolstoy,1137,1
+mifflinburg,251,6
+tolstoy,1479,2
+leonardo,2093,7
+allensville,370,1
+pinesdale,168,3
+marstons,381,2
+tolstoy,896,1
+marstons,933,3
+hiteman,696,4
+shelbyville,2509,2
+leonardo,1935,11
+marstons,807,0
+allensville,450,0
+shelbyville,773,4
+leonardo,1394,4
+allensville,333,2
+klickitat,1637,1
+tolstoy,650,9
+klickitat,738,3
+pomaria,1416,17
+wainscott,298,10
+allensville,452,1
+merom,117,4
+onaga,622,1
+lindenwood,240,3
+lindenwood,764,1
+shelbyville,1190,3
+woodbine,528,1
+leonardo,507,2
+shelbyville,425,0
+merom,334,0
+tolstoy,1027,8
+forkland,25,5
+tolstoy,268,9
+lindenwood,242,1
+klickitat,610,0
+klickitat,1858,4
+newfields,1067,9
+coffeen,611,1
+marstons,1214,1
+hanson,743,1
+beechwood,135,11
+ranchester,1087,2
+woodbine,473,0
+pomaria,1492,2
+hanson,1110,4
+allensville,159,1
+stockman,637,2
+lakeville,355,3
+marstons,1596,0
+tolstoy,1171,7
+coffeen,998,4
+lindenwood,1933,0
+klickitat,1688,14
+cosmos,149,3
+ranchester,1257,5
+pomaria,1630,1
+ranchester,309,8
+tolstoy,1473,3
+pomaria,1053,2
+lindenwood,2420,1
+lindenwood,2236,4
+shelbyville,307,1
+hiteman,107,3
+wainscott,1650,6
+leonardo,972,4
+tolstoy,1098,0
+marstons,1130,5
+beechwood,944,2
+benevolence,247,2
+marstons,1325,0
+klickitat,1506,0
+leonardo,875,2
+shelbyville,1425,6
+lakeville,1019,0
+pomaria,145,0
+wainscott,29,3
+hiteman,1599,2
+marstons,225,0
+woodbine,612,9
+woodbine,1751,3
+woodbine,535,7
+hanson,1418,16
+klickitat,65,23
+wainscott,255,2
+leonardo,28,3
+wainscott,231,2
+allensville,189,7
+shelbyville,2291,1
+tolstoy,1513,9
+lindenwood,994,4
+lakeville,736,10
+leonardo,1992,4
+coffeen,176,4
+lindenwood,484,3
+shelbyville,1901,9
+pomaria,1484,2
+klickitat,1477,4
+pinesdale,203,8
+tolstoy,1207,1
+hanson,575,3
+klickitat,1326,1
+woodbine,1914,4
+shelbyville,541,5
+pomaria,804,0
+lakeville,1698,1
+woodbine,884,5
+woodbine,1284,3
+lindenwood,346,6
+pinesdale,404,10
+pomaria,659,0
+marstons,2537,5
+hiteman,201,1
+klickitat,537,7
+ranchester,922,1
+onaga,16,1
+hiteman,1274,0
+pinesdale,97,1
+klickitat,1066,11
+woodbine,1085,7
+lindenwood,2124,6
+lakeville,1828,1
+shelbyville,1866,2
+shelbyville,954,1
+stockman,13,2
+newfields,818,2
+leonardo,1067,15
+ranchester,355,2
+benevolence,800,1
+shelbyville,48,2
+mifflinburg,807,2
+newfields,1094,1
+tolstoy,311,4
+lindenwood,478,0
+forkland,886,0
+woodbine,1047,2
+onaga,349,1
+hiteman,1625,1
+marstons,1239,6
+pinesdale,707,1
+woodbine,1946,4
+pomaria,1486,0
+shelbyville,1624,5
+mifflinburg,711,2
+lindenwood,772,4
+woodbine,1344,2
+lakeville,69,1
+newfields,312,0
+hanson,106,0
+marstons,2570,1
+cosmos,470,7
+tolstoy,950,0
+lindenwood,85,7
+shelbyville,88,3
+woodbine,144,3
+klickitat,739,5
+cosmos,276,11
+shelbyville,1011,5
+lakeville,670,7
+klickitat,2036,8
+wainscott,1723,0
+tolstoy,1641,1
+merom,157,4
+lindenwood,2087,10
+woodbine,443,2
+pomaria,18,0
+woodbine,1133,1
+leonardo,1007,3
+hiteman,1375,10
+shelbyville,2811,0
+cosmos,8,2
+woodbine,1104,0
+marstons,103,2
+marstons,2186,8
+lakeville,350,12
+hiteman,1370,2
+cosmos,1060,2
+wainscott,581,8
+cosmos,686,6
+tolstoy,1181,1
+cosmos,630,1
+forkland,242,7
+forkland,1115,2
+shelbyville,821,3
+marstons,620,7
+wainscott,900,4
+klickitat,1475,5
+wainscott,1520,3
+hanson,940,1
+woodbine,1545,3
+tolstoy,686,2
+wainscott,319,2
+ranchester,395,7
+wainscott,1510,3
+marstons,2211,2
+wainscott,530,1
+wainscott,1778,4
+coffeen,495,0
+cosmos,641,2
+leonardo,113,0
+pomaria,513,7
+woodbine,483,4
+klickitat,1139,3
+ranchester,792,15
+tolstoy,1771,10
+pinesdale,1495,3
+tolstoy,1703,3
+stockman,568,4
+wainscott,176,1
+pinesdale,371,2
+onaga,527,4
+lakeville,1457,5
+coffeen,876,1
+woodbine,422,3
+stockman,361,8
+cosmos,645,7
+leonardo,159,1
+onaga,594,3
+pomaria,1090,7
+woodbine,428,4
+hiteman,1726,0
+lindenwood,2674,13
+pomaria,611,9
+lindenwood,1136,1
+woodbine,169,8
+stockman,1241,3
+pomaria,1059,0
+beechwood,179,5
+pomaria,67,7
+hanson,1115,4
+newfields,942,0
+newfields,360,23
+tolstoy,180,4
+forkland,571,0
+cosmos,224,9
+pomaria,662,7
+pomaria,1494,4
+lakeville,1799,3
+newfields,1629,0
+beechwood,1083,2
+wainscott,735,12
+pinesdale,590,1
+merom,104,5
+woodbine,543,6
+pinesdale,730,4
+marstons,1249,1
+klickitat,1702,10
+lindenwood,1822,8
+leonardo,189,1
+hiteman,1814,11
+pinesdale,1127,0
+lakeville,1369,0
+hiteman,1607,0
+tolstoy,880,9
+pinesdale,428,0
+marstons,1926,0
+wainscott,1619,8
+lindenwood,482,9
+klickitat,1695,7
+beechwood,1037,1
+lindenwood,872,3
+leonardo,2107,0
+klickitat,1722,1
+shelbyville,240,0
+woodbine,1159,2
+pinesdale,528,3
+ranchester,670,5
+marstons,2322,2
+wainscott,436,8
+benevolence,597,7
+pinesdale,1044,0
+klickitat,334,1
+forkland,1183,2
+pomaria,1115,2
+pomaria,420,2
+mifflinburg,77,4
+lindenwood,2465,2
+shelbyville,576,0
+shelbyville,710,3
+hanson,184,3
+lakeville,1624,2
+beechwood,210,0
+leonardo,689,1
+coffeen,1141,2
+shelbyville,1865,2
+marstons,1938,10
+cosmos,246,2
+lakeville,927,10
+wainscott,1342,1
+hiteman,563,1
+stockman,1040,4
+woodbine,815,4
+tolstoy,501,1
+newfields,515,2
+pinesdale,140,2
+hanson,1603,15
+cosmos,661,2
+shelbyville,2812,0
+klickitat,734,10
+hanson,271,1
+coffeen,542,7
+stockman,402,0
+shelbyville,1849,9
+marstons,2562,12
+newfields,1413,2
+leonardo,977,5
+pinesdale,179,4
+forkland,1036,1
+shelbyville,499,6
+wainscott,177,11
+coffeen,223,2
+shelbyville,912,3
+pomaria,232,20
+klickitat,1513,13
+pomaria,279,4
+pinesdale,323,0
+tolstoy,1027,3
+shelbyville,498,19
+hanson,1498,8
+woodbine,1954,3
+klickitat,1120,3
+hanson,466,3
+shelbyville,1657,0
+stockman,1416,1
+shelbyville,27,5
+hanson,793,8
+newfields,101,8
+klickitat,202,2
+pomaria,1516,0
+shelbyville,466,7
+coffeen,836,2
+pinesdale,624,2
+hiteman,1351,0
+pomaria,215,2
+tolstoy,502,1
+pomaria,796,7
+klickitat,458,9
+tolstoy,1438,6
+shelbyville,138,4
+klickitat,1527,11
+wainscott,1762,3
+klickitat,172,2
+shelbyville,230,2
+pomaria,1497,0
+lakeville,1077,4
+hiteman,1233,2
+coffeen,41,5
+newfields,1191,2
+klickitat,1193,7
+woodbine,896,1
+shelbyville,1012,1
+marstons,1386,5
+marstons,10,1
+marstons,1047,9
+ranchester,1268,1
+lindenwood,1382,6
+shelbyville,1954,3
+leonardo,214,8
+beechwood,94,3
+newfields,158,6
+marstons,2143,2
+lakeville,500,3
+klickitat,77,1
+stockman,856,4
+klickitat,11,6
+lakeville,1530,4
+newfields,277,2
+wainscott,918,2
+hiteman,1141,0
+leonardo,77,4
+ranchester,1266,2
+woodbine,1862,6
+hanson,202,13
+shelbyville,2213,3
+mifflinburg,847,2
+ranchester,315,2
+pomaria,1309,12
+shelbyville,2752,1
+hanson,578,4
+shelbyville,1065,3
+newfields,1419,1
+hiteman,1693,0
+beechwood,393,2
+marstons,1605,4
+ranchester,60,2
+hiteman,103,3
+benevolence,338,3
+cosmos,276,9
+lindenwood,1148,7
+lindenwood,799,2
+klickitat,1915,3
+beechwood,912,4
+marstons,1454,0
+newfields,42,5
+merom,956,1
+pinesdale,1342,11
+lindenwood,932,5
+lindenwood,27,5
+merom,25,0
+tolstoy,772,5
+hiteman,775,3
+coffeen,697,2
+coffeen,1386,0
+leonardo,503,3
+forkland,1187,7
+ranchester,531,0
+coffeen,1361,2
+hanson,1514,4
+klickitat,1343,1
+newfields,3,12
+lakeville,520,9
+marstons,122,6
+hiteman,1212,13
+lindenwood,97,1
+merom,358,4
+klickitat,2222,4
+wainscott,1160,8
+shelbyville,882,2
+shelbyville,1280,8
+beechwood,757,1
+lindenwood,1162,2
+klickitat,1299,1
+marstons,1355,8
+klickitat,925,3
+newfields,861,5
+lindenwood,931,2
+hiteman,1812,4
+lindenwood,1520,6
+mifflinburg,735,1
+tolstoy,887,1
+lindenwood,2671,2
+mifflinburg,741,6
+forkland,607,1
+leonardo,73,5
+woodbine,204,0
+hanson,1339,1
+marstons,2061,5
+hanson,157,2
+lakeville,975,1
+mifflinburg,9,1
+shelbyville,931,0
+pomaria,847,3
+marstons,2550,0
+ranchester,986,4
+marstons,1486,6
+shelbyville,299,4
+klickitat,774,15
+wainscott,1669,3
+tolstoy,1556,0
+lindenwood,1250,1
+cosmos,633,1
+pinesdale,720,4
+leonardo,1634,2
+hiteman,1297,5
+wainscott,211,5
+klickitat,1960,8
+coffeen,536,0
+marstons,1917,0
+mifflinburg,112,3
+klickitat,615,3
+allensville,58,5
+tolstoy,21,4
+shelbyville,1431,7
+hiteman,1042,0
+beechwood,1000,0
+woodbine,817,1
+lindenwood,1928,10
+stockman,495,5
+mifflinburg,578,0
+lakeville,1786,1
+coffeen,983,1
+lindenwood,1982,4
+woodbine,1475,6
+wainscott,1423,4
+pomaria,1465,1
+beechwood,387,1
+klickitat,2385,0
+woodbine,986,4
+lindenwood,273,0
+klickitat,1970,0
+hiteman,74,11
+ranchester,441,5
+shelbyville,1858,8
+klickitat,427,0
+klickitat,1003,3
+ranchester,1286,8
+wainscott,1138,2
+beechwood,48,14
+pinesdale,1348,2
+klickitat,399,3
+forkland,333,0
+woodbine,1590,8
+newfields,524,7
+stockman,430,1
+forkland,63,1
+pinesdale,1153,8
+hanson,334,2
+pomaria,1200,0
+forkland,445,1
+tolstoy,1525,9
+hiteman,485,4
+coffeen,942,3
+stockman,552,0
+pomaria,1398,1
+ranchester,1429,2
+newfields,536,3
+newfields,284,7
+woodbine,1291,6
+pomaria,1042,2
+coffeen,960,3
+wainscott,1027,5
+newfields,1168,4
+wainscott,1370,5
+pinesdale,563,3
+mifflinburg,235,10
+hiteman,1029,1
+coffeen,413,0
+stockman,230,2
+forkland,907,0
+pinesdale,66,7
+lindenwood,1643,0
+marstons,2636,9
+merom,1088,2
+klickitat,381,1
+pomaria,790,2
+stockman,88,2
+lakeville,1215,2
+lindenwood,398,2
+pomaria,167,0
+merom,538,1
+klickitat,2409,1
+benevolence,971,8
+newfields,402,1
+marstons,2101,7
+hanson,1260,2
+lakeville,798,2
+woodbine,635,3
+pomaria,1026,2
+hiteman,480,7
+stockman,618,1
+ranchester,1393,17
+hiteman,1412,8
+lindenwood,596,4
+lakeville,1643,17
+lakeville,807,0
+hiteman,1452,5
+woodbine,1669,0
+shelbyville,876,3
+ranchester,1575,6
+ranchester,696,5
+pinesdale,92,4
+stockman,1295,3
+pomaria,36,0
+shelbyville,837,8
+shelbyville,2124,13
+hiteman,388,2
+ranchester,197,1
+benevolence,215,2
+newfields,969,6
+klickitat,1943,2
+lakeville,725,2
+hanson,642,14
+shelbyville,2545,2
+pomaria,1485,7
+hanson,1121,7
+shelbyville,1954,17
+woodbine,1864,7
+marstons,1958,5
+leonardo,1578,3
+forkland,695,1
+wainscott,233,11
+marstons,1542,2
+hiteman,1839,1
+tolstoy,1518,2
+lakeville,1592,3
+newfields,1246,6
+shelbyville,1217,0
+ranchester,1392,0
+forkland,923,2
+leonardo,219,6
+pomaria,795,3
+klickitat,145,4
+lindenwood,2309,3
+tolstoy,1820,3
+woodbine,1663,4
+lakeville,1251,2
+klickitat,838,1
+hanson,1071,1
+klickitat,1963,4
+pinesdale,272,1
+onaga,242,1
+forkland,7,3
+leonardo,1418,0
+leonardo,1139,19
+lakeville,830,0
+shelbyville,2138,0
+hanson,436,5
+lindenwood,1568,8
+onaga,427,2
+hiteman,52,0
+ranchester,1000,7
+pomaria,436,0
+lakeville,351,15
+tolstoy,1722,1
+lindenwood,434,14
+pinesdale,1114,2
+lakeville,1141,1
+lakeville,664,0
+ranchester,319,11
+wainscott,1452,5
+stockman,1545,3
+newfields,327,6
+onaga,244,2
+pomaria,1338,2
+pomaria,856,2
+pinesdale,1409,5
+lindenwood,2032,9
+marstons,2383,9
+hiteman,1804,10
+coffeen,150,2
+pomaria,383,3
+mifflinburg,378,0
+newfields,1543,7
+onaga,620,0
+beechwood,499,2
+forkland,684,2
+hiteman,1834,9
+lindenwood,622,1
+hiteman,377,2
+stockman,1066,0
+tolstoy,1264,2
+lindenwood,1380,0
+wainscott,377,9
+hanson,965,1
+allensville,256,1
+pinesdale,584,2
+merom,245,12
+cosmos,121,5
+woodbine,1993,3
+leonardo,1202,10
+woodbine,1196,1
+wainscott,431,0
+klickitat,1302,7
+marstons,1091,10
+marstons,2210,0
+cosmos,885,0
+merom,158,1
+marstons,491,13
+leonardo,519,0
+pinesdale,1359,1
+klickitat,2037,3
+onaga,517,1
+lakeville,1503,3
+cosmos,976,1
+pomaria,1652,1
+pomaria,1075,2
+merom,246,0
+allensville,134,7
+wainscott,583,1
+pomaria,75,7
+lindenwood,24,3
+stockman,18,7
+lakeville,543,5
+coffeen,1199,3
+woodbine,1812,1
+tolstoy,1765,7
+newfields,1637,1
+shelbyville,1971,5
+lindenwood,17,3
+lindenwood,2321,2
+lakeville,477,1
+hiteman,536,0
+klickitat,2156,2
+lindenwood,2418,3
+leonardo,1055,0
+hanson,330,5
+lindenwood,344,0
+beechwood,1064,6
+klickitat,2084,1
+lindenwood,1089,5
+woodbine,2054,2
+shelbyville,444,2
+stockman,678,2
+lindenwood,789,4
+leonardo,86,0
+lindenwood,1047,2
+shelbyville,2524,7
+lindenwood,1908,6
+shelbyville,1144,1
+ranchester,3,1
+forkland,48,2
+ranchester,744,3
+woodbine,1729,4
+shelbyville,208,2
+pomaria,85,5
+leonardo,1218,5
+woodbine,1849,3
+pinesdale,794,2
+shelbyville,2568,4
+lakeville,1359,2
+ranchester,1599,2
+coffeen,185,1
+stockman,791,1
+pomaria,655,1
+stockman,281,3
+mifflinburg,759,4
+hiteman,911,0
+tolstoy,1208,11
+hanson,641,5
+forkland,665,4
+shelbyville,1227,0
+tolstoy,751,6
+ranchester,271,8
+woodbine,1535,2
+stockman,1290,0
+hiteman,1155,3
+klickitat,686,6
+tolstoy,565,2
+benevolence,525,14
+klickitat,1559,11
+beechwood,825,2
+lakeville,995,2
+ranchester,795,2
+pomaria,1410,1
+pomaria,332,2
+shelbyville,1408,4
+beechwood,571,5
+lindenwood,733,10
+lakeville,303,3
+lakeville,1863,5
+lindenwood,2070,0
+marstons,1339,7
+leonardo,604,7
+forkland,865,2
+tolstoy,1371,5
+wainscott,1289,9
+lakeville,1502,3
+marstons,632,1
+cosmos,2,7
+forkland,440,5
+hanson,360,7
+woodbine,480,0
+tolstoy,566,2
+tolstoy,1163,5
+klickitat,236,3
+shelbyville,2341,15
+hiteman,27,6
+cosmos,1048,1
+newfields,739,7
+shelbyville,2182,1
+ranchester,1307,1
+stockman,1490,0
+shelbyville,2571,0
+marstons,1705,6
+lakeville,445,2
+lindenwood,2279,1
+forkland,878,3
+coffeen,393,3
+pinesdale,1019,2
+forkland,1095,6
+woodbine,1054,9
+pomaria,1593,2
+coffeen,1320,1
+allensville,361,9
+lindenwood,1985,1
+leonardo,1608,10
+stockman,1441,15
+stockman,1606,0
+woodbine,1599,1
+stockman,428,2
+woodbine,1877,6
+hiteman,1383,9
+shelbyville,1268,4
+wainscott,1273,1
+klickitat,472,8
+shelbyville,612,4
+marstons,1250,5
+hanson,675,1
+woodbine,1939,4
+hanson,770,3
+ranchester,327,5
+lakeville,1117,4
+leonardo,869,8
+marstons,201,9
+lakeville,350,4
+marstons,978,8
+onaga,294,7
+klickitat,1551,3
+woodbine,1096,4
+hiteman,1599,4
+marstons,375,7
+shelbyville,1862,7
+hanson,834,3
+woodbine,316,4
+pomaria,1159,9
+tolstoy,805,9
+stockman,1534,1
+hiteman,432,5
+lakeville,414,9
+marstons,591,1
+newfields,1442,4
+marstons,130,0
+pomaria,189,5
+hiteman,193,2
+forkland,424,2
+newfields,945,2
+wainscott,1629,5
+lakeville,1509,4
+beechwood,423,1
+pomaria,1590,0
+beechwood,1062,2
+leonardo,998,7
+lakeville,1364,6
+pomaria,1262,2
+tolstoy,901,5
+newfields,1470,3
+shelbyville,1977,1
+hanson,384,11
+forkland,393,2
+klickitat,2358,18
+coffeen,1098,2
+klickitat,2367,2
+mifflinburg,929,3
+lindenwood,2588,0
+shelbyville,2650,0
+hanson,417,1
+marstons,1850,4
+tolstoy,1738,1
+hiteman,1226,11
+stockman,950,6
+ranchester,509,9
+mifflinburg,436,2
+stockman,1403,2
+lakeville,1335,2
+hanson,1107,6
+stockman,824,1
+pinesdale,350,4
+stockman,1183,2
+newfields,1083,1
+pomaria,1497,1
+pomaria,152,2
+newfields,403,12
+hiteman,376,10
+marstons,705,16
+newfields,612,12
+marstons,2485,0
+marstons,2159,3
+forkland,259,9
+stockman,1171,3
+lakeville,829,0
+stockman,381,1
+klickitat,1756,0
+leonardo,300,0
+klickitat,1038,7
+wainscott,993,0
+lakeville,16,5
+woodbine,320,3
+newfields,787,3
+lindenwood,1566,10
+klickitat,761,3
+marstons,987,6
+hanson,669,3
+lindenwood,2075,2
+leonardo,802,0
+cosmos,701,1
+pinesdale,864,12
+stockman,1594,1
+forkland,124,0
+marstons,704,0
+coffeen,1422,0
+cosmos,1033,0
+shelbyville,1732,16
+lindenwood,2577,2
+pomaria,1308,3
+lindenwood,532,1
+stockman,921,0
+tolstoy,926,19
+woodbine,466,8
+ranchester,913,0
+forkland,151,2
+shelbyville,2025,0
+coffeen,41,0
+stockman,537,3
+pomaria,385,13
+pinesdale,503,1
+pinesdale,259,0
+stockman,669,3
+stockman,746,10
+woodbine,243,5
+lakeville,116,9
+lakeville,80,1
+klickitat,2060,5
+woodbine,1097,7
+forkland,158,0
+beechwood,1045,2
+hanson,1264,2
+hiteman,266,0
+tolstoy,691,0
+merom,727,2
+stockman,606,4
+klickitat,1099,1
+hanson,28,9
+klickitat,2081,2
+hanson,1143,3
+ranchester,317,0
+marstons,1028,3
+wainscott,1727,1
+shelbyville,2481,1
+stockman,1459,4
+wainscott,144,2
+shelbyville,23,3
+woodbine,1550,1
+shelbyville,180,6
+shelbyville,210,5
+pomaria,457,2
+lakeville,1100,5
+woodbine,1092,7
+wainscott,560,1
+hanson,932,2
+leonardo,1096,3
+woodbine,1159,14
+shelbyville,2273,3
+pinesdale,88,2
+ranchester,781,1
+hiteman,1426,4
+stockman,1342,5
+marstons,337,1
+lakeville,549,7
+marstons,1808,0
+beechwood,518,2
+hanson,1183,9
+coffeen,178,6
+wainscott,317,3
+leonardo,292,0
+lindenwood,9,4
+tolstoy,797,5
+leonardo,1435,0
+onaga,55,2
+cosmos,208,0
+hiteman,738,2
+woodbine,400,2
+wainscott,1283,2
+newfields,448,0
+shelbyville,815,1
+ranchester,1362,1
+lindenwood,1356,1
+lindenwood,1329,2
+shelbyville,2778,4
+wainscott,1362,9
+cosmos,855,4
+stockman,1007,2
+lakeville,165,6
+hanson,1219,11
+klickitat,592,5
+woodbine,148,0
+leonardo,318,2
+hiteman,603,0
+leonardo,1985,13
+lakeville,347,3
+ranchester,681,7
+pomaria,1021,6
+lindenwood,367,1
+klickitat,1029,2
+newfields,1656,0
+klickitat,432,4
+marstons,1347,3
+pomaria,994,4
+marstons,1213,19
+stockman,1311,2
+lakeville,452,9
+ranchester,274,13
+pomaria,178,2
+hiteman,1371,1
+newfields,718,3
+newfields,1302,2
+leonardo,1929,1
+newfields,1472,0
+tolstoy,1444,2
+merom,509,2
+leonardo,1663,10
+stockman,1617,0
+benevolence,524,8
+woodbine,884,10
+pomaria,809,2
+hiteman,831,1
+lakeville,1678,2
+pomaria,1570,5
+lindenwood,1054,3
+hiteman,614,5
+woodbine,1655,1
+allensville,409,2
+hanson,8,2
+lakeville,1280,6
+stockman,263,0
+pomaria,1594,4
+newfields,1433,7
+klickitat,111,5
+newfields,851,3
+shelbyville,1559,3
+beechwood,693,2
+leonardo,220,3
+lakeville,1773,2
+leonardo,1796,1
+hiteman,1764,9
+beechwood,941,3
+hiteman,702,4
+hiteman,807,4
+pinesdale,334,8
+ranchester,1314,5
+pomaria,1403,5
+tolstoy,429,8
+coffeen,1513,1
+lindenwood,652,0
+pinesdale,105,5
+shelbyville,1410,2
+leonardo,412,8
+wainscott,1063,2
+leonardo,1978,3
+lindenwood,2108,3
+lakeville,1093,3
+newfields,1250,0
+stockman,1218,3
+leonardo,1096,5
+klickitat,2412,8
+wainscott,618,9
+stockman,912,9
+coffeen,290,2
+woodbine,822,5
+stockman,1,4
+klickitat,100,0
+woodbine,1435,6
+tolstoy,711,1
+tolstoy,760,6
+leonardo,1545,8
+wainscott,1610,1
+newfields,1029,4
+cosmos,828,7
+lakeville,46,1
+klickitat,1993,3
+marstons,1780,4
+hiteman,1226,4
+marstons,1148,3
+lindenwood,1177,3
+coffeen,923,1
+wainscott,534,4
+newfields,449,9
+shelbyville,712,4
+hiteman,599,8
+merom,321,2
+coffeen,899,1
+pomaria,1556,4
+coffeen,603,6
+benevolence,393,2
+pomaria,1136,2
+lindenwood,857,2
+hiteman,1122,0
+hanson,1414,1
+mifflinburg,625,2
+stockman,1296,5
+hanson,130,0
+leonardo,442,3
+cosmos,559,0
+beechwood,173,5
+newfields,966,14
+lindenwood,411,1
+woodbine,1097,0
+lindenwood,2216,6
+lindenwood,1817,3
+shelbyville,2724,0
+beechwood,396,10
+mifflinburg,629,1
+benevolence,391,4
+shelbyville,1029,3
+lakeville,775,2
+lakeville,1611,1
+wainscott,804,4
+mifflinburg,843,0
+shelbyville,1317,0
+newfields,1222,3
+marstons,1308,4
+mifflinburg,870,1
+coffeen,1202,1
+pinesdale,392,2
+mifflinburg,54,1
+shelbyville,2342,4
+newfields,53,1
+shelbyville,867,0
+leonardo,2041,11
+lakeville,212,1
+leonardo,953,2
+marstons,546,3
+hiteman,176,0
+pomaria,175,4
+klickitat,518,8
+pomaria,1352,15
+ranchester,871,3
+cosmos,221,7
+klickitat,574,4
+cosmos,123,5
+woodbine,1541,1
+klickitat,1015,1
+shelbyville,2291,4
+woodbine,1702,5
+klickitat,1471,0
+hiteman,1333,8
+pinesdale,39,4
+lindenwood,1615,1
+tolstoy,552,4
+lindenwood,591,4
+hiteman,137,6
+lindenwood,2397,2
+lakeville,788,4
+klickitat,2390,2
+cosmos,612,1
+tolstoy,1172,5
+coffeen,1135,2
+lindenwood,1876,0
+ranchester,917,4
+lindenwood,1333,5
+wainscott,1662,7
+hiteman,326,6
+marstons,1577,1
+tolstoy,969,3
+stockman,27,2
+woodbine,1690,6
+ranchester,1589,10
+shelbyville,1892,0
+pinesdale,781,1
+merom,427,1
+stockman,1454,9
+pinesdale,860,4
+ranchester,973,3
+marstons,359,13
+onaga,147,5
+stockman,577,5
+pinesdale,1433,0
+cosmos,1038,7
+newfields,1546,11
+hiteman,895,5
+merom,657,2
+lindenwood,1052,1
+marstons,1700,2
+hiteman,871,1
+lindenwood,581,0
+klickitat,2228,3
+pomaria,1208,0
+klickitat,406,6
+forkland,1094,7
+woodbine,1619,2
+wainscott,779,12
+shelbyville,2732,3
+tolstoy,1113,2
+hiteman,1598,0
+tolstoy,982,2
+lindenwood,2517,2
+pinesdale,222,3
+tolstoy,1523,10
+ranchester,418,2
+stockman,1368,2
+hiteman,841,0
+ranchester,5,1
+lindenwood,1269,3
+hanson,739,3
+benevolence,289,9
+leonardo,995,0
+woodbine,469,14
+marstons,2258,13
+hanson,233,12
+ranchester,1434,17
+klickitat,2333,14
+ranchester,1539,4
+pomaria,1023,9
+lakeville,1689,2
+hanson,806,8
+lindenwood,1432,2
+ranchester,1494,11
+newfields,708,0
+newfields,1613,3
+stockman,1276,2
+mifflinburg,781,0
+cosmos,484,2
+lakeville,1370,0
+hanson,1256,2
+woodbine,123,6
+lindenwood,2306,2
+beechwood,1112,3
+wainscott,1589,3
+wainscott,460,2
+merom,948,4
+woodbine,1791,7
+marstons,2437,1
+shelbyville,812,1
+cosmos,691,3
+newfields,1294,2
+stockman,932,2
+lakeville,618,12
+cosmos,596,5
+benevolence,553,2
+pomaria,1441,5
+forkland,623,8
+hiteman,461,0
+pomaria,123,8
+shelbyville,1701,1
+pomaria,1383,3
+marstons,913,7
+hiteman,1800,0
+hanson,255,1
+woodbine,782,11
+pomaria,574,9
+onaga,197,0
+tolstoy,979,1
+shelbyville,94,3
+lindenwood,465,2
+woodbine,1712,14
+stockman,1598,0
+wainscott,85,0
+stockman,655,0
+lakeville,554,3
+cosmos,704,8
+ranchester,1268,3
+leonardo,451,2
+stockman,1059,6
+shelbyville,1633,13
+tolstoy,84,5
+pinesdale,19,4
+newfields,535,7
+leonardo,581,0
+marstons,1348,4
+lindenwood,1725,1
+newfields,1157,8
+merom,1094,3
+marstons,1896,16
+beechwood,581,3
+hiteman,1235,2
+hiteman,726,4
+klickitat,1417,2
+newfields,1433,2
+beechwood,647,2
+pomaria,1346,1
+cosmos,139,2
+klickitat,1845,12
+newfields,173,0
+klickitat,1772,9
+lindenwood,432,12
+stockman,72,3
+benevolence,772,3
+hiteman,1204,6
+hiteman,1238,13
+ranchester,1014,13
+hanson,1021,8
+forkland,690,4
+cosmos,940,14
+klickitat,501,2
+wainscott,233,6
+newfields,114,0
+pomaria,1344,5
+wainscott,1543,7
+lindenwood,2644,9
+lakeville,459,14
+lakeville,1715,1
+newfields,1623,0
+lakeville,28,5
+hanson,771,6
+beechwood,1118,1
+hiteman,168,0
+onaga,645,0
+hiteman,750,3
+newfields,611,3
+pomaria,662,14
+allensville,59,0
+woodbine,1904,4
+tolstoy,968,5
+marstons,2160,4
+leonardo,1207,0
+tolstoy,1438,4
+pinesdale,464,4
+newfields,735,2
+wainscott,1117,2
+lindenwood,2362,2
+cosmos,1030,7
+pinesdale,1076,14
+lakeville,1293,0
+lakeville,1147,8
+shelbyville,813,2
+coffeen,32,4
+hiteman,709,3
+lindenwood,2437,3
+shelbyville,841,5
+tolstoy,1535,11
+cosmos,685,5
+shelbyville,1845,1
+woodbine,1503,5
+lakeville,1640,2
+hiteman,995,8
+tolstoy,384,12
+newfields,604,0
+forkland,1133,1
+marstons,2151,2
+shelbyville,2302,9
+wainscott,934,6
+pomaria,1244,3
+leonardo,32,4
+marstons,360,3
+leonardo,1328,0
+hiteman,1806,1
+tolstoy,767,1
+coffeen,809,9
+ranchester,419,1
+leonardo,833,0
+lakeville,123,2
+newfields,574,0
+klickitat,1109,8
+lindenwood,747,16
+klickitat,2321,5
+merom,44,5
+forkland,993,3
+hanson,1552,5
+woodbine,174,2
+benevolence,8,1
+forkland,255,0
+lindenwood,359,0
+pomaria,574,5
+marstons,1970,5
+ranchester,531,10
+marstons,1547,3
+wainscott,1578,9
+pinesdale,331,5
+hiteman,1084,2
+lindenwood,2177,1
+woodbine,144,0
+klickitat,221,4
+forkland,479,1
+pomaria,1234,9
+cosmos,685,0
+pomaria,441,0
+hiteman,1298,2
+pinesdale,1483,9
+lindenwood,1456,5
+pinesdale,855,6
+benevolence,707,3
+hanson,1118,2
+shelbyville,1318,4
+klickitat,1589,13
+lindenwood,1919,13
+hiteman,968,3
+leonardo,1046,2
+stockman,118,4
+lakeville,379,0
+stockman,848,3
+pomaria,409,6
+tolstoy,179,0
+tolstoy,493,7
+leonardo,407,3
+wainscott,125,3
+beechwood,503,7
+newfields,1117,3
+lakeville,904,11
+hiteman,295,0
+leonardo,1704,0
+newfields,1605,9
+hiteman,292,1
+marstons,211,0
+lindenwood,1934,0
+stockman,175,1
+woodbine,946,2
+tolstoy,864,21
+shelbyville,1615,2
+leonardo,613,3
+marstons,1492,11
+leonardo,1412,2
+hanson,226,10
+beechwood,508,0
+ranchester,502,1
+klickitat,908,6
+hiteman,351,2
+klickitat,1313,6
+coffeen,810,7
+hanson,580,1
+stockman,586,0
+newfields,149,3
+marstons,1265,0
+merom,668,3
+ranchester,1428,4
+leonardo,669,0
+pinesdale,1074,7
+marstons,937,4
+hiteman,169,2
+pinesdale,181,3
+pinesdale,814,8
+lakeville,467,4
+lakeville,663,10
+leonardo,1579,14
+shelbyville,375,6
+marstons,902,1
+lindenwood,808,2
+marstons,1245,3
+klickitat,140,2
+hiteman,1243,0
+klickitat,1749,4
+lindenwood,2349,1
+pomaria,1521,2
+newfields,1069,0
+mifflinburg,197,2
+stockman,801,2
+hanson,707,11
+shelbyville,1129,0
+beechwood,101,3
+ranchester,204,0
+onaga,487,3
+wainscott,283,4
+pinesdale,415,3
+lakeville,1841,5
+hanson,1085,2
+klickitat,171,6
+leonardo,563,6
+woodbine,1859,4
+pinesdale,151,2
+beechwood,605,2
+shelbyville,790,5
+ranchester,792,12
+lakeville,305,3
+hanson,1234,5
+ranchester,1131,10
+newfields,710,5
+tolstoy,165,2
+woodbine,1692,9
+wainscott,996,0
+beechwood,79,7
+benevolence,336,6
+ranchester,1149,6
+leonardo,1333,3
+pomaria,1053,4
+klickitat,141,12
+lindenwood,2490,0
+newfields,965,1
+woodbine,21,17
+onaga,659,5
+pinesdale,1113,2
+pinesdale,172,2
+benevolence,896,2
+lakeville,697,8
+tolstoy,635,1
+klickitat,305,16
+shelbyville,2496,12
+allensville,272,9
+wainscott,967,1
+newfields,803,2
+pomaria,299,1
+woodbine,1225,4
+coffeen,260,1
+wainscott,1067,2
+lakeville,1252,14
+klickitat,89,5
+lindenwood,541,1
+lakeville,396,2
+stockman,1039,7
+benevolence,807,1
+woodbine,1607,3
+lakeville,847,5
+allensville,24,2
+shelbyville,1258,10
+cosmos,823,10
+marstons,1730,6
+marstons,1603,4
+ranchester,1621,0
+marstons,2101,8
+beechwood,703,9
+lindenwood,711,2
+merom,908,1
+leonardo,1365,1
+shelbyville,1469,17
+leonardo,843,1
+forkland,12,4
+marstons,1980,1
+merom,174,0
+leonardo,1094,5
+newfields,439,12
+woodbine,1629,10
+ranchester,1514,0
+wainscott,1385,11
+pinesdale,1313,0
+leonardo,1888,3
+klickitat,1584,7
+newfields,1410,7
+newfields,918,6
+shelbyville,18,1
+newfields,16,6
+lindenwood,20,0
+cosmos,262,2
+woodbine,1097,9
+onaga,657,0
+leonardo,24,2
+marstons,822,5
+forkland,968,0
+merom,356,0
+leonardo,1147,3
+stockman,1498,2
+lakeville,156,5
+hiteman,1140,3
+forkland,782,1
+klickitat,977,6
+ranchester,1606,0
+woodbine,597,0
+beechwood,24,2
+pomaria,1541,9
+lakeville,892,0
+tolstoy,612,4
+pomaria,1436,0
+forkland,34,2
+shelbyville,1544,6
+tolstoy,49,2
+stockman,1015,0
+tolstoy,891,11
+marstons,1697,2
+hiteman,1215,8
+shelbyville,165,2
+marstons,1146,1
+hanson,198,6
+merom,553,1
+pomaria,974,5
+marstons,333,1
+hanson,383,5
+ranchester,409,1
+cosmos,154,1
+hanson,1577,0
+woodbine,316,3
+hiteman,1264,2
+beechwood,1070,0
+forkland,248,6
+pomaria,33,1
+newfields,1602,8
+shelbyville,1620,7
+shelbyville,282,13
+tolstoy,242,1
+stockman,560,7
+newfields,1531,0
+newfields,1235,3
+pomaria,104,0
+tolstoy,1351,1
+stockman,299,2
+shelbyville,483,4
+coffeen,602,3
+ranchester,1053,2
+coffeen,1280,1
+pomaria,930,3
+woodbine,275,9
+marstons,1342,1
+allensville,494,1
+lakeville,1836,4
+hanson,1472,3
+leonardo,1435,9
+marstons,1203,5
+beechwood,758,6
+coffeen,435,2
+tolstoy,214,11
+shelbyville,2334,14
+tolstoy,741,2
+hiteman,247,5
+klickitat,2400,4
+coffeen,1150,9
+wainscott,1174,1
+pinesdale,1382,0
+mifflinburg,434,3
+hanson,918,1
+wainscott,16,1
+lindenwood,2019,6
+lakeville,931,3
+woodbine,433,3
+hanson,294,2
+stockman,565,2
+pomaria,1557,1
+hanson,500,3
+forkland,69,2
+coffeen,958,2
+tolstoy,1762,7
+shelbyville,1491,5
+coffeen,1319,3
+pomaria,1237,0
+lakeville,211,0
+forkland,1039,2
+newfields,1503,6
+newfields,636,0
+tolstoy,310,1
+forkland,483,3
+beechwood,662,7
+pomaria,1264,6
+stockman,1030,0
+hanson,1157,12
+marstons,1528,5
+lakeville,89,8
+beechwood,813,4
+hiteman,1765,3
+pinesdale,553,1
+leonardo,1564,5
+woodbine,804,3
+pomaria,1669,3
+ranchester,418,7
+hanson,577,0
+pomaria,940,1
+lindenwood,35,2
+marstons,2321,2
+klickitat,1849,6
+shelbyville,1334,2
+hanson,1525,4
+coffeen,350,2
+newfields,1068,2
+lakeville,257,0
+cosmos,191,3
+forkland,142,3
+ranchester,1296,5
+coffeen,363,1
+coffeen,637,2
+beechwood,537,4
+pomaria,1626,5
+stockman,440,5
+mifflinburg,34,1
+leonardo,1946,2
+hanson,244,2
+lindenwood,945,3
+cosmos,269,0
+cosmos,810,3
+merom,445,6
+ranchester,50,7
+lakeville,1519,2
+klickitat,2246,5
+lakeville,221,0
+woodbine,806,0
+lindenwood,997,3
+tolstoy,217,0
+wainscott,1490,1
+ranchester,455,1
+tolstoy,198,4
+shelbyville,2431,7
+marstons,1889,6
+hanson,80,0
+pinesdale,9,1
+marstons,2280,2
+klickitat,814,1
+klickitat,1599,0
+marstons,1220,13
+leonardo,1063,0
+lindenwood,715,6
+forkland,176,8
+pomaria,1513,0
+marstons,273,7
+leonardo,1224,1
+klickitat,1292,6
+leonardo,2058,4
+stockman,277,2
+beechwood,219,3
+leonardo,1396,2
+benevolence,923,3
+tolstoy,1096,2
+klickitat,1461,3
+coffeen,91,1
+allensville,463,0
+woodbine,1713,7
+shelbyville,2171,1
+benevolence,686,4
+tolstoy,1366,7
+pomaria,951,3
+beechwood,847,2
+marstons,447,1
+klickitat,2016,7
+coffeen,978,4
+lindenwood,856,3
+hanson,1197,6
+lindenwood,1757,11
+hiteman,694,7
+ranchester,519,2
+klickitat,468,7
+stockman,767,1
+woodbine,1864,15
+benevolence,668,4
+klickitat,1319,7
+ranchester,1144,3
+lindenwood,1495,7
+lindenwood,642,1
+klickitat,1433,4
+stockman,611,3
+hiteman,1150,3
+cosmos,638,1
+lindenwood,2187,9
+klickitat,1706,7
+lindenwood,661,0
+shelbyville,674,2
+cosmos,740,4
+benevolence,338,12
+klickitat,1053,2
+newfields,1464,2
+coffeen,1436,4
+tolstoy,795,15
+tolstoy,764,11
+klickitat,1828,2
+pomaria,1437,15
+hiteman,87,3
+stockman,1366,2
+klickitat,1884,10
+lakeville,284,12
+marstons,1431,4
+wainscott,680,3
+hanson,54,13
+marstons,892,4
+leonardo,1618,3
+lindenwood,1202,3
+leonardo,1352,6
+pinesdale,293,4
+mifflinburg,643,1
+hiteman,1158,12
+pomaria,1427,18
+shelbyville,2531,5
+woodbine,1932,10
+wainscott,36,1
+stockman,239,6
+ranchester,1003,0
+tolstoy,1767,3
+marstons,232,4
+klickitat,804,3
+ranchester,837,9
+stockman,824,7
+ranchester,1455,3
+lindenwood,1278,2
+leonardo,718,6
+shelbyville,2392,4
+wainscott,1343,8
+lakeville,284,5
+shelbyville,375,13
+onaga,527,2
+woodbine,501,6
+tolstoy,1012,1
+cosmos,1003,3
+pinesdale,40,3
+coffeen,787,7
+cosmos,131,4
+ranchester,1446,9
+pomaria,663,2
+wainscott,1151,9
+pinesdale,1258,4
+cosmos,915,4
+pomaria,1186,5
+hiteman,777,3
+stockman,644,3
+shelbyville,1308,13
+forkland,450,4
+woodbine,114,2
+pomaria,596,1
+lindenwood,1720,0
+newfields,1204,20
+lindenwood,958,6
+tolstoy,839,2
+coffeen,778,4
+leonardo,1936,0
+leonardo,151,0
+lindenwood,1824,0
+pomaria,1435,7
+newfields,181,0
+lindenwood,708,7
+marstons,196,0
+hanson,861,0
+leonardo,882,8
+forkland,852,2
+shelbyville,2361,1
+pomaria,261,0
+mifflinburg,484,2
+shelbyville,2012,2
+pinesdale,374,2
+forkland,690,0
+shelbyville,494,1
+merom,1035,7
+woodbine,929,1
+woodbine,1122,3
+lindenwood,2271,4
+leonardo,150,1
+cosmos,456,5
+hiteman,1167,0
+lakeville,229,0
+coffeen,355,7
+shelbyville,92,3
+hanson,1605,5
+leonardo,619,4
+leonardo,1445,1
+marstons,808,2
+forkland,778,1
+stockman,1081,6
+wainscott,1785,2
+klickitat,1178,8
+beechwood,381,0
+newfields,1277,2
+tolstoy,1395,1
+marstons,696,15
+tolstoy,556,7
+beechwood,949,1
+lindenwood,1213,2
+woodbine,2024,3
+hiteman,1399,10
+klickitat,895,0
+shelbyville,69,4
+marstons,2288,5
+pomaria,794,4
+shelbyville,2067,1
+hiteman,44,6
+newfields,1484,4
+pinesdale,502,3
+tolstoy,917,7
+lindenwood,888,5
+woodbine,388,3
+shelbyville,424,1
+marstons,611,1
+wainscott,847,8
+klickitat,1414,5
+ranchester,938,10
+stockman,302,0
+wainscott,1703,2
+leonardo,621,1
+leonardo,1500,0
+marstons,19,6
+tolstoy,75,4
+coffeen,823,6
+lakeville,634,1
+newfields,1220,8
+lakeville,1284,16
+merom,784,6
+allensville,115,0
+ranchester,1358,4
+lindenwood,2178,3
+shelbyville,1913,1
+wainscott,1654,1
+klickitat,728,5
+pinesdale,243,0
+shelbyville,585,2
+allensville,272,4
+cosmos,618,4
+cosmos,302,2
+beechwood,703,5
+leonardo,584,3
+lakeville,1878,1
+newfields,627,7
+forkland,929,2
+hanson,1623,0
+hiteman,738,1
+tolstoy,465,1
+hanson,1520,8
+pinesdale,1135,0
+woodbine,1852,1
+coffeen,226,2
+leonardo,908,1
+benevolence,328,5
+coffeen,58,7
+coffeen,137,0
+shelbyville,650,2
+mifflinburg,530,3
+shelbyville,2017,6
+hanson,1292,6
+shelbyville,1549,3
+tolstoy,670,5
+woodbine,1804,8
+lindenwood,653,3
+merom,792,6
+shelbyville,574,7
+hiteman,956,0
+shelbyville,1735,11
+lindenwood,73,1
+lindenwood,769,7
+shelbyville,2514,6
+woodbine,152,1
+tolstoy,1728,12
+shelbyville,1678,0
+lindenwood,2158,8
+wainscott,504,3
+shelbyville,78,8
+lindenwood,2552,5
+shelbyville,1023,1
+pomaria,102,1
+leonardo,1494,0
+stockman,199,0
+shelbyville,617,4
+leonardo,1244,2
+pinesdale,1288,1
+beechwood,213,3
+mifflinburg,654,7
+onaga,573,1
+leonardo,501,5
+wainscott,773,2
+tolstoy,102,2
+shelbyville,1342,14
+ranchester,181,2
+leonardo,1834,5
+klickitat,181,4
+tolstoy,1132,11
+shelbyville,1691,4
+klickitat,1018,4
+pinesdale,824,12
+pomaria,781,5
+newfields,489,2
+shelbyville,2814,12
+wainscott,1024,8
+ranchester,1406,8
+lakeville,626,2
+wainscott,728,5
+marstons,1465,2
+pomaria,9,3
+pomaria,730,3
+lakeville,1030,5
+newfields,1221,10
+klickitat,232,2
+wainscott,957,0
+woodbine,518,5
+shelbyville,1208,3
+beechwood,195,1
+lindenwood,580,2
+merom,39,6
+lakeville,76,5
+leonardo,601,13
+lindenwood,2544,4
+woodbine,277,1
+hiteman,1342,4
+forkland,222,2
+merom,638,4
+leonardo,2060,0
+merom,135,0
+woodbine,341,6
+ranchester,1116,3
+lindenwood,1600,0
+beechwood,980,1
+newfields,1027,10
+pomaria,457,3
+stockman,586,5
+lakeville,566,12
+lindenwood,1631,0
+shelbyville,1698,0
+lindenwood,435,0
+coffeen,14,2
+beechwood,250,1
+klickitat,1763,0
+ranchester,1104,1
+woodbine,803,0
+tolstoy,642,3
+lakeville,36,12
+shelbyville,1756,1
+hanson,1067,3
+pinesdale,558,3
+lakeville,268,7
+tolstoy,1269,5
+hanson,430,0
+lindenwood,1830,3
+lindenwood,1479,1
+leonardo,400,0
+forkland,493,0
+hanson,354,2
+shelbyville,447,6
+hanson,365,7
+klickitat,2292,5
+lakeville,659,5
+leonardo,695,6
+wainscott,735,4
+hiteman,180,4
+lindenwood,1802,4
+lindenwood,1909,1
+forkland,420,0
+coffeen,682,2
+klickitat,839,3
+lindenwood,1288,3
+wainscott,423,4
+wainscott,252,1
+pomaria,901,2
+pomaria,483,4
+hiteman,1318,9
+woodbine,1881,3
+lindenwood,2173,6
+tolstoy,796,3
+wainscott,313,7
+newfields,1256,8
+shelbyville,2163,6
+lindenwood,958,9
+newfields,988,3
+coffeen,727,5
+lakeville,1432,2
+wainscott,1102,0
+marstons,2326,0
+lindenwood,1024,2
+pinesdale,360,2
+klickitat,1303,6
+stockman,1142,2
+hiteman,276,0
+coffeen,91,2
+wainscott,149,2
+leonardo,309,3
+woodbine,616,1
+wainscott,1339,6
+marstons,99,6
+hiteman,1318,11
+hiteman,1228,1
+pinesdale,483,0
+ranchester,1034,7
+leonardo,596,4
+beechwood,1119,8
+klickitat,1829,4
+newfields,892,9
+lakeville,1185,1
+woodbine,1835,3
+wainscott,1205,2
+ranchester,1099,9
+ranchester,298,9
+coffeen,106,1
+beechwood,954,4
+hanson,1633,6
+marstons,1882,2
+beechwood,1132,6
+leonardo,815,3
+tolstoy,696,1
+shelbyville,2258,7
+klickitat,2227,8
+woodbine,1330,6
+allensville,78,0
+newfields,670,5
+klickitat,583,2
+klickitat,2261,2
+tolstoy,472,2
+forkland,1014,2
+beechwood,864,5
+marstons,291,1
+allensville,394,3
+leonardo,579,12
+marstons,977,2
+marstons,1533,6
+coffeen,277,1
+shelbyville,1256,0
+tolstoy,291,9
+pinesdale,1151,1
+lakeville,1406,11
+leonardo,491,0
+leonardo,1482,0
+forkland,985,3
+pinesdale,164,5
+shelbyville,144,11
+pinesdale,985,0
+leonardo,2000,1
+shelbyville,2389,3
+stockman,639,5
+marstons,61,8
+hanson,1195,2
+coffeen,256,1
+klickitat,687,4
+merom,733,2
+lindenwood,916,2
+lindenwood,1355,7
+hiteman,796,8
+coffeen,1308,1
+lakeville,28,3
+lindenwood,1113,7
+klickitat,1676,0
+forkland,126,2
+lakeville,1135,2
+woodbine,808,3
+cosmos,744,1
+klickitat,1389,11
+woodbine,1847,8
+allensville,126,1
+hanson,828,2
+lindenwood,1528,4
+tolstoy,702,4
+lindenwood,2339,7
+leonardo,785,10
+hiteman,403,5
+stockman,811,5
+newfields,1421,7
+woodbine,1647,2
+marstons,136,2
+shelbyville,55,3
+ranchester,621,4
+lakeville,151,4
+leonardo,1850,3
+leonardo,373,0
+wainscott,1043,7
+pinesdale,846,5
+onaga,192,3
+hanson,151,9
+woodbine,1655,7
+ranchester,1490,5
+pomaria,1113,0
+pomaria,589,2
+leonardo,1278,0
+pinesdale,303,5
+lakeville,313,5
+coffeen,785,8
+tolstoy,794,1
+klickitat,2265,1
+lindenwood,1790,3
+beechwood,590,0
+pomaria,885,7
+stockman,424,2
+shelbyville,1791,3
+klickitat,1394,5
+shelbyville,56,1
+shelbyville,574,10
+hiteman,972,2
+woodbine,878,5
+cosmos,33,4
+hiteman,1849,4
+ranchester,1584,9
+lakeville,368,7
+marstons,410,4
+ranchester,755,5
+stockman,940,4
+hiteman,1109,5
+hanson,11,3
+pomaria,364,0
+merom,663,1
+hiteman,1185,0
+marstons,453,6
+cosmos,427,6
+shelbyville,2675,0
+tolstoy,809,0
+shelbyville,1419,12
+newfields,1162,2
+klickitat,150,3
+hiteman,1046,3
+newfields,1249,3
+merom,597,6
+shelbyville,399,2
+pomaria,314,14
+cosmos,876,3
+pinesdale,1133,2
+tolstoy,617,2
+lakeville,422,9
+coffeen,1045,6
+marstons,563,5
+woodbine,643,6
+pomaria,1574,4
+tolstoy,149,1
+pomaria,544,1
+pinesdale,652,1
+marstons,1859,2
+lakeville,1886,10
+lindenwood,2345,11
+allensville,50,5
+pomaria,251,4
+stockman,1307,0
+ranchester,31,3
+leonardo,733,17
+pinesdale,901,4
+lindenwood,2621,6
+wainscott,1104,0
+ranchester,1214,1
+hiteman,330,7
+leonardo,1933,5
+marstons,871,2
+mifflinburg,701,1
+merom,884,6
+lindenwood,2358,5
+marstons,1038,2
+lindenwood,2266,5
+coffeen,588,1
+wainscott,872,1
+klickitat,805,3
+wainscott,845,3
+pinesdale,260,2
+lakeville,1065,2
+marstons,1920,3
+marstons,1332,7
+pomaria,821,2
+lakeville,1161,4
+klickitat,2156,1
+wainscott,854,0
+stockman,81,2
+woodbine,1417,1
+shelbyville,277,3
+lakeville,351,9
+hanson,544,3
+coffeen,1343,1
+hanson,365,4
+shelbyville,1074,2
+ranchester,336,0
+benevolence,610,0
+newfields,1171,3
+woodbine,481,6
+ranchester,403,4
+lindenwood,845,4
+newfields,1500,0
+woodbine,1269,3
+woodbine,1863,2
+lindenwood,2163,4
+leonardo,798,4
+woodbine,1991,11
+newfields,176,5
+tolstoy,927,3
+lindenwood,1381,3
+marstons,2558,7
+pinesdale,23,0
+klickitat,65,0
+lakeville,1465,2
+forkland,987,1
+pinesdale,491,0
+stockman,1606,1
+benevolence,312,5
+benevolence,897,8
+lakeville,152,2
+forkland,163,3
+pomaria,143,1
+lakeville,579,2
+woodbine,218,0
+marstons,1962,3
+hiteman,200,3
+pinesdale,554,6
+leonardo,837,2
+marstons,33,17
+leonardo,703,1
+shelbyville,2605,2
+wainscott,363,0
+mifflinburg,471,2
+wainscott,1431,1
+leonardo,1114,1
+lakeville,633,5
+marstons,2282,1
+hiteman,126,1
+lindenwood,243,2
+hiteman,1829,5
+merom,953,1
+klickitat,1114,4
+hanson,899,0
+lakeville,1872,12
+newfields,281,1
+shelbyville,1040,0
+tolstoy,1218,14
+leonardo,929,3
+marstons,114,1
+beechwood,361,5
+coffeen,607,1
+marstons,2296,1
+klickitat,700,0
+shelbyville,2141,3
+merom,913,7
+lindenwood,1376,1
+lindenwood,960,2
+hiteman,444,3
+pomaria,1317,1
+pinesdale,1206,0
+stockman,467,1
+lindenwood,2205,4
+hanson,1477,3
+forkland,318,0
+marstons,1289,1
+beechwood,988,3
+marstons,956,4
+hanson,9,2
+mifflinburg,140,12
+lakeville,1250,15
+hiteman,1470,5
+wainscott,443,12
+tolstoy,1325,8
+coffeen,250,2
+stockman,127,2
+lindenwood,2528,1
+leonardo,253,3
+shelbyville,1479,0
+allensville,505,1
+lindenwood,1960,9
+hanson,673,15
+tolstoy,123,0
+stockman,860,3
+beechwood,442,4
+tolstoy,857,3
+wainscott,1160,2
+hanson,889,2
+coffeen,556,9
+hanson,1333,9
+klickitat,1728,14
+merom,464,1
+klickitat,313,2
+wainscott,1524,2
+shelbyville,638,8
+newfields,1626,8
+pinesdale,920,3
+forkland,816,5
+benevolence,55,2
+shelbyville,2152,2
+allensville,119,4
+pomaria,1441,4
+leonardo,1009,5
+pomaria,577,1
+marstons,2565,8
+coffeen,872,0
+lindenwood,2105,0
+lakeville,36,3
+ranchester,692,7
+lakeville,237,6
+marstons,1009,0
+forkland,614,1
+newfields,630,0
+tolstoy,665,3
+hiteman,935,0
+lakeville,391,0
+marstons,1797,2
+shelbyville,2065,5
+pinesdale,721,1
+hiteman,1781,4
+hiteman,749,2
+benevolence,797,3
+tolstoy,1378,0
+newfields,14,12
+benevolence,921,2
+pinesdale,394,0
+lakeville,908,0
+pinesdale,353,1
+pinesdale,185,1
+ranchester,1361,1
+hanson,208,3
+shelbyville,516,3
+wainscott,692,5
+lindenwood,273,13
+klickitat,1877,0
+marstons,2190,2
+cosmos,297,0
+ranchester,250,9
+lindenwood,226,5
+cosmos,391,3
+klickitat,1153,1
+pomaria,90,7
+klickitat,1524,2
+newfields,122,2
+hanson,938,0
+lindenwood,745,0
+shelbyville,1326,3
+tolstoy,400,6
+stockman,699,4
+stockman,1575,0
+klickitat,1351,1
+hanson,552,6
+shelbyville,2459,6
+pomaria,1671,5
+stockman,165,1
+pomaria,1651,2
+hanson,287,2
+leonardo,703,8
+hiteman,301,0
+tolstoy,342,0
+hanson,971,4
+klickitat,2257,8
+ranchester,1521,0
+hanson,1069,5
+shelbyville,1018,16
+leonardo,896,7
+pinesdale,251,0
+newfields,836,5
+stockman,1384,0
+klickitat,2228,13
+leonardo,291,9
+shelbyville,2390,2
+klickitat,1462,0
+newfields,863,2
+beechwood,532,2
+tolstoy,128,7
+merom,45,1
+shelbyville,910,2
+ranchester,486,1
+leonardo,257,18
+pomaria,565,0
+stockman,1090,1
+marstons,1543,1
+hanson,526,7
+pomaria,1008,8
+shelbyville,2335,9
+leonardo,2104,2
+lakeville,990,1
+hiteman,1663,0
+mifflinburg,560,1
+woodbine,1084,3
+lakeville,1596,3
+pinesdale,1122,9
+hiteman,1720,1
+newfields,63,0
+pinesdale,190,3
+leonardo,471,5
+tolstoy,1583,9
+merom,632,3
+marstons,202,8
+forkland,301,3
+tolstoy,1458,4
+onaga,665,1
+hanson,1195,11
+cosmos,159,0
+stockman,307,2
+leonardo,1698,1
+ranchester,787,0
+woodbine,622,5
+pomaria,82,0
+mifflinburg,390,0
+stockman,1406,4
+coffeen,989,1
+klickitat,1888,3
+lindenwood,98,0
+stockman,175,3
+leonardo,943,3
+coffeen,279,2
+ranchester,1480,1
+woodbine,564,0
+lindenwood,682,8
+wainscott,705,3
+lindenwood,869,5
+newfields,34,0
+cosmos,637,3
+beechwood,840,2
+merom,822,4
+tolstoy,21,1
+klickitat,140,7
+klickitat,1001,0
+wainscott,149,6
+ranchester,1234,0
+woodbine,670,4
+ranchester,1126,2
+marstons,1740,6
+hiteman,805,7
+tolstoy,1131,0
+coffeen,814,0
+woodbine,1520,5
+wainscott,1312,0
+newfields,588,12
+hanson,1173,12
+beechwood,883,7
+ranchester,36,1
+tolstoy,1174,2
+klickitat,1130,1
+pinesdale,1180,0
+merom,515,1
+klickitat,2321,3
+mifflinburg,310,2
+klickitat,1147,3
+lindenwood,344,4
+pinesdale,673,0
+ranchester,596,0
+ranchester,498,8
+hiteman,1006,6
+tolstoy,453,5
+ranchester,604,2
+tolstoy,153,6
+leonardo,1589,3
+lakeville,1028,3
+stockman,76,2
+klickitat,585,5
+lakeville,1167,4
+tolstoy,1773,2
+coffeen,55,3
+newfields,632,1
+woodbine,1991,3
+lindenwood,141,5
+wainscott,760,4
+hanson,852,17
+marstons,1476,5
+woodbine,166,1
+wainscott,1782,6
+shelbyville,2713,1
+klickitat,1745,5
+merom,269,2
+lindenwood,2394,0
+leonardo,982,4
+shelbyville,2611,1
+onaga,568,0
+tolstoy,929,1
+shelbyville,2271,2
+klickitat,1013,2
+klickitat,2089,1
+shelbyville,1072,4
+lindenwood,2323,1
+lindenwood,1768,4
+mifflinburg,379,2
+marstons,248,8
+hiteman,1319,13
+ranchester,315,0
+pinesdale,148,6
+leonardo,2052,2
+marstons,719,0
+shelbyville,859,19
+hanson,890,0
+onaga,521,2
+coffeen,41,2
+mifflinburg,386,4
+woodbine,1864,16
+wainscott,1736,1
+hiteman,900,4
+tolstoy,700,1
+wainscott,910,2
+marstons,1274,2
+klickitat,1612,3
+lakeville,1559,5
+leonardo,1184,1
+leonardo,589,7
+newfields,182,2
+tolstoy,381,2
+lakeville,706,0
+newfields,234,0
+newfields,304,0
+lindenwood,814,8
+klickitat,2078,4
+pomaria,1296,4
+cosmos,400,2
+marstons,150,1
+leonardo,1947,0
+woodbine,615,3
+shelbyville,164,4
+beechwood,269,1
+pinesdale,239,1
+lindenwood,667,4
+wainscott,3,10
+woodbine,129,7
+lakeville,1387,11
+merom,880,7
+woodbine,417,9
+newfields,1096,9
+newfields,1327,0
+marstons,1003,13
+cosmos,132,3
+forkland,876,9
+marstons,92,1
+forkland,539,0
+shelbyville,1444,3
+forkland,1197,0
+shelbyville,1854,9
+newfields,117,7
+beechwood,583,5
+woodbine,494,6
+marstons,2354,3
+wainscott,287,4
+forkland,274,1
+marstons,2546,2
+lindenwood,1377,4
+leonardo,457,5
+hanson,557,2
+shelbyville,2691,6
+lakeville,459,8
+merom,509,3
+pinesdale,561,1
+shelbyville,2813,15
+lindenwood,1346,2
+wainscott,1718,5
+pomaria,1361,5
+shelbyville,1602,0
+pomaria,1133,1
+klickitat,1157,2
+marstons,2372,6
+pinesdale,1086,6
+wainscott,482,1
+marstons,1998,6
+marstons,1951,0
+shelbyville,2247,3
+tolstoy,375,6
+hiteman,1459,7
+beechwood,1013,11
+ranchester,842,7
+marstons,753,16
+ranchester,1205,5
+coffeen,1048,0
+klickitat,766,2
+tolstoy,926,16
+leonardo,1246,2
+shelbyville,2597,5
+woodbine,67,5
+woodbine,523,1
+stockman,1255,1
+ranchester,487,4
+beechwood,17,6
+pinesdale,227,5
+woodbine,612,15
+tolstoy,568,3
+woodbine,69,5
+lindenwood,1021,0
+shelbyville,1065,1
+hiteman,864,14
+marstons,184,1
+beechwood,676,9
+marstons,1649,0
+klickitat,981,3
+ranchester,414,5
+pinesdale,1313,1
+newfields,892,5
+cosmos,126,3
+lindenwood,909,4
+coffeen,547,0
+merom,137,1
+lindenwood,1401,1
+stockman,56,1
+klickitat,2334,3
+tolstoy,687,3
+cosmos,1026,3
+leonardo,327,2
+hiteman,1212,9
+forkland,669,2
+wainscott,1039,8
+klickitat,2358,7
+marstons,1992,0
+hiteman,254,2
+forkland,527,1
+beechwood,922,0
+beechwood,1132,3
+klickitat,301,2
+wainscott,34,3
+ranchester,58,5
+hiteman,1562,7
+tolstoy,1523,8
+lindenwood,1199,13
+forkland,462,2
+cosmos,911,6
+ranchester,282,1
+wainscott,392,7
+hanson,1171,12
+stockman,1418,1
+mifflinburg,963,1
+marstons,2270,0
+newfields,760,3
+coffeen,501,1
+lindenwood,1169,0
+mifflinburg,605,3
+coffeen,1103,2
+cosmos,230,1
+hiteman,1002,0
+shelbyville,374,8
+tolstoy,1280,3
+marstons,2147,4
+tolstoy,1371,4
+merom,275,0
+marstons,491,6
+wainscott,1020,0
+lindenwood,1225,0
+wainscott,836,10
+pinesdale,986,5
+hanson,623,14
+stockman,993,4
+leonardo,2034,12
+marstons,416,6
+lindenwood,2009,0
+ranchester,949,0
+tolstoy,587,2
+pomaria,1302,3
+hiteman,461,4
+newfields,1058,10
+shelbyville,2132,5
+wainscott,468,7
+klickitat,245,5
+tolstoy,1466,7
+stockman,650,6
+ranchester,428,3
+coffeen,42,1
+cosmos,42,2
+forkland,1079,4
+lakeville,642,5
+marstons,2580,2
+wainscott,1530,3
+cosmos,427,8
+marstons,983,2
+lakeville,113,2
+marstons,620,0
+pomaria,218,1
+woodbine,1887,0
+newfields,1041,0
+stockman,227,2
+ranchester,1184,2
+leonardo,1332,1
+leonardo,1535,3
+newfields,1296,9
+shelbyville,1266,4
+merom,1101,0
+pinesdale,897,8
+onaga,75,0
+pinesdale,1077,2
+shelbyville,2525,0
+lindenwood,1434,0
+marstons,1520,4
+tolstoy,1420,0
+cosmos,405,7
+klickitat,469,3
+cosmos,30,11
+merom,123,3
+benevolence,513,3
+woodbine,1099,9
+allensville,223,0
+marstons,2397,6
+benevolence,376,9
+wainscott,1185,9
+wainscott,253,12
+hiteman,684,0
+hiteman,1352,2
+wainscott,488,0
+marstons,997,1
+shelbyville,1026,3
+tolstoy,610,15
+shelbyville,551,2
+beechwood,858,1
+klickitat,946,5
+hanson,70,1
+forkland,274,3
+klickitat,747,1
+marstons,1983,5
+pomaria,370,1
+klickitat,2408,2
+lindenwood,246,2
+klickitat,34,2
+klickitat,1589,3
+marstons,709,5
+beechwood,302,5
+shelbyville,2744,8
+tolstoy,1160,7
+marstons,2553,4
+wainscott,167,5
+pomaria,1011,6
+stockman,54,0
+marstons,1066,2
+hanson,623,15
+lakeville,1184,2
+klickitat,825,1
+lakeville,969,4
+allensville,477,2
+pomaria,914,13
+newfields,187,5
+benevolence,548,5
+shelbyville,1786,0
+tolstoy,1641,5
+merom,941,4
+shelbyville,2570,1
+stockman,292,6
+tolstoy,1385,0
+pomaria,425,8
+klickitat,927,0
+hiteman,44,3
+leonardo,1242,1
+lakeville,1004,15
+pinesdale,929,6
+pomaria,346,3
+klickitat,1329,9
+hanson,202,1
+coffeen,1150,0
+shelbyville,2474,3
+hiteman,1743,2
+marstons,406,10
+wainscott,51,8
+benevolence,115,10
+shelbyville,856,5
+woodbine,510,8
+merom,360,5
+newfields,1173,1
+cosmos,673,0
+mifflinburg,386,2
+wainscott,1575,1
+hanson,17,15
+leonardo,337,7
+ranchester,490,3
+marstons,137,11
+wainscott,853,0
+lindenwood,2473,7
+onaga,660,0
+benevolence,837,5
+merom,1017,0
+tolstoy,1668,3
+stockman,699,6
+lindenwood,1711,2
+marstons,61,10
+lindenwood,63,4
+lakeville,1153,4
+woodbine,1467,2
+woodbine,131,1
+shelbyville,1165,3
+lakeville,398,6
+hanson,463,0
+marstons,1857,5
+lakeville,1600,3
+coffeen,1130,1
+klickitat,345,13
+allensville,452,4
+woodbine,1723,2
+ranchester,661,2
+forkland,650,0
+pomaria,964,7
+wainscott,207,1
+woodbine,1304,1
+lindenwood,1408,2
+beechwood,1108,1
+newfields,1487,1
+pomaria,781,1
+shelbyville,2303,5
+lakeville,1278,7
+beechwood,787,4
+lindenwood,1713,6
+leonardo,615,10
+wainscott,233,4
+marstons,149,8
+leonardo,245,5
+shelbyville,2556,1
+forkland,696,1
+stockman,1156,1
+hanson,929,2
+lindenwood,2505,6
+merom,924,2
+ranchester,389,11
+klickitat,1040,16
+leonardo,1139,3
+marstons,2578,2
+wainscott,723,1
+shelbyville,577,2
+woodbine,1633,0
+onaga,455,4
+klickitat,1815,5
+stockman,1014,7
+marstons,375,6
+marstons,442,1
+klickitat,1969,1
+lindenwood,1335,0
+marstons,2647,1
+woodbine,1542,0
+shelbyville,1593,4
+ranchester,1444,0
+newfields,13,3
+pomaria,565,9
+cosmos,979,5
+marstons,2047,13
+klickitat,1776,0
+wainscott,1583,8
+wainscott,942,0
+pomaria,444,2
+woodbine,1046,2
+forkland,867,0
+ranchester,1491,7
+forkland,54,1
+hanson,1320,3
+woodbine,303,13
+wainscott,1071,2
+stockman,1083,2
+shelbyville,2436,4
+wainscott,999,4
+newfields,1394,8
+stockman,1347,6
+lindenwood,1891,4
+tolstoy,1078,8
+wainscott,1321,2
+hanson,37,0
+pinesdale,900,3
+hanson,924,1
+stockman,1257,9
+forkland,230,3
+coffeen,1180,4
+pinesdale,731,8
+ranchester,216,7
+lakeville,829,2
+merom,170,5
+pinesdale,505,2
+onaga,200,4
+shelbyville,437,5
+lindenwood,1960,4
+lindenwood,2248,4
+ranchester,1136,7
+wainscott,1051,2
+woodbine,1051,0
+pinesdale,238,2
+hanson,1156,3
+hanson,881,3
+wainscott,586,10
+tolstoy,411,12
+ranchester,943,4
+ranchester,1569,0
+ranchester,197,6
+hiteman,248,0
+hanson,365,3
+tolstoy,1830,0
+marstons,1183,7
+wainscott,1511,0
+woodbine,1588,6
+tolstoy,185,1
+forkland,808,6
+ranchester,174,1
+lakeville,573,5
+marstons,1067,0
+hanson,1424,12
+pomaria,1651,13
+merom,1003,8
+klickitat,947,3
+hanson,576,8
+wainscott,1185,1
+newfields,1629,4
+pomaria,461,8
+lakeville,618,6
+hanson,1351,2
+forkland,694,1
+hanson,437,1
+leonardo,1482,10
+woodbine,383,3
+wainscott,4,0
+onaga,161,1
+pinesdale,1475,4
+lindenwood,1152,2
+coffeen,647,4
+pinesdale,130,0
+hiteman,1084,1
+marstons,62,3
+woodbine,913,0
+ranchester,293,2
+ranchester,556,0
+tolstoy,1203,4
+ranchester,79,1
+stockman,75,0
+wainscott,63,4
+allensville,141,11
+ranchester,1247,2
+ranchester,158,1
+shelbyville,2258,12
+klickitat,1707,1
+onaga,437,1
+coffeen,933,5
+merom,366,2
+newfields,668,0
+merom,346,4
+shelbyville,2313,7
+pomaria,368,5
+coffeen,354,8
+cosmos,846,2
+woodbine,1558,3
+pomaria,281,3
+tolstoy,1325,2
+hiteman,1530,3
+hanson,1205,6
+lindenwood,2295,1
+stockman,823,0
+stockman,262,4
+lakeville,1293,6
+pomaria,391,3
+beechwood,574,2
+coffeen,1216,6
+pomaria,1210,5
+pinesdale,573,0
+klickitat,332,2
+benevolence,852,4
+hanson,1393,3
+beechwood,939,0
+hiteman,907,2
+stockman,1114,2
+woodbine,291,0
+leonardo,1809,0
+lindenwood,630,11
+lindenwood,2658,1
+pinesdale,340,5
+newfields,150,7
+shelbyville,1425,5
+hanson,10,11
+leonardo,610,11
+wainscott,799,0
+woodbine,235,10
+ranchester,556,6
+tolstoy,1394,10
+hanson,709,1
+hanson,686,4
+newfields,1546,12
+marstons,608,1
+marstons,696,12
+newfields,613,2
+cosmos,430,0
+tolstoy,1475,0
+wainscott,82,4
+shelbyville,1520,1
+klickitat,1065,4
+shelbyville,2758,3
+wainscott,1132,2
+pomaria,14,1
+lakeville,1634,2
+tolstoy,931,6
+ranchester,1319,6
+marstons,1723,4
+klickitat,164,0
+klickitat,2390,6
+marstons,1791,1
+hiteman,1735,1
+pinesdale,111,1
+marstons,59,0
+lakeville,1584,0
+lindenwood,770,5
+stockman,1277,2
+lakeville,411,5
+merom,800,5
+pinesdale,932,6
+beechwood,995,0
+lindenwood,2007,2
+leonardo,659,10
+marstons,307,3
+forkland,24,3
+klickitat,22,2
+leonardo,622,8
+klickitat,685,2
+hanson,1393,9
+hiteman,1044,3
+ranchester,1099,13
+newfields,341,9
+hiteman,1271,10
+lindenwood,685,1
+pinesdale,22,0
+leonardo,1430,3
+shelbyville,2538,2
+woodbine,277,2
+woodbine,532,6
+benevolence,700,0
+lindenwood,714,3
+marstons,763,0
+lindenwood,799,4
+marstons,1876,8
+leonardo,1964,0
+lindenwood,2281,3
+stockman,65,0
+pomaria,1317,6
+marstons,1229,4
+lakeville,1063,1
+hiteman,611,0
+tolstoy,108,5
+beechwood,510,3
+newfields,1262,1
+ranchester,372,6
+newfields,99,0
+leonardo,1073,5
+marstons,1904,3
+tolstoy,1555,3
+pinesdale,1388,14
+pomaria,24,2
+lindenwood,1056,3
+leonardo,871,10
+hiteman,226,1
+coffeen,1194,3
+lakeville,69,3
+allensville,270,3
+leonardo,1729,3
+pomaria,683,5
+pinesdale,318,2
+lindenwood,1878,0
+hanson,547,1
+lindenwood,880,7
+merom,1105,2
+pinesdale,602,4
+klickitat,2285,8
+ranchester,103,2
+lakeville,371,0
+shelbyville,685,11
+stockman,1184,9
+lindenwood,2520,0
+wainscott,85,4
+stockman,1144,0
+lindenwood,858,2
+woodbine,1363,10
+tolstoy,792,4
+shelbyville,972,3
+leonardo,552,11
+mifflinburg,18,4
+shelbyville,658,3
+beechwood,899,2
+klickitat,1902,4
+lakeville,220,3
+cosmos,775,0
+shelbyville,1549,10
+tolstoy,1078,2
+shelbyville,227,0
+leonardo,267,2
+ranchester,52,0
+hiteman,996,6
+onaga,86,3
+tolstoy,1131,1
+lindenwood,1757,8
+marstons,1483,2
+marstons,878,3
+hanson,1024,11
+lindenwood,1896,0
+woodbine,1599,12
+coffeen,32,2
+marstons,1496,4
+klickitat,866,1
+wainscott,861,2
+allensville,314,0
+woodbine,833,2
+leonardo,1221,3
+beechwood,184,2
+beechwood,580,1
+hiteman,648,8
+pomaria,1183,8
+marstons,651,3
+lindenwood,710,4
+shelbyville,134,0
+marstons,1682,16
+lakeville,1698,3
+mifflinburg,775,2
+lindenwood,653,2
+hiteman,1668,1
+wainscott,919,1
+marstons,1480,9
+leonardo,457,1
+onaga,211,1
+woodbine,632,3
+ranchester,1021,2
+shelbyville,2788,1
+tolstoy,114,13
+newfields,1530,1
+klickitat,1865,5
+forkland,153,1
+mifflinburg,327,1
+shelbyville,2243,3
+hanson,1077,1
+hiteman,1816,8
+marstons,2258,4
+shelbyville,156,1
+wainscott,517,16
+klickitat,533,1
+wainscott,764,2
+pinesdale,924,5
+woodbine,94,4
+tolstoy,905,0
+woodbine,708,1
+marstons,451,1
+lindenwood,523,2
+klickitat,1125,4
+marstons,2649,3
+newfields,1487,2
+cosmos,891,2
+shelbyville,928,0
+klickitat,333,4
+klickitat,989,5
+tolstoy,236,5
+hiteman,508,2
+hiteman,591,6
+lakeville,139,6
+leonardo,1881,0
+stockman,314,0
+ranchester,1253,5
+onaga,671,4
+leonardo,1369,2
+shelbyville,2622,6
+leonardo,379,6
+marstons,396,3
+hiteman,1814,5
+woodbine,1545,4
+woodbine,1617,2
+woodbine,1508,7
+klickitat,1845,0
+shelbyville,2393,2
+merom,833,3
+newfields,1605,2
+beechwood,689,0
+beechwood,465,2
+ranchester,1608,2
+tolstoy,610,12
+hanson,1308,4
+marstons,1596,7
+newfields,454,2
+pomaria,635,4
+lindenwood,49,1
+woodbine,1287,6
+woodbine,268,7
+hiteman,783,2
+shelbyville,680,1
+cosmos,199,11
+shelbyville,2138,9
+tolstoy,189,8
+pomaria,13,3
+leonardo,310,3
+pomaria,1567,4
+ranchester,147,1
+hanson,628,4
+hanson,873,3
+tolstoy,612,2
+wainscott,667,5
+woodbine,175,2
+tolstoy,1290,6
+allensville,280,0
+forkland,974,11
+marstons,2614,13
+mifflinburg,966,3
+coffeen,107,1
+ranchester,1221,1
+lindenwood,1039,2
+lindenwood,277,4
+hiteman,1774,5
+onaga,346,0
+beechwood,1136,6
+wainscott,892,1
+leonardo,666,0
+hanson,89,0
+newfields,1580,4
+stockman,1141,3
+ranchester,1217,5
+ranchester,1080,2
+lindenwood,376,1
+klickitat,1795,5
+stockman,706,2
+leonardo,173,3
+forkland,1172,1
+klickitat,1401,2
+wainscott,682,0
+pinesdale,907,3
+shelbyville,647,11
+pinesdale,192,6
+onaga,221,2
+pinesdale,1471,4
+leonardo,490,3
+wainscott,582,2
+newfields,1074,15
+stockman,314,3
+leonardo,409,8
+tolstoy,1257,1
+hiteman,21,9
+ranchester,602,1
+marstons,217,1
+marstons,168,17
+ranchester,1622,0
+woodbine,101,1
+lakeville,812,12
+wainscott,1524,5
+woodbine,178,4
+coffeen,853,1
+ranchester,1496,2
+newfields,743,6
+shelbyville,1826,2
+ranchester,535,8
+woodbine,1220,0
+woodbine,758,8
+marstons,2111,0
+pomaria,1492,3
+ranchester,406,5
+klickitat,961,1
+marstons,979,1
+ranchester,1521,6
+shelbyville,918,2
+marstons,1979,1
+lindenwood,2401,4
+marstons,1919,5
+coffeen,661,11
+newfields,388,11
+shelbyville,679,4
+tolstoy,1122,9
+coffeen,1296,8
+pomaria,233,5
+lakeville,1030,8
+onaga,426,4
+cosmos,952,3
+newfields,804,3
+tolstoy,741,0
+lindenwood,460,12
+merom,547,2
+shelbyville,608,4
+hanson,110,1
+hanson,790,1
+allensville,41,4
+forkland,906,2
+wainscott,1358,1
+wainscott,1095,2
+marstons,999,1
+onaga,395,2
+lindenwood,887,4
+shelbyville,550,12
+beechwood,543,2
+tolstoy,1773,6
+leonardo,828,2
+pomaria,314,5
+beechwood,312,1
+lakeville,1685,7
+coffeen,532,0
+marstons,1512,5
+marstons,2599,1
+lindenwood,1414,4
+lindenwood,501,6
+ranchester,1336,5
+coffeen,547,2
+newfields,156,6
+leonardo,190,2
+forkland,463,3
+newfields,240,0
+shelbyville,306,4
+beechwood,954,2
+coffeen,158,8
+lindenwood,876,5
+marstons,2256,7
+tolstoy,1830,7
+lakeville,1647,0
+merom,30,1
+ranchester,1229,10
+pomaria,161,4
+stockman,1317,3
+tolstoy,807,9
+ranchester,165,3
+tolstoy,709,10
+marstons,2047,10
+hanson,1218,17
+wainscott,1683,0
+marstons,224,2
+klickitat,1666,2
+klickitat,1295,3
+woodbine,260,3
+lakeville,688,9
+ranchester,1030,2
+tolstoy,1249,2
+leonardo,934,1
+pomaria,229,7
+newfields,598,9
+hanson,1415,6
+shelbyville,2037,3
+ranchester,1083,4
+shelbyville,1382,1
+pomaria,259,3
+stockman,1002,6
+stockman,540,2
+forkland,185,0
+woodbine,1144,4
+leonardo,2099,2
+shelbyville,2154,4
+newfields,546,3
+coffeen,1400,0
+leonardo,179,0
+pinesdale,797,1
+shelbyville,1602,3
+woodbine,1000,6
+hiteman,213,2
+pinesdale,700,1
+lindenwood,780,3
+shelbyville,1256,2
+forkland,495,1
+leonardo,311,1
+wainscott,532,2
+hanson,1418,11
+leonardo,1748,2
+benevolence,929,3
+marstons,541,13
+pinesdale,832,3
+klickitat,217,0
+merom,457,1
+hiteman,301,8
+shelbyville,1327,2
+klickitat,1267,4
+shelbyville,2817,6
+woodbine,271,9
+klickitat,1213,17
+tolstoy,796,2
+ranchester,1575,2
+hanson,1495,4
+lindenwood,790,8
+benevolence,970,6
+leonardo,339,3
+leonardo,1200,10
+allensville,195,3
+lindenwood,813,4
+ranchester,35,2
+hanson,1619,4
+stockman,415,4
+onaga,366,0
+tolstoy,1121,1
+lakeville,1015,7
+lindenwood,2417,2
+hanson,353,6
+coffeen,716,3
+marstons,2129,16
+lakeville,730,1
+coffeen,333,3
+marstons,215,0
+woodbine,163,1
+marstons,719,5
+lindenwood,1039,0
+onaga,283,1
+shelbyville,2222,4
+cosmos,958,9
+wainscott,1464,0
+ranchester,1592,9
+mifflinburg,195,1
+stockman,416,1
+mifflinburg,866,1
+pomaria,778,0
+newfields,437,0
+hiteman,1026,4
+forkland,119,4
+pinesdale,122,4
+pinesdale,465,2
+lindenwood,1343,0
+wainscott,1498,4
+ranchester,1568,10
+coffeen,1152,2
+shelbyville,322,3
+klickitat,748,8
+stockman,436,1
+onaga,616,6
+lindenwood,2673,5
+stockman,1235,3
+klickitat,2338,8
+klickitat,1356,8
+cosmos,966,6
+shelbyville,442,7
+lakeville,1549,0
+lindenwood,288,4
+lindenwood,135,3
+merom,70,6
+marstons,295,1
+klickitat,693,10
+pomaria,55,2
+newfields,522,2
+marstons,160,2
+marstons,1726,2
+cosmos,500,0
+marstons,694,3
+tolstoy,482,1
+marstons,2548,1
+shelbyville,2472,1
+hiteman,735,1
+tolstoy,217,9
+stockman,153,7
+coffeen,64,3
+lindenwood,2117,6
+hanson,1042,8
+wainscott,1017,1
+newfields,1171,5
+woodbine,891,4
+klickitat,2020,0
+woodbine,862,11
+marstons,2150,4
+onaga,574,3
+ranchester,1630,0
+hiteman,1451,5
+leonardo,1871,3
+pomaria,1392,1
+forkland,482,6
+hiteman,560,1
+pomaria,1526,2
+benevolence,359,0
+klickitat,355,0
+pomaria,236,3
+tolstoy,487,1
+shelbyville,2636,3
+marstons,632,0
+hiteman,594,3
+marstons,698,2
+wainscott,649,1
+pomaria,931,8
+beechwood,185,5
+shelbyville,1396,1
+ranchester,650,4
+leonardo,1520,0
+leonardo,1790,7
+hiteman,333,3
+newfields,536,2
+onaga,582,2
+marstons,182,1
+leonardo,1465,0
+leonardo,628,2
+lakeville,206,0
+wainscott,277,11
+cosmos,841,1
+ranchester,1094,6
+shelbyville,1782,4
+shelbyville,1793,0
+wainscott,1253,1
+shelbyville,498,14
+shelbyville,874,2
+lakeville,946,0
+stockman,1298,2
+stockman,204,1
+woodbine,1169,2
+mifflinburg,600,2
+wainscott,892,0
+shelbyville,1921,10
+wainscott,1358,6
+marstons,109,0
+pinesdale,1307,10
+marstons,1228,9
+klickitat,1783,4
+leonardo,796,1
+pomaria,440,10
+ranchester,796,1
+shelbyville,1646,7
+marstons,587,8
+klickitat,946,2
+cosmos,313,10
+shelbyville,2491,8
+benevolence,103,3
+stockman,1270,3
+klickitat,2076,8
+lakeville,1051,7
+cosmos,961,3
+marstons,2015,1
+klickitat,635,7
+shelbyville,1466,8
+klickitat,758,2
+shelbyville,1556,8
+newfields,1111,4
+lakeville,1269,2
+pomaria,1400,0
+lindenwood,2476,14
+newfields,273,0
+leonardo,1354,2
+hiteman,488,1
+wainscott,1103,5
+lindenwood,2104,2
+klickitat,1969,6
+klickitat,1085,2
+hanson,1592,2
+newfields,1524,5
+lindenwood,1311,6
+beechwood,1037,4
+klickitat,1766,3
+klickitat,1891,0
+pomaria,1523,1
+benevolence,731,1
+ranchester,950,7
+ranchester,1506,1
+shelbyville,1915,0
+marstons,1418,0
+ranchester,268,0
+shelbyville,325,0
+hiteman,472,1
+woodbine,797,0
+newfields,978,2
+onaga,641,3
+mifflinburg,745,3
+allensville,381,1
+leonardo,1083,1
+shelbyville,2246,0
+tolstoy,807,11
+marstons,1617,1
+klickitat,420,5
+wainscott,229,10
+wainscott,1156,2
+coffeen,407,2
+merom,889,2
+pinesdale,1436,2
+lindenwood,2124,5
+pomaria,1333,2
+wainscott,1017,13
+ranchester,453,6
+lindenwood,946,3
+klickitat,1800,1
+hiteman,1260,4
+leonardo,526,2
+leonardo,702,0
+lindenwood,2298,0
+lakeville,252,0
+hanson,959,4
+shelbyville,1204,10
+ranchester,353,1
+tolstoy,684,5
+pomaria,1072,3
+pomaria,84,3
+newfields,286,0
+leonardo,2118,4
+lindenwood,780,0
+beechwood,639,1
+pomaria,1350,3
+woodbine,1598,3
+shelbyville,2187,4
+newfields,1497,7
+klickitat,1827,4
+pomaria,150,8
+marstons,1127,5
+hanson,395,1
+lindenwood,1516,1
+lakeville,1155,11
+klickitat,221,5
+lindenwood,1896,1
+pinesdale,1097,5
+shelbyville,2785,0
+wainscott,963,0
+klickitat,1137,5
+shelbyville,975,1
+pomaria,474,4
+mifflinburg,396,3
+marstons,19,8
+hiteman,488,4
+lindenwood,37,0
+lindenwood,1190,1
+shelbyville,2357,13
+merom,545,0
+lakeville,1172,3
+woodbine,1362,10
+klickitat,257,6
+pomaria,548,5
+lindenwood,481,3
+klickitat,1657,1
+forkland,1043,2
+ranchester,1116,6
+lakeville,1626,6
+coffeen,1388,2
+leonardo,1544,4
+marstons,582,6
+wainscott,384,1
+pinesdale,630,2
+lindenwood,2679,2
+hiteman,1766,1
+onaga,47,3
+leonardo,1480,4
+newfields,1362,3
+pomaria,1570,0
+leonardo,1099,2
+beechwood,254,2
+hanson,1411,5
+lindenwood,848,6
+lakeville,1126,2
+wainscott,1508,2
+lakeville,1679,1
+hanson,35,5
+newfields,1065,1
+mifflinburg,750,4
+hiteman,1091,0
+hiteman,982,2
+pomaria,1127,5
+hiteman,1021,2
+pomaria,1043,6
+marstons,962,1
+marstons,1607,3
+coffeen,37,3
+marstons,705,18
+shelbyville,1509,6
+stockman,1271,2
+hiteman,1141,3
+marstons,127,2
+woodbine,1116,2
+hiteman,1307,13
+ranchester,1129,0
+woodbine,157,0
+coffeen,1154,3
+leonardo,1380,7
+lakeville,1456,2
+onaga,172,0
+coffeen,405,2
+forkland,389,6
+coffeen,1245,0
+shelbyville,2559,8
+pomaria,331,5
+marstons,329,0
+pinesdale,1448,0
+benevolence,705,0
+hiteman,1696,4
+tolstoy,102,4
+hanson,31,10
+woodbine,1072,0
+shelbyville,523,2
+pomaria,1669,4
+shelbyville,436,2
+lindenwood,368,1
+klickitat,2271,1
+pinesdale,1016,3
+marstons,428,3
+hanson,847,2
+newfields,760,7
+shelbyville,550,13
+tolstoy,919,12
+ranchester,1452,1
+stockman,320,3
+hiteman,1151,1
+forkland,602,1
+lakeville,1851,6
+shelbyville,580,1
+coffeen,1304,5
+klickitat,1516,14
+marstons,2117,5
+shelbyville,2144,2
+coffeen,534,0
+hiteman,1113,3
+ranchester,197,0
+pinesdale,272,6
+leonardo,1950,9
+pinesdale,1038,7
+forkland,511,4
+woodbine,1375,1
+stockman,385,2
+lakeville,428,5
+newfields,1277,4
+marstons,1183,13
+forkland,410,0
+woodbine,1334,4
+newfields,1501,12
+lindenwood,2043,4
+pomaria,1485,11
+lakeville,1810,5
+shelbyville,2491,7
+coffeen,1373,0
+hiteman,447,6
+merom,285,3
+lakeville,1555,3
+beechwood,684,1
+hanson,79,0
+marstons,87,4
+tolstoy,921,3
+pomaria,1225,9
+klickitat,1398,10
+shelbyville,209,4
+coffeen,989,3
+woodbine,2020,5
+mifflinburg,620,2
+stockman,544,3
+wainscott,101,2
+woodbine,1273,0
+klickitat,693,2
+lindenwood,1913,3
+leonardo,1637,1
+newfields,1162,7
+shelbyville,2426,0
+pomaria,1091,2
+stockman,1449,4
+stockman,1088,0
+pinesdale,1487,3
+lakeville,1720,0
+woodbine,902,6
+marstons,1808,4
+lindenwood,906,9
+forkland,918,2
+allensville,274,0
+newfields,663,15
+beechwood,1135,4
+lindenwood,1399,2
+stockman,1576,0
+klickitat,1821,3
+benevolence,100,7
+ranchester,628,6
+tolstoy,1526,2
+leonardo,1843,2
+leonardo,394,0
+forkland,823,0
+lakeville,635,3
+newfields,820,0
+hanson,1384,0
+lindenwood,1487,3
+marstons,61,5
+shelbyville,1843,13
+beechwood,1069,2
+klickitat,1206,4
+merom,260,0
+lakeville,1091,1
+pinesdale,629,0
+benevolence,903,1
+woodbine,1796,8
+wainscott,1758,9
+lindenwood,2665,3
+marstons,2354,1
+klickitat,1197,3
+lindenwood,1278,4
+klickitat,1505,5
+hiteman,1074,0
+lakeville,1219,7
+hiteman,1550,0
+wainscott,1033,3
+beechwood,1119,0
+pomaria,1282,5
+newfields,1272,2
+lindenwood,261,0
+pinesdale,1449,6
+lindenwood,2007,6
+klickitat,1037,4
+hiteman,881,3
+hiteman,1286,4
+marstons,1184,1
+stockman,638,1
+woodbine,25,2
+lakeville,735,1
+shelbyville,163,3
+ranchester,1488,3
+newfields,776,0
+merom,823,0
+shelbyville,291,3
+forkland,487,2
+wainscott,393,3
+stockman,335,0
+allensville,469,5
+lakeville,104,6
+shelbyville,2088,1
+hanson,1542,4
+woodbine,244,2
+mifflinburg,413,7
+marstons,460,2
+klickitat,399,9
+cosmos,665,7
+wainscott,1245,0
+klickitat,1562,12
+mifflinburg,719,5
+coffeen,1042,2
+pomaria,85,1
+wainscott,1521,11
+woodbine,481,9
+newfields,1251,1
+shelbyville,2715,8
+lindenwood,430,0
+ranchester,341,2
+beechwood,1019,8
+onaga,375,1
+pinesdale,708,2
+cosmos,596,1
+hanson,531,3
+ranchester,522,1
+leonardo,268,2
+newfields,997,2
+pomaria,1641,2
+leonardo,1205,11
+merom,695,0
+hiteman,935,11
+leonardo,1454,10
+ranchester,1375,4
+shelbyville,2162,1
+pinesdale,322,2
+tolstoy,92,3
+merom,141,1
+shelbyville,413,7
+klickitat,818,1
+newfields,1377,2
+beechwood,240,3
+woodbine,489,3
+newfields,870,0
+woodbine,335,1
+lakeville,856,4
+lakeville,1501,2
+tolstoy,1229,0
+marstons,520,0
+forkland,645,1
+shelbyville,1005,1
+leonardo,965,4
+hanson,383,16
+lindenwood,2661,8
+pinesdale,132,1
+newfields,751,6
+leonardo,1921,0
+lindenwood,1602,9
+marstons,1040,2
+ranchester,1021,4
+newfields,873,3
+woodbine,930,2
+stockman,848,1
+woodbine,1863,3
+leonardo,1813,2
+marstons,515,2
+lakeville,1843,0
+hanson,330,2
+lakeville,5,3
+shelbyville,1188,1
+mifflinburg,180,1
+shelbyville,1953,9
+marstons,211,9
+cosmos,827,7
+shelbyville,1187,4
+lindenwood,1099,10
+pomaria,68,1
+marstons,2461,5
+newfields,1580,2
+pomaria,96,7
+marstons,288,2
+pomaria,1666,5
+onaga,406,3
+woodbine,1802,11
+klickitat,1974,12
+ranchester,1014,11
+shelbyville,239,0
+wainscott,39,1
+lindenwood,1186,2
+shelbyville,2725,1
+pinesdale,1499,1
+merom,994,2
+coffeen,598,0
+klickitat,1303,0
+lakeville,924,1
+leonardo,1381,5
+klickitat,72,7
+shelbyville,2770,3
+wainscott,1518,0
+shelbyville,2356,1
+lakeville,1846,0
+mifflinburg,793,3
+coffeen,494,3
+stockman,171,4
+klickitat,812,3
+lindenwood,2209,1
+cosmos,552,3
+hiteman,1501,1
+klickitat,723,7
+mifflinburg,681,2
+ranchester,472,0
+woodbine,363,1
+newfields,23,1
+pomaria,500,0
+ranchester,1204,1
+shelbyville,1336,0
+klickitat,894,2
+woodbine,1149,4
+shelbyville,48,0
+lakeville,1393,6
+ranchester,889,2
+lindenwood,30,3
+merom,502,0
+pomaria,1099,5
+lindenwood,841,11
+newfields,975,12
+ranchester,822,5
+hanson,386,1
+pomaria,571,4
+cosmos,106,7
+hanson,1587,1
+woodbine,729,1
+leonardo,1313,2
+tolstoy,1418,6
+coffeen,489,0
+cosmos,421,5
+leonardo,867,6
+shelbyville,1257,5
+newfields,639,2
+woodbine,1176,10
+klickitat,398,0
+newfields,1406,2
+merom,809,3
+mifflinburg,651,3
+tolstoy,327,0
+shelbyville,1924,8
+klickitat,2400,1
+ranchester,990,6
+merom,674,13
+woodbine,1673,8
+cosmos,518,1
+benevolence,802,2
+shelbyville,345,0
+leonardo,919,3
+wainscott,1348,10
+hiteman,1406,4
+pinesdale,39,2
+shelbyville,611,0
+lakeville,1389,2
+pomaria,1309,1
+merom,378,1
+hiteman,37,3
+klickitat,2328,0
+stockman,1026,2
+marstons,54,10
+lakeville,1435,7
+shelbyville,2564,0
+mifflinburg,147,2
+tolstoy,479,0
+lindenwood,818,4
+hanson,1413,3
+beechwood,843,10
+leonardo,1888,5
+newfields,322,8
+pinesdale,446,0
+lakeville,1040,4
+tolstoy,97,2
+shelbyville,88,8
+tolstoy,965,5
+lindenwood,1966,3
+forkland,139,3
+cosmos,52,4
+klickitat,1954,4
+merom,895,2
+shelbyville,2470,3
+pomaria,1206,4
+woodbine,1154,6
+leonardo,647,3
+cosmos,46,8
+merom,954,2
+shelbyville,1749,3
+coffeen,603,5
+hanson,1445,4
+newfields,1413,4
+mifflinburg,316,4
+mifflinburg,948,0
+hanson,1485,1
+leonardo,1806,9
+leonardo,1944,8
+leonardo,1604,1
+klickitat,848,2
+marstons,1070,3
+pinesdale,993,1
+lindenwood,986,0
+cosmos,293,11
+marstons,1913,1
+stockman,815,0
+newfields,659,1
+lindenwood,416,12
+marstons,69,8
+klickitat,794,0
+wainscott,1741,4
+cosmos,1064,8
+woodbine,1495,0
+klickitat,84,7
+wainscott,1294,4
+pomaria,50,2
+lakeville,1685,10
+tolstoy,1256,3
+hanson,681,8
+hiteman,591,9
+ranchester,459,5
+shelbyville,2487,8
+pomaria,842,0
+pinesdale,930,8
+mifflinburg,10,2
+leonardo,1772,2
+klickitat,2328,1
+forkland,1190,2
+coffeen,624,1
+woodbine,503,0
+leonardo,2057,3
+tolstoy,576,4
+coffeen,90,0
+lakeville,411,6
+pomaria,822,9
+lindenwood,2073,6
+tolstoy,1822,10
+woodbine,1177,3
+lindenwood,1321,3
+shelbyville,118,4
+pomaria,557,4
+shelbyville,1633,11
+pomaria,409,12
+ranchester,617,6
+hiteman,224,6
+stockman,1375,1
+lakeville,541,2
+pinesdale,131,3
+cosmos,212,2
+merom,428,1
+lindenwood,838,6
+ranchester,13,3
+coffeen,482,4
+hanson,1247,8
+lakeville,1813,2
+forkland,634,0
+pinesdale,1462,7
+leonardo,1627,7
+leonardo,208,0
+stockman,24,1
+newfields,512,1
+beechwood,1126,4
+wainscott,258,1
+shelbyville,2577,1
+pinesdale,681,3
+stockman,1379,1
+marstons,2547,0
+ranchester,1115,1
+stockman,309,6
+beechwood,1013,0
+marstons,43,2
+shelbyville,2184,4
+lakeville,1651,3
+klickitat,1566,6
+lindenwood,2475,0
+pinesdale,142,0
+shelbyville,2399,9
+newfields,197,10
+lindenwood,2113,6
+hiteman,27,4
+leonardo,115,9
+hanson,1063,6
+pinesdale,1032,2
+newfields,293,2
+newfields,896,3
+wainscott,437,4
+lindenwood,2587,14
+stockman,298,0
+forkland,493,2
+coffeen,529,6
+stockman,1397,1
+mifflinburg,754,5
+shelbyville,347,5
+onaga,365,5
+klickitat,2185,4
+ranchester,1115,6
+shelbyville,2306,4
+wainscott,601,2
+coffeen,116,4
+lakeville,420,0
+shelbyville,519,0
+leonardo,689,6
+hanson,816,5
+coffeen,348,0
+coffeen,1079,5
+hiteman,883,6
+pinesdale,1454,10
+coffeen,1277,2
+newfields,992,3
+marstons,2410,1
+woodbine,1159,5
+hanson,1481,6
+klickitat,1715,4
+woodbine,295,3
+wainscott,855,6
+hiteman,1315,7
+pinesdale,438,5
+woodbine,876,4
+tolstoy,610,19
+wainscott,1065,2
+pomaria,647,1
+tolstoy,772,4
+klickitat,714,1
+marstons,481,5
+newfields,1406,4
+wainscott,1024,4
+coffeen,1453,0
+tolstoy,919,9
+marstons,1430,1
+lindenwood,1057,1
+allensville,300,1
+woodbine,652,7
+lindenwood,519,3
+woodbine,655,1
+pinesdale,709,0
+klickitat,1292,2
+merom,550,6
+coffeen,410,1
+ranchester,644,0
+pomaria,1165,3
+klickitat,1195,0
+wainscott,1040,2
+hanson,1514,3
+lakeville,420,3
+pomaria,1507,3
+klickitat,738,11
+beechwood,583,4
+lindenwood,1657,8
+lindenwood,1600,10
+newfields,358,2
+stockman,279,3
+benevolence,607,3
+leonardo,1664,4
+tolstoy,474,1
+benevolence,781,2
+leonardo,87,0
+newfields,711,2
+merom,520,2
+wainscott,703,10
+ranchester,1,2
+wainscott,1722,6
+woodbine,1630,3
+klickitat,1291,14
+pinesdale,1451,3
+allensville,41,5
+lakeville,865,1
+forkland,948,3
+wainscott,254,0
+cosmos,587,2
+klickitat,714,9
+newfields,748,9
+woodbine,641,0
+klickitat,1288,1
+pomaria,1194,4
+lakeville,386,7
+lindenwood,1265,5
+stockman,1368,3
+shelbyville,1019,10
+hiteman,941,2
+hiteman,390,5
+allensville,239,4
+allensville,153,6
+ranchester,562,0
+tolstoy,39,2
+lakeville,1791,2
+lindenwood,1426,0
+cosmos,104,0
+shelbyville,1556,7
+lakeville,1157,1
+klickitat,981,4
+wainscott,1680,0
+lindenwood,978,6
+wainscott,1213,4
+wainscott,848,1
+lindenwood,1896,5
+leonardo,74,0
+lindenwood,1443,8
+marstons,2622,10
+ranchester,149,3
+tolstoy,449,1
+tolstoy,1177,7
+marstons,2313,11
+hiteman,624,2
+ranchester,487,1
+shelbyville,500,8
+shelbyville,385,0
+leonardo,201,4
+ranchester,274,3
+lakeville,1216,4
+tolstoy,835,4
+klickitat,176,0
+pomaria,113,0
+klickitat,2276,0
+pinesdale,1297,2
+lakeville,1368,7
+newfields,1482,0
+lakeville,125,9
+hanson,247,7
+woodbine,1261,8
+allensville,117,1
+wainscott,696,2
+forkland,1130,1
+klickitat,647,2
+pomaria,459,1
+forkland,450,2
+woodbine,1545,12
+pomaria,702,1
+woodbine,1784,3
+merom,95,0
+newfields,185,0
+woodbine,1615,2
+pomaria,1041,5
+newfields,252,9
+wainscott,192,3
+forkland,714,4
+tolstoy,1540,3
+tolstoy,602,4
+klickitat,2385,6
+beechwood,14,0
+cosmos,613,4
+newfields,883,2
+ranchester,766,1
+beechwood,755,14
+beechwood,564,2
+stockman,1232,0
+shelbyville,2417,5
+lakeville,344,1
+pinesdale,478,0
+leonardo,506,10
+coffeen,929,2
+hiteman,1593,0
+wainscott,840,4
+ranchester,395,9
+pomaria,935,0
+leonardo,333,1
+pinesdale,1260,5
+marstons,128,12
+stockman,202,0
+lakeville,1540,4
+cosmos,94,2
+leonardo,1244,4
+shelbyville,1877,2
+lindenwood,496,0
+lindenwood,1510,6
+pinesdale,1295,3
+hiteman,123,12
+klickitat,2078,6
+merom,45,5
+lindenwood,2119,5
+shelbyville,610,3
+hiteman,471,2
+marstons,624,8
+leonardo,1156,10
+marstons,2231,6
+hanson,871,5
+beechwood,249,0
+klickitat,2357,8
+lindenwood,1199,10
+ranchester,436,5
+stockman,912,15
+hiteman,1355,6
+woodbine,498,3
+wainscott,679,2
+newfields,571,3
+merom,395,0
+cosmos,964,4
+lindenwood,1010,8
+mifflinburg,168,2
+shelbyville,2133,8
+stockman,92,0
+hiteman,1664,0
+cosmos,310,0
+newfields,821,9
+shelbyville,2538,1
+lakeville,1238,4
+ranchester,635,3
+hiteman,1076,7
+beechwood,951,2
+marstons,2105,6
+ranchester,1245,6
+wainscott,1555,2
+pomaria,916,2
+pomaria,1531,2
+lakeville,603,2
+hiteman,1491,1
+shelbyville,2132,4
+mifflinburg,352,2
+hanson,202,9
+newfields,752,9
+forkland,615,1
+leonardo,786,8
+pinesdale,512,6
+lakeville,1747,2
+leonardo,1425,1
+woodbine,494,0
+shelbyville,1135,2
+hanson,1562,5
+pomaria,412,5
+lindenwood,1304,3
+beechwood,378,1
+pinesdale,540,12
+ranchester,531,3
+wainscott,808,11
+pomaria,890,11
+marstons,135,2
+klickitat,1739,3
+pinesdale,1468,3
+leonardo,115,0
+klickitat,66,9
+beechwood,1099,1
+coffeen,574,2
+woodbine,1760,3
+wainscott,655,0
+tolstoy,987,0
+hiteman,652,11
+pomaria,1475,1
+woodbine,753,1
+lakeville,958,11
+woodbine,1921,3
+merom,352,5
+ranchester,668,5
+klickitat,1209,0
+allensville,155,8
+allensville,332,6
+lindenwood,953,3
+merom,245,0
+hiteman,409,2
+wainscott,1427,0
+mifflinburg,301,2
+hanson,1426,10
+marstons,1302,7
+newfields,1184,7
+lindenwood,1903,1
+shelbyville,2801,3
+pinesdale,1482,3
+coffeen,645,2
+klickitat,751,7
+tolstoy,286,0
+coffeen,126,9
+leonardo,709,2
+hiteman,926,9
+stockman,219,2
+wainscott,1580,2
+cosmos,889,1
+coffeen,660,5
+pomaria,179,15
+cosmos,666,13
+pomaria,1601,13
+tolstoy,434,4
+klickitat,1968,1
+woodbine,1448,0
+marstons,715,3
+pinesdale,1352,5
+merom,743,2
+woodbine,1633,5
+klickitat,415,0
+marstons,1154,3
+pinesdale,73,3
+forkland,851,6
+pinesdale,728,2
+wainscott,640,4
+tolstoy,56,2
+shelbyville,1588,5
+coffeen,1271,1
+pinesdale,532,3
+lindenwood,2210,2
+ranchester,726,11
+marstons,2367,7
+lindenwood,1390,0
+coffeen,1088,2
+hiteman,204,7
+hiteman,643,0
+lindenwood,1387,10
+shelbyville,816,0
+allensville,255,5
+shelbyville,916,10
+lindenwood,1483,8
+leonardo,1908,1
+lindenwood,2561,2
+tolstoy,724,13
+forkland,873,3
+marstons,463,1
+wainscott,1205,6
+pinesdale,848,3
+lakeville,1777,2
+tolstoy,296,3
+lakeville,1513,2
+lindenwood,1590,4
+lakeville,1151,7
+pomaria,1341,2
+coffeen,252,2
+lindenwood,1307,10
+marstons,2322,1
+lindenwood,882,3
+leonardo,1643,0
+wainscott,540,11
+klickitat,54,0
+tolstoy,152,3
+marstons,1988,8
+shelbyville,1304,13
+mifflinburg,521,4
+onaga,310,6
+lindenwood,234,1
+pinesdale,186,7
+lindenwood,587,4
+ranchester,1388,8
+leonardo,338,3
+tolstoy,667,0
+leonardo,21,9
+cosmos,267,2
+newfields,961,5
+wainscott,503,4
+hiteman,1526,4
+onaga,464,4
+pomaria,641,3
+hanson,1046,2
+cosmos,671,5
+klickitat,1098,3
+woodbine,1915,4
+tolstoy,184,0
+stockman,295,8
+klickitat,2300,0
+merom,775,3
+shelbyville,1893,4
+woodbine,1394,6
+stockman,80,6
+ranchester,272,0
+shelbyville,1100,4
+pomaria,631,9
+hanson,707,12
+leonardo,1321,1
+shelbyville,2179,0
+coffeen,891,2
+woodbine,603,4
+lakeville,1797,2
+lindenwood,758,2
+tolstoy,1417,0
+pinesdale,930,3
+newfields,1094,6
+shelbyville,268,1
+leonardo,1613,0
+lindenwood,1662,0
+tolstoy,291,0
+marstons,2418,15
+pinesdale,1241,0
+hiteman,1615,4
+hiteman,1491,2
+pinesdale,1198,3
+coffeen,446,0
+wainscott,609,4
+pomaria,157,5
+tolstoy,43,7
+woodbine,187,11
+shelbyville,1557,0
+wainscott,694,6
+newfields,1528,0
+hiteman,623,13
+pomaria,1056,4
+lindenwood,1689,9
+newfields,294,12
+lindenwood,893,7
+shelbyville,925,4
+mifflinburg,312,1
+leonardo,380,1
+cosmos,145,0
+lindenwood,1153,3
+lindenwood,2409,0
+beechwood,1144,3
+klickitat,2219,3
+ranchester,188,3
+klickitat,252,8
+mifflinburg,690,2
+hanson,213,1
+marstons,1269,5
+stockman,301,5
+woodbine,85,7
+woodbine,1594,3
+forkland,685,1
+woodbine,2046,3
+klickitat,379,2
+woodbine,90,2
+newfields,175,8
+wainscott,1032,7
+newfields,300,6
+woodbine,739,1
+mifflinburg,61,2
+lindenwood,1025,2
+wainscott,559,2
+tolstoy,1075,5
+wainscott,1693,0
+ranchester,349,3
+lindenwood,1525,2
+shelbyville,698,7
+woodbine,546,4
+forkland,823,3
+marstons,15,4
+newfields,872,5
+lindenwood,20,1
+marstons,1378,1
+hanson,1323,1
+ranchester,1541,4
+allensville,100,1
+pinesdale,800,1
+wainscott,747,3
+woodbine,756,2
+beechwood,967,1
+leonardo,278,1
+coffeen,1064,2
+ranchester,886,0
+woodbine,1410,2
+wainscott,341,1
+hanson,550,4
+wainscott,142,9
+hiteman,27,2
+shelbyville,271,2
+klickitat,774,6
+ranchester,1350,2
+hiteman,1309,1
+marstons,2548,0
+allensville,111,3
+merom,909,8
+hanson,416,6
+coffeen,18,6
+shelbyville,960,4
+shelbyville,2083,3
+mifflinburg,157,2
+cosmos,818,1
+leonardo,308,7
+shelbyville,2194,5
+woodbine,606,0
+ranchester,1398,0
+shelbyville,1459,9
+pomaria,1159,0
+wainscott,1164,2
+forkland,310,1
+benevolence,647,1
+pinesdale,1025,3
+lindenwood,2263,2
+benevolence,111,4
+woodbine,744,1
+cosmos,750,0
+marstons,792,0
+ranchester,1389,6
+beechwood,969,3
+ranchester,932,2
+lakeville,1109,4
+cosmos,903,12
+pomaria,766,5
+tolstoy,877,8
+klickitat,225,11
+benevolence,718,1
+newfields,835,0
+lakeville,776,0
+benevolence,414,6
+lindenwood,1891,8
+merom,414,2
+merom,726,2
+tolstoy,460,9
+ranchester,1229,8
+stockman,32,2
+mifflinburg,654,3
+wainscott,1232,3
+wainscott,1674,0
+marstons,889,0
+beechwood,525,2
+klickitat,1262,3
+lindenwood,2428,2
+lakeville,1160,6
+pinesdale,782,3
+klickitat,1710,0
+lakeville,550,8
+lakeville,1193,7
+pinesdale,820,9
+lindenwood,2187,5
+wainscott,544,2
+tolstoy,220,4
+klickitat,506,2
+leonardo,1971,17
+newfields,893,2
+lindenwood,2282,7
+stockman,720,7
+woodbine,1453,2
+beechwood,704,4
+lakeville,294,3
+hiteman,87,0
+klickitat,962,2
+stockman,1226,5
+wainscott,1206,6
+klickitat,1561,15
+pomaria,833,7
+tolstoy,1016,2
+lakeville,745,3
+hiteman,1342,0
+pinesdale,1257,1
+woodbine,897,6
+marstons,1153,1
+newfields,51,6
+klickitat,1040,13
+woodbine,216,0
+lakeville,701,2
+lindenwood,1265,1
+leonardo,196,2
+lakeville,549,10
+ranchester,303,9
+beechwood,760,1
+lindenwood,2541,1
+woodbine,303,9
+ranchester,752,2
+klickitat,426,4
+wainscott,1250,1
+pomaria,1647,4
+cosmos,162,3
+marstons,954,2
+cosmos,1052,2
+pomaria,185,12
+pinesdale,221,1
+lakeville,460,12
+lindenwood,853,1
+pinesdale,1248,9
+wainscott,1488,0
+lakeville,834,10
+lakeville,228,1
+pomaria,1575,2
+klickitat,188,0
+pomaria,163,0
+lindenwood,2466,3
+hiteman,1457,5
+lakeville,610,3
+leonardo,1094,3
+klickitat,448,10
+lindenwood,1760,4
+marstons,1390,9
+hanson,1401,3
+wainscott,1428,2
+tolstoy,1354,5
+klickitat,1452,2
+shelbyville,1888,7
+woodbine,1469,13
+wainscott,780,0
+lindenwood,257,7
+shelbyville,283,0
+hanson,91,2
+klickitat,1046,0
+hanson,292,7
+wainscott,1145,11
+lakeville,1018,3
+pomaria,55,7
+hanson,1646,3
+leonardo,781,3
+hiteman,851,10
+pinesdale,1417,3
+wainscott,792,5
+wainscott,695,5
+stockman,746,5
+hiteman,1167,1
+pomaria,1594,3
+pomaria,629,2
+lakeville,1415,2
+shelbyville,750,11
+cosmos,661,6
+tolstoy,325,9
+wainscott,880,8
+pinesdale,1375,2
+beechwood,1065,14
+newfields,52,1
+benevolence,533,1
+newfields,1491,2
+marstons,1135,0
+hanson,82,0
+tolstoy,1408,9
+ranchester,341,1
+leonardo,1016,0
+lakeville,573,0
+hanson,984,7
+benevolence,183,0
+forkland,305,2
+lakeville,1563,1
+hanson,1037,1
+ranchester,1031,8
+merom,483,1
+stockman,934,2
+lakeville,1251,1
+leonardo,1973,2
+stockman,1538,6
+pinesdale,1320,3
+merom,957,0
+lakeville,1374,4
+lindenwood,2564,0
+lakeville,1107,3
+tolstoy,0,2
+klickitat,542,0
+mifflinburg,591,4
+wainscott,503,12
+woodbine,127,0
+klickitat,1064,0
+stockman,492,3
+allensville,286,4
+beechwood,526,4
+ranchester,352,4
+pomaria,235,11
+newfields,228,0
+marstons,1468,5
+leonardo,1320,1
+marstons,909,14
+tolstoy,1456,3
+stockman,661,6
+shelbyville,632,20
+marstons,0,0
+shelbyville,2218,2
+beechwood,314,5
+hiteman,933,1
+ranchester,183,1
+lindenwood,118,2
+hiteman,753,6
+shelbyville,2259,2
+merom,731,4
+beechwood,522,0
+lakeville,647,2
+ranchester,942,6
+forkland,458,6
+lindenwood,1584,3
+woodbine,1602,5
+wainscott,1528,0
+wainscott,211,0
+hanson,784,1
+leonardo,1760,3
+klickitat,2200,0
+leonardo,871,4
+shelbyville,2709,3
+newfields,1625,8
+pomaria,999,4
+lakeville,228,2
+shelbyville,1303,7
+ranchester,1039,0
+woodbine,1199,4
+coffeen,221,1
+marstons,146,2
+wainscott,830,10
+allensville,515,5
+beechwood,226,6
+marstons,775,1
+shelbyville,2116,2
+wainscott,506,2
+tolstoy,217,1
+beechwood,863,2
+hanson,825,7
+allensville,43,0
+pinesdale,203,0
+hanson,1600,3
+ranchester,1357,8
+benevolence,662,0
+woodbine,899,1
+lakeville,202,1
+ranchester,1079,8
+klickitat,2377,11
+benevolence,871,6
+shelbyville,2670,0
+hiteman,1587,1
+coffeen,485,3
+cosmos,1023,1
+cosmos,817,0
+woodbine,1791,4
+klickitat,1182,1
+tolstoy,796,6
+pinesdale,570,3
+lindenwood,674,0
+tolstoy,266,5
+wainscott,844,10
+ranchester,226,1
+wainscott,858,0
+hanson,545,1
+newfields,203,6
+wainscott,1528,1
+hanson,448,2
+hiteman,1070,0
+hanson,1158,7
+newfields,1240,0
+hiteman,1660,0
+lindenwood,848,3
+marstons,484,4
+lindenwood,1808,0
+leonardo,1466,5
+hanson,583,1
+marstons,1649,4
+pomaria,253,2
+shelbyville,290,3
+leonardo,1927,2
+benevolence,514,2
+hanson,859,7
+coffeen,1285,6
+woodbine,441,0
+lindenwood,2212,2
+hiteman,1635,2
+klickitat,1665,1
+stockman,48,2
+hanson,1224,1
+shelbyville,1559,11
+pinesdale,268,6
+hanson,1617,1
+hiteman,1580,12
+pinesdale,945,0
+tolstoy,1558,7
+newfields,1296,3
+woodbine,1289,1
+lindenwood,2521,2
+ranchester,1491,11
+shelbyville,611,6
+klickitat,1288,4
+tolstoy,548,0
+marstons,1717,0
+pinesdale,716,1
+pomaria,966,3
+pomaria,12,3
+wainscott,1364,3
+lakeville,159,6
+leonardo,1782,4
+hanson,666,12
+lindenwood,238,1
+tolstoy,247,0
+hanson,1227,0
+tolstoy,101,14
+mifflinburg,185,0
+beechwood,966,7
+hanson,588,0
+hanson,208,5
+marstons,400,1
+forkland,500,2
+hiteman,1080,2
+lakeville,737,0
+newfields,623,4
+marstons,1295,0
+woodbine,832,4
+newfields,3,4
+beechwood,254,4
+klickitat,2201,7
+klickitat,2010,6
+forkland,196,3
+ranchester,1108,0
+ranchester,429,2
+lakeville,1443,13
+forkland,796,10
+woodbine,1256,5
+marstons,2459,3
+newfields,1018,12
+pinesdale,1363,1
+beechwood,671,6
+lindenwood,72,3
+klickitat,2247,1
+onaga,148,1
+wainscott,625,10
+marstons,377,9
+stockman,593,3
+lindenwood,1040,4
+pinesdale,334,2
+forkland,501,2
+lakeville,457,3
+onaga,646,6
+stockman,579,12
+shelbyville,810,5
+forkland,762,3
+leonardo,1960,5
+allensville,230,2
+woodbine,242,2
+hanson,1282,2
+hanson,490,8
+mifflinburg,790,4
+shelbyville,638,6
+klickitat,718,3
+woodbine,667,5
+shelbyville,550,1
+shelbyville,1913,2
+stockman,975,2
+tolstoy,744,0
+tolstoy,797,2
+lindenwood,827,3
+mifflinburg,246,1
+marstons,74,9
+tolstoy,570,0
+marstons,1681,4
+benevolence,233,0
+woodbine,466,0
+hiteman,1804,1
+lindenwood,1675,8
+marstons,621,0
+shelbyville,2286,4
+stockman,374,6
+shelbyville,727,0
+pomaria,894,6
+hanson,513,0
+hanson,1094,4
+lindenwood,1319,0
+coffeen,1396,3
+leonardo,176,4
+klickitat,2024,3
+hiteman,1162,2
+wainscott,447,1
+mifflinburg,755,2
+hiteman,1747,2
+lindenwood,7,3
+lindenwood,2064,4
+marstons,1027,13
+woodbine,369,13
+pinesdale,1081,1
+lakeville,137,4
+forkland,277,0
+cosmos,1018,1
+newfields,282,3
+lindenwood,1714,0
+tolstoy,1515,3
+marstons,956,10
+benevolence,115,0
+forkland,1132,1
+leonardo,1416,1
+hanson,742,2
+lakeville,148,3
+wainscott,1525,7
+leonardo,62,2
+lindenwood,300,0
+tolstoy,1305,5
+ranchester,610,0
+tolstoy,1411,6
+hanson,826,11
+klickitat,1356,6
+klickitat,1326,0
+ranchester,928,7
+pomaria,1255,0
+woodbine,1036,3
+onaga,157,0
+woodbine,1639,3
+klickitat,1213,18
+merom,250,0
+stockman,291,0
+lindenwood,2379,2
+woodbine,391,1
+merom,754,3
+woodbine,1125,4
+woodbine,875,2
+klickitat,207,0
+coffeen,1452,7
+tolstoy,1247,6
+woodbine,1294,3
+hanson,1048,0
+wainscott,370,6
+tolstoy,1210,4
+lakeville,608,1
+lindenwood,91,2
+stockman,1362,3
+wainscott,197,4
+hiteman,342,3
+klickitat,648,10
+lakeville,1708,2
+pomaria,1160,6
+hiteman,15,1
+marstons,2532,7
+cosmos,520,1
+cosmos,465,7
+stockman,321,1
+woodbine,504,11
+marstons,487,2
+coffeen,966,0
+klickitat,583,1
+marstons,950,1
+coffeen,1154,8
+cosmos,405,4
+mifflinburg,100,0
+lindenwood,468,6
+stockman,804,3
+cosmos,420,0
+newfields,1336,1
+benevolence,473,1
+tolstoy,1324,6
+wainscott,640,1
+hiteman,556,9
+tolstoy,1121,3
+stockman,1510,0
+woodbine,1897,0
+leonardo,1893,2
+lakeville,1016,7
+pomaria,572,0
+pinesdale,278,10
+lakeville,1789,2
+marstons,2433,9
+ranchester,1417,2
+forkland,198,0
+leonardo,271,10
+hiteman,614,1
+wainscott,444,3
+leonardo,1272,5
+hanson,1159,1
+shelbyville,2188,1
+wainscott,727,6
+ranchester,709,1
+newfields,883,1
+marstons,2525,1
+marstons,543,6
+leonardo,1636,6
+pomaria,100,1
+shelbyville,1481,4
+pomaria,92,0
+shelbyville,2702,3
+tolstoy,487,6
+klickitat,170,8
+klickitat,840,16
+lakeville,755,2
+wainscott,1300,5
+forkland,631,1
+cosmos,149,9
+wainscott,851,1
+leonardo,2101,2
+hanson,767,5
+tolstoy,1076,5
+cosmos,60,1
+cosmos,484,0
+lindenwood,1975,1
+shelbyville,1613,2
+klickitat,359,4
+pomaria,1154,0
+lindenwood,1317,2
+wainscott,198,9
+leonardo,80,3
+hanson,777,4
+klickitat,274,6
+newfields,768,2
+mifflinburg,308,0
+shelbyville,718,8
+hiteman,301,7
+onaga,363,1
+coffeen,495,2
+hanson,651,11
+lindenwood,702,18
+leonardo,72,15
+merom,554,0
+beechwood,213,1
+marstons,1698,4
+leonardo,1119,0
+woodbine,1804,9
+leonardo,1398,12
+shelbyville,515,7
+shelbyville,464,0
+tolstoy,1333,6
+stockman,314,2
+hanson,516,9
+marstons,1161,8
+pinesdale,865,0
+hiteman,795,13
+wainscott,1453,5
+beechwood,464,3
+klickitat,2113,4
+marstons,1436,3
+hiteman,435,2
+lakeville,603,4
+newfields,876,6
+shelbyville,170,5
+wainscott,882,5
+lindenwood,1624,10
+hanson,841,2
+lindenwood,122,0
+tolstoy,1345,0
+leonardo,195,4
+leonardo,427,6
+marstons,2091,11
+pinesdale,982,1
+mifflinburg,258,3
+lakeville,692,5
+marstons,1893,4
+shelbyville,1199,8
+lakeville,1342,9
+marstons,1762,4
+merom,830,2
+leonardo,1201,0
+coffeen,960,5
+hanson,743,2
+leonardo,1851,2
+leonardo,1608,7
+merom,459,3
+lindenwood,1986,2
+marstons,288,5
+stockman,1107,9
+onaga,568,1
+klickitat,1984,13
+woodbine,1044,6
+pomaria,851,3
+tolstoy,1090,3
+woodbine,293,5
+beechwood,945,4
+tolstoy,65,1
+klickitat,1818,3
+shelbyville,28,3
+lakeville,13,2
+pomaria,1162,1
+klickitat,1140,3
+leonardo,1422,7
+shelbyville,2036,11
+tolstoy,380,1
+pomaria,725,4
+hiteman,1010,5
+lakeville,222,3
+wainscott,1778,2
+klickitat,1996,6
+wainscott,1618,3
+klickitat,2134,5
+onaga,398,0
+wainscott,994,6
+shelbyville,1730,6
+lakeville,284,6
+beechwood,490,3
+hanson,749,0
+beechwood,521,7
+klickitat,968,3
+wainscott,1198,2
+lindenwood,142,1
+shelbyville,2256,0
+lindenwood,2191,9
+klickitat,373,1
+marstons,2331,9
+coffeen,1514,1
+lindenwood,2671,3
+merom,825,0
+klickitat,2329,3
+klickitat,1435,2
+pomaria,729,4
+lindenwood,2272,1
+allensville,184,9
+tolstoy,970,1
+hiteman,1131,0
+shelbyville,2196,2
+mifflinburg,88,2
+wainscott,456,6
+hiteman,878,2
+merom,429,3
+beechwood,77,7
+woodbine,1884,5
+mifflinburg,748,4
+shelbyville,87,14
+marstons,1646,10
+hiteman,27,0
+shelbyville,2735,7
+shelbyville,775,11
+leonardo,1608,22
+shelbyville,2065,3
+marstons,1235,0
+merom,10,1
+leonardo,601,15
+lindenwood,55,0
+hiteman,1791,1
+merom,140,1
+mifflinburg,243,5
+woodbine,1218,7
+leonardo,2087,6
+shelbyville,33,0
+lakeville,1603,13
+lindenwood,1443,3
+woodbine,1498,0
+ranchester,822,1
+wainscott,1239,4
+tolstoy,1747,4
+cosmos,427,9
+tolstoy,278,2
+klickitat,670,4
+klickitat,1269,1
+cosmos,464,8
+marstons,2643,8
+tolstoy,1714,2
+pomaria,878,2
+stockman,260,2
+lindenwood,1439,13
+hiteman,850,9
+stockman,238,2
+pomaria,413,5
+shelbyville,896,6
+newfields,844,1
+hanson,1216,3
+coffeen,233,5
+lindenwood,2313,6
+lakeville,1817,8
+shelbyville,2391,3
+hanson,1044,9
+lakeville,594,1
+klickitat,106,0
+mifflinburg,459,0
+leonardo,553,1
+wainscott,167,0
+tolstoy,1430,0
+klickitat,491,1
+cosmos,662,5
+wainscott,1507,0
+leonardo,1617,8
+lakeville,808,12
+hiteman,703,3
+lakeville,884,1
+woodbine,60,9
+marstons,2331,6
+lakeville,1080,8
+lindenwood,468,2
+klickitat,943,12
+cosmos,805,1
+cosmos,732,6
+forkland,1099,0
+marstons,1382,3
+marstons,2372,5
+tolstoy,1633,4
+stockman,1371,2
+ranchester,1535,0
+lindenwood,2129,0
+newfields,675,6
+lindenwood,529,5
+woodbine,1923,9
+klickitat,1995,5
+lakeville,1808,3
+hiteman,138,10
+marstons,852,9
+leonardo,734,5
+tolstoy,43,9
+hanson,323,5
+tolstoy,1799,0
+leonardo,1229,3
+wainscott,761,2
+lakeville,1004,7
+allensville,83,2
+klickitat,95,4
+tolstoy,1362,1
+marstons,828,0
+hanson,1255,11
+klickitat,398,6
+woodbine,1887,7
+lindenwood,652,1
+woodbine,1273,9
+hiteman,868,3
+shelbyville,676,3
+shelbyville,1312,5
+marstons,129,2
+shelbyville,2066,0
+lakeville,396,19
+woodbine,1313,2
+shelbyville,2676,7
+lakeville,818,5
+beechwood,749,2
+stockman,1330,0
+shelbyville,2614,8
+marstons,940,0
+lakeville,1207,4
+shelbyville,1874,5
+tolstoy,35,2
+wainscott,219,3
+onaga,147,7
+hiteman,1203,1
+benevolence,9,8
+shelbyville,1984,2
+lindenwood,124,1
+beechwood,603,0
+klickitat,1247,7
+lakeville,1899,12
+hanson,414,0
+hanson,659,1
+newfields,112,0
+hiteman,1716,8
+lakeville,1351,2
+lindenwood,977,4
+lindenwood,2635,12
+pinesdale,742,2
+hiteman,245,2
+newfields,1108,0
+newfields,1452,1
+allensville,341,1
+hanson,31,11
+woodbine,160,1
+lakeville,1075,2
+cosmos,308,0
+woodbine,1837,1
+wainscott,811,1
+marstons,888,3
+ranchester,986,17
+lindenwood,2522,2
+lakeville,1703,2
+woodbine,140,8
+woodbine,1059,0
+lindenwood,2411,7
+lindenwood,767,0
+marstons,2009,1
+pinesdale,520,4
+wainscott,104,2
+woodbine,1421,3
+hanson,394,5
+pomaria,1089,2
+wainscott,1099,5
+marstons,882,6
+shelbyville,2280,3
+newfields,1401,1
+marstons,768,9
+lindenwood,177,1
+cosmos,89,1
+merom,207,2
+beechwood,1036,1
+lakeville,520,12
+lakeville,277,6
+ranchester,1475,3
+tolstoy,500,5
+lindenwood,1799,0
+leonardo,1431,2
+mifflinburg,755,3
+shelbyville,1790,16
+marstons,2105,2
+beechwood,792,2
+klickitat,1417,1
+newfields,614,1
+lakeville,1744,5
+cosmos,1075,0
+marstons,123,3
+pinesdale,984,4
+lindenwood,1676,3
+lakeville,1502,5
+shelbyville,1382,0
+coffeen,1143,2
+wainscott,1067,0
+beechwood,443,1
+wainscott,719,10
+lakeville,677,2
+woodbine,880,9
+lakeville,862,1
+onaga,455,2
+pomaria,1154,5
+coffeen,1022,3
+shelbyville,2409,0
+cosmos,386,3
+hiteman,1570,3
+hiteman,103,2
+klickitat,1996,7
+klickitat,1760,7
+woodbine,1419,4
+marstons,2172,5
+pomaria,775,0
+shelbyville,917,4
+klickitat,313,7
+tolstoy,1674,1
+pinesdale,765,13
+marstons,773,3
+woodbine,1615,1
+pinesdale,270,2
+leonardo,381,0
+pomaria,1352,9
+stockman,772,0
+ranchester,608,5
+stockman,900,1
+klickitat,1280,1
+pomaria,1425,0
+shelbyville,2260,3
+stockman,1601,2
+forkland,569,3
+pinesdale,398,3
+coffeen,1431,2
+shelbyville,2105,10
+coffeen,831,11
+pinesdale,218,2
+lindenwood,383,1
+lindenwood,1083,4
+cosmos,970,2
+cosmos,393,12
+tolstoy,479,2
+ranchester,311,0
+woodbine,1503,2
+ranchester,1448,4
+woodbine,903,8
+coffeen,98,0
+hanson,361,4
+ranchester,513,2
+pomaria,557,11
+lakeville,35,11
+cosmos,417,1
+shelbyville,1973,2
+woodbine,833,14
+pomaria,583,6
+marstons,1114,11
+leonardo,1145,4
+coffeen,419,2
+marstons,1034,3
+hiteman,365,0
+lakeville,241,3
+woodbine,1610,9
+shelbyville,24,12
+leonardo,1536,11
+shelbyville,2559,2
+shelbyville,1129,7
+ranchester,681,8
+merom,515,2
+pinesdale,1485,0
+lindenwood,57,5
+ranchester,350,10
+lakeville,981,2
+forkland,148,2
+wainscott,1459,3
+wainscott,7,3
+tolstoy,733,2
+hiteman,45,3
+wainscott,1154,1
+leonardo,433,2
+newfields,179,9
+tolstoy,56,1
+coffeen,744,3
+lindenwood,2083,9
+forkland,360,4
+hiteman,1387,4
+coffeen,987,2
+wainscott,1636,0
+lindenwood,1137,2
+pomaria,302,2
+woodbine,745,2
+lakeville,1641,0
+stockman,1409,2
+tolstoy,864,19
+lakeville,1396,2
+shelbyville,482,3
+klickitat,776,0
+stockman,692,9
+ranchester,1350,5
+wainscott,656,5
+wainscott,1698,4
+beechwood,1121,7
+lindenwood,2448,6
+newfields,1583,4
+beechwood,825,3
+lakeville,1389,4
+stockman,60,10
+stockman,255,4
+pinesdale,1190,4
+lindenwood,1951,5
+lakeville,614,1
+pomaria,254,2
+shelbyville,180,1
+woodbine,209,5
+pomaria,1437,7
+hiteman,1622,6
+leonardo,1164,5
+marstons,1346,2
+forkland,623,6
+coffeen,1300,1
+hiteman,179,3
+marstons,459,2
+cosmos,618,3
+woodbine,1726,6
+lakeville,1662,3
+shelbyville,1347,17
+woodbine,804,5
+allensville,13,2
+coffeen,383,7
+marstons,1679,2
+lindenwood,2268,2
+shelbyville,1681,1
+lindenwood,1382,0
+lakeville,947,6
+mifflinburg,740,4
+klickitat,342,1
+allensville,17,2
+stockman,1048,5
+pomaria,432,5
+klickitat,561,1
+ranchester,486,4
+benevolence,262,0
+hiteman,1325,7
+beechwood,297,0
+beechwood,455,7
+klickitat,621,0
+lakeville,35,15
+lakeville,1082,4
+pomaria,837,2
+ranchester,136,1
+coffeen,541,9
+hanson,1102,8
+shelbyville,2239,7
+klickitat,2022,1
+wainscott,834,3
+wainscott,1059,0
+shelbyville,2550,0
+ranchester,1309,10
+pomaria,426,10
+ranchester,318,0
+pomaria,131,3
+hanson,627,5
+klickitat,1655,2
+beechwood,313,1
+lindenwood,2336,0
+wainscott,1486,5
+shelbyville,142,15
+lindenwood,506,4
+klickitat,1435,8
+klickitat,1342,2
+pomaria,427,1
+hanson,1603,11
+shelbyville,2468,3
+forkland,607,3
+leonardo,1624,0
+benevolence,617,5
+newfields,245,5
+pinesdale,1221,3
+pomaria,1666,12
+newfields,800,2
+lindenwood,2309,6
+leonardo,1396,4
+lindenwood,1223,0
+pomaria,817,1
+lakeville,1362,2
+woodbine,823,12
+hanson,390,0
+pomaria,1648,5
+wainscott,836,7
+lindenwood,1363,2
+newfields,467,2
+benevolence,952,2
+leonardo,813,1
+mifflinburg,160,0
+lindenwood,1993,3
+pomaria,303,2
+hiteman,198,0
+lindenwood,2658,11
+beechwood,27,1
+klickitat,234,4
+leonardo,1760,0
+stockman,656,1
+hanson,1363,7
+woodbine,529,10
+hiteman,327,0
+klickitat,1564,0
+pinesdale,1434,2
+hanson,309,7
+hiteman,414,6
+wainscott,1557,3
+hanson,1331,0
+newfields,1046,6
+coffeen,286,2
+hanson,971,11
+woodbine,1494,2
+beechwood,468,5
+hiteman,1040,1
+onaga,645,3
+woodbine,17,1
+coffeen,330,2
+mifflinburg,842,0
+lindenwood,950,4
+beechwood,868,0
+leonardo,1883,6
+leonardo,864,5
+newfields,198,2
+pomaria,331,1
+merom,702,1
+pomaria,1275,5
+shelbyville,2445,1
+shelbyville,2614,6
+lakeville,612,10
+marstons,2226,5
+klickitat,448,13
+lindenwood,2098,0
+leonardo,1127,0
+klickitat,1622,4
+benevolence,3,3
+marstons,1179,1
+hanson,1436,1
+lindenwood,1266,3
+pinesdale,897,3
+woodbine,1027,0
+shelbyville,1872,12
+hanson,233,15
+lindenwood,441,4
+hiteman,281,2
+klickitat,2349,2
+leonardo,1009,6
+beechwood,902,1
+pinesdale,364,2
+newfields,950,2
+newfields,371,0
+lindenwood,2436,5
+pomaria,199,0
+hanson,5,2
+pomaria,1148,5
+hiteman,743,0
+hiteman,472,2
+hanson,1586,1
+forkland,828,1
+marstons,2264,9
+mifflinburg,774,1
+woodbine,183,5
+lakeville,1108,1
+cosmos,498,5
+lakeville,1598,9
+woodbine,92,10
+cosmos,970,1
+coffeen,638,4
+pomaria,1465,9
+ranchester,1024,2
+beechwood,880,3
+ranchester,271,5
+newfields,1337,0
+marstons,1013,1
+tolstoy,736,5
+lindenwood,1453,1
+hiteman,484,1
+pinesdale,759,2
+marstons,2399,0
+hanson,1487,1
+newfields,200,1
+hanson,1144,13
+beechwood,357,2
+lindenwood,1092,0
+woodbine,39,4
+hiteman,1694,4
+marstons,290,1
+pomaria,553,12
+hiteman,1698,6
+cosmos,534,4
+newfields,263,4
+pomaria,1047,2
+hanson,382,2
+beechwood,1034,1
+wainscott,1669,0
+forkland,84,2
+newfields,302,3
+pomaria,1073,6
+mifflinburg,643,0
+wainscott,1352,2
+cosmos,920,2
+forkland,776,3
+klickitat,964,11
+klickitat,1191,0
+marstons,2521,2
+beechwood,1065,1
+newfields,529,0
+lakeville,1099,16
+wainscott,909,0
+klickitat,2328,2
+lakeville,532,9
+klickitat,1752,8
+hanson,503,1
+hanson,1003,5
+allensville,23,4
+shelbyville,767,5
+shelbyville,2671,5
+lakeville,187,2
+hiteman,196,6
+onaga,361,7
+wainscott,1404,3
+ranchester,1568,11
+klickitat,2220,2
+klickitat,1206,1
+wainscott,791,0
+marstons,1905,0
+hiteman,1336,1
+marstons,2651,0
+shelbyville,2641,9
+wainscott,1299,1
+stockman,1328,4
+ranchester,561,4
+lakeville,1015,2
+lakeville,1372,1
+woodbine,394,0
+pomaria,330,4
+pinesdale,790,5
+marstons,1426,5
+marstons,2500,1
+ranchester,345,11
+ranchester,1617,4
+marstons,291,6
+hanson,1305,8
+woodbine,2055,8
+mifflinburg,115,1
+woodbine,315,3
+benevolence,81,7
+woodbine,1427,1
+wainscott,594,2
+leonardo,664,0
+hiteman,1002,4
+leonardo,1110,1
+tolstoy,1071,1
+wainscott,1181,0
+hiteman,432,1
+hiteman,597,1
+marstons,333,7
+lindenwood,1137,12
+onaga,676,1
+shelbyville,2094,8
+marstons,113,2
+shelbyville,2052,5
+wainscott,909,3
+marstons,538,10
+stockman,636,2
+newfields,400,0
+shelbyville,1491,2
+leonardo,652,11
+lakeville,928,0
+lindenwood,376,2
+wainscott,1292,12
+beechwood,778,1
+merom,172,2
+ranchester,109,7
+shelbyville,2765,2
+beechwood,678,3
+leonardo,1631,4
+lindenwood,955,4
+woodbine,843,4
+shelbyville,143,4
+hanson,1400,4
+lakeville,1319,0
+woodbine,1836,3
+tolstoy,284,3
+leonardo,29,2
+klickitat,2190,14
+marstons,1172,2
+lindenwood,2610,4
+tolstoy,1321,7
+tolstoy,1319,0
+newfields,1558,2
+klickitat,1655,1
+wainscott,913,1
+merom,1028,0
+marstons,2604,9
+lakeville,545,2
+klickitat,2333,6
+wainscott,1199,6
+leonardo,1978,1
+tolstoy,1675,1
+coffeen,385,3
+hanson,305,2
+woodbine,557,4
+wainscott,1724,6
+woodbine,1657,3
+tolstoy,1644,7
+leonardo,469,5
+newfields,1407,18
+pinesdale,1282,0
+stockman,1011,0
+hanson,1399,7
+ranchester,1247,5
+beechwood,316,0
+newfields,1615,0
+shelbyville,2558,1
+pomaria,1289,17
+klickitat,2077,8
+lindenwood,2091,0
+cosmos,1004,4
+ranchester,362,5
+allensville,29,10
+beechwood,974,1
+klickitat,2064,1
+beechwood,955,8
+forkland,949,2
+ranchester,947,4
+wainscott,1714,4
+ranchester,1006,0
+shelbyville,275,2
+marstons,1293,1
+cosmos,452,6
+ranchester,1483,4
+lindenwood,881,3
+shelbyville,1029,0
+newfields,821,1
+forkland,258,11
+hiteman,1017,10
+wainscott,770,3
+marstons,930,1
+hanson,402,4
+lindenwood,1445,8
+lindenwood,2033,4
+marstons,1438,4
+hanson,893,3
+marstons,2183,2
+stockman,1490,2
+cosmos,965,4
+klickitat,488,19
+tolstoy,1437,5
+tolstoy,301,2
+lakeville,48,2
+leonardo,1988,4
+leonardo,12,2
+tolstoy,309,4
+leonardo,1000,13
+hiteman,318,1
+wainscott,1444,1
+hiteman,212,10
+ranchester,822,6
+hanson,414,4
+klickitat,460,2
+pomaria,511,4
+shelbyville,799,0
+shelbyville,500,9
+shelbyville,320,0
+hanson,641,2
+lindenwood,1006,2
+pinesdale,394,1
+lakeville,811,0
+woodbine,1081,7
+lindenwood,206,4
+marstons,2267,0
+woodbine,2049,16
+lakeville,14,6
+woodbine,593,0
+woodbine,1204,2
+pinesdale,309,1
+shelbyville,2145,1
+klickitat,370,5
+klickitat,1553,7
+forkland,246,4
+lindenwood,2271,2
+cosmos,588,1
+klickitat,103,6
+forkland,1193,1
+coffeen,173,4
+hanson,1169,1
+wainscott,1057,6
+hanson,155,3
+hanson,546,11
+forkland,335,1
+marstons,909,10
+lindenwood,54,0
+tolstoy,58,0
+ranchester,1205,11
+merom,582,6
+hiteman,1024,1
+klickitat,1630,9
+onaga,474,5
+marstons,959,3
+pinesdale,256,1
+hiteman,781,1
+mifflinburg,607,0
+ranchester,842,4
+lindenwood,1294,1
+wainscott,1199,3
+tolstoy,1262,2
+coffeen,614,0
+benevolence,492,9
+stockman,1467,9
+marstons,578,1
+pomaria,1516,11
+ranchester,1253,2
+lindenwood,1115,8
+hiteman,840,1
+shelbyville,2717,9
+newfields,1501,7
+hiteman,446,12
+lakeville,1308,2
+shelbyville,2044,6
+wainscott,415,8
+newfields,518,1
+leonardo,788,1
+hanson,677,2
+marstons,45,6
+coffeen,318,5
+marstons,2477,1
+hanson,1356,1
+lindenwood,327,6
+klickitat,1459,1
+marstons,249,1
+newfields,1310,4
+leonardo,1468,1
+tolstoy,236,13
+marstons,2340,5
+wainscott,1122,1
+pomaria,763,4
+newfields,597,2
+shelbyville,198,8
+wainscott,288,8
+hiteman,851,8
+leonardo,1860,2
+shelbyville,500,2
+hiteman,1405,3
+newfields,137,4
+wainscott,116,0
+leonardo,595,1
+woodbine,604,2
+pomaria,700,2
+leonardo,1067,11
+mifflinburg,395,2
+hiteman,1734,3
+woodbine,1857,3
+tolstoy,455,2
+stockman,1074,3
+lindenwood,2335,2
+shelbyville,2431,8
+stockman,998,3
+hiteman,988,4
+hanson,551,2
+hanson,900,3
+merom,938,1
+pinesdale,209,2
+pomaria,183,0
+hanson,812,13
+mifflinburg,513,0
+merom,251,1
+lakeville,678,3
+hiteman,1400,2
+klickitat,2016,2
+coffeen,1256,2
+coffeen,411,1
+coffeen,476,4
+woodbine,1542,8
+newfields,692,3
+pomaria,1043,8
+shelbyville,1570,3
+hanson,438,3
+tolstoy,142,2
+wainscott,567,5
+stockman,23,0
+lindenwood,2523,7
+stockman,1251,0
+hanson,524,2
+lakeville,184,5
+lakeville,1715,3
+wainscott,153,2
+shelbyville,2255,0
+lakeville,1220,1
+woodbine,323,5
+marstons,69,3
+hiteman,165,13
+stockman,101,1
+klickitat,1296,9
+marstons,911,1
+klickitat,27,1
+tolstoy,1248,0
+beechwood,421,0
+marstons,320,6
+klickitat,1404,6
+newfields,485,2
+cosmos,501,4
+leonardo,379,2
+shelbyville,2797,2
+marstons,1233,3
+leonardo,341,2
+newfields,926,0
+hanson,526,4
+lakeville,1061,11
+ranchester,794,2
+stockman,986,1
+shelbyville,365,2
+forkland,26,0
+wainscott,901,5
+marstons,244,7
+lindenwood,2636,5
+newfields,1342,5
+pomaria,1465,2
+onaga,448,2
+tolstoy,1621,2
+lindenwood,1378,2
+woodbine,1284,1
+woodbine,1844,2
+marstons,67,0
+forkland,960,1
+leonardo,1474,2
+leonardo,1887,2
+pomaria,1156,2
+hanson,1286,1
+newfields,314,14
+klickitat,1412,5
+mifflinburg,902,5
+leonardo,1188,4
+tolstoy,1591,5
+beechwood,334,2
+coffeen,936,2
+woodbine,355,16
+marstons,924,10
+allensville,77,6
+lakeville,367,6
+woodbine,1793,11
+marstons,547,1
+wainscott,532,10
+lakeville,1705,5
+tolstoy,375,17
+marstons,1604,8
+coffeen,214,4
+cosmos,514,4
+shelbyville,1083,1
+pinesdale,1507,4
+klickitat,2183,0
+klickitat,1480,1
+lindenwood,1779,4
+coffeen,634,1
+woodbine,720,0
+lakeville,907,8
+ranchester,718,4
+wainscott,1558,5
+wainscott,1583,12
+woodbine,3,3
+shelbyville,253,1
+pinesdale,815,1
+pomaria,1629,2
+lakeville,759,11
+pinesdale,250,2
+tolstoy,777,2
+ranchester,1396,1
+klickitat,78,2
+shelbyville,2370,2
+woodbine,323,0
+leonardo,792,6
+pomaria,648,2
+coffeen,1268,4
+marstons,1921,3
+hiteman,417,3
+hiteman,703,4
+lindenwood,1734,2
+coffeen,543,0
+pinesdale,1277,0
+pomaria,878,0
+ranchester,425,1
+woodbine,510,6
+hiteman,1553,3
+lakeville,687,6
+hiteman,1169,7
+lakeville,926,2
+onaga,140,0
+wainscott,543,4
+shelbyville,1338,13
+ranchester,737,6
+klickitat,1010,4
+lakeville,759,10
+hanson,1177,0
+marstons,748,2
+pomaria,851,9
+hanson,1418,15
+shelbyville,1319,0
+hanson,1042,12
+cosmos,960,0
+pomaria,1044,3
+pinesdale,809,1
+klickitat,2333,7
+lindenwood,2315,9
+tolstoy,183,5
+stockman,80,0
+pomaria,253,6
+newfields,954,15
+shelbyville,1754,18
+beechwood,967,2
+benevolence,230,11
+lindenwood,422,2
+lindenwood,2485,0
+newfields,1566,0
+newfields,1574,2
+wainscott,528,4
+wainscott,1084,2
+woodbine,1183,9
+mifflinburg,756,0
+lindenwood,1458,0
+marstons,2646,8
+klickitat,107,6
+lindenwood,59,10
+ranchester,358,11
+pomaria,306,2
+ranchester,63,8
+wainscott,876,11
+wainscott,1112,9
+lindenwood,285,5
+marstons,2418,13
+hanson,1271,6
+ranchester,1546,3
+forkland,489,1
+lakeville,977,6
+lindenwood,2665,1
+lindenwood,1783,6
+stockman,1241,4
+coffeen,11,0
+lindenwood,2086,11
+wainscott,506,4
+leonardo,1036,7
+pinesdale,470,7
+hanson,793,10
+woodbine,730,1
+merom,504,0
+hanson,1503,2
+beechwood,329,4
+ranchester,1209,8
+hiteman,815,4
+beechwood,256,0
+hanson,294,1
+ranchester,712,7
+hanson,758,3
+allensville,401,3
+shelbyville,561,9
+lindenwood,732,7
+leonardo,1072,5
+newfields,1108,7
+hanson,1195,3
+marstons,1477,3
+newfields,1146,9
+shelbyville,628,6
+pomaria,1258,5
+mifflinburg,488,3
+wainscott,697,4
+marstons,1238,2
+hiteman,1208,8
+hanson,1275,3
+leonardo,22,1
+newfields,204,9
+klickitat,2205,6
+stockman,2,2
+forkland,1032,6
+lakeville,1643,18
+wainscott,515,4
+allensville,32,4
+pomaria,1438,7
+marstons,1269,0
+leonardo,2066,4
+lakeville,552,4
+newfields,231,3
+lakeville,1155,6
+lakeville,1744,1
+lakeville,36,6
+hanson,1232,3
+wainscott,149,11
+lindenwood,441,6
+newfields,1044,3
+lakeville,584,8
+shelbyville,1746,1
+shelbyville,228,9
+newfields,751,0
+ranchester,1202,0
+woodbine,310,3
+hiteman,1645,15
+hanson,150,7
+coffeen,24,5
+pomaria,797,6
+newfields,1651,0
+newfields,406,0
+wainscott,186,4
+ranchester,56,2
+newfields,300,13
+beechwood,59,13
+cosmos,30,1
+marstons,2436,4
+pomaria,1190,4
+hanson,947,7
+pomaria,512,1
+forkland,175,2
+hiteman,221,2
+pinesdale,1431,1
+coffeen,834,2
+beechwood,1152,0
+onaga,337,2
+klickitat,1308,0
+shelbyville,2066,7
+hanson,58,4
+shelbyville,1259,2
+cosmos,715,5
+ranchester,701,5
+leonardo,1785,0
+lindenwood,146,3
+ranchester,463,1
+newfields,1217,3
+lindenwood,830,0
+pinesdale,1336,1
+woodbine,343,7
+coffeen,506,3
+wainscott,76,0
+leonardo,167,9
+hanson,1516,0
+pomaria,1218,3
+shelbyville,2,1
+cosmos,430,1
+newfields,1242,3
+pinesdale,258,2
+lindenwood,1775,1
+stockman,241,3
+shelbyville,762,3
+ranchester,1017,0
+pomaria,805,8
+beechwood,1138,2
+lindenwood,727,13
+hiteman,1441,3
+newfields,1376,11
+ranchester,734,1
+tolstoy,906,10
+shelbyville,1463,7
+wainscott,551,5
+coffeen,352,1
+wainscott,1148,1
+forkland,1030,7
+shelbyville,2336,4
+woodbine,1080,0
+shelbyville,2421,2
+hiteman,1192,0
+lindenwood,1108,9
+hanson,1331,10
+lakeville,1615,4
+hanson,1598,1
+cosmos,738,6
+beechwood,138,4
+allensville,426,7
+wainscott,324,5
+shelbyville,2323,8
+coffeen,1290,5
+mifflinburg,512,6
+shelbyville,2599,7
+wainscott,1254,0
+woodbine,591,11
+marstons,288,1
+woodbine,1445,8
+forkland,893,4
+hiteman,1814,8
+woodbine,1983,5
+hiteman,146,2
+marstons,1603,3
+shelbyville,1987,4
+leonardo,2045,5
+woodbine,796,16
+cosmos,498,4
+hanson,152,6
+woodbine,456,6
+lakeville,544,4
+marstons,2351,7
+hiteman,843,1
+lindenwood,1540,2
+beechwood,883,3
+beechwood,549,1
+woodbine,224,1
+shelbyville,328,6
+woodbine,1969,1
+marstons,2541,3
+klickitat,845,4
+hanson,1476,0
+wainscott,661,0
+wainscott,108,3
+marstons,461,5
+klickitat,387,0
+marstons,2378,8
+stockman,272,3
+merom,126,2
+pinesdale,89,3
+coffeen,1070,2
+lakeville,659,2
+hiteman,702,11
+allensville,197,2
+shelbyville,1150,0
+hanson,380,9
+lindenwood,41,8
+pomaria,1179,10
+beechwood,864,2
+coffeen,1021,0
+wainscott,1046,5
+klickitat,2226,6
+newfields,1546,7
+wainscott,1198,1
+marstons,2048,0
+tolstoy,5,2
+stockman,1000,4
+forkland,895,3
+shelbyville,812,12
+leonardo,1235,0
+mifflinburg,915,1
+merom,622,1
+beechwood,545,4
+lindenwood,501,2
+woodbine,766,6
+hanson,300,4
+marstons,2545,3
+tolstoy,1333,0
+marstons,2641,11
+pinesdale,156,7
+shelbyville,2691,5
+hanson,1547,6
+hanson,44,7
+pinesdale,1244,3
+ranchester,1507,1
+lindenwood,1986,0
+lindenwood,1949,3
+leonardo,597,3
+tolstoy,836,1
+coffeen,413,5
+beechwood,992,1
+leonardo,1196,3
+merom,652,2
+leonardo,421,1
+woodbine,821,8
+pinesdale,341,3
+woodbine,821,0
+ranchester,326,3
+klickitat,1784,10
+klickitat,935,7
+coffeen,1418,1
+cosmos,774,3
+coffeen,425,5
+lindenwood,575,4
+hiteman,350,6
+woodbine,2019,6
+pomaria,816,6
+marstons,1889,1
+pomaria,1579,12
+hanson,1185,3
+newfields,1459,0
+newfields,1510,2
+beechwood,48,15
+cosmos,819,3
+beechwood,603,5
+marstons,116,4
+newfields,1583,0
+ranchester,1324,6
+newfields,413,6
+forkland,551,8
+tolstoy,719,4
+newfields,539,5
+shelbyville,1159,2
+benevolence,720,4
+lakeville,1104,7
+hiteman,671,1
+shelbyville,694,7
+klickitat,1570,1
+mifflinburg,730,2
+leonardo,1718,3
+coffeen,1016,1
+hiteman,221,4
+klickitat,7,5
+lakeville,609,9
+benevolence,314,12
+stockman,1525,4
+ranchester,1280,8
+lindenwood,754,11
+ranchester,987,1
+newfields,583,3
+tolstoy,874,4
+forkland,880,1
+shelbyville,1843,2
+pinesdale,1235,3
+marstons,60,1
+cosmos,17,2
+onaga,643,4
+tolstoy,1794,7
+marstons,576,2
+marstons,252,15
+tolstoy,560,2
+lindenwood,2049,2
+cosmos,698,1
+lakeville,672,3
+onaga,242,3
+hanson,794,5
+pomaria,207,1
+stockman,1155,3
+hiteman,1838,3
+forkland,694,3
+stockman,44,2
+shelbyville,994,11
+tolstoy,393,2
+hiteman,453,10
+ranchester,1194,2
+onaga,366,6
+cosmos,274,5
+lindenwood,2136,3
+lakeville,1109,5
+lakeville,1336,4
+tolstoy,1275,1
+klickitat,370,3
+onaga,183,3
+pomaria,1416,1
+shelbyville,1523,6
+pinesdale,44,1
+shelbyville,2766,4
+newfields,1155,5
+hanson,1080,4
+lindenwood,1867,1
+pinesdale,411,6
+marstons,2483,4
+marstons,1223,3
+coffeen,1345,7
+beechwood,826,3
+newfields,1310,1
+leonardo,686,7
+lindenwood,584,0
+newfields,1502,2
+newfields,864,0
+wainscott,351,11
+lakeville,1424,8
+pinesdale,92,2
+hanson,576,2
+beechwood,130,4
+pinesdale,945,2
+newfields,921,0
+shelbyville,30,6
+coffeen,809,0
+hanson,973,1
+wainscott,961,1
+klickitat,881,13
+klickitat,729,8
+shelbyville,1129,8
+stockman,1125,7
+wainscott,382,10
+lakeville,1487,3
+klickitat,2166,0
+leonardo,5,6
+pomaria,489,3
+shelbyville,1619,0
+coffeen,654,7
+shelbyville,2799,16
+shelbyville,1965,9
+leonardo,1151,5
+pinesdale,301,6
+marstons,567,5
+leonardo,7,14
+onaga,503,1
+hiteman,585,0
+beechwood,1111,0
+marstons,1696,2
+marstons,514,6
+hiteman,511,6
+lindenwood,220,3
+shelbyville,846,2
+wainscott,206,5
+ranchester,1277,3
+hiteman,702,2
+newfields,1601,0
+coffeen,877,1
+ranchester,2,0
+forkland,275,6
+woodbine,1568,1
+onaga,330,4
+klickitat,1839,0
+marstons,1181,2
+hanson,1466,11
+hiteman,955,2
+pomaria,914,12
+pomaria,1108,3
+leonardo,1055,2
+newfields,25,0
+woodbine,436,9
+pinesdale,1178,2
+marstons,2599,4
+mifflinburg,668,1
+klickitat,2277,9
+forkland,801,0
+cosmos,596,6
+lakeville,1487,0
+pomaria,1433,4
+leonardo,1482,11
+stockman,1256,0
+klickitat,1702,0
+pinesdale,849,3
+leonardo,298,8
+woodbine,1070,4
+woodbine,1853,9
+coffeen,1105,2
+cosmos,299,0
+shelbyville,936,2
+ranchester,1,10
+klickitat,571,3
+shelbyville,1604,4
+coffeen,194,7
+klickitat,1100,2
+leonardo,2038,2
+marstons,73,8
+lindenwood,1712,0
+woodbine,1356,12
+klickitat,6,4
+leonardo,238,1
+marstons,872,0
+woodbine,1331,5
+marstons,1170,14
+lindenwood,1916,2
+wainscott,1726,2
+pinesdale,613,10
+shelbyville,2610,6
+hanson,809,7
+stockman,895,5
+beechwood,535,0
+newfields,1357,10
+lakeville,536,2
+stockman,1179,7
+marstons,453,2
+cosmos,691,2
+coffeen,656,1
+pinesdale,1070,4
+lakeville,154,2
+newfields,1626,7
+coffeen,422,0
+lindenwood,126,5
+hanson,897,4
+merom,1026,5
+ranchester,1096,7
+allensville,516,0
+hanson,90,6
+hiteman,1265,5
+stockman,1144,5
+cosmos,601,9
+klickitat,1672,2
+shelbyville,873,5
+forkland,359,3
+leonardo,306,4
+woodbine,1622,0
+pomaria,888,5
+hanson,135,5
+wainscott,985,12
+mifflinburg,913,5
+leonardo,690,13
+merom,305,4
+pomaria,409,1
+beechwood,74,3
+lakeville,824,2
+merom,704,9
+coffeen,910,6
+leonardo,448,1
+woodbine,1853,16
+merom,0,1
+hanson,1185,4
+tolstoy,1257,9
+klickitat,2260,1
+tolstoy,1641,2
+wainscott,639,3
+allensville,247,2
+marstons,1337,4
+marstons,798,1
+wainscott,1124,7
+lindenwood,1299,1
+klickitat,557,3
+benevolence,185,2
+beechwood,1109,0
+stockman,494,5
+allensville,396,3
+beechwood,840,1
+leonardo,703,7
+stockman,546,1
+cosmos,462,2
+ranchester,1151,3
+ranchester,779,6
+beechwood,350,0
+hiteman,496,4
+klickitat,2077,0
+lakeville,457,11
+woodbine,1438,3
+newfields,141,1
+lakeville,1643,12
+klickitat,1374,6
+lindenwood,2,2
+allensville,516,1
+newfields,1394,0
+tolstoy,1709,7
+tolstoy,987,2
+pomaria,1301,6
+shelbyville,2178,3
+pinesdale,777,5
+stockman,176,4
+pomaria,644,7
+merom,1043,1
+wainscott,95,2
+marstons,585,1
+klickitat,2298,1
+forkland,36,2
+coffeen,622,3
+klickitat,2190,17
+pinesdale,619,1
+merom,452,0
+marstons,1749,21
+pomaria,629,0
+allensville,296,2
+stockman,1198,5
+benevolence,943,2
+lindenwood,2429,6
+tolstoy,658,0
+shelbyville,1358,6
+beechwood,612,6
+pomaria,488,9
+lakeville,46,3
+lindenwood,1992,4
+cosmos,168,2
+stockman,1002,2
+marstons,1836,1
+cosmos,927,2
+pomaria,436,2
+coffeen,373,3
+newfields,1622,1
+pinesdale,112,0
+woodbine,12,4
+wainscott,1696,5
+pomaria,1093,9
+leonardo,723,0
+klickitat,1896,0
+wainscott,545,1
+pomaria,963,8
+newfields,846,1
+lakeville,941,0
+woodbine,1751,5
+marstons,1676,15
+wainscott,1409,7
+marstons,690,1
+pinesdale,1333,2
+lindenwood,713,7
+newfields,411,2
+woodbine,1298,3
+klickitat,1808,3
+woodbine,1498,3
+leonardo,609,0
+klickitat,1473,0
+hanson,1024,5
+merom,264,0
+pinesdale,152,2
+beechwood,373,1
+newfields,238,0
+lakeville,650,0
+wainscott,883,5
+cosmos,541,0
+pinesdale,388,3
+tolstoy,995,5
+tolstoy,571,2
+beechwood,480,0
+cosmos,597,7
+hiteman,619,8
+marstons,615,5
+shelbyville,733,2
+shelbyville,109,5
+klickitat,2358,11
+shelbyville,2220,1
+pomaria,77,0
+ranchester,1626,4
+woodbine,1213,3
+tolstoy,670,1
+newfields,368,5
+tolstoy,17,9
+woodbine,984,8
+stockman,200,3
+woodbine,808,1
+tolstoy,447,2
+hiteman,426,5
+wainscott,164,7
+pinesdale,652,2
+lakeville,1454,3
+onaga,56,2
+pomaria,1442,7
+lindenwood,1035,0
+woodbine,488,10
+hiteman,1620,1
+newfields,919,8
+hanson,1323,11
+lakeville,644,2
+cosmos,598,1
+beechwood,204,11
+lindenwood,1907,1
+marstons,4,7
+ranchester,1193,7
+stockman,726,4
+pinesdale,1123,3
+klickitat,150,17
+leonardo,488,1
+pomaria,814,0
+hanson,992,2
+pomaria,1244,0
+pinesdale,177,5
+lindenwood,2521,0
+stockman,1474,12
+tolstoy,642,5
+ranchester,694,7
+coffeen,1118,3
+marstons,1701,0
+ranchester,428,2
+woodbine,1441,3
+marstons,544,6
+lindenwood,2463,3
+allensville,511,0
+ranchester,1502,11
+klickitat,1175,0
+stockman,373,3
+beechwood,987,0
+pomaria,953,4
+cosmos,456,3
+pomaria,916,4
+ranchester,243,7
+woodbine,1048,4
+wainscott,1111,9
+klickitat,2362,3
+allensville,368,0
+pinesdale,1359,4
+lindenwood,222,3
+marstons,803,2
+shelbyville,2432,9
+mifflinburg,541,0
+lindenwood,2155,0
+lindenwood,1934,9
+hiteman,1676,5
+forkland,8,3
+forkland,1063,5
+newfields,341,6
+klickitat,2369,3
+mifflinburg,409,0
+ranchester,189,2
+newfields,1474,11
+klickitat,309,2
+wainscott,444,8
+mifflinburg,596,0
+tolstoy,762,2
+beechwood,531,2
+klickitat,550,10
+klickitat,313,8
+cosmos,480,1
+hanson,1125,5
+pomaria,389,10
+leonardo,861,2
+wainscott,1040,6
+pinesdale,1017,6
+pomaria,341,3
+forkland,684,5
+lakeville,39,4
+klickitat,607,0
+ranchester,385,8
+allensville,126,0
+hiteman,785,1
+newfields,1183,12
+marstons,2360,0
+merom,428,0
+marstons,2467,0
+merom,285,1
+forkland,991,3
+hiteman,789,3
+lindenwood,1395,2
+lakeville,657,0
+klickitat,894,3
+woodbine,538,0
+shelbyville,1418,1
+wainscott,1159,0
+wainscott,621,6
+leonardo,1930,3
+woodbine,475,1
+tolstoy,400,5
+pinesdale,1316,3
+cosmos,10,1
+wainscott,3,0
+lindenwood,133,9
+hiteman,681,3
+hanson,1130,4
+woodbine,315,10
+coffeen,1476,3
+pomaria,1316,1
+marstons,2228,2
+shelbyville,1761,1
+wainscott,104,12
+tolstoy,775,6
+mifflinburg,165,1
+merom,107,3
+klickitat,2222,8
+marstons,154,3
+klickitat,1649,0
+marstons,329,7
+newfields,322,1
+shelbyville,1558,6
+ranchester,398,4
+lakeville,282,0
+pinesdale,23,5
+hiteman,1092,3
+wainscott,1613,0
+wainscott,810,1
+cosmos,681,1
+mifflinburg,827,2
+woodbine,1462,1
+pomaria,764,1
+lakeville,1068,0
+woodbine,453,2
+woodbine,671,10
+onaga,310,0
+mifflinburg,546,2
+merom,459,4
+pomaria,769,13
+leonardo,950,2
+lindenwood,2048,3
+beechwood,784,6
+tolstoy,1672,1
+forkland,498,3
+ranchester,653,2
+klickitat,115,16
+leonardo,1284,2
+cosmos,59,1
+shelbyville,1033,12
+wainscott,295,13
+lakeville,1733,8
+wainscott,485,0
+cosmos,422,0
+coffeen,704,4
+lindenwood,509,1
+lindenwood,1482,9
+pomaria,695,2
+lakeville,1770,6
+hanson,481,2
+pomaria,677,0
+shelbyville,985,4
+klickitat,1633,4
+hanson,311,2
+mifflinburg,50,1
+hanson,1265,4
+shelbyville,2368,11
+wainscott,942,1
+wainscott,183,0
+coffeen,1430,6
+wainscott,249,6
+tolstoy,80,1
+hiteman,1020,3
+lindenwood,133,1
+klickitat,503,4
+woodbine,254,3
+hanson,1024,14
+tolstoy,1035,11
+coffeen,228,0
+cosmos,356,3
+woodbine,1333,6
+lindenwood,37,2
+tolstoy,686,3
+hanson,826,1
+woodbine,1160,4
+lindenwood,604,1
+wainscott,1452,14
+beechwood,874,1
+leonardo,1913,0
+stockman,550,2
+klickitat,1209,5
+leonardo,468,1
+woodbine,858,0
+tolstoy,218,0
+pinesdale,1023,1
+tolstoy,1839,8
+marstons,267,6
+wainscott,680,2
+hiteman,610,2
+allensville,374,9
+newfields,23,0
+hanson,1570,4
+klickitat,464,3
+wainscott,1793,1
+lindenwood,1325,4
+newfields,235,0
+shelbyville,2217,3
+klickitat,1171,4
+coffeen,1130,8
+pinesdale,985,11
+woodbine,1872,10
+woodbine,600,3
+cosmos,1051,1
+pomaria,1560,5
+merom,166,7
+tolstoy,497,3
+newfields,268,5
+woodbine,564,1
+cosmos,769,3
+lakeville,206,6
+tolstoy,513,1
+wainscott,1021,2
+wainscott,1542,0
+mifflinburg,308,2
+mifflinburg,877,0
+marstons,1688,0
+hanson,893,7
+marstons,466,0
+hanson,816,1
+cosmos,106,4
+shelbyville,2201,4
+beechwood,73,8
+forkland,818,3
+klickitat,615,0
+lindenwood,545,0
+klickitat,2278,2
+pomaria,103,8
+forkland,1018,3
+hiteman,587,5
+pomaria,743,5
+beechwood,924,0
+merom,153,5
+newfields,1060,0
+stockman,325,1
+leonardo,1831,7
+hanson,490,9
+ranchester,694,8
+lakeville,1404,1
+hanson,1327,3
+woodbine,497,1
+newfields,636,13
+lindenwood,2101,6
+klickitat,1229,1
+cosmos,149,5
+ranchester,972,0
+leonardo,528,17
+woodbine,824,1
+newfields,1437,7
+lindenwood,1351,1
+pomaria,1636,3
+lakeville,952,1
+pomaria,1570,4
+beechwood,251,1
+hiteman,246,0
+tolstoy,35,10
+pinesdale,1428,14
+tolstoy,1112,9
+onaga,349,6
+tolstoy,131,9
+forkland,356,3
+cosmos,31,2
+lakeville,1211,6
+wainscott,774,9
+benevolence,377,6
+lakeville,998,7
+tolstoy,901,2
+wainscott,690,0
+hanson,852,1
+lindenwood,867,0
+coffeen,841,0
+ranchester,1183,3
+forkland,1101,1
+merom,660,1
+marstons,1200,8
+wainscott,392,12
+klickitat,1675,4
+ranchester,880,4
+pomaria,435,1
+beechwood,1013,8
+wainscott,326,0
+marstons,517,6
+hanson,107,2
+onaga,317,0
+merom,5,1
+hiteman,146,4
+coffeen,573,0
+woodbine,205,0
+pinesdale,302,7
+hanson,687,5
+hiteman,699,9
+merom,76,2
+pomaria,770,4
+woodbine,1682,3
+wainscott,694,5
+klickitat,1091,4
+benevolence,563,12
+newfields,1034,0
+coffeen,1421,1
+ranchester,1126,1
+forkland,357,4
+hiteman,759,0
+klickitat,1430,16
+tolstoy,100,11
+marstons,2380,0
+hiteman,976,0
+leonardo,1931,4
+klickitat,2357,11
+pinesdale,719,2
+klickitat,242,2
+woodbine,1302,2
+klickitat,2314,10
+coffeen,634,5
+lakeville,344,4
+leonardo,135,3
+pomaria,1165,4
+coffeen,332,1
+pomaria,1179,19
+woodbine,1068,1
+coffeen,1458,0
+mifflinburg,97,5
+hiteman,637,6
+cosmos,325,2
+marstons,879,0
+newfields,140,9
+wainscott,1399,0
+benevolence,559,1
+wainscott,1333,3
+hanson,393,4
+shelbyville,1359,9
+wainscott,430,5
+shelbyville,939,5
+stockman,1320,4
+pomaria,568,0
+lakeville,1586,17
+hiteman,238,0
+marstons,682,5
+klickitat,804,7
+hiteman,697,0
+pomaria,1435,0
+hiteman,33,10
+beechwood,531,1
+newfields,140,10
+shelbyville,352,0
+pomaria,841,1
+wainscott,808,4
+hanson,1063,8
+lakeville,814,1
+ranchester,518,5
+hanson,1170,5
+mifflinburg,488,1
+ranchester,569,0
+ranchester,153,10
+klickitat,1346,4
+shelbyville,566,0
+ranchester,900,2
+forkland,676,12
+allensville,110,4
+lindenwood,173,5
+pomaria,311,0
+merom,214,2
+hiteman,409,8
+forkland,217,0
+coffeen,727,7
+lindenwood,2339,4
+shelbyville,182,6
+benevolence,939,7
+wainscott,708,0
+beechwood,704,0
+beechwood,649,2
+hiteman,285,4
+pomaria,1532,5
+tolstoy,345,1
+cosmos,179,6
+coffeen,374,2
+forkland,660,3
+stockman,698,3
+cosmos,183,3
+tolstoy,1038,4
+shelbyville,2566,1
+cosmos,900,1
+shelbyville,386,3
+allensville,127,10
+leonardo,299,3
+newfields,1145,2
+shelbyville,2003,12
+leonardo,261,14
+leonardo,1412,0
+pinesdale,1203,1
+lakeville,108,7
+marstons,87,3
+woodbine,853,5
+tolstoy,1098,2
+ranchester,542,8
+lakeville,721,3
+woodbine,1566,0
+merom,21,0
+newfields,528,2
+hanson,1146,7
+shelbyville,929,9
+stockman,859,3
+allensville,430,1
+tolstoy,876,1
+lindenwood,1889,2
+wainscott,482,6
+lindenwood,1741,1
+merom,153,2
+hanson,1037,6
+ranchester,703,3
+klickitat,1007,8
+hanson,1624,4
+beechwood,477,3
+pomaria,987,0
+newfields,1443,0
+lakeville,583,4
+marstons,1998,7
+woodbine,1497,2
+lakeville,535,0
+leonardo,851,12
+hiteman,201,5
+hiteman,1464,3
+beechwood,301,1
+forkland,812,0
+hiteman,91,9
+hiteman,1657,0
+klickitat,504,0
+marstons,708,3
+newfields,56,8
+pomaria,60,2
+klickitat,935,5
+lakeville,481,1
+mifflinburg,68,0
+onaga,27,6
+lakeville,877,0
+marstons,352,9
+lakeville,1347,6
+newfields,251,2
+lindenwood,920,1
+pomaria,633,10
+woodbine,1049,3
+klickitat,1447,0
+pomaria,817,0
+pomaria,478,6
+wainscott,463,11
+marstons,1326,2
+hanson,207,2
+pomaria,748,2
+ranchester,1492,8
+marstons,170,5
+cosmos,870,1
+hiteman,411,4
+pomaria,670,3
+shelbyville,162,3
+klickitat,521,9
+newfields,846,4
+coffeen,1207,0
+tolstoy,1040,2
+newfields,894,0
+pinesdale,288,3
+shelbyville,699,5
+newfields,1306,4
+tolstoy,927,1
+hiteman,788,4
+shelbyville,1682,9
+newfields,786,0
+pomaria,783,2
+hanson,1598,9
+marstons,2509,4
+ranchester,1172,4
+pomaria,1554,11
+lakeville,425,0
+lindenwood,2533,1
+leonardo,1588,3
+klickitat,2148,3
+benevolence,322,1
+woodbine,23,1
+klickitat,1096,3
+shelbyville,1760,0
+beechwood,904,7
+forkland,1129,6
+shelbyville,425,4
+stockman,392,5
+tolstoy,1651,1
+lakeville,995,0
+shelbyville,2069,9
+shelbyville,1892,5
+klickitat,787,4
+woodbine,1414,15
+marstons,37,8
+coffeen,380,2
+shelbyville,1258,1
+klickitat,54,3
+pinesdale,1372,1
+wainscott,1564,3
+stockman,1061,4
+pomaria,1560,14
+ranchester,368,4
+hanson,1590,1
+leonardo,166,2
+marstons,740,1
+lakeville,1666,0
+shelbyville,2217,0
+hiteman,191,5
+pinesdale,1311,2
+woodbine,1634,1
+pinesdale,440,10
+tolstoy,1688,1
+marstons,2246,0
+hanson,44,5
+hiteman,1629,12
+pomaria,1429,8
+allensville,47,2
+hiteman,71,4
+hanson,1218,4
+merom,1029,3
+klickitat,1566,1
+shelbyville,1633,6
+lakeville,1096,7
+coffeen,994,1
+lindenwood,2477,5
+cosmos,585,4
+wainscott,665,3
+tolstoy,1556,5
+hanson,986,9
+shelbyville,47,3
+pinesdale,54,7
+newfields,602,12
+leonardo,1217,7
+shelbyville,234,2
+tolstoy,1636,2
+lakeville,828,7
+lindenwood,1361,4
+marstons,1415,0
+newfields,812,7
+marstons,942,0
+woodbine,1597,4
+leonardo,1301,7
+allensville,385,1
+beechwood,1023,2
+cosmos,887,5
+hanson,1307,1
+pinesdale,365,0
+pomaria,916,8
+coffeen,229,2
+merom,90,3
+merom,1039,1
+klickitat,1010,2
+lindenwood,5,1
+hiteman,137,2
+hiteman,1330,3
+shelbyville,1304,2
+woodbine,1128,1
+klickitat,1767,1
+lindenwood,11,1
+pomaria,186,15
+pomaria,1414,4
+stockman,1105,0
+marstons,347,12
+beechwood,771,2
+leonardo,224,0
+pinesdale,181,1
+stockman,247,5
+woodbine,1962,0
+shelbyville,1961,6
+woodbine,1599,7
+tolstoy,1425,5
+pinesdale,498,9
+stockman,644,0
+wainscott,1517,10
+leonardo,537,8
+lindenwood,1517,13
+marstons,1304,10
+cosmos,10,2
+stockman,1219,0
+coffeen,789,2
+pomaria,863,2
+stockman,989,3
+wainscott,970,12
+allensville,144,5
+hanson,77,0
+tolstoy,850,3
+marstons,2471,12
+beechwood,368,0
+klickitat,2080,3
+forkland,431,1
+marstons,1576,0
+newfields,1656,7
+pomaria,1478,4
+marstons,1195,2
+wainscott,547,12
+lindenwood,216,0
+shelbyville,877,4
+leonardo,634,1
+hanson,849,1
+newfields,269,15
+marstons,832,2
+newfields,656,0
+marstons,278,3
+wainscott,630,11
+hiteman,496,0
+marstons,1511,1
+tolstoy,709,3
+marstons,1819,2
+klickitat,1110,0
+leonardo,293,12
+pinesdale,565,4
+lakeville,999,8
+coffeen,436,0
+marstons,2220,0
+shelbyville,2301,3
+woodbine,1853,17
+wainscott,1763,2
+hiteman,840,0
+tolstoy,356,2
+leonardo,1617,0
+mifflinburg,812,1
+merom,3,6
+coffeen,1267,4
+wainscott,1680,3
+klickitat,1426,5
+pomaria,459,10
+pinesdale,1314,1
+lakeville,405,2
+marstons,2427,1
+coffeen,1204,7
+klickitat,1811,4
+woodbine,261,5
+leonardo,140,5
+stockman,1170,1
+shelbyville,927,0
+shelbyville,1703,0
+tolstoy,514,3
+klickitat,1463,9
+stockman,1071,13
+shelbyville,512,7
+marstons,1794,10
+newfields,698,0
+hanson,1423,1
+tolstoy,760,12
+klickitat,538,1
+marstons,1867,2
+coffeen,1457,0
+klickitat,1995,4
+merom,138,0
+stockman,1571,4
+cosmos,499,13
+klickitat,64,3
+leonardo,826,14
+marstons,1080,17
+lindenwood,2075,1
+mifflinburg,270,1
+hanson,69,3
+newfields,1551,3
+marstons,2081,1
+marstons,495,3
+wainscott,520,0
+marstons,1686,3
+wainscott,1651,9
+coffeen,802,4
+ranchester,1515,1
+pomaria,944,8
+marstons,19,3
+newfields,31,6
+onaga,676,2
+merom,730,2
+stockman,66,8
+lindenwood,141,9
+klickitat,632,2
+lakeville,1141,0
+marstons,2131,0
+wainscott,1337,3
+onaga,21,5
+klickitat,367,0
+klickitat,592,1
+marstons,411,8
+lindenwood,2553,9
+marstons,796,3
+hiteman,384,2
+shelbyville,2361,13
+cosmos,891,0
+merom,34,0
+pomaria,1441,8
+ranchester,546,2
+pomaria,862,11
+woodbine,1759,2
+klickitat,1728,19
+hanson,424,10
+tolstoy,684,1
+leonardo,992,8
+lindenwood,790,2
+tolstoy,1354,2
+lakeville,110,3
+klickitat,1598,7
+pinesdale,1359,2
+ranchester,250,6
+tolstoy,270,10
+marstons,1143,0
+pomaria,756,2
+marstons,2136,1
+forkland,909,5
+leonardo,1913,1
+forkland,754,6
+marstons,229,2
+woodbine,1354,2
+woodbine,1940,3
+marstons,585,17
+hanson,999,2
+lindenwood,1091,2
+mifflinburg,76,0
+newfields,16,0
+leonardo,1418,1
+ranchester,672,5
+shelbyville,538,3
+lakeville,697,3
+merom,1066,2
+ranchester,572,3
+lindenwood,380,6
+lindenwood,1302,0
+woodbine,705,7
+forkland,216,3
+stockman,191,0
+shelbyville,1510,3
+newfields,354,3
+forkland,1073,2
+pinesdale,184,4
+pomaria,414,2
+stockman,361,4
+shelbyville,586,1
+marstons,589,6
+pinesdale,1447,3
+shelbyville,1595,15
+woodbine,150,13
+merom,377,0
+tolstoy,877,4
+lakeville,69,2
+coffeen,1178,2
+coffeen,1113,1
+lakeville,1414,6
+pomaria,1437,3
+pinesdale,1411,1
+marstons,1205,2
+woodbine,49,2
+woodbine,1374,12
+klickitat,2054,2
+marstons,907,2
+cosmos,421,2
+beechwood,518,1
+pinesdale,471,6
+newfields,335,4
+hiteman,763,14
+klickitat,46,8
+hiteman,729,4
+tolstoy,785,14
+benevolence,615,4
+stockman,1395,1
+shelbyville,346,6
+lakeville,1172,0
+ranchester,1176,2
+pinesdale,891,1
+forkland,399,6
+pomaria,538,4
+shelbyville,1220,1
+stockman,187,6
+onaga,667,1
+lindenwood,44,1
+forkland,1197,1
+shelbyville,2249,2
+hiteman,61,0
+benevolence,469,10
+shelbyville,2081,2
+lindenwood,1714,6
+woodbine,948,3
+forkland,652,3
+beechwood,791,1
+stockman,654,3
+marstons,186,0
+benevolence,113,3
+klickitat,167,5
+wainscott,623,8
+wainscott,882,3
+hanson,567,1
+beechwood,809,3
+tolstoy,1408,10
+tolstoy,267,12
+newfields,1458,3
+hanson,563,10
+klickitat,1723,1
+coffeen,809,8
+hiteman,1261,13
+hanson,27,3
+lakeville,412,3
+coffeen,1157,3
+shelbyville,2339,4
+pinesdale,287,2
+hiteman,393,10
+newfields,1368,6
+marstons,1577,7
+lindenwood,1597,0
+coffeen,524,1
+klickitat,933,0
+leonardo,1891,6
+tolstoy,418,10
+pinesdale,454,1
+allensville,391,8
+ranchester,979,2
+hanson,899,1
+cosmos,873,2
+leonardo,363,5
+tolstoy,1195,5
+klickitat,1462,5
+klickitat,1784,5
+hiteman,1445,5
+lakeville,1168,6
+cosmos,93,1
+klickitat,1001,8
+shelbyville,651,6
+stockman,1327,0
+leonardo,2094,7
+hanson,384,13
+stockman,339,1
+pomaria,62,0
+hanson,691,3
+lakeville,608,17
+tolstoy,1690,7
+marstons,1402,0
+beechwood,46,4
+marstons,1027,14
+tolstoy,4,1
+pomaria,297,3
+cosmos,809,0
+leonardo,1383,6
+klickitat,2312,7
+beechwood,955,4
+shelbyville,2209,6
+lakeville,175,15
+mifflinburg,501,2
+klickitat,1516,8
+shelbyville,207,6
+klickitat,1565,11
+woodbine,462,1
+shelbyville,2219,2
+woodbine,623,2
+cosmos,870,4
+marstons,1259,1
+woodbine,298,1
+pinesdale,361,0
+stockman,114,0
+woodbine,1273,10
+tolstoy,1772,1
+lindenwood,1188,3
+stockman,180,3
+wainscott,40,1
+leonardo,414,0
+tolstoy,1147,10
+lakeville,1466,2
+shelbyville,1933,5
+lindenwood,128,2
+ranchester,528,2
+tolstoy,1380,0
+lindenwood,1743,0
+pomaria,180,0
+forkland,961,5
+lindenwood,1391,0
+klickitat,1499,3
+shelbyville,2597,0
+pinesdale,92,1
+klickitat,845,3
+woodbine,1997,1
+onaga,565,8
+merom,1008,0
+klickitat,491,8
+leonardo,1470,2
+lakeville,31,0
+pomaria,823,1
+shelbyville,1524,6
+mifflinburg,167,12
+lakeville,1208,7
+klickitat,2366,4
+ranchester,350,19
+leonardo,1635,17
+shelbyville,1779,0
+newfields,1044,4
+allensville,229,6
+stockman,595,4
+hanson,834,5
+leonardo,1583,1
+merom,911,0
+leonardo,989,5
+newfields,1382,4
+klickitat,1079,1
+pinesdale,166,7
+woodbine,1650,1
+ranchester,1399,1
+leonardo,1037,8
+klickitat,2179,7
+shelbyville,292,3
+mifflinburg,699,2
+shelbyville,2650,1
+tolstoy,1071,3
+woodbine,1522,7
+klickitat,1741,1
+pomaria,667,0
+pomaria,1346,11
+marstons,1587,2
+pomaria,160,4
+shelbyville,1334,4
+pomaria,1598,7
+pomaria,322,9
+tolstoy,807,1
+lindenwood,683,0
+merom,786,1
+lindenwood,1532,6
+hiteman,1197,3
+leonardo,2062,4
+newfields,975,7
+tolstoy,820,6
+newfields,907,12
+lakeville,789,7
+marstons,1804,3
+klickitat,1103,0
+coffeen,1190,1
+lakeville,1068,7
+marstons,2543,1
+lindenwood,1436,10
+newfields,393,4
+lakeville,1290,1
+marstons,798,14
+tolstoy,764,8
+cosmos,899,0
+hanson,476,3
+klickitat,788,1
+merom,188,3
+woodbine,781,2
+stockman,781,1
+coffeen,719,0
+allensville,318,1
+stockman,1138,0
+klickitat,2072,14
+klickitat,731,0
+benevolence,253,9
+merom,131,6
+marstons,1930,7
+lindenwood,1978,3
+ranchester,1595,4
+mifflinburg,301,1
+ranchester,1070,0
+marstons,2540,8
+hanson,931,12
+marstons,1359,7
+shelbyville,2435,1
+klickitat,1743,3
+hanson,471,2
+pomaria,272,2
+lakeville,1045,2
+wainscott,232,10
+tolstoy,1457,3
+pomaria,813,13
+woodbine,604,1
+hanson,1654,1
+tolstoy,419,0
+tolstoy,1281,1
+beechwood,1056,2
+pomaria,1315,4
+onaga,239,2
+wainscott,249,1
+klickitat,363,2
+wainscott,1651,1
+coffeen,70,1
+woodbine,347,3
+cosmos,1065,2
+coffeen,1187,1
+leonardo,826,11
+benevolence,969,8
+merom,718,6
+wainscott,1053,7
+newfields,585,1
+woodbine,1003,11
+wainscott,1540,2
+leonardo,41,1
+cosmos,338,2
+pinesdale,1106,4
+shelbyville,994,6
+klickitat,1407,0
+coffeen,819,6
+ranchester,1185,2
+pomaria,699,3
+lakeville,674,0
+allensville,30,0
+shelbyville,6,2
+lindenwood,621,3
+hiteman,1220,0
+shelbyville,1878,1
+hanson,558,1
+ranchester,935,2
+marstons,2327,0
+shelbyville,2275,3
+leonardo,1698,3
+ranchester,1263,5
+leonardo,2044,4
+pomaria,1176,15
+tolstoy,405,2
+klickitat,2351,12
+marstons,1264,1
+pinesdale,260,9
+wainscott,360,3
+klickitat,1069,2
+forkland,1047,0
+ranchester,300,5
+stockman,903,0
+pomaria,1059,1
+klickitat,732,10
+shelbyville,354,0
+hiteman,48,1
+newfields,1398,1
+hanson,226,9
+hanson,1063,1
+lindenwood,557,2
+shelbyville,211,0
+tolstoy,27,6
+pomaria,731,7
+benevolence,662,1
+lindenwood,1338,0
+wainscott,974,1
+lakeville,1597,0
+marstons,1988,5
+shelbyville,490,17
+wainscott,1370,9
+klickitat,2282,6
+shelbyville,1836,0
+tolstoy,1072,0
+pinesdale,753,0
+forkland,1125,0
+leonardo,1449,2
+leonardo,579,3
+lindenwood,1503,5
+shelbyville,1964,4
+klickitat,344,4
+forkland,396,6
+shelbyville,295,1
+newfields,179,3
+pomaria,557,12
+marstons,1194,13
+hiteman,952,4
+lindenwood,431,1
+shelbyville,1473,6
+shelbyville,2547,0
+klickitat,1084,5
+tolstoy,391,5
+lindenwood,1268,5
+wainscott,1407,0
+marstons,705,13
+forkland,622,0
+pomaria,1240,7
+lindenwood,2487,6
+woodbine,2049,5
+allensville,108,2
+lakeville,936,6
+marstons,795,0
+merom,917,5
+klickitat,2142,3
+marstons,2595,3
+marstons,210,0
+shelbyville,1143,0
+stockman,1385,1
+onaga,552,1
+lindenwood,1510,2
+leonardo,810,3
+shelbyville,2627,4
+tolstoy,279,1
+shelbyville,698,3
+woodbine,262,7
+shelbyville,1139,0
+hanson,1219,5
+newfields,222,13
+lindenwood,799,3
+lindenwood,2291,1
+cosmos,35,5
+shelbyville,2568,3
+stockman,1467,1
+marstons,1688,1
+pinesdale,587,3
+wainscott,259,1
+ranchester,1590,0
+shelbyville,1101,6
+pinesdale,734,1
+hanson,335,1
+ranchester,725,4
+tolstoy,1027,7
+pinesdale,210,3
+shelbyville,227,3
+leonardo,555,6
+lindenwood,101,0
+lindenwood,871,1
+shelbyville,2434,6
+pinesdale,1304,2
+hanson,408,1
+woodbine,1644,3
+pomaria,1375,9
+klickitat,1586,0
+klickitat,1596,2
+lakeville,957,3
+lindenwood,773,0
+lindenwood,2574,7
+pinesdale,1329,1
+merom,415,2
+lindenwood,1701,8
+wainscott,355,7
+merom,586,2
+leonardo,137,1
+woodbine,3,4
+pinesdale,742,1
+marstons,397,1
+pinesdale,713,0
+marstons,134,2
+lakeville,1521,5
+klickitat,338,11
+hiteman,792,7
+pinesdale,1027,6
+marstons,1339,11
+tolstoy,1012,8
+lakeville,1803,0
+marstons,1520,0
+shelbyville,990,1
+beechwood,36,5
+hanson,1590,4
+coffeen,686,10
+leonardo,886,5
+hiteman,1708,7
+newfields,511,3
+tolstoy,478,7
+hiteman,864,10
+leonardo,206,4
+wainscott,416,1
+ranchester,1435,7
+klickitat,84,2
+lindenwood,454,6
+hanson,1625,4
+ranchester,453,7
+newfields,1614,2
+hanson,1453,0
+hanson,1649,10
+shelbyville,229,4
+ranchester,965,5
+beechwood,875,1
+lindenwood,1713,9
+shelbyville,234,4
+stockman,22,2
+cosmos,882,9
+newfields,15,2
+merom,827,0
+newfields,1529,3
+newfields,1058,8
+stockman,980,7
+tolstoy,1724,4
+leonardo,489,15
+klickitat,2160,5
+klickitat,2155,9
+ranchester,546,6
+klickitat,581,4
+mifflinburg,392,3
+marstons,467,7
+pomaria,423,0
+ranchester,443,2
+woodbine,1021,0
+hiteman,983,8
+lindenwood,1541,6
+leonardo,571,1
+marstons,1253,5
+shelbyville,1821,13
+shelbyville,2139,14
+woodbine,725,1
+newfields,44,4
+mifflinburg,509,5
+hanson,80,2
+lakeville,1615,2
+woodbine,1840,1
+shelbyville,2441,1
+marstons,537,3
+coffeen,1061,6
+hanson,1396,2
+lindenwood,451,6
+shelbyville,2694,2
+onaga,179,4
+hanson,1058,9
+wainscott,300,5
+forkland,366,1
+cosmos,68,7
+benevolence,595,5
+woodbine,151,1
+benevolence,88,4
+merom,400,7
+woodbine,1252,11
+woodbine,1247,1
+woodbine,1974,3
+ranchester,879,14
+marstons,776,3
+beechwood,977,2
+lakeville,1508,7
+shelbyville,2278,1
+hanson,1144,3
+hanson,1332,1
+lindenwood,366,1
+shelbyville,1501,0
+pinesdale,54,1
+shelbyville,248,8
+woodbine,1732,2
+shelbyville,572,3
+woodbine,36,2
+mifflinburg,257,2
+woodbine,1831,1
+merom,955,9
+marstons,1773,15
+lakeville,1404,5
+leonardo,964,1
+hanson,1215,1
+tolstoy,160,0
+hiteman,1509,11
+benevolence,52,4
+klickitat,1409,6
+shelbyville,49,6
+lindenwood,1561,1
+onaga,144,0
+ranchester,1414,2
+beechwood,1112,6
+pomaria,567,4
+wainscott,528,1
+woodbine,1066,4
+merom,882,0
+forkland,366,4
+lakeville,13,0
+lakeville,128,0
+pinesdale,138,5
+newfields,1542,5
+allensville,416,3
+benevolence,731,3
+lakeville,1443,9
+tolstoy,1639,1
+allensville,201,0
+woodbine,654,5
+klickitat,2258,0
+lindenwood,1589,2
+lindenwood,410,1
+beechwood,844,3
+hanson,966,8
+hanson,1651,2
+shelbyville,110,2
+benevolence,56,6
+pinesdale,1435,1
+pomaria,408,4
+shelbyville,597,9
+hiteman,44,5
+shelbyville,692,4
+leonardo,521,7
+forkland,1112,0
+forkland,1103,0
+newfields,1597,11
+tolstoy,856,1
+lindenwood,673,1
+woodbine,1444,4
+hiteman,109,6
+forkland,347,0
+leonardo,596,13
+lindenwood,489,3
+hiteman,983,2
+klickitat,376,6
+stockman,781,0
+ranchester,1184,4
+pomaria,822,4
+shelbyville,1521,7
+newfields,98,1
+pomaria,36,5
+ranchester,37,1
+ranchester,797,4
+merom,401,4
+lakeville,239,8
+tolstoy,266,4
+lindenwood,2467,11
+marstons,1935,3
+woodbine,1991,1
+beechwood,9,5
+onaga,565,1
+hanson,836,8
+beechwood,20,9
+lakeville,935,5
+lakeville,200,6
+marstons,1916,2
+newfields,548,1
+wainscott,118,7
+newfields,1296,2
+coffeen,155,3
+beechwood,1095,1
+ranchester,731,1
+tolstoy,649,0
+wainscott,1377,0
+shelbyville,307,3
+benevolence,833,1
+lindenwood,743,6
+lakeville,1531,1
+newfields,1368,5
+tolstoy,1465,4
+stockman,1609,3
+woodbine,1718,2
+wainscott,274,6
+marstons,230,12
+klickitat,863,7
+tolstoy,653,2
+beechwood,1098,1
+shelbyville,1276,9
+klickitat,184,0
+marstons,1874,4
+ranchester,872,1
+pinesdale,431,1
+hanson,906,9
+pomaria,1055,6
+klickitat,157,3
+onaga,442,3
+tolstoy,534,2
+lindenwood,346,8
+lindenwood,1989,0
+lakeville,1715,13
+tolstoy,411,6
+wainscott,1619,6
+mifflinburg,813,4
+lakeville,316,13
+coffeen,890,7
+hiteman,1561,4
+stockman,943,2
+lindenwood,370,4
+woodbine,625,7
+stockman,739,1
+marstons,2309,1
+hiteman,1300,6
+lindenwood,419,4
+benevolence,153,9
+pomaria,1213,6
+lindenwood,1078,1
+shelbyville,2614,0
+hanson,255,2
+lakeville,1817,5
+coffeen,970,4
+klickitat,1519,1
+klickitat,345,10
+ranchester,1547,2
+lindenwood,678,9
+marstons,760,3
+pinesdale,1338,3
+leonardo,1951,2
+marstons,1805,0
+wainscott,1738,1
+shelbyville,1863,0
+shelbyville,2085,3
+tolstoy,344,7
+forkland,879,0
+ranchester,59,2
+shelbyville,2212,6
+lindenwood,989,1
+ranchester,1069,1
+lindenwood,2534,3
+woodbine,341,8
+beechwood,275,2
+lakeville,387,3
+ranchester,1354,4
+beechwood,371,0
+woodbine,1205,2
+marstons,792,8
+beechwood,428,0
+pomaria,499,1
+hanson,1107,4
+shelbyville,1087,1
+pinesdale,769,8
+wainscott,1730,3
+leonardo,2046,4
+pinesdale,1314,6
+woodbine,74,3
+hanson,418,0
+lindenwood,1919,5
+hanson,10,8
+leonardo,445,4
+shelbyville,851,1
+lakeville,1504,5
+wainscott,581,4
+hiteman,616,1
+merom,63,3
+pinesdale,650,3
+mifflinburg,734,4
+shelbyville,2277,8
+tolstoy,1443,0
+tolstoy,949,2
+hanson,275,0
+wainscott,1206,11
+lindenwood,2473,0
+hiteman,916,4
+tolstoy,130,0
+shelbyville,1139,3
+merom,398,1
+forkland,1170,1
+coffeen,654,4
+pomaria,248,7
+wainscott,1515,4
+lakeville,1559,3
+pomaria,226,4
+lakeville,914,1
+mifflinburg,164,6
+pinesdale,422,0
+hiteman,794,4
+newfields,565,6
+lakeville,856,2
+coffeen,1510,5
+wainscott,92,9
+tolstoy,77,1
+lakeville,1180,4
+beechwood,320,7
+woodbine,381,2
+leonardo,144,4
+newfields,964,1
+woodbine,1005,6
+klickitat,1850,3
+pomaria,973,1
+shelbyville,1167,0
+hanson,1383,1
+tolstoy,409,0
+wainscott,1448,2
+stockman,142,2
+ranchester,506,1
+klickitat,854,3
+klickitat,2172,9
+klickitat,1258,8
+marstons,365,1
+newfields,1344,0
+hiteman,113,5
+marstons,2418,12
+tolstoy,1071,5
+hanson,370,6
+marstons,1103,0
+hiteman,1499,6
+lindenwood,2480,1
+lindenwood,527,12
+tolstoy,270,9
+hanson,1452,4
+lakeville,978,2
+lakeville,138,0
+pomaria,1342,1
+hanson,1438,1
+lindenwood,843,0
+klickitat,383,7
+pinesdale,769,6
+woodbine,150,8
+mifflinburg,873,0
+lindenwood,702,0
+coffeen,1278,0
+stockman,719,3
+shelbyville,581,2
+shelbyville,1654,1
+allensville,347,6
+lindenwood,308,0
+cosmos,462,1
+klickitat,1730,9
+cosmos,1057,3
+hiteman,411,0
+newfields,304,2
+pomaria,1498,1
+pomaria,696,10
+ranchester,680,4
+klickitat,607,7
+shelbyville,1942,7
+shelbyville,1508,2
+marstons,1902,15
+benevolence,633,4
+benevolence,625,3
+tolstoy,583,4
+hanson,400,6
+cosmos,699,1
+lakeville,1030,6
+lindenwood,2675,0
+newfields,507,0
+lindenwood,2169,1
+klickitat,234,1
+marstons,19,2
+pinesdale,499,0
+hanson,1304,4
+mifflinburg,209,4
+hanson,466,13
+lindenwood,686,5
+coffeen,491,4
+wainscott,1614,10
+ranchester,1385,3
+coffeen,1133,1
+klickitat,1296,12
+coffeen,728,5
+pomaria,1300,4
+ranchester,1078,1
+wainscott,1320,5
+cosmos,833,1
+mifflinburg,368,3
+lindenwood,66,16
+woodbine,2015,5
+klickitat,1488,6
+beechwood,827,6
+tolstoy,1172,0
+stockman,455,11
+marstons,1947,2
+coffeen,343,4
+wainscott,1278,12
+ranchester,1008,5
+marstons,2018,5
+pomaria,1415,17
+allensville,123,2
+newfields,631,7
+marstons,970,2
+pomaria,287,13
+tolstoy,1756,3
+lindenwood,1058,1
+stockman,1215,1
+marstons,1791,2
+marstons,638,0
+hanson,923,12
+hanson,924,5
+klickitat,814,4
+lakeville,1871,1
+leonardo,836,3
+shelbyville,2096,8
+hanson,344,6
+lakeville,109,1
+ranchester,281,3
+lindenwood,1436,2
+coffeen,787,3
+lindenwood,1270,5
+hanson,307,12
+shelbyville,1918,2
+hiteman,733,0
+pomaria,1363,0
+woodbine,1802,0
+hiteman,1155,0
+lindenwood,2566,1
+pomaria,480,1
+leonardo,1270,0
+pomaria,1170,0
+pinesdale,593,2
+wainscott,1627,6
+woodbine,1143,0
+shelbyville,357,9
+marstons,2291,1
+shelbyville,628,3
+newfields,1190,14
+marstons,1233,0
+shelbyville,934,1
+klickitat,2418,6
+marstons,2122,7
+shelbyville,2564,1
+coffeen,178,2
+tolstoy,756,0
+wainscott,1748,7
+hanson,1308,7
+woodbine,2044,2
+hanson,473,6
+lakeville,461,2
+forkland,247,6
+klickitat,293,3
+beechwood,206,3
+hiteman,68,8
+stockman,751,3
+coffeen,888,2
+beechwood,1059,0
+leonardo,896,6
+onaga,575,4
+lindenwood,2096,1
+beechwood,682,2
+ranchester,1190,9
+stockman,1587,1
+wainscott,632,11
+hanson,0,5
+lindenwood,179,11
+leonardo,1355,5
+shelbyville,654,2
+marstons,841,3
+woodbine,1630,0
+stockman,755,0
+coffeen,6,0
+pomaria,1125,4
+onaga,25,2
+wainscott,132,2
+marstons,2145,0
+pinesdale,888,3
+cosmos,812,9
+marstons,1339,3
+lakeville,1372,2
+pinesdale,997,2
+wainscott,499,6
+marstons,1146,2
+stockman,1235,6
+ranchester,1459,2
+hiteman,1328,2
+pinesdale,1281,1
+lindenwood,1268,10
+lakeville,22,6
+cosmos,804,5
+shelbyville,1463,2
+shelbyville,519,2
+forkland,434,2
+woodbine,475,2
+ranchester,258,2
+lakeville,1750,2
+klickitat,683,6
+leonardo,314,1
+hanson,1341,0
+klickitat,2306,5
+pinesdale,944,4
+tolstoy,895,1
+klickitat,283,0
+tolstoy,236,6
+stockman,183,2
+klickitat,743,0
+shelbyville,34,3
+woodbine,372,2
+lindenwood,1380,5
+merom,446,0
+forkland,777,1
+lindenwood,1555,0
+benevolence,487,0
+leonardo,1060,3
+stockman,398,5
+allensville,46,1
+woodbine,292,4
+ranchester,30,1
+ranchester,1217,3
+woodbine,238,2
+coffeen,810,3
+marstons,835,7
+shelbyville,701,4
+woodbine,1045,1
+shelbyville,1805,3
+woodbine,1383,0
+klickitat,1175,2
+pinesdale,1474,0
+marstons,2315,5
+klickitat,303,2
+lindenwood,1008,6
+wainscott,265,1
+pomaria,1045,2
+hiteman,1126,8
+woodbine,1763,5
+lakeville,1663,0
+pomaria,81,1
+newfields,1376,2
+shelbyville,21,2
+shelbyville,1051,8
+coffeen,590,1
+woodbine,1720,0
+marstons,705,6
+lakeville,907,17
+klickitat,2010,7
+wainscott,1278,10
+hanson,923,4
+lakeville,862,9
+newfields,815,2
+woodbine,586,8
+klickitat,1038,3
+pomaria,1197,2
+shelbyville,2747,5
+klickitat,1805,4
+hanson,767,14
+shelbyville,1751,10
+cosmos,596,8
+shelbyville,2611,7
+woodbine,1902,9
+lakeville,227,14
+benevolence,198,5
+leonardo,1376,13
+marstons,470,0
+lindenwood,672,8
+cosmos,481,1
+hanson,1019,0
+shelbyville,296,6
+wainscott,241,9
+benevolence,162,2
+tolstoy,1456,6
+shelbyville,2313,10
+pinesdale,788,2
+pinesdale,1319,4
+hiteman,1270,2
+wainscott,540,10
+lakeville,1136,8
+hanson,1641,2
+merom,1019,1
+lindenwood,1814,0
+lindenwood,1920,1
+tolstoy,1163,1
+allensville,269,0
+beechwood,982,1
+newfields,500,2
+lindenwood,2294,5
+hiteman,1136,2
+stockman,116,5
+lakeville,934,6
+shelbyville,1353,0
+hanson,837,1
+klickitat,1980,12
+marstons,564,5
+coffeen,101,0
+hiteman,857,2
+lakeville,1004,2
+pomaria,357,4
+lindenwood,2109,9
+pomaria,846,3
+allensville,258,4
+hiteman,819,2
+tolstoy,1785,2
+pinesdale,521,2
+lindenwood,250,2
+lakeville,270,5
+tolstoy,1000,0
+mifflinburg,768,2
+lindenwood,1581,1
+lakeville,1367,2
+woodbine,426,4
+lakeville,571,2
+hanson,126,0
+mifflinburg,947,1
+leonardo,506,4
+hanson,247,3
+beechwood,25,3
+woodbine,1359,3
+leonardo,733,19
+tolstoy,1355,2
+lindenwood,508,4
+woodbine,747,2
+lindenwood,412,2
+hiteman,393,2
+hanson,547,2
+beechwood,315,0
+forkland,956,3
+hanson,1471,8
+lakeville,140,4
+ranchester,1034,1
+klickitat,2315,4
+pinesdale,1098,2
+coffeen,165,2
+marstons,461,0
+lindenwood,1710,3
+marstons,1033,4
+lakeville,255,0
+lindenwood,512,4
+klickitat,738,4
+marstons,2606,4
+woodbine,224,3
+pomaria,1341,5
+woodbine,1631,2
+merom,402,5
+beechwood,965,8
+lakeville,237,8
+cosmos,78,2
+beechwood,901,2
+ranchester,921,2
+ranchester,803,1
+shelbyville,2683,4
+onaga,616,10
+lindenwood,2140,6
+klickitat,628,7
+shelbyville,1259,3
+klickitat,195,1
+woodbine,2023,6
+hiteman,557,3
+woodbine,459,7
+lakeville,815,0
+klickitat,562,4
+forkland,802,2
+allensville,22,3
+merom,924,3
+shelbyville,2708,7
+stockman,531,1
+leonardo,1217,4
+newfields,1040,14
+pinesdale,459,2
+marstons,1413,0
+leonardo,479,0
+lindenwood,1702,4
+newfields,1225,1
+leonardo,477,0
+pomaria,127,1
+marstons,1708,7
+hanson,875,10
+leonardo,795,9
+beechwood,358,3
+stockman,797,2
+hiteman,350,0
+klickitat,383,0
+stockman,104,7
+ranchester,1259,1
+tolstoy,1061,11
+hiteman,999,1
+lindenwood,1322,9
+hanson,1083,7
+pomaria,1471,6
+wainscott,140,4
+leonardo,1010,2
+woodbine,1459,1
+pomaria,1271,2
+lakeville,766,5
+tolstoy,174,4
+leonardo,461,0
+mifflinburg,773,2
+forkland,760,3
+benevolence,736,14
+mifflinburg,235,7
+marstons,2089,3
+woodbine,15,2
+wainscott,1680,5
+shelbyville,2468,6
+mifflinburg,298,4
+shelbyville,2392,6
+lakeville,1873,0
+leonardo,1969,8
+hanson,1038,2
+cosmos,423,3
+tolstoy,717,5
+lindenwood,166,3
+wainscott,1777,3
+wainscott,1021,0
+klickitat,1594,1
+cosmos,71,10
+ranchester,399,12
+lindenwood,2551,10
+ranchester,906,3
+lakeville,1613,9
+coffeen,613,6
+lindenwood,584,4
+lindenwood,2055,5
+shelbyville,645,8
+hanson,490,4
+lakeville,358,9
+forkland,643,3
+ranchester,178,2
+beechwood,1040,10
+stockman,103,6
+coffeen,662,12
+woodbine,323,6
+woodbine,1714,6
+woodbine,1199,11
+marstons,352,1
+marstons,1749,19
+leonardo,1244,5
+marstons,317,0
+ranchester,371,0
+pomaria,1082,6
+wainscott,1776,2
+lindenwood,1314,7
+wainscott,1602,4
+lindenwood,2100,4
+marstons,2610,0
+klickitat,503,0
+klickitat,1357,4
+lindenwood,2371,9
+woodbine,628,1
+newfields,330,0
+klickitat,116,7
+ranchester,112,0
+wainscott,232,1
+cosmos,233,0
+woodbine,1774,2
+coffeen,1115,4
+merom,756,1
+lindenwood,2137,17
+lindenwood,1605,3
+lindenwood,538,9
+newfields,505,7
+lindenwood,1202,4
+leonardo,252,16
+hanson,648,4
+marstons,2057,2
+lindenwood,2236,2
+lakeville,1077,3
+cosmos,249,4
+pomaria,1217,8
+merom,288,1
+stockman,810,4
+lindenwood,1803,0
+stockman,571,4
+pomaria,953,2
+shelbyville,605,9
+coffeen,47,2
+wainscott,453,4
+woodbine,1236,4
+tolstoy,1643,1
+shelbyville,1453,0
+lakeville,14,3
+hanson,1219,10
+wainscott,1617,2
+stockman,1371,3
+pinesdale,568,4
+benevolence,599,2
+tolstoy,38,1
+wainscott,1219,3
+leonardo,2084,1
+onaga,467,2
+shelbyville,988,0
+leonardo,1867,3
+onaga,350,0
+shelbyville,1169,1
+mifflinburg,424,0
+leonardo,1216,6
+cosmos,384,2
+forkland,647,1
+leonardo,2112,2
+hiteman,87,2
+klickitat,2293,3
+lindenwood,1544,3
+leonardo,544,10
+shelbyville,2187,1
+wainscott,710,0
+marstons,2564,9
+leonardo,678,7
+stockman,986,0
+beechwood,403,2
+benevolence,704,11
+ranchester,440,0
+cosmos,620,2
+hiteman,1636,4
+woodbine,1688,1
+forkland,675,2
+klickitat,2036,4
+woodbine,1712,10
+wainscott,144,1
+coffeen,850,1
+hanson,575,7
+woodbine,2032,6
+pomaria,168,0
+pinesdale,1143,3
+ranchester,1619,4
+marstons,1478,3
+woodbine,660,2
+hiteman,7,0
+klickitat,2366,5
+lindenwood,2579,10
+pomaria,874,14
+ranchester,745,0
+klickitat,2397,4
+tolstoy,1312,2
+cosmos,66,2
+merom,949,1
+leonardo,353,2
+pomaria,603,2
+tolstoy,1574,0
+merom,727,6
+marstons,2525,6
+newfields,641,1
+lakeville,283,5
+newfields,987,10
+coffeen,508,0
+hiteman,204,4
+forkland,644,2
+klickitat,1656,5
+newfields,1438,3
+tolstoy,695,1
+pomaria,1533,6
+newfields,592,3
+lindenwood,596,11
+hanson,249,7
+marstons,1344,1
+newfields,1261,0
+woodbine,156,8
+woodbine,1956,0
+cosmos,68,6
+beechwood,1166,0
+benevolence,336,0
+cosmos,134,3
+lindenwood,158,2
+marstons,1713,5
+marstons,1498,1
+shelbyville,678,1
+pomaria,926,1
+klickitat,2180,1
+ranchester,875,1
+marstons,2418,2
+klickitat,1092,0
+ranchester,1597,2
+hiteman,773,1
+lindenwood,2413,0
+ranchester,686,1
+lakeville,1699,1
+klickitat,2327,1
+hanson,1587,2
+pinesdale,993,0
+marstons,2273,14
+ranchester,669,9
+wainscott,329,7
+pinesdale,955,13
+ranchester,525,12
+tolstoy,1074,0
+marstons,1113,4
+leonardo,1937,2
+wainscott,613,1
+coffeen,135,0
+lakeville,1360,2
+cosmos,71,4
+leonardo,1735,0
+lindenwood,172,5
+coffeen,898,1
+hanson,1305,7
+klickitat,397,1
+lindenwood,1298,4
+merom,777,4
+klickitat,2201,3
+tolstoy,1382,3
+wainscott,1140,1
+marstons,405,3
+shelbyville,717,1
+mifflinburg,302,0
+stockman,1527,0
+pomaria,720,1
+lindenwood,2420,0
+woodbine,793,1
+shelbyville,916,6
+newfields,719,1
+forkland,882,0
+klickitat,1574,5
+beechwood,249,6
+wainscott,1672,8
+wainscott,896,2
+pinesdale,807,4
+ranchester,1367,10
+lakeville,460,7
+hiteman,912,13
+marstons,1205,3
+hanson,568,7
+ranchester,905,1
+leonardo,1519,3
+marstons,2604,0
+beechwood,441,2
+lindenwood,1277,11
+beechwood,255,9
+pomaria,944,5
+woodbine,174,4
+hiteman,215,2
+pomaria,1311,4
+tolstoy,366,1
+newfields,865,4
+hiteman,1365,0
+shelbyville,185,6
+mifflinburg,668,4
+merom,927,2
+marstons,1818,1
+lakeville,501,5
+lindenwood,1028,4
+pinesdale,111,4
+klickitat,1357,0
+woodbine,1675,5
+allensville,244,2
+forkland,871,0
+lindenwood,1772,4
+pomaria,22,0
+leonardo,308,1
+merom,945,4
+leonardo,2038,0
+ranchester,1542,5
+marstons,310,1
+shelbyville,2813,9
+hanson,933,4
+pinesdale,39,0
+lindenwood,973,4
+lindenwood,1512,9
+merom,402,7
+hanson,1058,4
+tolstoy,42,0
+tolstoy,1230,0
+pomaria,1141,2
+beechwood,1154,5
+wainscott,1215,4
+wainscott,75,0
+lindenwood,260,1
+hiteman,1655,9
+mifflinburg,41,3
+hanson,465,2
+wainscott,852,2
+allensville,265,2
+lindenwood,1706,3
+tolstoy,943,0
+forkland,326,3
+pomaria,303,4
+hanson,963,9
+tolstoy,1392,2
+ranchester,423,2
+wainscott,862,3
+merom,538,2
+woodbine,1297,2
+stockman,853,5
+marstons,1028,6
+klickitat,372,1
+pomaria,588,2
+klickitat,1240,9
+klickitat,989,3
+hiteman,1353,2
+woodbine,1398,6
+merom,700,4
+marstons,2105,1
+marstons,1130,0
+hiteman,961,2
+lindenwood,875,6
+cosmos,25,1
+woodbine,93,0
+merom,143,2
+merom,840,1
+mifflinburg,496,1
+hiteman,0,5
+marstons,1065,0
+wainscott,552,2
+klickitat,1526,4
+stockman,570,5
+forkland,498,1
+lakeville,1743,0
+pinesdale,1144,1
+newfields,1597,1
+cosmos,141,5
+shelbyville,1891,6
+hiteman,241,6
+mifflinburg,920,7
+klickitat,2417,1
+pomaria,1584,0
+klickitat,874,13
+wainscott,1361,1
+pomaria,991,2
+marstons,740,3
+mifflinburg,926,4
+klickitat,832,11
+lindenwood,1210,0
+tolstoy,452,6
+klickitat,1979,1
+tolstoy,1497,1
+woodbine,1029,3
+hiteman,570,5
+ranchester,216,15
+hiteman,1157,6
+leonardo,1823,4
+ranchester,862,6
+leonardo,1462,2
+stockman,372,0
+marstons,269,1
+hanson,1056,3
+klickitat,2177,2
+marstons,1591,10
+woodbine,1776,7
+hiteman,760,2
+lindenwood,1032,1
+shelbyville,261,0
+coffeen,699,3
+woodbine,1792,8
+lindenwood,1891,7
+beechwood,1119,5
+pinesdale,936,0
+hiteman,490,1
+stockman,544,5
+merom,1080,2
+shelbyville,1870,3
+marstons,490,0
+newfields,1400,8
+shelbyville,204,8
+onaga,677,0
+merom,530,2
+marstons,298,4
+lindenwood,2001,3
+klickitat,576,1
+tolstoy,1427,3
+shelbyville,2413,1
+woodbine,1776,2
+tolstoy,1676,3
+tolstoy,1364,0
+mifflinburg,556,3
+hiteman,35,2
+tolstoy,1301,4
+hanson,973,2
+klickitat,1453,2
+merom,567,1
+klickitat,1092,3
+klickitat,1881,4
+marstons,976,9
+ranchester,285,0
+lindenwood,891,2
+hanson,1458,6
+beechwood,503,1
+klickitat,495,5
+ranchester,79,2
+ranchester,76,0
+tolstoy,740,0
+merom,795,6
+hiteman,178,5
+tolstoy,177,3
+forkland,1067,6
+beechwood,572,0
+merom,430,0
+hanson,1113,1
+pomaria,1222,0
+cosmos,868,3
+marstons,2104,10
+cosmos,634,0
+shelbyville,1122,3
+cosmos,594,1
+marstons,2614,16
+onaga,366,4
+ranchester,773,2
+lindenwood,1651,5
+tolstoy,875,8
+hanson,1218,13
+tolstoy,1776,4
+beechwood,1065,7
+marstons,1312,1
+forkland,999,2
+wainscott,1037,11
+lindenwood,1756,8
+shelbyville,2454,4
+lakeville,464,2
+klickitat,1870,4
+klickitat,910,3
+leonardo,1036,3
+shelbyville,202,4
+hanson,563,7
+ranchester,394,0
+hanson,181,3
+shelbyville,2719,2
+marstons,1457,1
+benevolence,371,0
+tolstoy,668,5
+woodbine,1757,2
+newfields,529,10
+coffeen,9,6
+pomaria,636,9
+beechwood,939,3
+benevolence,599,5
+klickitat,80,1
+beechwood,877,7
+klickitat,70,5
+pomaria,470,14
+shelbyville,739,6
+shelbyville,2772,1
+leonardo,984,3
+benevolence,730,7
+lakeville,998,11
+onaga,34,2
+pomaria,463,0
+marstons,205,0
+klickitat,189,1
+shelbyville,84,0
+shelbyville,1899,0
+coffeen,155,1
+lakeville,722,2
+cosmos,880,2
+hiteman,1231,1
+forkland,974,3
+pinesdale,683,1
+benevolence,453,6
+leonardo,1718,2
+woodbine,594,13
+beechwood,343,0
+ranchester,1455,4
+lindenwood,667,1
+wainscott,192,1
+shelbyville,493,0
+forkland,671,2
+tolstoy,1094,5
+forkland,138,2
+shelbyville,2583,9
+ranchester,304,2
+hanson,628,3
+tolstoy,1779,9
+coffeen,1515,0
+shelbyville,205,1
+leonardo,1952,6
+newfields,653,1
+tolstoy,701,9
+pomaria,55,4
+hiteman,1108,1
+lindenwood,911,7
+hanson,518,13
+coffeen,502,0
+forkland,1054,1
+cosmos,419,13
+pomaria,1437,2
+marstons,2144,2
+marstons,441,1
+pinesdale,1324,2
+marstons,855,1
+lakeville,1391,0
+klickitat,1289,4
+marstons,2374,0
+pinesdale,896,6
+ranchester,922,3
+coffeen,845,5
+wainscott,960,4
+hanson,1388,10
+leonardo,707,7
+woodbine,401,2
+hanson,1293,2
+woodbine,686,4
+shelbyville,1549,4
+mifflinburg,723,0
+shelbyville,1397,1
+ranchester,670,1
+lindenwood,674,5
+leonardo,2101,3
+hiteman,1795,0
+hiteman,719,0
+ranchester,1249,1
+hanson,1366,10
+hiteman,623,10
+tolstoy,1184,1
+forkland,60,3
+lindenwood,345,8
+tolstoy,1608,10
+lindenwood,33,10
+pinesdale,797,5
+woodbine,423,5
+marstons,317,2
+wainscott,1615,1
+lindenwood,522,5
+onaga,205,2
+hiteman,1848,9
+wainscott,719,7
+leonardo,605,2
+tolstoy,1013,10
+pomaria,227,2
+pinesdale,343,2
+pinesdale,247,0
+ranchester,1095,3
+coffeen,979,0
+lakeville,1457,0
+ranchester,1244,5
+lindenwood,941,0
+cosmos,106,6
+hanson,989,6
+wainscott,1362,4
+klickitat,621,5
+klickitat,1354,1
+lindenwood,1483,3
+mifflinburg,68,1
+merom,1117,2
+stockman,1558,1
+pinesdale,806,4
+shelbyville,2094,0
+stockman,864,0
+wainscott,553,2
+hanson,307,11
+leonardo,825,2
+wainscott,606,4
+pinesdale,1453,2
+merom,497,3
+ranchester,988,9
+shelbyville,139,3
+wainscott,1503,3
+woodbine,1631,8
+marstons,2006,0
+leonardo,1787,2
+wainscott,1637,6
+benevolence,469,1
+leonardo,174,2
+hiteman,300,1
+lakeville,709,4
+mifflinburg,634,2
+beechwood,745,4
+marstons,896,2
+pomaria,762,1
+hiteman,26,4
+lindenwood,2385,4
+tolstoy,370,4
+wainscott,520,5
+klickitat,9,0
+cosmos,165,14
+lindenwood,2047,1
+cosmos,988,5
+lakeville,1029,5
+lakeville,176,8
+lindenwood,2398,5
+onaga,24,1
+stockman,1178,2
+klickitat,1449,2
+lindenwood,2556,2
+pinesdale,573,6
+newfields,700,0
+shelbyville,1820,8
+stockman,836,2
+hanson,1658,6
+wainscott,296,2
+cosmos,110,3
+tolstoy,1167,5
+wainscott,1651,6
+forkland,94,6
+shelbyville,1507,15
+forkland,986,2
+pomaria,788,0
+newfields,1489,9
+woodbine,819,0
+forkland,12,3
+ranchester,198,3
+marstons,2497,1
+marstons,1117,7
+allensville,426,8
+leonardo,1158,2
+leonardo,412,0
+wainscott,1644,1
+pomaria,1666,11
+coffeen,1143,3
+marstons,842,1
+shelbyville,960,2
+onaga,294,0
+leonardo,368,5
+lindenwood,460,3
+coffeen,83,7
+cosmos,73,0
+marstons,107,5
+stockman,622,11
+lakeville,1346,3
+wainscott,1746,4
+hanson,1143,1
+klickitat,251,0
+hiteman,990,3
+lindenwood,1107,1
+shelbyville,2009,0
+woodbine,1314,9
+merom,417,3
+coffeen,129,0
+tolstoy,1275,2
+marstons,2210,4
+pomaria,397,3
+lindenwood,2258,5
+hanson,704,6
+woodbine,912,5
+beechwood,153,0
+hanson,775,3
+lindenwood,2054,1
+hiteman,695,3
+shelbyville,2294,11
+pinesdale,1373,7
+allensville,418,3
+hanson,1072,9
+wainscott,1504,8
+pinesdale,1442,6
+allensville,252,1
+hanson,510,0
+shelbyville,539,4
+hiteman,1854,8
+lakeville,1598,14
+leonardo,1234,6
+klickitat,1808,4
+pomaria,1333,1
+shelbyville,2684,2
+lindenwood,387,4
+klickitat,1606,13
+wainscott,1662,9
+pinesdale,1005,2
+klickitat,123,5
+merom,775,4
+shelbyville,2284,6
+mifflinburg,738,0
+cosmos,812,12
+ranchester,1428,6
+wainscott,1192,3
+lakeville,316,6
+coffeen,1178,0
+hanson,958,5
+pinesdale,302,8
+wainscott,530,3
+hanson,215,5
+lakeville,1268,1
+marstons,1528,0
+lindenwood,1896,4
+marstons,291,7
+lindenwood,952,1
+ranchester,1593,9
+marstons,102,3
+coffeen,195,4
+klickitat,1320,4
+hiteman,935,12
+pomaria,1382,1
+newfields,69,9
+lakeville,53,10
+leonardo,559,5
+coffeen,351,8
+benevolence,935,4
+lakeville,335,6
+coffeen,1211,1
+shelbyville,82,1
+ranchester,899,9
+leonardo,1357,0
+klickitat,1961,2
+klickitat,2218,2
+mifflinburg,849,2
+tolstoy,748,3
+pomaria,1513,4
+ranchester,219,6
+beechwood,1085,5
+leonardo,954,2
+shelbyville,270,3
+tolstoy,312,1
+lakeville,1628,1
+leonardo,10,6
+pinesdale,899,5
+klickitat,1491,2
+merom,557,4
+lindenwood,2236,1
+hiteman,1075,5
+klickitat,2094,2
+hiteman,1828,5
+mifflinburg,32,0
+hiteman,1124,4
+shelbyville,1314,1
+benevolence,138,1
+ranchester,1192,0
+lindenwood,120,6
+shelbyville,2715,10
+tolstoy,793,4
+merom,554,3
+marstons,1412,0
+lakeville,1019,6
+merom,354,1
+newfields,68,0
+shelbyville,1755,3
+beechwood,188,5
+forkland,605,2
+shelbyville,120,3
+coffeen,604,4
+shelbyville,2490,3
+woodbine,1419,0
+newfields,1280,2
+marstons,2193,10
+shelbyville,1172,1
+wainscott,797,6
+marstons,778,0
+lindenwood,880,1
+wainscott,739,3
+tolstoy,59,0
+lindenwood,2056,2
+pomaria,612,2
+marstons,1440,6
+pinesdale,436,6
+marstons,314,1
+pomaria,582,0
+stockman,724,0
+coffeen,1148,0
+forkland,69,5
+beechwood,775,6
+wainscott,1303,12
+hanson,1232,6
+marstons,1302,16
+newfields,492,10
+pinesdale,790,6
+newfields,276,3
+coffeen,942,2
+wainscott,1241,16
+tolstoy,1061,9
+cosmos,419,6
+lakeville,1721,5
+tolstoy,1833,3
+hiteman,1701,0
+lakeville,1572,11
+forkland,270,2
+newfields,335,1
+newfields,90,2
+tolstoy,1765,5
+lakeville,657,2
+leonardo,707,5
+hiteman,828,0
+klickitat,1896,7
+leonardo,1688,6
+beechwood,954,11
+lakeville,819,4
+marstons,82,3
+tolstoy,55,8
+lindenwood,528,3
+woodbine,1226,0
+shelbyville,1822,4
+klickitat,1953,7
+klickitat,1281,2
+benevolence,721,5
+wainscott,1370,8
+hanson,1140,5
+hanson,168,6
+hiteman,1421,3
+newfields,1473,5
+shelbyville,1266,2
+woodbine,1841,2
+lakeville,774,4
+shelbyville,2238,1
+klickitat,1465,6
+forkland,876,3
+lakeville,268,0
+wainscott,660,5
+lakeville,123,1
+klickitat,96,4
+woodbine,11,6
+lindenwood,1876,1
+stockman,1484,13
+shelbyville,698,6
+shelbyville,1497,0
+pomaria,796,10
+hiteman,831,2
+leonardo,83,1
+hiteman,1524,1
+pomaria,471,0
+shelbyville,1731,1
+hiteman,1344,2
+pomaria,1268,2
+lindenwood,1443,11
+pinesdale,216,2
+stockman,1395,4
+woodbine,285,3
+lindenwood,2379,4
+leonardo,1831,4
+newfields,604,5
+woodbine,1081,12
+marstons,1499,1
+klickitat,488,22
+stockman,1513,2
+wainscott,1393,8
+leonardo,2109,1
+tolstoy,1393,6
+wainscott,919,4
+lindenwood,2045,4
+coffeen,1098,1
+coffeen,1142,4
+forkland,596,0
+woodbine,469,12
+beechwood,1165,3
+coffeen,543,1
+onaga,300,1
+lindenwood,1905,5
+leonardo,992,17
+wainscott,1485,2
+leonardo,166,12
+pomaria,560,12
+lakeville,1352,6
+hanson,1029,11
+klickitat,865,2
+mifflinburg,884,2
+hanson,506,6
+lindenwood,1183,9
+klickitat,1677,1
+leonardo,648,5
+ranchester,385,3
+lindenwood,364,2
+woodbine,1242,2
+tolstoy,1258,2
+leonardo,1342,2
+pomaria,1586,6
+hiteman,973,3
+wainscott,1732,5
+coffeen,28,2
+coffeen,1352,3
+wainscott,161,0
+lindenwood,1167,2
+ranchester,137,2
+lakeville,820,1
+pomaria,786,7
+tolstoy,636,4
+newfields,1027,7
+lakeville,54,1
+klickitat,1115,7
+woodbine,1155,5
+allensville,471,2
+klickitat,1338,1
+cosmos,775,2
+hiteman,1710,4
+woodbine,306,6
+ranchester,698,3
+ranchester,1426,10
+merom,71,5
+wainscott,1220,3
+hiteman,971,2
+lakeville,1613,1
+stockman,1117,3
+wainscott,1752,9
+lindenwood,2505,4
+lindenwood,693,6
+coffeen,362,0
+wainscott,1533,1
+tolstoy,757,3
+pinesdale,614,2
+beechwood,132,2
+lindenwood,987,2
+coffeen,1497,3
+marstons,352,2
+klickitat,2232,4
+cosmos,630,2
+lakeville,1144,2
+beechwood,1124,0
+hanson,528,5
+ranchester,240,4
+forkland,733,7
+woodbine,1261,3
+pinesdale,151,0
+lakeville,1269,1
+klickitat,524,2
+leonardo,1349,8
+woodbine,1024,1
+lakeville,139,4
+lindenwood,1354,2
+beechwood,970,1
+lakeville,1818,3
+onaga,139,5
+mifflinburg,327,2
+benevolence,702,1
+merom,717,0
+lakeville,1023,3
+beechwood,904,6
+hiteman,490,0
+ranchester,430,1
+forkland,1029,9
+leonardo,534,4
+shelbyville,179,0
+klickitat,1435,10
+shelbyville,52,2
+marstons,243,14
+woodbine,1061,3
+marstons,1795,2
+ranchester,958,0
+hiteman,868,1
+ranchester,1018,3
+hiteman,1798,0
+woodbine,104,7
+stockman,970,6
+stockman,411,0
+pomaria,1026,6
+lakeville,975,5
+coffeen,1293,3
+shelbyville,2358,10
+newfields,752,14
+hiteman,1823,3
+lakeville,691,13
+hanson,1003,4
+onaga,402,2
+hiteman,600,11
+pinesdale,82,10
+klickitat,810,2
+coffeen,819,9
+cosmos,834,0
+woodbine,544,5
+ranchester,1198,2
+benevolence,823,12
+wainscott,39,2
+tolstoy,180,1
+beechwood,35,3
+ranchester,1237,0
+pinesdale,99,3
+ranchester,1508,2
+leonardo,1174,3
+shelbyville,810,2
+tolstoy,100,2
+onaga,455,3
+beechwood,391,4
+woodbine,483,7
+pinesdale,1390,7
+lindenwood,1931,14
+marstons,2141,5
+lindenwood,403,3
+tolstoy,1830,1
+lakeville,1601,12
+pomaria,262,14
+shelbyville,2046,2
+tolstoy,1266,0
+hanson,82,10
+tolstoy,1130,14
+coffeen,969,2
+pinesdale,458,11
+hiteman,496,6
+wainscott,669,3
+pinesdale,316,9
+lindenwood,2425,1
+ranchester,406,3
+lakeville,1586,1
+marstons,891,6
+lakeville,411,4
+klickitat,599,4
+woodbine,1328,0
+leonardo,1539,2
+hanson,557,8
+shelbyville,1091,4
+hanson,656,9
+lakeville,52,3
+marstons,406,8
+tolstoy,1165,5
+klickitat,810,8
+marstons,461,3
+leonardo,195,3
+shelbyville,2813,0
+forkland,23,1
+leonardo,1153,0
+shelbyville,276,2
+woodbine,940,7
+coffeen,760,1
+shelbyville,295,3
+klickitat,1762,10
+woodbine,1812,0
+woodbine,1953,4
+beechwood,1074,3
+marstons,2240,4
+lakeville,929,0
+wainscott,182,10
+wainscott,1024,6
+pomaria,848,1
+tolstoy,1623,0
+merom,230,2
+stockman,720,1
+woodbine,9,4
+newfields,1506,10
+cosmos,802,5
+lindenwood,1164,3
+tolstoy,1043,4
+hanson,91,0
+marstons,2043,2
+lindenwood,173,7
+leonardo,1850,8
+stockman,695,0
+coffeen,655,3
+wainscott,532,7
+hanson,447,1
+klickitat,1060,1
+stockman,1616,0
+hiteman,854,1
+pinesdale,91,2
+cosmos,145,2
+merom,1089,7
+cosmos,378,0
+woodbine,171,10
+marstons,2593,1
+marstons,1359,13
+coffeen,478,10
+marstons,97,4
+lakeville,380,11
+woodbine,2011,4
+lakeville,645,1
+coffeen,452,1
+lindenwood,1817,2
+coffeen,35,5
+marstons,1752,2
+lindenwood,906,7
+lakeville,1018,0
+wainscott,1221,5
+hiteman,1784,1
+marstons,1668,6
+ranchester,1623,4
+hanson,415,4
+wainscott,1446,0
+cosmos,692,2
+forkland,452,5
+shelbyville,275,12
+shelbyville,2810,3
+pinesdale,1191,6
+marstons,1225,4
+lindenwood,1892,4
+leonardo,1619,1
+newfields,82,6
+hiteman,43,3
+newfields,552,4
+wainscott,977,7
+cosmos,27,6
+onaga,463,2
+ranchester,153,2
+klickitat,2273,4
+merom,974,12
+hanson,831,0
+stockman,1018,9
+tolstoy,1463,11
+shelbyville,752,7
+ranchester,1508,20
+klickitat,1720,0
+mifflinburg,748,2
+lindenwood,660,2
+marstons,851,2
+mifflinburg,968,10
+shelbyville,1414,8
+lindenwood,833,2
+tolstoy,405,3
+benevolence,273,0
+shelbyville,1603,4
+woodbine,1596,2
+newfields,11,6
+shelbyville,1420,0
+newfields,1367,8
+klickitat,79,1
+stockman,1487,2
+pomaria,1324,10
+wainscott,1496,0
+woodbine,25,11
+ranchester,559,13
+marstons,690,5
+benevolence,868,0
+pomaria,1236,10
+klickitat,199,7
+hanson,220,1
+hiteman,232,6
+lindenwood,372,1
+cosmos,52,3
+klickitat,123,4
+pomaria,1342,2
+onaga,21,1
+beechwood,59,4
+hiteman,356,0
+onaga,571,1
+ranchester,224,4
+klickitat,997,0
+newfields,888,0
+woodbine,1935,1
+leonardo,732,8
+beechwood,907,2
+marstons,1114,1
+tolstoy,68,8
+onaga,291,1
+klickitat,758,1
+hanson,1429,12
+lindenwood,122,1
+lindenwood,306,4
+klickitat,1313,4
+pinesdale,962,1
+forkland,514,1
+woodbine,873,6
+marstons,1566,4
+hiteman,1537,1
+lindenwood,1802,2
+leonardo,222,2
+lindenwood,1298,1
+beechwood,1039,7
+newfields,1160,12
+shelbyville,328,0
+coffeen,1079,6
+klickitat,1995,3
+coffeen,1314,3
+newfields,259,2
+leonardo,1244,0
+pomaria,557,18
+lindenwood,1783,14
+ranchester,1625,3
+hiteman,614,4
+lakeville,1876,3
+lakeville,976,0
+beechwood,445,5
+hanson,812,1
+beechwood,750,8
+coffeen,492,2
+lindenwood,1069,8
+klickitat,187,0
+marstons,383,0
+wainscott,14,4
+hanson,1408,1
+ranchester,1148,8
+newfields,886,0
+shelbyville,603,6
+cosmos,292,10
+hanson,1280,0
+pinesdale,929,11
+pomaria,1380,1
+merom,679,2
+cosmos,265,0
+shelbyville,1481,1
+ranchester,1066,4
+woodbine,275,6
+woodbine,594,5
+wainscott,1382,1
+shelbyville,1782,5
+pomaria,755,9
+stockman,361,3
+allensville,76,0
+pomaria,1677,4
+forkland,577,2
+pinesdale,1035,3
+coffeen,476,6
+pinesdale,1038,8
+lindenwood,1350,5
+klickitat,1689,4
+shelbyville,906,4
+coffeen,430,1
+shelbyville,134,5
+pomaria,1490,1
+klickitat,1706,2
+ranchester,1603,9
+marstons,1571,1
+hanson,1029,17
+lindenwood,2058,0
+klickitat,957,1
+leonardo,1214,2
+beechwood,20,4
+forkland,622,4
+newfields,175,12
+shelbyville,99,2
+hiteman,637,4
+merom,311,4
+klickitat,1634,2
+lakeville,1488,4
+pinesdale,1481,0
+lindenwood,965,6
+pomaria,348,8
+wainscott,1469,6
+beechwood,800,2
+hanson,549,0
+wainscott,781,11
+pomaria,574,0
+allensville,472,1
+merom,598,2
+merom,781,3
+lakeville,731,12
+hanson,669,1
+marstons,746,5
+merom,706,0
+lindenwood,1660,0
+merom,148,0
+lindenwood,1035,2
+wainscott,941,5
+lindenwood,1081,0
+woodbine,1182,0
+shelbyville,1530,1
+lindenwood,2458,0
+stockman,807,3
+shelbyville,1302,11
+newfields,1132,5
+shelbyville,217,1
+ranchester,692,10
+shelbyville,1098,5
+mifflinburg,506,7
+klickitat,1211,3
+lindenwood,2372,1
+benevolence,544,2
+shelbyville,2697,2
+forkland,1052,4
+newfields,221,15
+tolstoy,361,6
+tolstoy,1057,0
+klickitat,2050,6
+klickitat,191,4
+tolstoy,1523,0
+merom,1078,2
+hiteman,915,2
+onaga,568,2
+klickitat,1697,1
+tolstoy,219,2
+marstons,2363,0
+stockman,257,6
+klickitat,599,3
+pomaria,459,7
+tolstoy,1035,10
+mifflinburg,930,4
+marstons,281,3
+klickitat,1389,5
+wainscott,1175,0
+newfields,792,0
+hiteman,1249,8
+lindenwood,333,10
+beechwood,216,2
+leonardo,1204,5
+pomaria,248,1
+hiteman,1112,12
+stockman,667,1
+pinesdale,243,1
+marstons,2140,2
+lakeville,559,7
+ranchester,760,6
+pomaria,483,2
+hanson,770,7
+pinesdale,679,5
+marstons,89,2
+mifflinburg,663,1
+allensville,42,2
+tolstoy,742,3
+cosmos,834,3
+lindenwood,2545,3
+marstons,1881,4
+hiteman,501,8
+wainscott,925,6
+pomaria,491,10
+lindenwood,1327,0
+benevolence,151,2
+beechwood,277,2
+woodbine,951,3
+hiteman,47,1
+leonardo,1025,2
+onaga,482,1
+pinesdale,186,8
+klickitat,806,1
+coffeen,637,1
+newfields,807,1
+klickitat,522,3
+woodbine,184,1
+lakeville,1503,12
+lindenwood,2117,0
+hanson,371,1
+lakeville,1482,1
+shelbyville,693,4
+onaga,16,5
+pomaria,1538,0
+marstons,1401,1
+lakeville,1435,2
+tolstoy,1682,1
+woodbine,1727,4
+wainscott,548,0
+coffeen,830,1
+leonardo,1063,4
+pomaria,369,2
+coffeen,1001,3
+pomaria,1246,2
+merom,740,2
+beechwood,659,6
+pomaria,1191,0
+klickitat,2236,6
+hanson,374,5
+woodbine,68,4
+klickitat,575,1
+klickitat,755,5
+tolstoy,62,1
+lindenwood,474,3
+hanson,171,10
+benevolence,11,0
+pomaria,312,1
+cosmos,204,3
+marstons,334,4
+benevolence,99,3
+hanson,145,1
+lindenwood,1437,0
+tolstoy,1324,5
+mifflinburg,364,4
+hanson,73,2
+ranchester,1414,5
+hiteman,1343,0
+lakeville,1287,0
+pinesdale,1467,7
+newfields,166,1
+leonardo,479,4
+shelbyville,471,0
+mifflinburg,324,2
+coffeen,1141,6
+stockman,5,1
+forkland,173,0
+mifflinburg,835,2
+woodbine,1715,12
+lakeville,1496,1
+pomaria,1186,9
+klickitat,2230,9
+stockman,751,4
+hiteman,1336,6
+pomaria,986,0
+lakeville,1220,0
+klickitat,210,0
+onaga,387,5
+lakeville,1826,7
+forkland,873,0
+pomaria,372,3
+forkland,927,2
+pomaria,631,4
+lakeville,969,0
+pomaria,863,7
+leonardo,826,6
+leonardo,384,5
+beechwood,478,9
+leonardo,531,1
+hiteman,886,8
+klickitat,1878,5
+pomaria,603,1
+woodbine,692,15
+tolstoy,1432,0
+onaga,446,8
+cosmos,51,0
+merom,79,2
+pinesdale,555,13
+lakeville,1843,8
+woodbine,1527,6
+ranchester,986,1
+stockman,1612,0
+coffeen,520,5
+wainscott,979,10
+marstons,2286,2
+ranchester,177,5
+leonardo,748,2
+lakeville,348,8
+shelbyville,665,5
+stockman,579,0
+woodbine,1431,0
+lakeville,1710,0
+klickitat,1547,10
+stockman,87,3
+shelbyville,2226,4
+lindenwood,1,13
+lakeville,1619,0
+marstons,1753,1
+cosmos,966,1
+hiteman,631,4
+tolstoy,1454,9
+marstons,1699,8
+ranchester,303,1
+klickitat,1447,6
+woodbine,1722,2
+marstons,2001,3
+onaga,170,3
+klickitat,1201,1
+ranchester,218,0
+klickitat,797,0
+stockman,1063,2
+tolstoy,1175,0
+hanson,368,3
+marstons,783,8
+tolstoy,581,4
+merom,381,3
+tolstoy,1420,3
+marstons,1441,2
+newfields,155,8
+klickitat,1679,10
+pomaria,95,6
+cosmos,947,1
+hiteman,750,1
+klickitat,47,0
+ranchester,861,3
+woodbine,1544,3
+lakeville,1520,5
+hanson,1208,3
+hanson,906,6
+pomaria,757,6
+coffeen,580,2
+newfields,1659,3
+leonardo,265,13
+coffeen,383,6
+wainscott,666,9
+marstons,1205,10
+lindenwood,2022,2
+pomaria,1082,13
+onaga,324,3
+marstons,1837,0
+newfields,221,13
+marstons,2530,10
+shelbyville,391,4
+wainscott,286,7
+klickitat,288,5
+merom,981,0
+tolstoy,493,0
+benevolence,724,3
+hanson,1034,12
+shelbyville,1787,1
+pinesdale,553,6
+hanson,1564,2
+wainscott,762,1
+marstons,1512,3
+ranchester,1325,3
+shelbyville,180,10
+lindenwood,615,0
+hanson,982,0
+coffeen,98,4
+lakeville,1295,4
+shelbyville,556,7
+lakeville,1174,5
+lakeville,1051,4
+marstons,1317,3
+wainscott,888,7
+ranchester,425,4
+tolstoy,101,0
+wainscott,1215,1
+lindenwood,1316,11
+wainscott,1385,6
+beechwood,547,0
+hiteman,408,2
+lindenwood,1194,0
+tolstoy,1457,6
+pinesdale,973,11
+klickitat,2116,5
+marstons,2601,0
+lakeville,617,3
+lakeville,1245,5
+marstons,481,1
+newfields,1383,3
+klickitat,27,2
+marstons,1958,3
+onaga,444,1
+hanson,778,3
+shelbyville,426,3
+leonardo,502,3
+marstons,1339,2
+wainscott,1095,5
+leonardo,271,8
+woodbine,886,0
+beechwood,738,5
+shelbyville,1858,0
+lakeville,1073,1
+wainscott,1571,4
+lindenwood,1938,0
+lindenwood,1564,4
+woodbine,92,1
+lindenwood,1091,11
+hanson,1280,3
+woodbine,434,4
+benevolence,489,7
+allensville,332,9
+tolstoy,1160,4
+marstons,2534,4
+tolstoy,1043,2
+merom,498,5
+newfields,189,4
+tolstoy,1270,6
+woodbine,1492,2
+stockman,522,2
+shelbyville,1611,1
+hanson,893,6
+leonardo,502,1
+stockman,668,3
+mifflinburg,281,3
+wainscott,146,9
+pomaria,459,9
+hiteman,1249,0
+shelbyville,647,4
+merom,718,5
+merom,17,1
+shelbyville,45,0
+pomaria,434,3
+shelbyville,1974,2
+merom,1027,5
+stockman,78,0
+lindenwood,2487,4
+hanson,1183,12
+marstons,285,5
+ranchester,711,1
+stockman,882,1
+shelbyville,1619,9
+leonardo,141,8
+pinesdale,890,0
+hanson,606,8
+klickitat,1682,1
+woodbine,1556,1
+benevolence,629,6
+lindenwood,104,4
+merom,766,0
+marstons,823,2
+benevolence,890,2
+shelbyville,2643,2
+lakeville,842,1
+hanson,923,14
+stockman,701,1
+merom,925,6
+woodbine,1598,4
+leonardo,461,1
+leonardo,1721,2
+ranchester,1442,6
+pinesdale,381,3
+woodbine,763,3
+shelbyville,455,2
+coffeen,301,4
+lindenwood,1155,2
+hiteman,1767,7
+cosmos,472,0
+shelbyville,159,3
+tolstoy,1131,2
+pomaria,1297,4
+hanson,985,1
+lindenwood,1366,6
+hiteman,570,11
+marstons,2397,7
+pomaria,1200,2
+forkland,907,5
+ranchester,554,0
+lakeville,269,9
+hiteman,516,0
+benevolence,729,1
+leonardo,271,9
+leonardo,257,15
+onaga,614,2
+leonardo,1103,2
+hiteman,766,3
+lakeville,1580,2
+forkland,325,0
+tolstoy,277,1
+pomaria,1218,4
+shelbyville,1058,0
+mifflinburg,830,2
+merom,997,2
+lindenwood,2305,0
+leonardo,1510,8
+cosmos,299,2
+cosmos,1047,0
+pinesdale,1508,1
+shelbyville,2727,2
+shelbyville,348,1
+tolstoy,1146,4
+shelbyville,1724,13
+newfields,1400,1
+leonardo,710,1
+shelbyville,641,9
+shelbyville,256,4
+ranchester,147,12
+wainscott,105,6
+shelbyville,2484,3
+klickitat,1302,8
+leonardo,1443,1
+newfields,683,8
+pinesdale,513,2
+shelbyville,1250,5
+hiteman,1734,4
+pinesdale,431,0
+lindenwood,1849,3
+lindenwood,244,5
+forkland,494,3
+allensville,480,0
+onaga,647,5
+marstons,979,7
+pomaria,262,2
+klickitat,1750,3
+leonardo,2021,9
+klickitat,674,5
+lakeville,177,3
+shelbyville,1761,5
+forkland,1010,0
+woodbine,1252,9
+pomaria,222,8
+marstons,772,6
+newfields,937,1
+ranchester,1206,1
+ranchester,129,5
+woodbine,1993,4
+leonardo,1324,6
+marstons,1623,4
+lakeville,655,3
+newfields,358,5
+lindenwood,344,2
+ranchester,1010,2
+pinesdale,933,4
+hiteman,366,12
+marstons,2365,2
+coffeen,981,0
+shelbyville,1019,5
+stockman,1389,3
+lakeville,640,2
+shelbyville,1569,4
+marstons,684,2
+coffeen,834,4
+lindenwood,370,3
+stockman,1355,2
+tolstoy,785,3
+lakeville,491,0
+tolstoy,1051,3
+pinesdale,893,5
+klickitat,1233,3
+lindenwood,951,13
+shelbyville,2,16
+newfields,822,11
+lindenwood,110,10
+tolstoy,767,8
+shelbyville,2415,3
+benevolence,930,2
+woodbine,1493,4
+leonardo,246,7
+stockman,270,2
+shelbyville,1101,16
+ranchester,1374,0
+woodbine,1140,10
+lindenwood,770,2
+klickitat,2066,0
+coffeen,524,3
+pinesdale,48,2
+hanson,1213,2
+marstons,2232,3
+pomaria,203,1
+tolstoy,508,3
+shelbyville,1892,10
+shelbyville,2048,1
+klickitat,1780,3
+klickitat,320,6
+wainscott,594,6
+woodbine,1490,2
+klickitat,1633,5
+pinesdale,1325,2
+wainscott,422,1
+lakeville,1004,9
+hiteman,811,0
+lindenwood,468,8
+coffeen,874,3
+leonardo,1663,8
+ranchester,136,0
+shelbyville,796,8
+klickitat,946,3
+forkland,363,3
+woodbine,1629,2
+coffeen,1399,3
+cosmos,1076,6
+marstons,1008,6
+wainscott,861,4
+shelbyville,538,5
+wainscott,551,1
+leonardo,1907,5
+leonardo,1431,4
+cosmos,1063,1
+stockman,1523,4
+newfields,842,1
+tolstoy,820,4
+shelbyville,2448,5
+coffeen,1223,1
+mifflinburg,823,2
+wainscott,604,3
+stockman,1293,2
+woodbine,1916,0
+lindenwood,1234,0
+lindenwood,21,3
+pomaria,1124,3
+merom,360,6
+newfields,1547,10
+newfields,270,6
+stockman,56,6
+wainscott,72,12
+ranchester,284,0
+hanson,1344,1
+pomaria,1335,2
+beechwood,410,5
+lindenwood,358,3
+wainscott,1651,3
+wainscott,632,5
+hiteman,1525,2
+shelbyville,1566,0
+shelbyville,197,1
+tolstoy,1528,0
+lindenwood,1930,5
+lindenwood,65,1
+stockman,1276,0
+merom,229,5
+forkland,671,1
+shelbyville,2613,2
+cosmos,90,0
+woodbine,1081,1
+pinesdale,1166,0
+hiteman,275,5
+shelbyville,2736,1
+wainscott,1677,1
+woodbine,1707,5
+wainscott,973,8
+lindenwood,2265,2
+leonardo,1807,0
+hiteman,884,2
+woodbine,1316,3
+marstons,1953,0
+shelbyville,206,2
+wainscott,1252,1
+forkland,477,1
+cosmos,366,5
+stockman,726,3
+forkland,900,9
+hanson,158,3
+pomaria,1462,2
+tolstoy,1031,7
+lakeville,894,0
+wainscott,999,2
+shelbyville,1891,1
+pomaria,1462,11
+hiteman,608,7
+pomaria,258,1
+coffeen,982,1
+tolstoy,1611,2
+onaga,168,1
+mifflinburg,264,1
+hanson,466,1
+woodbine,648,1
+ranchester,1347,10
+klickitat,1117,11
+lindenwood,1774,3
+hiteman,415,1
+beechwood,1137,7
+woodbine,1005,0
+shelbyville,2162,8
+ranchester,1,7
+wainscott,433,5
+tolstoy,892,8
+klickitat,102,1
+klickitat,1811,10
+hiteman,455,3
+klickitat,160,0
+klickitat,532,0
+newfields,378,5
+pomaria,1387,0
+stockman,210,2
+beechwood,1119,2
+klickitat,154,13
+lindenwood,2118,5
+leonardo,1618,4
+leonardo,256,6
+woodbine,1726,10
+tolstoy,211,1
+leonardo,17,1
+leonardo,1283,3
+marstons,2530,2
+ranchester,936,1
+cosmos,427,13
+tolstoy,847,6
+lindenwood,521,4
+coffeen,169,1
+woodbine,13,1
+cosmos,329,5
+leonardo,1538,3
+forkland,1011,0
+lindenwood,2157,5
+hiteman,430,0
+marstons,2087,6
+mifflinburg,922,6
+woodbine,1782,2
+cosmos,867,5
+merom,344,0
+ranchester,827,2
+hanson,766,0
+pomaria,1083,0
+leonardo,404,3
+forkland,852,3
+lakeville,980,5
+pomaria,1581,1
+leonardo,113,5
+hanson,561,2
+ranchester,399,8
+hiteman,1548,1
+shelbyville,1366,9
+forkland,176,7
+stockman,385,7
+woodbine,887,2
+shelbyville,1273,2
+wainscott,178,1
+newfields,246,3
+leonardo,1013,4
+merom,237,4
+stockman,495,8
+marstons,1302,18
+forkland,1102,0
+cosmos,706,4
+shelbyville,1136,5
+leonardo,846,3
+marstons,543,0
+marstons,2273,12
+marstons,502,9
+pinesdale,1433,5
+lakeville,353,3
+wainscott,1411,2
+beechwood,883,1
+klickitat,629,6
+hanson,66,3
+pomaria,801,1
+woodbine,363,0
+shelbyville,253,7
+lakeville,829,1
+lakeville,373,0
+pomaria,1240,10
+cosmos,963,3
+hiteman,1729,7
+lindenwood,286,5
+lindenwood,1040,3
+hanson,1282,4
+newfields,1093,8
+lindenwood,2049,0
+shelbyville,2061,9
+newfields,723,2
+leonardo,1438,4
+marstons,312,8
+hiteman,840,7
+newfields,1007,4
+wainscott,1597,0
+allensville,290,3
+lakeville,236,2
+shelbyville,1954,1
+hanson,1589,3
+cosmos,728,1
+coffeen,1072,6
+shelbyville,1732,9
+woodbine,1286,2
+pinesdale,53,3
+leonardo,1023,5
+stockman,140,6
+hiteman,1383,6
+marstons,592,4
+pomaria,643,8
+hanson,825,1
+woodbine,1269,1
+pinesdale,361,10
+klickitat,124,2
+shelbyville,245,0
+woodbine,1711,2
+tolstoy,1304,3
+lakeville,1183,3
+ranchester,1295,11
+klickitat,208,1
+newfields,688,1
+leonardo,1088,1
+klickitat,1452,0
+lakeville,1031,13
+coffeen,1114,2
+wainscott,848,2
+beechwood,89,5
+pinesdale,563,1
+cosmos,743,7
+klickitat,1386,5
+pinesdale,1119,4
+lakeville,1320,13
+pinesdale,723,5
+hiteman,839,6
+stockman,96,1
+marstons,284,7
+hiteman,317,5
+klickitat,378,2
+tolstoy,73,0
+pomaria,222,7
+lakeville,834,1
+wainscott,501,0
+pomaria,491,14
+klickitat,1499,1
+klickitat,69,12
+newfields,224,4
+woodbine,1771,0
+marstons,1101,0
+mifflinburg,653,5
+beechwood,758,3
+wainscott,1372,6
+hanson,1055,11
+coffeen,806,0
+hanson,1025,1
+shelbyville,1802,2
+hiteman,264,1
+klickitat,118,8
+newfields,497,12
+shelbyville,2325,0
+lindenwood,719,3
+klickitat,1989,0
+wainscott,218,4
+ranchester,972,4
+lindenwood,2153,1
+coffeen,337,1
+pomaria,931,11
+allensville,246,1
+mifflinburg,491,4
+benevolence,282,2
+merom,796,6
+tolstoy,208,0
+marstons,2378,12
+mifflinburg,166,2
+wainscott,1762,10
+stockman,12,5
+newfields,508,4
+woodbine,1155,3
+beechwood,344,5
+hanson,1382,2
+benevolence,29,5
+lakeville,850,9
+marstons,1302,5
+hanson,1420,6
+marstons,1271,4
+hiteman,741,3
+ranchester,711,7
+klickitat,165,6
+shelbyville,554,4
+forkland,953,0
+ranchester,1524,0
+stockman,1077,7
+woodbine,2013,4
+coffeen,113,0
+merom,94,2
+woodbine,211,0
+pomaria,1608,2
+lindenwood,2668,3
+woodbine,1518,5
+lindenwood,2287,0
+lindenwood,2373,3
+mifflinburg,499,12
+onaga,592,1
+lindenwood,1968,5
+marstons,1478,10
+cosmos,665,2
+lakeville,1625,6
+cosmos,924,1
+woodbine,998,8
+hiteman,114,6
+klickitat,1832,5
+newfields,90,4
+klickitat,295,8
+shelbyville,1301,3
+hanson,351,1
+hiteman,520,3
+hanson,1504,0
+stockman,954,5
+lindenwood,93,4
+cosmos,877,0
+coffeen,606,5
+pinesdale,1494,3
+shelbyville,2318,1
+lakeville,1534,6
+tolstoy,489,1
+tolstoy,1415,3
+ranchester,1073,1
+shelbyville,541,1
+lindenwood,56,2
+coffeen,571,1
+leonardo,137,3
+leonardo,435,6
+klickitat,148,20
+cosmos,666,15
+beechwood,800,6
+leonardo,1968,3
+ranchester,779,2
+forkland,1121,1
+woodbine,94,9
+forkland,449,4
+cosmos,772,1
+wainscott,1365,3
+hiteman,1113,2
+shelbyville,2712,1
+leonardo,531,2
+newfields,1144,6
+newfields,766,0
+lindenwood,969,5
+pomaria,1186,7
+pomaria,1183,5
+lakeville,1045,17
+beechwood,46,5
+wainscott,154,0
+stockman,420,0
+beechwood,754,5
+cosmos,896,0
+marstons,165,2
+coffeen,995,5
+coffeen,89,1
+onaga,404,0
+allensville,318,2
+shelbyville,2625,1
+newfields,5,1
+woodbine,1684,9
+leonardo,85,5
+mifflinburg,885,6
+shelbyville,2047,12
+shelbyville,297,0
+tolstoy,1821,0
+onaga,398,2
+shelbyville,431,7
+klickitat,119,0
+lindenwood,1214,2
+leonardo,1436,4
+newfields,1255,1
+marstons,1948,6
+hanson,206,1
+leonardo,1376,1
+marstons,2180,3
+klickitat,606,6
+newfields,957,4
+lindenwood,1079,7
+coffeen,1499,1
+woodbine,1553,4
+newfields,31,8
+ranchester,1296,0
+leonardo,713,3
+beechwood,1046,6
+coffeen,632,7
+stockman,540,6
+pomaria,1332,6
+shelbyville,1074,3
+wainscott,227,7
+cosmos,642,2
+wainscott,1606,0
+pomaria,839,3
+hanson,438,7
+marstons,1676,10
+shelbyville,915,0
+hiteman,1023,7
+leonardo,1071,3
+klickitat,870,2
+benevolence,913,3
+lindenwood,1215,1
+hiteman,1214,0
+newfields,884,7
+tolstoy,1234,2
+tolstoy,1484,3
+marstons,1262,1
+tolstoy,1215,3
+mifflinburg,397,4
+wainscott,458,2
+pomaria,907,3
+beechwood,199,6
+allensville,320,2
+woodbine,1845,1
+pomaria,1400,3
+tolstoy,210,1
+lakeville,349,2
+hanson,1070,0
+pinesdale,572,4
+pomaria,126,4
+hanson,1611,3
+benevolence,253,12
+pomaria,318,1
+ranchester,306,1
+lindenwood,986,6
+lakeville,176,10
+woodbine,1483,3
+lindenwood,727,8
+shelbyville,393,9
+lakeville,600,2
+hanson,774,7
+leonardo,678,0
+onaga,368,0
+woodbine,644,6
+marstons,1595,0
+coffeen,535,3
+wainscott,451,0
+pinesdale,272,2
+hanson,1139,3
+shelbyville,2476,7
+ranchester,559,10
+lindenwood,648,2
+shelbyville,2391,2
+pomaria,506,1
+ranchester,61,7
+beechwood,61,0
+hiteman,41,5
+marstons,1923,4
+woodbine,143,0
+klickitat,1585,1
+benevolence,429,0
+coffeen,539,1
+klickitat,1348,1
+coffeen,336,4
+tolstoy,1452,12
+stockman,1259,0
+merom,152,0
+klickitat,1851,2
+cosmos,3,0
+forkland,134,6
+pinesdale,862,11
+woodbine,1619,4
+wainscott,616,7
+ranchester,50,16
+shelbyville,2391,4
+cosmos,658,1
+marstons,40,8
+coffeen,214,6
+klickitat,2375,2
+shelbyville,372,1
+mifflinburg,54,0
+stockman,979,1
+leonardo,748,1
+shelbyville,946,9
+newfields,1224,2
+pinesdale,588,3
+marstons,1091,1
+mifflinburg,800,2
+leonardo,599,0
+beechwood,586,2
+lindenwood,152,2
+newfields,787,7
+klickitat,1838,9
+shelbyville,87,7
+marstons,2473,1
+klickitat,6,3
+woodbine,1311,2
+klickitat,1499,0
+coffeen,447,3
+leonardo,159,3
+hiteman,642,0
+lakeville,512,4
+klickitat,376,5
+pinesdale,694,0
+ranchester,544,3
+allensville,226,5
+hanson,1037,10
+coffeen,403,5
+newfields,1442,0
+lakeville,292,0
+leonardo,1687,0
+newfields,1605,6
+pomaria,1186,4
+pinesdale,512,3
+lakeville,1248,3
+hiteman,1345,2
+lakeville,944,0
+marstons,740,9
+tolstoy,380,0
+cosmos,509,2
+leonardo,1805,12
+beechwood,942,2
+shelbyville,1427,2
+coffeen,953,1
+onaga,182,2
+klickitat,699,1
+woodbine,1791,1
+onaga,624,4
+marstons,979,11
+newfields,510,4
+woodbine,541,3
+leonardo,1152,3
+pinesdale,935,3
+coffeen,74,5
+hanson,118,2
+stockman,1130,3
+klickitat,2216,6
+lindenwood,102,1
+marstons,1710,13
+ranchester,1097,2
+klickitat,1805,0
+shelbyville,1364,5
+marstons,116,11
+leonardo,1046,5
+wainscott,76,2
+leonardo,1221,6
+ranchester,266,1
+klickitat,1263,0
+lakeville,529,1
+klickitat,2089,5
+hiteman,1540,5
+newfields,1375,1
+woodbine,1066,7
+shelbyville,675,1
+shelbyville,1214,8
+hanson,1128,12
+marstons,871,1
+lindenwood,347,2
+hanson,664,4
+forkland,229,6
+ranchester,1389,1
+shelbyville,2108,2
+allensville,109,0
+lindenwood,1275,3
+stockman,702,2
+forkland,339,0
+ranchester,358,4
+cosmos,192,6
+leonardo,1708,1
+woodbine,620,2
+shelbyville,1430,2
+pinesdale,294,6
+tolstoy,1717,3
+hiteman,996,5
+marstons,1874,14
+hanson,1004,12
+woodbine,415,7
+mifflinburg,628,0
+woodbine,41,8
+leonardo,480,3
+shelbyville,2761,7
+lakeville,1513,12
+forkland,618,0
+lindenwood,286,10
+woodbine,1142,1
+pomaria,669,0
+marstons,2404,1
+pinesdale,227,2
+marstons,342,2
+klickitat,1144,2
+wainscott,950,4
+pomaria,1475,3
+mifflinburg,952,7
+shelbyville,104,8
+marstons,1785,3
+marstons,1231,1
+stockman,1320,3
+lindenwood,2148,0
+shelbyville,1710,0
+marstons,910,9
+hiteman,196,9
+pinesdale,1312,1
+ranchester,1400,4
+newfields,1416,11
+beechwood,248,0
+shelbyville,1492,3
+lakeville,1652,1
+tolstoy,1147,4
+klickitat,1162,1
+newfields,1057,7
+lindenwood,244,10
+marstons,714,1
+pomaria,145,8
+coffeen,640,6
+woodbine,984,6
+pinesdale,363,8
+allensville,189,0
+leonardo,1097,0
+ranchester,1136,4
+wainscott,1159,7
+coffeen,41,3
+lakeville,825,3
+lindenwood,1667,2
+onaga,613,0
+hiteman,1025,3
+hiteman,242,4
+shelbyville,1458,8
+pomaria,87,5
+leonardo,1500,7
+wainscott,1751,2
+lakeville,1847,0
+lindenwood,2397,1
+klickitat,1746,4
+marstons,2139,2
+hanson,1379,13
+coffeen,1028,1
+shelbyville,1709,1
+shelbyville,954,4
+hiteman,1214,4
+hanson,1377,13
+forkland,71,4
+forkland,76,6
+hanson,358,12
+mifflinburg,913,2
+woodbine,1372,0
+shelbyville,475,0
+stockman,1035,1
+hanson,504,5
+mifflinburg,75,5
+ranchester,257,0
+wainscott,64,6
+pomaria,1215,1
+woodbine,1804,7
+merom,254,3
+wainscott,1480,2
+cosmos,805,0
+hiteman,1465,7
+pinesdale,1368,7
+klickitat,1949,0
+wainscott,1291,0
+ranchester,1190,6
+lakeville,414,0
+hiteman,77,1
+klickitat,661,4
+woodbine,1989,1
+ranchester,1047,6
+cosmos,742,7
+woodbine,55,2
+klickitat,283,2
+hiteman,1335,3
+hiteman,1445,2
+lindenwood,995,2
+shelbyville,236,0
+klickitat,140,15
+merom,696,1
+lindenwood,2637,5
+woodbine,818,13
+lindenwood,2181,1
+hanson,278,0
+marstons,384,2
+woodbine,110,0
+klickitat,2078,9
+forkland,1021,1
+hiteman,1096,0
+lindenwood,2346,1
+lakeville,70,0
+tolstoy,837,1
+ranchester,730,0
+shelbyville,940,1
+wainscott,683,3
+newfields,444,4
+marstons,363,3
+shelbyville,1826,12
+lindenwood,1113,9
+newfields,1473,7
+woodbine,1109,4
+hiteman,948,4
+woodbine,1476,2
+ranchester,539,0
+coffeen,998,3
+hiteman,1375,4
+shelbyville,91,10
+shelbyville,213,3
+marstons,1424,12
+marstons,4,6
+marstons,992,2
+klickitat,1366,3
+marstons,752,9
+klickitat,202,10
+hanson,1488,0
+merom,1081,0
+mifflinburg,712,3
+lakeville,359,3
+marstons,162,5
+woodbine,1169,0
+leonardo,74,2
+wainscott,875,2
+ranchester,1155,0
+woodbine,555,2
+allensville,23,11
+klickitat,532,7
+hiteman,1492,3
+marstons,924,5
+marstons,1473,2
+hiteman,1729,1
+pomaria,1565,2
+newfields,545,16
+pomaria,1469,1
+pomaria,1663,3
+shelbyville,2399,2
+forkland,988,2
+klickitat,515,15
+wainscott,1387,0
+shelbyville,1366,10
+marstons,347,17
+merom,555,0
+wainscott,645,6
+lakeville,793,1
+pomaria,535,3
+pinesdale,11,10
+stockman,877,2
+lindenwood,482,10
+woodbine,920,3
+lakeville,596,2
+allensville,170,4
+klickitat,857,9
+shelbyville,2669,10
+klickitat,1688,12
+klickitat,738,16
+lakeville,769,9
+woodbine,1142,3
+tolstoy,329,2
+hiteman,1593,12
+klickitat,593,9
+klickitat,1914,13
+pinesdale,1395,2
+hiteman,654,10
+wainscott,231,1
+woodbine,1192,3
+lakeville,1062,1
+tolstoy,713,1
+hiteman,165,16
+newfields,614,0
+hanson,1099,3
+marstons,1073,5
+shelbyville,2068,3
+ranchester,1240,1
+shelbyville,308,1
+klickitat,2389,2
+hiteman,289,2
+marstons,1605,1
+hanson,1246,3
+pinesdale,914,0
+klickitat,2168,5
+leonardo,1392,3
+lindenwood,2465,1
+pinesdale,490,8
+wainscott,625,2
+beechwood,208,0
+marstons,359,0
+shelbyville,2482,4
+hanson,964,1
+stockman,1269,3
+cosmos,606,1
+tolstoy,296,4
+ranchester,1298,1
+shelbyville,484,2
+lakeville,681,1
+benevolence,453,4
+pinesdale,1378,3
+merom,1108,3
+wainscott,117,8
+wainscott,1009,0
+stockman,728,2
+klickitat,2174,2
+cosmos,401,0
+leonardo,1551,0
+forkland,547,0
+stockman,358,1
+ranchester,489,5
+marstons,1836,7
+merom,181,1
+newfields,65,3
+hanson,1157,11
+mifflinburg,380,3
+lindenwood,449,1
+mifflinburg,280,5
+pinesdale,883,3
+newfields,912,2
+pomaria,1547,1
+leonardo,966,3
+leonardo,1236,7
+wainscott,1073,2
+tolstoy,656,7
+pinesdale,479,1
+marstons,2375,3
+mifflinburg,645,5
+woodbine,48,4
+newfields,766,5
+lakeville,1338,3
+lindenwood,1246,2
+hiteman,1693,4
+tolstoy,1689,6
+lakeville,346,2
+tolstoy,1749,5
+merom,1064,2
+lakeville,1564,2
+pomaria,750,7
+cosmos,435,2
+lindenwood,1931,12
+wainscott,232,8
+lakeville,1002,2
+lakeville,1446,8
+mifflinburg,575,3
+leonardo,1880,1
+beechwood,746,2
+hiteman,607,2
+mifflinburg,161,0
+pomaria,507,0
+hiteman,1363,7
+leonardo,2049,3
+lakeville,1874,2
+leonardo,34,1
+lindenwood,2393,10
+forkland,973,2
+shelbyville,1122,1
+hanson,240,5
+merom,326,1
+lindenwood,2629,5
+marstons,209,1
+pinesdale,649,2
+forkland,1123,0
+pomaria,1339,1
+leonardo,753,2
+shelbyville,89,3
+ranchester,1393,22
+wainscott,1173,0
+stockman,703,1
+stockman,1518,2
+newfields,88,2
+merom,113,1
+marstons,1160,1
+beechwood,375,13
+leonardo,1141,9
+shelbyville,158,10
+ranchester,1168,2
+woodbine,189,4
+klickitat,594,11
+stockman,1318,10
+tolstoy,1536,2
+klickitat,1495,18
+stockman,1405,0
+klickitat,2416,1
+newfields,159,3
+merom,291,0
+allensville,263,0
+hanson,327,15
+onaga,281,0
+wainscott,454,5
+hiteman,451,5
+pomaria,1642,1
+ranchester,1295,8
+shelbyville,1335,3
+pomaria,864,6
+tolstoy,869,3
+marstons,1208,1
+ranchester,972,1
+coffeen,388,5
+lindenwood,1699,1
+hanson,1403,4
+shelbyville,1338,5
+stockman,1056,5
+wainscott,1046,14
+lindenwood,956,0
+coffeen,1107,8
+woodbine,1986,0
+pinesdale,712,3
+forkland,1184,2
+hanson,357,6
+hanson,1108,0
+lindenwood,1113,2
+coffeen,923,2
+forkland,372,3
+newfields,1564,1
+marstons,1829,5
+mifflinburg,914,4
+pomaria,1475,10
+pinesdale,983,0
+hiteman,1802,5
+hanson,315,2
+shelbyville,2607,4
+shelbyville,841,7
+hanson,1577,7
+mifflinburg,817,1
+shelbyville,199,2
+pomaria,1301,3
+ranchester,1562,2
+pinesdale,589,2
+newfields,1332,4
+marstons,1260,3
+newfields,1639,2
+klickitat,699,4
+coffeen,1308,2
+wainscott,1598,2
+shelbyville,2319,0
+tolstoy,1095,3
+marstons,2563,3
+coffeen,633,3
+pomaria,1465,14
+shelbyville,2193,2
+onaga,221,0
+stockman,1221,2
+beechwood,896,7
+marstons,413,4
+leonardo,1120,2
+newfields,974,5
+tolstoy,1526,9
+shelbyville,2092,0
+pomaria,490,1
+cosmos,372,7
+tolstoy,1483,2
+lindenwood,1095,2
+lindenwood,2314,5
+lindenwood,1194,1
+shelbyville,1538,6
+woodbine,1725,2
+shelbyville,215,1
+woodbine,177,2
+leonardo,1435,5
+marstons,972,2
+pomaria,1469,2
+leonardo,450,1
+lakeville,89,13
+klickitat,908,9
+tolstoy,1048,1
+tolstoy,1167,4
+forkland,1149,0
+stockman,1228,0
+marstons,2503,0
+newfields,851,2
+lindenwood,620,6
+woodbine,527,15
+tolstoy,290,0
+hanson,690,1
+cosmos,775,4
+onaga,257,4
+lindenwood,2322,2
+hiteman,1350,9
+klickitat,140,12
+lakeville,457,10
+marstons,1650,6
+hiteman,1328,0
+lakeville,853,2
+newfields,179,13
+lindenwood,1479,0
+wainscott,760,5
+wainscott,1421,2
+hiteman,594,4
+lakeville,1480,2
+cosmos,1055,1
+stockman,1175,2
+merom,811,2
+pomaria,909,2
+marstons,2176,4
+benevolence,404,5
+lakeville,1782,7
+hiteman,1776,14
+ranchester,400,5
+shelbyville,788,6
+klickitat,1876,2
+woodbine,604,4
+hiteman,1390,5
+leonardo,1732,2
+wainscott,594,9
+woodbine,457,10
+lindenwood,104,3
+lakeville,1690,6
+woodbine,862,7
+beechwood,171,2
+newfields,1135,6
+hanson,1280,11
+lakeville,1809,2
+lakeville,1727,4
+stockman,1487,3
+cosmos,555,1
+mifflinburg,301,4
+hanson,65,4
+hanson,1429,11
+pinesdale,1496,0
+ranchester,786,8
+leonardo,1003,1
+forkland,38,0
+hanson,1093,9
+allensville,453,4
+wainscott,398,6
+tolstoy,940,10
+lakeville,1520,4
+merom,1105,10
+ranchester,1390,12
+lindenwood,2090,7
+benevolence,910,2
+beechwood,139,6
+merom,199,3
+lakeville,958,2
+shelbyville,480,3
+lindenwood,558,5
+wainscott,1121,3
+coffeen,1120,0
+leonardo,1620,4
+wainscott,1010,5
+pomaria,1238,6
+marstons,1634,2
+klickitat,617,0
+pinesdale,577,3
+klickitat,1008,6
+beechwood,646,6
+forkland,736,0
+klickitat,2414,1
+lakeville,812,1
+wainscott,407,4
+tolstoy,1480,1
+marstons,413,2
+pomaria,567,7
+pomaria,1392,4
+mifflinburg,682,3
+lindenwood,1079,4
+mifflinburg,974,1
+hanson,664,3
+pomaria,1539,10
+ranchester,505,2
+benevolence,643,5
+wainscott,1268,1
+pomaria,275,3
+tolstoy,680,7
+lindenwood,425,2
+tolstoy,681,4
+hanson,18,1
+wainscott,957,2
+shelbyville,1407,0
+klickitat,1334,1
+tolstoy,1801,2
+pinesdale,58,3
+klickitat,989,0
+woodbine,1312,3
+shelbyville,994,4
+tolstoy,1526,12
+marstons,291,10
+marstons,900,0
+ranchester,1603,1
+hiteman,615,4
+tolstoy,1693,10
+shelbyville,1381,4
+lindenwood,2484,1
+lindenwood,2140,10
+pomaria,1190,1
+forkland,527,4
+hiteman,211,11
+shelbyville,1015,1
+merom,974,1
+newfields,532,12
+pomaria,123,9
+lakeville,1808,5
+hanson,504,10
+lindenwood,1029,4
+wainscott,1041,3
+shelbyville,2255,3
+pinesdale,707,4
+hanson,1201,8
+hanson,1404,10
+pomaria,1283,2
+cosmos,923,3
+klickitat,460,1
+leonardo,1132,13
+wainscott,1156,13
+ranchester,1009,4
+coffeen,999,4
+shelbyville,1226,2
+marstons,1598,9
+allensville,378,3
+shelbyville,1305,4
+tolstoy,632,1
+shelbyville,663,0
+hiteman,1572,1
+klickitat,2172,18
+newfields,1377,3
+onaga,482,5
+beechwood,109,0
+tolstoy,705,0
+lindenwood,1597,3
+leonardo,899,5
+ranchester,554,5
+cosmos,203,6
+pinesdale,847,4
+lakeville,1244,3
+benevolence,376,2
+hanson,213,6
+lakeville,79,8
+shelbyville,2215,11
+lakeville,1201,3
+klickitat,2195,16
+pomaria,708,8
+leonardo,1420,0
+leonardo,347,5
+beechwood,472,3
+onaga,185,1
+stockman,971,6
+pinesdale,1279,2
+newfields,1096,4
+hiteman,316,0
+hanson,634,5
+marstons,2073,6
+tolstoy,1413,4
+klickitat,2115,1
+tolstoy,691,8
+stockman,884,1
+shelbyville,306,2
+woodbine,20,10
+newfields,1632,1
+leonardo,1656,1
+wainscott,950,1
+pinesdale,1085,3
+lakeville,1552,5
+coffeen,601,2
+stockman,1222,0
+klickitat,1203,2
+ranchester,425,0
+marstons,2268,2
+lindenwood,747,11
+ranchester,1490,14
+shelbyville,1104,5
+klickitat,1430,10
+pinesdale,1252,3
+tolstoy,714,4
+marstons,1621,1
+klickitat,644,5
+wainscott,752,2
+cosmos,725,2
+lakeville,1375,4
+marstons,633,7
+forkland,104,0
+tolstoy,615,5
+shelbyville,1066,2
+pinesdale,640,4
+tolstoy,1598,3
+ranchester,1179,0
+marstons,2241,4
+leonardo,1257,10
+klickitat,2305,7
+coffeen,353,1
+marstons,1768,5
+leonardo,1268,2
+marstons,2479,5
+hiteman,976,11
+forkland,547,1
+klickitat,2242,5
+shelbyville,331,6
+marstons,428,2
+hiteman,738,0
+stockman,568,2
+tolstoy,1206,1
+hanson,1142,4
+leonardo,644,1
+klickitat,1422,3
+pomaria,1181,10
+pinesdale,296,1
+newfields,1295,10
+woodbine,1949,9
+marstons,2260,7
+hiteman,1859,4
+hanson,820,5
+newfields,576,3
+hanson,1439,5
+ranchester,540,3
+forkland,543,2
+tolstoy,238,0
+ranchester,105,2
+tolstoy,1179,15
+coffeen,1073,1
+wainscott,703,9
+mifflinburg,1,3
+marstons,1127,2
+pomaria,94,5
+leonardo,72,0
+stockman,48,1
+newfields,809,3
+pinesdale,1022,0
+lindenwood,452,0
+shelbyville,2564,11
+woodbine,1922,4
+wainscott,1694,4
+woodbine,534,6
+cosmos,272,2
+lindenwood,1740,3
+lindenwood,969,8
+stockman,1371,1
+cosmos,642,5
+merom,985,0
+beechwood,258,1
+leonardo,1874,4
+pinesdale,804,5
+woodbine,1581,2
+ranchester,65,2
+hiteman,91,5
+wainscott,1045,9
+newfields,1396,5
+leonardo,1923,1
+klickitat,688,8
+merom,796,8
+shelbyville,163,8
+pomaria,1141,0
+shelbyville,2410,3
+beechwood,1054,3
+woodbine,1039,0
+hiteman,417,11
+leonardo,2024,1
+marstons,2049,0
+stockman,1533,3
+shelbyville,1332,0
+hiteman,474,9
+tolstoy,904,0
+newfields,1337,2
+marstons,884,1
+tolstoy,1758,7
+shelbyville,331,0
+wainscott,1697,3
+lindenwood,2300,2
+hiteman,16,5
+marstons,499,10
+tolstoy,837,7
+tolstoy,364,2
+marstons,197,0
+benevolence,478,1
+woodbine,1715,11
+leonardo,724,5
+forkland,551,4
+pomaria,1122,15
+ranchester,1317,16
+leonardo,1673,4
+forkland,538,0
+wainscott,551,4
+leonardo,971,10
+marstons,1824,3
+merom,329,0
+lindenwood,2282,3
+leonardo,745,2
+shelbyville,1054,2
+coffeen,1429,3
+marstons,646,3
+hiteman,482,1
+pinesdale,84,0
+wainscott,955,8
+benevolence,951,3
+pomaria,1628,4
+marstons,2027,5
+marstons,2246,12
+ranchester,97,0
+leonardo,959,0
+leonardo,1760,2
+newfields,141,0
+newfields,1058,1
+merom,190,6
+lindenwood,1386,4
+leonardo,1991,1
+hanson,611,1
+lindenwood,1210,4
+tolstoy,1184,3
+pinesdale,313,4
+leonardo,368,2
+marstons,2088,1
+lakeville,1068,16
+woodbine,225,1
+klickitat,2071,11
+newfields,953,11
+hanson,1645,4
+shelbyville,1217,4
+shelbyville,1459,3
+klickitat,1864,1
+shelbyville,2518,5
+lindenwood,2414,3
+allensville,280,1
+stockman,429,2
+shelbyville,272,1
+leonardo,395,3
+lindenwood,2531,0
+pomaria,718,3
+klickitat,70,6
+cosmos,120,4
+marstons,284,16
+lindenwood,393,0
+shelbyville,386,8
+shelbyville,1580,4
+coffeen,1151,4
+stockman,571,0
+ranchester,1112,7
+hiteman,1260,3
+woodbine,327,12
+lakeville,427,2
+newfields,822,2
+merom,120,3
+wainscott,1679,6
+hiteman,16,9
+lakeville,121,0
+shelbyville,2551,13
+woodbine,864,8
+klickitat,1798,0
+beechwood,46,1
+woodbine,1047,1
+lakeville,40,2
+cosmos,698,4
+pomaria,1118,7
+newfields,748,8
+klickitat,707,2
+forkland,185,4
+ranchester,1199,9
+marstons,1881,8
+hiteman,491,0
+newfields,41,0
+klickitat,2072,0
+lindenwood,890,13
+klickitat,245,4
+benevolence,356,5
+newfields,244,2
+leonardo,1705,1
+woodbine,328,6
+lindenwood,1261,2
+klickitat,2254,2
+tolstoy,8,4
+lindenwood,1042,1
+pinesdale,493,6
+lindenwood,544,9
+shelbyville,1875,10
+lindenwood,1657,6
+leonardo,391,9
+woodbine,1236,10
+shelbyville,1473,15
+woodbine,1140,3
+merom,105,2
+allensville,164,1
+lakeville,878,0
+ranchester,543,6
+newfields,1250,5
+shelbyville,1933,0
+benevolence,743,11
+lindenwood,652,8
+tolstoy,602,1
+newfields,1011,3
+marstons,224,3
+marstons,2000,6
+beechwood,411,0
+shelbyville,1498,3
+stockman,619,4
+leonardo,582,1
+tolstoy,896,5
+shelbyville,402,1
+tolstoy,568,0
+pinesdale,121,1
+beechwood,559,6
+woodbine,407,0
+pomaria,584,0
+pomaria,976,8
+hiteman,1077,7
+benevolence,751,12
+cosmos,569,7
+newfields,88,1
+marstons,2121,2
+newfields,251,0
+marstons,518,1
+marstons,413,5
+hanson,1446,11
+hanson,131,9
+leonardo,566,1
+marstons,2048,2
+lindenwood,2091,2
+lindenwood,1162,3
+marstons,593,1
+lakeville,1832,1
+ranchester,1578,2
+lakeville,476,5
+leonardo,909,0
+forkland,1173,3
+ranchester,258,1
+stockman,1201,5
+hiteman,697,1
+woodbine,1899,0
+lindenwood,368,0
+newfields,221,7
+benevolence,290,1
+wainscott,1560,2
+ranchester,562,1
+lakeville,172,15
+shelbyville,2588,2
+ranchester,1016,4
+pomaria,1442,6
+mifflinburg,79,8
+tolstoy,588,4
+woodbine,1831,0
+shelbyville,826,0
+lakeville,717,6
+coffeen,149,3
+newfields,718,2
+hanson,1381,1
+lakeville,486,8
+hiteman,1282,6
+allensville,52,2
+coffeen,583,0
+pinesdale,486,3
+lakeville,1751,11
+wainscott,1677,9
+lindenwood,1639,0
+klickitat,1161,4
+hanson,1121,3
+woodbine,1200,2
+hanson,1121,12
+marstons,15,7
+hanson,220,5
+marstons,1149,1
+marstons,2515,6
+klickitat,1389,10
+leonardo,1694,1
+cosmos,467,6
+allensville,301,8
+tolstoy,1756,0
+wainscott,887,3
+stockman,334,0
+leonardo,172,0
+woodbine,1649,5
+wainscott,540,3
+tolstoy,328,4
+tolstoy,1171,5
+lindenwood,406,1
+lakeville,730,4
+newfields,148,9
+leonardo,1707,6
+lindenwood,1677,4
+newfields,1206,2
+hanson,1333,2
+wainscott,835,0
+leonardo,152,7
+newfields,20,2
+tolstoy,631,3
+leonardo,1115,7
+beechwood,805,1
+lindenwood,248,1
+hiteman,947,1
+lindenwood,448,2
+leonardo,561,0
+hanson,626,5
+onaga,561,5
+merom,561,3
+woodbine,194,0
+marstons,2659,2
+cosmos,805,11
+lakeville,329,9
+shelbyville,534,1
+coffeen,1149,9
+stockman,1551,4
+hanson,179,1
+wainscott,58,0
+lindenwood,597,2
+lindenwood,607,7
+marstons,274,4
+lakeville,612,3
+wainscott,660,2
+lindenwood,1934,6
+pomaria,1504,4
+hiteman,1817,1
+newfields,863,1
+pomaria,1196,2
+allensville,299,4
+marstons,482,4
+lakeville,1484,0
+pinesdale,400,7
+marstons,305,2
+shelbyville,1304,12
+klickitat,1834,1
+ranchester,1443,0
+pinesdale,1051,2
+stockman,1484,4
+lindenwood,1684,1
+wainscott,461,9
+woodbine,1171,2
+stockman,1209,5
+tolstoy,499,8
+stockman,953,4
+wainscott,352,3
+onaga,439,1
+pomaria,844,11
+klickitat,793,5
+onaga,281,3
+benevolence,342,7
+hanson,1270,6
+hiteman,320,2
+marstons,2642,2
+lindenwood,2117,12
+ranchester,1033,6
+onaga,419,0
+marstons,2202,1
+forkland,678,2
+hiteman,255,2
+marstons,1625,1
+marstons,2083,3
+pomaria,237,4
+pomaria,543,7
+klickitat,1475,0
+cosmos,540,2
+lakeville,1809,5
+allensville,114,1
+tolstoy,1646,3
+lindenwood,1779,0
+leonardo,8,3
+woodbine,1782,7
+pomaria,1579,10
+klickitat,1633,13
+coffeen,391,3
+lindenwood,549,2
+beechwood,192,2
+leonardo,1972,3
+coffeen,1191,1
+leonardo,1153,4
+coffeen,1012,2
+merom,541,1
+lindenwood,2184,3
+klickitat,1116,2
+pomaria,1648,2
+marstons,1511,4
+coffeen,41,4
+klickitat,979,1
+stockman,1063,1
+shelbyville,737,1
+leonardo,1831,3
+woodbine,522,0
+hanson,1576,0
+forkland,910,0
+marstons,2636,11
+tolstoy,1565,3
+cosmos,73,1
+newfields,719,0
+merom,1064,0
+pinesdale,1288,0
+shelbyville,71,7
+coffeen,1460,2
+wainscott,1073,0
+tolstoy,526,0
+tolstoy,591,1
+klickitat,2107,0
+leonardo,1295,14
+marstons,660,0
+hiteman,1265,2
+marstons,185,5
+ranchester,365,4
+lindenwood,2443,4
+marstons,10,2
+leonardo,1824,2
+stockman,1469,0
+cosmos,375,3
+shelbyville,1930,2
+leonardo,846,9
+wainscott,1798,5
+shelbyville,1763,1
+coffeen,426,2
+cosmos,175,2
+coffeen,127,4
+leonardo,766,0
+lindenwood,1821,5
+cosmos,21,7
+shelbyville,549,0
+pomaria,1400,6
+marstons,1103,1
+wainscott,505,5
+shelbyville,108,3
+hiteman,1166,3
+pomaria,389,7
+pomaria,954,13
+marstons,626,3
+beechwood,444,2
+hiteman,113,2
+shelbyville,2357,12
+shelbyville,2411,0
+coffeen,1023,5
+mifflinburg,239,0
+woodbine,1375,3
+pinesdale,298,7
+klickitat,957,3
+hiteman,1312,5
+klickitat,593,0
+newfields,408,4
+marstons,725,12
+klickitat,1853,2
+merom,909,3
+klickitat,1916,1
+tolstoy,542,8
+hiteman,173,5
+coffeen,1427,5
+merom,666,1
+beechwood,1106,0
+klickitat,1105,4
+merom,1056,2
+onaga,227,0
+coffeen,44,0
+lindenwood,1670,4
+hiteman,1851,4
+woodbine,1006,3
+hiteman,1218,4
+klickitat,1679,6
+marstons,2532,10
+ranchester,1628,1
+klickitat,1186,11
+ranchester,1526,11
+tolstoy,1586,4
+marstons,468,9
+shelbyville,487,2
+coffeen,290,0
+stockman,447,1
+shelbyville,1601,0
+mifflinburg,243,8
+lindenwood,789,8
+hanson,871,1
+pomaria,580,6
+pinesdale,1268,1
+stockman,1226,8
+pinesdale,659,10
+lakeville,1268,9
+marstons,1424,4
+klickitat,2273,2
+newfields,1588,1
+stockman,132,2
+ranchester,498,0
+marstons,957,3
+stockman,858,2
+wainscott,900,8
+lindenwood,1865,10
+pinesdale,647,0
+forkland,1028,3
+beechwood,1122,3
+woodbine,1025,0
+klickitat,53,5
+lakeville,1583,5
+lindenwood,348,4
+lindenwood,2571,8
+wainscott,1784,1
+lindenwood,639,0
+klickitat,903,4
+onaga,244,3
+wainscott,425,1
+pinesdale,384,3
+lindenwood,2252,5
+marstons,1831,2
+marstons,1330,0
+shelbyville,2050,0
+woodbine,1618,3
+wainscott,377,12
+wainscott,640,0
+shelbyville,151,5
+marstons,2151,7
+stockman,1347,1
+hiteman,281,3
+tolstoy,1297,2
+lakeville,1174,2
+shelbyville,906,5
+coffeen,1461,1
+tolstoy,95,2
+tolstoy,1373,2
+mifflinburg,883,4
+tolstoy,1173,8
+hanson,58,13
+woodbine,1545,0
+hiteman,435,0
+marstons,252,9
+mifflinburg,143,1
+pinesdale,1431,3
+lakeville,576,4
+allensville,284,0
+wainscott,1690,1
+onaga,249,5
+lindenwood,2142,0
+shelbyville,2347,0
+woodbine,1822,2
+shelbyville,2747,1
+leonardo,882,4
+marstons,1613,1
+hiteman,1078,1
+lakeville,1122,0
+shelbyville,861,2
+marstons,1733,2
+tolstoy,1778,5
+pomaria,939,3
+lindenwood,2503,10
+lakeville,859,2
+wainscott,114,1
+pomaria,1415,0
+cosmos,963,5
+newfields,28,0
+cosmos,969,2
+cosmos,1021,2
+cosmos,227,3
+shelbyville,792,5
+woodbine,1413,2
+cosmos,206,2
+hanson,1053,2
+pinesdale,1147,2
+pomaria,538,18
+wainscott,979,6
+pomaria,291,2
+lakeville,1234,10
+lindenwood,33,14
+stockman,27,6
+leonardo,1257,1
+newfields,101,7
+cosmos,651,6
+hanson,336,10
+wainscott,374,11
+onaga,367,0
+wainscott,1490,3
+merom,94,0
+marstons,633,1
+tolstoy,733,0
+leonardo,1188,6
+newfields,1389,1
+tolstoy,1701,7
+marstons,76,7
+forkland,584,3
+klickitat,1390,2
+cosmos,0,1
+hiteman,689,4
+hanson,1318,20
+pomaria,248,8
+lakeville,416,3
+lindenwood,1046,3
+beechwood,933,2
+leonardo,945,4
+woodbine,170,3
+forkland,859,1
+wainscott,1492,13
+lindenwood,570,5
+lindenwood,2476,2
+hanson,1269,3
+tolstoy,1185,2
+cosmos,226,12
+mifflinburg,340,0
+ranchester,1352,3
+lindenwood,1369,4
+klickitat,1457,2
+leonardo,531,12
+newfields,1185,0
+lakeville,1355,0
+hanson,737,5
+tolstoy,1680,1
+pinesdale,1261,4
+ranchester,290,6
+wainscott,101,0
+leonardo,1040,2
+hiteman,1399,16
+lindenwood,1683,3
+beechwood,846,3
+klickitat,1283,8
+pomaria,567,3
+tolstoy,1668,1
+hiteman,1427,3
+tolstoy,106,0
+coffeen,481,9
+pinesdale,793,2
+marstons,2433,10
+lindenwood,62,2
+hanson,1106,1
+marstons,2411,5
+pomaria,1051,2
+stockman,1072,6
+pomaria,1557,5
+hanson,848,0
+forkland,34,0
+marstons,2454,2
+marstons,998,1
+ranchester,1421,3
+pomaria,1386,3
+hanson,129,0
+newfields,1158,6
+lakeville,1059,2
+marstons,677,11
+shelbyville,1773,2
+beechwood,550,4
+benevolence,776,0
+pomaria,80,2
+pomaria,701,1
+lakeville,1202,9
+shelbyville,1851,0
+hiteman,428,11
+lakeville,1721,4
+wainscott,454,9
+wainscott,757,0
+hanson,800,7
+marstons,1500,1
+shelbyville,2168,1
+shelbyville,1393,6
+lakeville,1723,3
+leonardo,2094,17
+pinesdale,150,3
+hiteman,1077,4
+klickitat,861,4
+marstons,1455,0
+marstons,1148,2
+newfields,25,3
+hiteman,1479,4
+wainscott,46,7
+lindenwood,1938,1
+lindenwood,2294,0
+newfields,607,0
+stockman,430,2
+klickitat,716,1
+shelbyville,70,6
+mifflinburg,800,3
+pomaria,1096,2
+shelbyville,1936,0
+beechwood,1174,1
+leonardo,796,5
+beechwood,1163,4
+stockman,494,0
+marstons,51,3
+newfields,808,4
+benevolence,345,1
+newfields,1031,6
+klickitat,2109,6
+shelbyville,897,1
+cosmos,494,5
+hiteman,128,5
+newfields,461,1
+wainscott,1303,2
+tolstoy,267,9
+shelbyville,1689,2
+marstons,110,6
+hanson,323,2
+tolstoy,100,12
+leonardo,1933,18
+marstons,1327,2
+klickitat,2019,1
+pomaria,1124,1
+beechwood,705,6
+lindenwood,2103,6
+woodbine,1332,2
+newfields,1438,8
+shelbyville,390,1
+allensville,462,2
+hanson,133,5
+pomaria,1244,2
+klickitat,289,2
+coffeen,307,3
+leonardo,1985,6
+hanson,0,6
+marstons,1734,0
+shelbyville,2445,6
+marstons,1272,2
+newfields,1476,7
+newfields,314,1
+cosmos,394,2
+shelbyville,2071,3
+hanson,856,3
+mifflinburg,498,5
+cosmos,141,2
+hanson,415,6
+marstons,1591,0
+pinesdale,126,1
+benevolence,30,0
+leonardo,0,2
+pomaria,1368,3
+lindenwood,1128,2
+lindenwood,706,0
+lindenwood,404,0
+cosmos,13,2
+marstons,1080,4
+forkland,952,4
+stockman,147,5
+ranchester,269,3
+lakeville,869,5
+coffeen,82,4
+hanson,1012,18
+klickitat,1194,3
+wainscott,1180,0
+woodbine,1032,16
+wainscott,1228,7
+newfields,749,0
+pomaria,375,0
+mifflinburg,968,7
+leonardo,1192,0
+ranchester,775,2
+lindenwood,1333,4
+shelbyville,533,5
+lindenwood,273,5
+shelbyville,1266,14
+marstons,2086,2
+woodbine,573,2
+beechwood,322,0
+hanson,1459,7
+cosmos,686,7
+stockman,869,5
+lindenwood,2262,0
+lakeville,107,3
+lakeville,1765,4
+lindenwood,1672,4
+klickitat,121,4
+lakeville,1600,5
+shelbyville,973,0
+ranchester,1635,0
+coffeen,996,2
+woodbine,327,0
+wainscott,95,3
+klickitat,774,4
+stockman,423,1
+pomaria,1404,4
+klickitat,2167,4
+klickitat,1679,16
+newfields,649,3
+leonardo,2109,3
+marstons,1742,2
+tolstoy,8,3
+newfields,1479,4
+tolstoy,965,6
+tolstoy,952,4
+pomaria,801,11
+woodbine,2051,0
+lakeville,1757,4
+coffeen,885,1
+shelbyville,298,3
+lakeville,227,2
+stockman,1521,2
+ranchester,1502,2
+woodbine,486,1
+pomaria,575,1
+tolstoy,163,0
+marstons,390,3
+tolstoy,1510,0
+hanson,1034,1
+cosmos,102,1
+tolstoy,511,8
+shelbyville,950,3
+shelbyville,581,6
+lindenwood,2111,12
+allensville,331,3
+marstons,257,7
+mifflinburg,902,1
+woodbine,503,2
+pinesdale,179,0
+cosmos,945,12
+marstons,2384,5
+shelbyville,565,6
+shelbyville,507,5
+lindenwood,1199,14
+wainscott,1796,6
+cosmos,238,2
+newfields,601,2
+cosmos,738,7
+tolstoy,916,4
+hanson,1588,2
+stockman,309,5
+leonardo,676,1
+pomaria,1040,2
+mifflinburg,434,0
+klickitat,2077,10
+ranchester,642,7
+stockman,792,3
+woodbine,1479,1
+merom,521,1
+shelbyville,2458,11
+newfields,566,1
+coffeen,919,3
+wainscott,1760,3
+cosmos,516,2
+merom,53,6
+pinesdale,1147,0
+hanson,337,8
+merom,771,6
+lindenwood,2385,9
+newfields,1287,3
+marstons,1194,6
+woodbine,72,1
+pomaria,1240,6
+hiteman,410,0
+shelbyville,2410,2
+stockman,628,4
+marstons,386,2
+mifflinburg,763,3
+hiteman,1269,0
+wainscott,1474,5
+hanson,1033,3
+ranchester,927,5
+lakeville,1247,5
+allensville,176,5
+pomaria,842,4
+beechwood,751,2
+shelbyville,1178,1
+pinesdale,384,0
+marstons,2021,7
+shelbyville,1165,13
+lindenwood,272,1
+shelbyville,1366,4
+onaga,579,3
+hiteman,1494,5
+lindenwood,1837,2
+wainscott,1478,2
+marstons,814,4
+lakeville,374,2
+leonardo,393,5
+woodbine,1428,3
+lakeville,387,8
+marstons,2107,1
+pinesdale,172,6
+merom,574,4
+woodbine,1873,0
+shelbyville,2596,3
+klickitat,999,0
+woodbine,671,11
+onaga,391,4
+pomaria,1629,6
+wainscott,333,1
+pomaria,1132,4
+allensville,143,3
+cosmos,240,0
+klickitat,1623,5
+mifflinburg,193,3
+hanson,733,2
+shelbyville,558,1
+hanson,17,18
+lindenwood,1138,11
+cosmos,560,6
+pomaria,492,14
+forkland,507,2
+forkland,791,2
+lindenwood,889,3
+stockman,959,5
+shelbyville,2004,2
+beechwood,340,4
+lindenwood,715,10
+leonardo,2095,6
+lakeville,86,4
+shelbyville,1566,12
+woodbine,1659,11
+shelbyville,542,8
+merom,605,0
+shelbyville,1999,6
+lindenwood,1277,5
+stockman,29,5
+tolstoy,940,11
+newfields,1455,1
+ranchester,843,2
+tolstoy,1349,4
+lindenwood,2395,0
+shelbyville,2687,0
+hanson,149,5
+pinesdale,669,7
+shelbyville,2439,1
+mifflinburg,484,1
+lindenwood,438,11
+tolstoy,331,0
+forkland,145,5
+merom,687,7
+hanson,365,8
+forkland,465,1
+newfields,84,3
+hanson,1217,3
+lakeville,1042,2
+lindenwood,2450,1
+lindenwood,1156,3
+pomaria,1179,2
+hiteman,894,9
+onaga,301,4
+marstons,1326,0
+shelbyville,2623,14
+ranchester,167,8
+marstons,314,5
+coffeen,1300,2
+pinesdale,844,0
+wainscott,988,0
+marstons,2636,6
+shelbyville,1133,0
+woodbine,1867,6
+tolstoy,1323,10
+stockman,992,0
+klickitat,430,3
+klickitat,683,10
+klickitat,874,12
+shelbyville,358,1
+cosmos,990,2
+lakeville,1562,7
+marstons,1820,2
+shelbyville,1433,3
+lakeville,989,2
+merom,357,1
+lindenwood,2616,3
+klickitat,1028,1
+pinesdale,806,3
+tolstoy,828,3
+benevolence,189,1
+leonardo,994,3
+lakeville,73,2
+tolstoy,1476,2
+lakeville,813,1
+ranchester,186,2
+lakeville,691,5
+coffeen,604,5
+leonardo,1229,8
+marstons,1103,2
+shelbyville,241,3
+newfields,1188,1
+mifflinburg,916,1
+lindenwood,1210,1
+pomaria,1638,10
+pinesdale,804,4
+lindenwood,1166,4
+lakeville,1768,8
+hiteman,1008,3
+klickitat,2129,9
+pinesdale,712,0
+merom,705,2
+tolstoy,710,0
+leonardo,709,0
+forkland,1115,1
+lindenwood,917,6
+pomaria,443,1
+lindenwood,220,1
+klickitat,1191,6
+wainscott,1465,1
+tolstoy,1440,11
+cosmos,752,0
+benevolence,633,0
+onaga,223,0
+lindenwood,1085,2
+woodbine,488,6
+tolstoy,1747,1
+tolstoy,1086,0
+stockman,1569,3
+leonardo,2000,3
+newfields,1627,1
+lindenwood,840,5
+merom,989,5
+shelbyville,2053,11
+lindenwood,119,8
+forkland,157,3
+woodbine,2046,0
+mifflinburg,112,5
+cosmos,711,5
+beechwood,864,1
+forkland,451,2
+ranchester,1242,4
+ranchester,1411,11
+cosmos,242,3
+woodbine,1333,7
+coffeen,1446,3
+newfields,1096,12
+woodbine,1099,4
+lindenwood,963,0
+lindenwood,2433,0
+hanson,1574,3
+newfields,532,5
+cosmos,465,5
+hanson,285,2
+pomaria,504,0
+newfields,96,6
+tolstoy,1334,2
+leonardo,307,2
+tolstoy,1624,2
+hiteman,1546,3
+shelbyville,2370,1
+merom,909,2
+stockman,475,0
+shelbyville,1903,2
+klickitat,1377,1
+newfields,517,12
+klickitat,1816,7
+leonardo,1642,0
+pinesdale,1169,7
+leonardo,1813,6
+cosmos,212,1
+ranchester,1437,6
+leonardo,2115,9
+lakeville,358,6
+shelbyville,2294,1
+shelbyville,2722,10
+lakeville,420,2
+klickitat,2022,11
+shelbyville,1480,1
+hiteman,1233,3
+hiteman,279,0
+stockman,658,4
+lakeville,926,5
+leonardo,798,11
+woodbine,1675,0
+cosmos,945,1
+lakeville,1228,0
+pomaria,1427,11
+stockman,829,10
+newfields,1358,1
+shelbyville,1895,7
+beechwood,822,6
+klickitat,1823,6
+coffeen,521,2
+lakeville,1202,7
+hiteman,428,7
+shelbyville,2718,1
+lakeville,612,8
+hiteman,1736,10
+lindenwood,2210,13
+tolstoy,1728,4
+shelbyville,2087,2
+woodbine,1371,0
+leonardo,1189,3
+beechwood,671,7
+klickitat,1570,5
+hanson,244,6
+newfields,1072,11
+lindenwood,702,12
+marstons,648,2
+marstons,2532,3
+benevolence,47,1
+klickitat,448,9
+stockman,1157,4
+ranchester,46,7
+lindenwood,976,1
+hanson,520,3
+marstons,2619,1
+leonardo,633,2
+lakeville,1233,5
+shelbyville,415,3
+pomaria,1102,4
+benevolence,726,3
+onaga,293,2
+onaga,446,3
+hiteman,1452,2
+pinesdale,1014,0
+marstons,1325,13
+benevolence,334,3
+shelbyville,1516,7
+pinesdale,800,8
+cosmos,435,7
+stockman,1190,2
+klickitat,2351,2
+newfields,392,0
+cosmos,915,1
+shelbyville,1251,7
+marstons,2170,11
+merom,280,2
+shelbyville,2342,9
+beechwood,957,4
+newfields,426,5
+lindenwood,856,2
+shelbyville,2808,7
+shelbyville,2787,1
+shelbyville,296,1
+cosmos,715,0
+klickitat,1405,3
+klickitat,2411,2
+tolstoy,274,0
+tolstoy,658,1
+leonardo,1159,3
+tolstoy,1096,5
+pinesdale,1097,8
+leonardo,139,0
+tolstoy,867,7
+woodbine,691,11
+stockman,210,0
+newfields,371,2
+hanson,1388,14
+lakeville,1421,2
+pomaria,526,1
+merom,1034,2
+stockman,886,1
+klickitat,1256,0
+lakeville,62,6
+klickitat,1934,2
+onaga,41,1
+pomaria,124,11
+hanson,641,1
+shelbyville,771,0
+hiteman,501,4
+merom,25,2
+pinesdale,139,1
+coffeen,1009,0
+leonardo,557,2
+newfields,672,6
+ranchester,336,5
+tolstoy,435,10
+shelbyville,2813,12
+hanson,782,4
+shelbyville,2803,10
+stockman,1555,3
+leonardo,1580,3
+lindenwood,1820,3
+shelbyville,991,2
+coffeen,65,0
+hanson,358,11
+shelbyville,2233,2
+ranchester,1066,6
+lindenwood,562,4
+lakeville,1481,1
+newfields,75,1
+leonardo,1710,1
+marstons,2413,3
+beechwood,489,6
+leonardo,685,1
+lindenwood,36,5
+leonardo,4,12
+lindenwood,2610,3
+marstons,119,13
+shelbyville,1354,4
+newfields,1213,0
+newfields,494,0
+lindenwood,2368,3
+pinesdale,1167,9
+hanson,987,1
+ranchester,1097,1
+beechwood,54,6
+klickitat,1554,9
+wainscott,731,1
+tolstoy,39,7
+marstons,566,1
+cosmos,570,4
+hanson,1407,3
+beechwood,369,0
+marstons,630,5
+shelbyville,854,4
+hanson,271,6
+wainscott,311,2
+pomaria,1451,1
+klickitat,1167,7
+woodbine,1610,4
+hanson,647,6
+ranchester,94,20
+wainscott,423,0
+marstons,1920,9
+leonardo,1239,7
+shelbyville,1674,0
+benevolence,866,0
+marstons,2419,3
+stockman,1254,3
+klickitat,750,1
+mifflinburg,710,0
+ranchester,944,4
+wainscott,1189,1
+merom,392,9
+forkland,428,3
+leonardo,2023,1
+shelbyville,637,2
+hiteman,193,4
+pinesdale,608,0
+hanson,1418,4
+benevolence,776,1
+wainscott,1561,0
+marstons,2320,5
+cosmos,774,0
+coffeen,1359,6
+hiteman,1134,0
+hanson,251,0
+shelbyville,2006,1
+merom,1096,2
+ranchester,1158,7
+wainscott,318,2
+shelbyville,2333,0
+shelbyville,2411,1
+shelbyville,758,2
+klickitat,530,2
+lakeville,1020,8
+mifflinburg,833,6
+marstons,911,6
+lindenwood,476,0
+leonardo,108,4
+beechwood,771,1
+pinesdale,1228,1
+beechwood,851,0
+benevolence,55,1
+merom,368,5
+pinesdale,10,0
+klickitat,689,5
+wainscott,781,13
+lindenwood,1624,12
+marstons,1605,0
+leonardo,1887,1
+marstons,1008,5
+woodbine,1976,0
+woodbine,589,11
+shelbyville,1549,5
+hiteman,767,3
+tolstoy,1032,4
+wainscott,247,0
+marstons,2600,5
+ranchester,304,3
+leonardo,734,0
+klickitat,1987,2
+mifflinburg,373,4
+hanson,1111,4
+shelbyville,976,10
+klickitat,1527,6
+hanson,1195,4
+woodbine,2050,1
+mifflinburg,431,0
+lindenwood,286,6
+lindenwood,2073,9
+lakeville,144,3
+lakeville,568,10
+tolstoy,1595,2
+woodbine,1991,4
+marstons,21,7
+tolstoy,1253,11
+lindenwood,958,4
+wainscott,1428,12
+newfields,440,1
+beechwood,806,2
+beechwood,1069,0
+cosmos,271,1
+newfields,975,14
+hiteman,1827,3
+lakeville,1556,0
+pomaria,426,5
+lindenwood,1700,4
+leonardo,1658,1
+cosmos,560,3
+lakeville,918,1
+shelbyville,426,5
+pinesdale,727,5
+hanson,888,0
+leonardo,2071,3
+marstons,1765,9
+tolstoy,775,3
+wainscott,1184,2
+marstons,1001,4
+merom,1081,4
+pinesdale,827,5
+lakeville,1881,5
+newfields,358,1
+coffeen,250,3
+stockman,601,1
+shelbyville,740,4
+shelbyville,2631,5
+hiteman,1736,8
+hanson,1359,1
+stockman,1119,2
+marstons,2023,10
+pomaria,1273,7
+klickitat,1471,3
+marstons,2553,3
+shelbyville,87,17
+wainscott,1095,4
+shelbyville,1229,6
+marstons,188,2
+forkland,184,0
+pomaria,923,2
+stockman,337,4
+klickitat,493,9
+marstons,659,3
+benevolence,779,2
+klickitat,1299,0
+onaga,171,2
+hiteman,898,4
+leonardo,1560,4
+lindenwood,1806,1
+klickitat,2258,6
+shelbyville,1228,0
+leonardo,299,2
+pinesdale,983,2
+klickitat,863,11
+coffeen,1078,1
+klickitat,2170,0
+hiteman,1410,5
+forkland,137,6
+forkland,581,0
+lakeville,1090,2
+marstons,2431,17
+klickitat,795,8
+newfields,982,0
+pomaria,206,3
+lindenwood,1318,2
+stockman,114,2
+marstons,1614,1
+wainscott,338,1
+merom,481,0
+cosmos,882,5
+klickitat,2146,2
+hanson,31,13
+benevolence,843,7
+lindenwood,1712,2
+lindenwood,2252,14
+newfields,679,0
+lindenwood,0,11
+shelbyville,2271,1
+marstons,457,2
+tolstoy,1813,0
+mifflinburg,418,2
+shelbyville,2619,4
+shelbyville,1538,3
+woodbine,1066,5
+pomaria,891,0
+marstons,2600,7
+coffeen,1424,3
+ranchester,1510,0
+beechwood,54,0
+leonardo,657,8
+hanson,503,2
+woodbine,2051,1
+ranchester,1027,6
+leonardo,84,3
+pomaria,575,3
+hanson,406,0
+marstons,1120,1
+woodbine,1644,1
+ranchester,649,0
+marstons,2224,14
+lakeville,348,2
+marstons,1650,1
+ranchester,394,1
+wainscott,1537,2
+shelbyville,1536,3
+newfields,1057,6
+marstons,1993,3
+leonardo,1312,3
+marstons,1048,1
+beechwood,904,4
+beechwood,758,7
+lindenwood,341,0
+marstons,584,1
+merom,558,10
+pomaria,1490,8
+woodbine,120,0
+lindenwood,18,3
+allensville,234,6
+tolstoy,1655,5
+klickitat,550,2
+onaga,408,0
+forkland,1148,9
+hiteman,609,4
+ranchester,213,2
+pomaria,93,2
+newfields,114,8
+shelbyville,381,0
+benevolence,851,2
+wainscott,1486,6
+wainscott,436,6
+lindenwood,1596,6
+newfields,1046,10
+lindenwood,1989,5
+lindenwood,2288,8
+hiteman,440,2
+shelbyville,571,11
+marstons,2166,11
+hiteman,1130,0
+lindenwood,2573,1
+shelbyville,2267,2
+marstons,1964,4
+lindenwood,2396,2
+stockman,166,12
+woodbine,430,1
+marstons,2415,5
+shelbyville,1375,4
+newfields,511,13
+marstons,1654,0
+newfields,1386,2
+pomaria,465,7
+ranchester,112,9
+hiteman,1847,0
+marstons,300,2
+tolstoy,1592,1
+klickitat,238,4
+ranchester,255,6
+lakeville,739,12
+cosmos,631,5
+lakeville,1284,3
+tolstoy,886,10
+leonardo,1725,5
+benevolence,316,1
+ranchester,650,2
+pomaria,1075,7
+merom,845,1
+lindenwood,1219,2
+marstons,1160,0
+marstons,1203,2
+pomaria,483,0
+newfields,422,14
+hanson,1279,14
+leonardo,2005,14
+tolstoy,11,5
+woodbine,586,10
+wainscott,842,1
+leonardo,1947,3
+wainscott,807,2
+merom,975,1
+woodbine,673,8
+wainscott,1274,5
+pomaria,895,3
+wainscott,517,7
+stockman,898,1
+klickitat,2044,13
+lindenwood,957,5
+benevolence,130,5
+tolstoy,1194,3
+newfields,690,0
+merom,628,3
+allensville,249,0
+allensville,410,2
+forkland,407,0
+wainscott,119,5
+hanson,68,2
+newfields,212,1
+hanson,867,0
+lindenwood,1064,3
+lindenwood,2306,1
+hiteman,326,11
+pomaria,73,2
+lakeville,89,6
+lindenwood,571,3
+tolstoy,1065,2
+pinesdale,238,3
+coffeen,146,1
+stockman,1031,2
+shelbyville,1656,2
+leonardo,977,0
+coffeen,620,0
+hanson,503,0
+wainscott,428,1
+newfields,360,2
+shelbyville,1737,10
+merom,533,1
+klickitat,631,6
+tolstoy,572,2
+shelbyville,1469,13
+shelbyville,429,4
+stockman,709,10
+marstons,1769,2
+shelbyville,1295,15
+shelbyville,111,2
+marstons,1504,8
+newfields,1483,3
+lindenwood,978,9
+lindenwood,984,4
+lakeville,516,3
+tolstoy,1117,1
+coffeen,360,0
+merom,934,3
+newfields,1439,10
+hiteman,1790,4
+lindenwood,720,8
+stockman,566,7
+leonardo,1789,8
+wainscott,1486,7
+pomaria,1427,2
+newfields,1594,2
+pinesdale,1417,7
+benevolence,279,1
+lindenwood,215,1
+coffeen,150,3
+shelbyville,873,12
+hanson,1503,0
+tolstoy,492,3
+pinesdale,113,5
+wainscott,1203,11
+forkland,533,0
+ranchester,1526,2
+hiteman,353,0
+leonardo,529,2
+coffeen,388,4
+hiteman,1439,6
+forkland,1014,0
+beechwood,854,1
+pinesdale,1475,2
+shelbyville,1726,2
+tolstoy,300,2
+tolstoy,1766,2
+woodbine,1055,6
+lakeville,933,2
+shelbyville,2748,0
+cosmos,555,0
+coffeen,671,4
+cosmos,132,4
+klickitat,756,0
+woodbine,626,3
+ranchester,89,4
+merom,850,8
+ranchester,159,0
+shelbyville,1356,0
+woodbine,794,3
+pomaria,1401,1
+shelbyville,2731,3
+allensville,484,2
+woodbine,1243,10
+woodbine,1504,2
+pomaria,736,3
+lakeville,792,3
+shelbyville,2762,7
+leonardo,924,2
+forkland,771,6
+marstons,2613,5
+lindenwood,27,9
+ranchester,908,2
+hanson,408,2
+ranchester,750,1
+cosmos,429,1
+merom,746,3
+hanson,1573,2
+klickitat,1817,0
+pinesdale,1061,3
+tolstoy,20,15
+lakeville,1418,2
+coffeen,1512,3
+lakeville,1533,4
+lindenwood,67,3
+shelbyville,638,5
+shelbyville,542,7
+merom,235,1
+hanson,211,2
+leonardo,1206,0
+ranchester,928,9
+stockman,1422,3
+leonardo,896,5
+stockman,998,2
+mifflinburg,395,5
+lindenwood,726,9
+leonardo,1345,0
+marstons,2105,4
+pomaria,35,18
+cosmos,530,0
+tolstoy,646,9
+hiteman,285,0
+lakeville,876,1
+lakeville,1754,3
+klickitat,2091,1
+hanson,242,5
+mifflinburg,423,3
+klickitat,1879,11
+forkland,529,1
+pomaria,1401,7
+beechwood,797,6
+marstons,1830,7
+hiteman,1122,2
+woodbine,1196,4
+ranchester,982,7
+lindenwood,1633,6
+tolstoy,1647,10
+shelbyville,1694,3
+lindenwood,1626,1
+pinesdale,1086,2
+leonardo,950,4
+coffeen,1518,2
+wainscott,286,6
+lakeville,1219,5
+marstons,670,0
+coffeen,1225,2
+klickitat,283,3
+beechwood,807,13
+beechwood,21,4
+woodbine,484,1
+woodbine,1404,5
+shelbyville,606,0
+beechwood,66,2
+woodbine,271,7
+wainscott,307,8
+lindenwood,2134,3
+marstons,1161,7
+lakeville,1493,11
+ranchester,380,0
+lakeville,437,1
+lakeville,489,3
+tolstoy,1252,9
+benevolence,444,1
+klickitat,850,4
+ranchester,272,3
+klickitat,14,6
+lindenwood,837,3
+marstons,151,13
+stockman,768,8
+lindenwood,2603,0
+leonardo,445,1
+lindenwood,1292,5
+lindenwood,779,3
+marstons,701,3
+leonardo,1431,5
+stockman,464,4
+lindenwood,262,0
+hanson,546,13
+leonardo,715,2
+shelbyville,1909,0
+stockman,879,1
+coffeen,427,3
+ranchester,1033,7
+shelbyville,2003,5
+woodbine,1511,0
+marstons,968,0
+wainscott,1502,4
+marstons,562,10
+pomaria,565,6
+pomaria,931,6
+ranchester,793,13
+leonardo,812,0
+forkland,988,7
+klickitat,1974,5
+beechwood,457,2
+tolstoy,556,6
+mifflinburg,673,4
+hanson,851,5
+ranchester,868,5
+pinesdale,1388,9
+wainscott,1677,6
+pomaria,1567,2
+mifflinburg,777,0
+pomaria,1403,15
+pomaria,924,3
+woodbine,964,3
+newfields,1646,2
+woodbine,803,3
+hanson,1287,3
+pinesdale,765,12
+cosmos,976,0
+beechwood,353,2
+hanson,1217,0
+stockman,1354,0
+pinesdale,1167,7
+woodbine,1761,9
+hanson,1160,11
+coffeen,1464,3
+coffeen,1170,0
+klickitat,1603,4
+benevolence,161,2
+lakeville,1500,3
+lakeville,69,9
+woodbine,793,0
+shelbyville,1660,2
+marstons,202,6
+merom,851,1
+lindenwood,1521,4
+lindenwood,202,2
+hiteman,62,1
+klickitat,1096,2
+ranchester,327,1
+shelbyville,435,10
+onaga,464,2
+woodbine,21,15
+marstons,1683,0
+wainscott,1783,4
+woodbine,148,1
+leonardo,1626,4
+benevolence,489,8
+shelbyville,1195,5
+shelbyville,193,14
+hiteman,1535,5
+lakeville,483,7
+woodbine,1735,11
+klickitat,412,1
+lakeville,1514,4
+klickitat,2112,0
+hanson,1103,0
+forkland,551,7
+klickitat,2349,9
+hiteman,1132,0
+merom,767,3
+onaga,38,3
+marstons,2297,13
+hanson,427,3
+shelbyville,2131,1
+allensville,272,1
+lakeville,698,8
+cosmos,114,0
+lakeville,901,13
+shelbyville,2572,0
+leonardo,167,5
+lindenwood,2299,8
+klickitat,1115,13
+shelbyville,1164,0
+hiteman,1666,6
+lindenwood,1615,6
+marstons,2524,14
+mifflinburg,954,2
+hiteman,182,3
+pomaria,1279,4
+tolstoy,425,13
+klickitat,2052,8
+shelbyville,608,1
+leonardo,1454,17
+ranchester,860,3
+klickitat,185,0
+lakeville,1242,4
+leonardo,67,0
+stockman,34,5
+hanson,1366,15
+newfields,1342,3
+forkland,525,9
+klickitat,1686,7
+woodbine,419,1
+benevolence,136,5
+ranchester,1323,1
+pomaria,993,8
+hiteman,1412,14
+lindenwood,1292,2
+shelbyville,2430,10
+beechwood,1121,6
+benevolence,870,0
+lindenwood,974,4
+beechwood,380,4
+woodbine,983,2
+wainscott,309,2
+shelbyville,867,2
+newfields,1135,0
+merom,115,0
+marstons,2277,4
+hiteman,135,2
+lakeville,54,7
+cosmos,133,2
+newfields,441,5
+tolstoy,618,3
+newfields,579,7
+marstons,61,1
+stockman,293,5
+pinesdale,814,3
+marstons,692,1
+marstons,737,5
+leonardo,1539,4
+shelbyville,1638,0
+mifflinburg,526,3
+tolstoy,612,5
+lindenwood,425,1
+woodbine,555,8
+lindenwood,668,14
+hiteman,190,0
+ranchester,581,9
+lakeville,36,21
+shelbyville,2782,0
+woodbine,400,0
+newfields,1013,4
+klickitat,407,5
+shelbyville,21,3
+lindenwood,1591,1
+shelbyville,1924,0
+leonardo,862,0
+lakeville,1562,4
+lindenwood,1828,0
+hanson,767,0
+pinesdale,236,3
+newfields,1417,11
+forkland,243,4
+forkland,93,0
+klickitat,1780,4
+shelbyville,171,2
+wainscott,969,2
+stockman,1410,5
+hiteman,1291,2
+allensville,510,1
+wainscott,1462,6
+newfields,157,0
+newfields,905,11
+hanson,672,8
+allensville,518,2
+pomaria,692,8
+marstons,257,1
+cosmos,174,0
+hanson,686,3
+hanson,76,10
+lakeville,1887,4
+woodbine,1852,0
+forkland,1137,0
+stockman,30,1
+wainscott,107,6
+cosmos,560,8
+hanson,164,2
+hanson,1154,1
+shelbyville,375,4
+lindenwood,1123,11
+pinesdale,261,1
+marstons,243,7
+pinesdale,36,10
+hiteman,1837,5
+cosmos,458,0
+wainscott,1549,9
+tolstoy,538,8
+woodbine,1587,2
+lakeville,545,0
+cosmos,926,2
+wainscott,1185,11
+marstons,1768,0
+pomaria,1042,4
+onaga,350,1
+wainscott,477,7
+woodbine,440,4
+stockman,1165,0
+pomaria,112,1
+coffeen,217,2
+allensville,182,1
+wainscott,846,4
+beechwood,849,0
+allensville,262,5
+woodbine,2006,0
+woodbine,519,11
+klickitat,1291,7
+lakeville,757,1
+lakeville,1365,2
+shelbyville,193,5
+hiteman,727,5
+wainscott,283,12
+leonardo,690,16
+pomaria,1446,6
+lindenwood,1944,8
+lakeville,208,1
+wainscott,68,8
+pomaria,499,6
+pomaria,177,9
+lakeville,1239,4
+lindenwood,2325,1
+mifflinburg,245,0
+klickitat,663,0
+leonardo,1011,2
+pomaria,669,6
+onaga,259,3
+shelbyville,191,5
+shelbyville,836,1
+merom,178,1
+newfields,503,0
+hiteman,1226,0
+forkland,448,0
+hiteman,232,1
+coffeen,883,3
+lindenwood,148,1
+pinesdale,1247,8
+wainscott,1525,6
+wainscott,1330,4
+stockman,1312,0
+hanson,856,1
+pomaria,838,3
+marstons,90,7
+lindenwood,865,0
+lakeville,1395,3
+beechwood,1132,0
+hiteman,864,6
+newfields,1613,0
+marstons,828,3
+pomaria,1486,8
+cosmos,982,1
+cosmos,655,3
+hiteman,209,5
+coffeen,1108,0
+klickitat,1139,1
+ranchester,592,1
+cosmos,879,2
+coffeen,736,2
+lindenwood,2282,1
+stockman,64,0
+lindenwood,1141,0
+klickitat,1504,5
+pomaria,1138,13
+hiteman,1393,4
+allensville,156,1
+klickitat,1380,1
+woodbine,519,5
+mifflinburg,131,0
+tolstoy,977,4
+cosmos,930,11
+stockman,841,0
+pomaria,426,2
+lakeville,803,0
+lindenwood,2613,2
+lakeville,1120,6
+leonardo,1067,16
+klickitat,612,4
+lindenwood,1179,1
+benevolence,781,7
+shelbyville,1181,1
+lakeville,917,3
+tolstoy,1762,3
+leonardo,1351,3
+hiteman,946,5
+lakeville,612,11
+klickitat,2130,2
+klickitat,2407,10
+lakeville,300,0
+lakeville,1690,5
+marstons,1709,3
+woodbine,1650,3
+forkland,732,0
+allensville,469,2
+tolstoy,1043,1
+tolstoy,1770,0
+lindenwood,864,2
+lindenwood,63,8
+benevolence,686,5
+lindenwood,985,2
+onaga,198,4
+marstons,1873,2
+pomaria,1516,9
+coffeen,1129,2
+lindenwood,1839,2
+beechwood,442,3
+ranchester,727,3
+klickitat,1361,5
+hiteman,258,7
+marstons,1384,0
+shelbyville,2191,1
+marstons,1553,2
+woodbine,323,1
+leonardo,1160,4
+wainscott,90,6
+pinesdale,148,5
+ranchester,1326,4
+tolstoy,1776,8
+mifflinburg,678,4
+klickitat,1349,2
+stockman,11,0
+hanson,131,4
+lakeville,46,10
+lindenwood,686,3
+beechwood,684,3
+shelbyville,794,0
+lakeville,1183,2
+woodbine,1975,15
+forkland,181,1
+woodbine,577,3
+tolstoy,728,6
+lindenwood,1983,6
+pomaria,90,4
+lakeville,444,0
+shelbyville,1469,6
+benevolence,153,8
+cosmos,625,8
+hiteman,32,3
+merom,732,3
+newfields,400,1
+cosmos,81,6
+lindenwood,2565,0
+onaga,354,2
+hiteman,900,0
+merom,47,2
+pomaria,955,2
+coffeen,1483,3
+ranchester,454,2
+hiteman,123,17
+leonardo,659,17
+ranchester,969,3
+newfields,98,0
+tolstoy,319,3
+lakeville,786,10
+klickitat,200,7
+wainscott,1291,9
+klickitat,1823,5
+newfields,774,0
+newfields,1659,8
+lakeville,1148,0
+pinesdale,1086,8
+woodbine,362,3
+pinesdale,186,2
+woodbine,69,10
+klickitat,46,5
+pomaria,1122,8
+merom,253,2
+pinesdale,1170,3
+leonardo,230,4
+benevolence,239,5
+pinesdale,608,5
+mifflinburg,814,8
+tolstoy,1790,3
+merom,406,0
+klickitat,2191,5
+leonardo,437,0
+wainscott,523,3
+hiteman,500,6
+pomaria,171,0
+allensville,231,1
+lakeville,574,7
+shelbyville,1086,3
+lindenwood,110,8
+marstons,2421,1
+woodbine,270,6
+stockman,761,4
+tolstoy,438,7
+woodbine,2008,5
+shelbyville,894,3
+pomaria,426,16
+hanson,366,2
+pomaria,983,0
+shelbyville,2166,9
+cosmos,661,1
+stockman,1422,1
+coffeen,557,5
+pomaria,1339,4
+lindenwood,1079,0
+lindenwood,2604,3
+ranchester,1619,7
+hanson,1376,2
+benevolence,638,7
+merom,988,4
+klickitat,1585,7
+newfields,1252,1
+pomaria,838,0
+lindenwood,477,4
+leonardo,752,0
+tolstoy,1012,6
+cosmos,677,0
+shelbyville,2631,1
+tolstoy,422,3
+beechwood,360,7
+cosmos,889,5
+tolstoy,6,10
+ranchester,67,4
+beechwood,781,5
+woodbine,1580,2
+onaga,106,3
+pinesdale,757,1
+woodbine,881,1
+leonardo,1586,0
+tolstoy,916,5
+klickitat,1741,2
+hanson,999,9
+leonardo,1091,6
+hiteman,1178,1
+lakeville,1865,10
+shelbyville,332,14
+ranchester,890,2
+shelbyville,19,5
+leonardo,1276,6
+coffeen,1362,1
+leonardo,2106,0
+pomaria,1,5
+shelbyville,1523,4
+lindenwood,964,14
+klickitat,2322,3
+shelbyville,2661,0
+newfields,270,7
+shelbyville,2323,6
+lindenwood,2551,0
+pinesdale,376,2
+tolstoy,1050,12
+shelbyville,1937,8
+beechwood,585,5
+lakeville,746,9
+hanson,560,1
+mifflinburg,609,1
+woodbine,1202,5
+marstons,352,4
+woodbine,642,1
+pinesdale,335,1
+merom,564,2
+coffeen,457,3
+tolstoy,953,3
+beechwood,855,0
+pomaria,521,1
+shelbyville,24,2
+ranchester,1037,0
+pomaria,823,0
+onaga,337,3
+marstons,2585,1
+lindenwood,2389,1
+pinesdale,786,2
+pomaria,1264,4
+pomaria,1298,1
+merom,688,6
+ranchester,24,4
+lindenwood,1984,2
+hanson,1454,1
+pomaria,635,1
+mifflinburg,684,3
+shelbyville,2639,2
+klickitat,493,13
+marstons,193,16
+shelbyville,451,1
+hanson,1526,4
+woodbine,1978,1
+hanson,1489,7
+leonardo,1171,4
+pomaria,997,12
+pomaria,829,3
+marstons,2133,1
+leonardo,1125,5
+lakeville,362,2
+klickitat,107,0
+allensville,104,4
+newfields,131,4
+marstons,2339,5
+marstons,922,2
+woodbine,296,2
+lindenwood,2580,7
+newfields,278,0
+marstons,1767,3
+woodbine,1640,5
+lindenwood,2014,8
+pinesdale,1261,1
+lindenwood,1316,3
+hanson,0,2
+lakeville,227,10
+wainscott,1112,1
+shelbyville,1586,5
+woodbine,299,4
+klickitat,2207,2
+lakeville,477,4
+shelbyville,247,3
+wainscott,601,7
+lindenwood,2574,11
+wainscott,212,6
+coffeen,530,4
+lakeville,1840,3
+hiteman,1375,0
+tolstoy,161,1
+klickitat,573,2
+woodbine,1582,4
+beechwood,19,3
+shelbyville,1168,5
+tolstoy,343,3
+ranchester,1340,9
+stockman,982,2
+leonardo,794,7
+woodbine,1050,7
+lindenwood,2080,2
+hiteman,539,2
+merom,238,4
+stockman,1479,8
+marstons,1676,5
+woodbine,539,9
+lindenwood,1603,0
+woodbine,794,0
+shelbyville,487,14
+stockman,482,0
+onaga,554,0
+lindenwood,1094,3
+onaga,627,2
+lindenwood,682,7
+ranchester,329,0
+newfields,1163,9
+pomaria,550,3
+lakeville,1426,1
+forkland,266,2
+pomaria,206,0
+leonardo,1342,4
+benevolence,235,5
+tolstoy,1600,3
+stockman,1200,2
+leonardo,1107,2
+marstons,1705,5
+marstons,2061,2
+tolstoy,105,3
+coffeen,687,2
+wainscott,1547,6
+lindenwood,866,5
+coffeen,4,2
+klickitat,2150,3
+leonardo,1673,1
+shelbyville,380,2
+lindenwood,591,2
+marstons,1547,8
+klickitat,164,3
+lakeville,1659,2
+pinesdale,1114,1
+tolstoy,142,8
+tolstoy,717,4
+klickitat,1528,4
+pomaria,1568,1
+tolstoy,1413,0
+stockman,664,0
+shelbyville,1587,7
+forkland,158,3
+beechwood,930,0
+pomaria,1154,4
+klickitat,1635,0
+newfields,77,2
+coffeen,707,5
+woodbine,412,2
+hanson,1204,13
+leonardo,898,2
+klickitat,1827,2
+forkland,878,5
+stockman,1207,5
+pomaria,1260,0
+onaga,219,3
+marstons,2518,0
+lindenwood,1218,2
+woodbine,92,7
+mifflinburg,955,0
+ranchester,1481,1
+ranchester,396,6
+hiteman,897,0
+leonardo,1062,1
+marstons,2303,1
+beechwood,643,5
+hanson,318,4
+hiteman,449,4
+stockman,1085,0
+woodbine,1406,0
+woodbine,860,3
+klickitat,97,8
+beechwood,1026,6
+klickitat,246,16
+wainscott,929,0
+stockman,1037,0
+pomaria,316,6
+leonardo,1394,2
+beechwood,827,4
+beechwood,332,4
+klickitat,1117,7
+lindenwood,1026,3
+leonardo,448,12
+hiteman,1729,4
+stockman,334,1
+allensville,332,4
+leonardo,161,1
+marstons,1865,3
+hiteman,1788,9
+lakeville,825,2
+stockman,711,0
+ranchester,627,3
+newfields,1018,6
+onaga,325,3
+marstons,2300,3
+leonardo,586,10
+newfields,110,2
+lindenwood,529,6
+pinesdale,971,2
+coffeen,605,3
+klickitat,2377,2
+hiteman,1425,1
+klickitat,1171,8
+pomaria,712,0
+leonardo,1688,8
+hiteman,1271,1
+marstons,225,1
+shelbyville,2239,1
+mifflinburg,505,3
+marstons,806,6
+lindenwood,1865,2
+leonardo,2077,1
+woodbine,1788,9
+wainscott,827,4
+klickitat,856,7
+hiteman,1673,5
+merom,463,2
+forkland,517,1
+hiteman,1749,6
+klickitat,2388,0
+woodbine,1894,1
+woodbine,1454,6
+lakeville,1830,5
+lindenwood,2367,3
+coffeen,1062,4
+marstons,1103,11
+shelbyville,1507,13
+pomaria,1437,12
+forkland,1161,0
+ranchester,1472,11
+marstons,620,1
+shelbyville,2034,0
+benevolence,588,2
+hiteman,173,2
+ranchester,1595,0
+shelbyville,269,2
+leonardo,2086,4
+leonardo,1173,2
+lindenwood,553,0
+tolstoy,799,0
+shelbyville,2295,3
+klickitat,1664,7
+ranchester,719,4
+pomaria,173,7
+hanson,800,6
+lakeville,974,4
+tolstoy,57,1
+tolstoy,1754,1
+tolstoy,998,2
+pinesdale,1315,1
+shelbyville,2105,5
+hanson,1392,1
+stockman,370,3
+wainscott,1019,9
+klickitat,822,6
+woodbine,345,1
+woodbine,352,0
+hiteman,1039,4
+cosmos,651,8
+woodbine,633,3
+pinesdale,665,6
+hanson,468,3
+wainscott,934,14
+klickitat,1513,11
+shelbyville,1323,4
+pinesdale,337,1
+forkland,118,2
+cosmos,193,8
+shelbyville,947,4
+klickitat,663,1
+lakeville,891,2
+merom,69,4
+hanson,1507,4
+leonardo,676,0
+wainscott,675,3
+shelbyville,346,4
+marstons,1550,2
+woodbine,575,0
+hanson,1263,2
+woodbine,722,2
+shelbyville,8,2
+tolstoy,751,0
+allensville,327,3
+forkland,1012,0
+pomaria,1326,2
+leonardo,1246,3
+pomaria,252,4
+newfields,939,3
+newfields,1025,6
+leonardo,887,5
+pomaria,1317,4
+pinesdale,880,7
+tolstoy,582,1
+newfields,340,3
+stockman,1493,1
+hanson,241,4
+lindenwood,252,9
+lakeville,1251,0
+benevolence,700,7
+marstons,2403,1
+pomaria,929,2
+lindenwood,515,6
+ranchester,996,4
+marstons,2175,0
+pomaria,83,14
+newfields,1509,0
+marstons,1616,8
+klickitat,1544,1
+lindenwood,939,1
+pomaria,637,5
+wainscott,1442,1
+shelbyville,1537,4
+shelbyville,860,0
+leonardo,398,1
+hiteman,449,3
+tolstoy,1599,3
+pomaria,123,12
+coffeen,615,0
+marstons,2614,10
+pinesdale,683,2
+hiteman,1564,2
+pomaria,1073,5
+ranchester,454,9
+lakeville,1516,12
+marstons,884,5
+coffeen,1365,2
+leonardo,1044,7
+lindenwood,1972,12
+shelbyville,1168,2
+forkland,887,4
+leonardo,792,1
+merom,944,8
+stockman,1408,7
+ranchester,896,3
+ranchester,122,0
+coffeen,800,2
+ranchester,746,5
+marstons,879,2
+lindenwood,1547,6
+mifflinburg,44,0
+lindenwood,2183,0
+coffeen,1510,1
+lindenwood,1718,2
+cosmos,779,8
+pomaria,24,5
+onaga,152,2
+tolstoy,1832,10
+klickitat,149,8
+shelbyville,1095,1
+onaga,610,0
+ranchester,108,3
+lakeville,520,3
+ranchester,1174,8
+newfields,1434,7
+shelbyville,1540,0
+newfields,179,7
+ranchester,223,3
+tolstoy,1296,1
+marstons,2313,1
+tolstoy,273,5
+lindenwood,196,3
+tolstoy,1773,0
+woodbine,256,5
+klickitat,1873,4
+hiteman,896,3
+leonardo,457,3
+woodbine,776,5
+wainscott,146,2
+stockman,525,1
+newfields,175,2
+marstons,24,3
+pinesdale,527,8
+cosmos,477,1
+leonardo,985,7
+marstons,513,9
+ranchester,304,1
+forkland,903,3
+coffeen,1269,0
+tolstoy,90,14
+klickitat,73,9
+shelbyville,621,8
+leonardo,868,1
+forkland,1188,1
+marstons,76,6
+klickitat,1188,0
+klickitat,1298,5
+coffeen,1276,2
+merom,224,3
+lindenwood,679,1
+forkland,847,0
+pomaria,1067,4
+lakeville,773,0
+merom,444,0
+pomaria,827,0
+hiteman,1563,8
+pomaria,409,5
+beechwood,1167,5
+stockman,897,2
+hiteman,1028,15
+ranchester,157,10
+coffeen,1254,2
+shelbyville,1115,3
+mifflinburg,520,3
+tolstoy,1394,9
+mifflinburg,921,0
+ranchester,1548,0
+lindenwood,2664,0
+merom,849,0
+coffeen,719,2
+cosmos,399,2
+pomaria,1199,12
+merom,236,2
+klickitat,714,3
+lakeville,1674,2
+klickitat,1311,6
+stockman,1191,4
+shelbyville,799,6
+hiteman,212,7
+shelbyville,49,5
+lindenwood,453,8
+lakeville,78,1
+cosmos,828,1
+lindenwood,681,5
+shelbyville,574,4
+tolstoy,1300,1
+wainscott,61,0
+merom,1064,5
+wainscott,334,2
+hanson,1403,0
+woodbine,1700,5
+lindenwood,2578,2
+shelbyville,783,0
+cosmos,439,2
+lindenwood,1864,3
+shelbyville,2737,6
+woodbine,1544,12
+klickitat,2099,2
+lakeville,1306,1
+marstons,1557,0
+woodbine,1037,4
+leonardo,1119,4
+marstons,2544,0
+ranchester,1404,2
+hiteman,177,1
+coffeen,1074,2
+pinesdale,739,4
+woodbine,80,1
+pomaria,1369,4
+marstons,1707,12
+leonardo,1693,2
+newfields,80,0
+klickitat,1308,4
+shelbyville,1044,0
+tolstoy,473,2
+lakeville,481,3
+marstons,75,1
+cosmos,42,8
+tolstoy,439,3
+stockman,17,0
+marstons,2113,13
+shelbyville,1999,5
+leonardo,200,11
+klickitat,1728,3
+tolstoy,356,1
+wainscott,1306,9
+lindenwood,1570,1
+leonardo,596,1
+onaga,431,2
+leonardo,1138,2
+lakeville,1710,2
+woodbine,782,7
+woodbine,750,0
+stockman,564,1
+pinesdale,864,17
+woodbine,1312,4
+tolstoy,1728,9
+beechwood,558,1
+hiteman,1188,0
+pinesdale,1076,10
+benevolence,286,2
+lindenwood,2591,0
+beechwood,1157,0
+klickitat,726,10
+wainscott,739,4
+wainscott,453,2
+coffeen,1133,7
+pomaria,1081,3
+forkland,58,2
+klickitat,349,2
+pomaria,1541,7
+marstons,1320,11
+onaga,607,0
+klickitat,389,5
+pinesdale,349,10
+stockman,580,0
+shelbyville,2102,3
+forkland,913,0
+shelbyville,2119,1
+beechwood,36,1
+leonardo,1009,1
+coffeen,83,8
+wainscott,1075,3
+stockman,327,0
+marstons,541,9
+benevolence,881,11
+stockman,1169,3
+hiteman,1451,6
+marstons,1545,0
+pinesdale,245,4
+hiteman,460,1
+mifflinburg,143,0
+merom,633,2
+marstons,419,8
+shelbyville,2544,4
+newfields,603,8
+newfields,931,3
+pinesdale,835,0
+wainscott,87,2
+onaga,431,4
+lindenwood,219,4
+beechwood,266,1
+onaga,264,0
+stockman,1484,7
+pomaria,185,9
+hiteman,692,1
+pomaria,79,2
+klickitat,1568,10
+lindenwood,621,1
+onaga,401,1
+newfields,1500,3
+ranchester,31,5
+coffeen,380,0
+ranchester,231,3
+leonardo,1387,5
+hanson,1420,0
+lindenwood,276,2
+woodbine,841,0
+klickitat,1404,2
+mifflinburg,377,4
+merom,812,0
+klickitat,1037,5
+coffeen,268,2
+wainscott,838,9
+shelbyville,1417,12
+klickitat,1125,6
+woodbine,1655,0
+allensville,176,4
+marstons,131,0
+shelbyville,248,15
+lindenwood,482,3
+newfields,1286,8
+lindenwood,716,3
+newfields,1407,9
+woodbine,110,6
+leonardo,451,5
+wainscott,657,0
+klickitat,67,0
+shelbyville,324,7
+forkland,952,3
+coffeen,610,7
+klickitat,2176,1
+klickitat,267,2
+tolstoy,919,10
+marstons,214,0
+leonardo,911,1
+hiteman,944,7
+pomaria,1088,11
+newfields,838,1
+lakeville,473,5
+stockman,137,4
+leonardo,1618,5
+wainscott,337,1
+hanson,1491,2
+lakeville,47,0
+newfields,1320,0
+cosmos,85,2
+pomaria,1636,0
+woodbine,822,6
+shelbyville,2395,1
+lindenwood,2168,1
+lindenwood,396,0
+lindenwood,1306,2
+ranchester,155,1
+beechwood,789,6
+leonardo,1996,4
+allensville,49,10
+leonardo,1000,21
+klickitat,1572,0
+stockman,1357,2
+lakeville,1189,3
+pomaria,561,0
+newfields,611,6
+lakeville,412,0
+klickitat,1616,2
+beechwood,36,7
+wainscott,1064,1
+shelbyville,2682,2
+klickitat,419,7
+pomaria,813,2
+lakeville,690,2
+shelbyville,1267,6
+shelbyville,2394,1
+klickitat,1567,4
+hanson,1398,0
+klickitat,1389,2
+coffeen,503,11
+lakeville,290,8
+hanson,498,7
+klickitat,372,4
+wainscott,586,7
+stockman,262,6
+wainscott,1727,15
+shelbyville,2255,2
+onaga,669,5
+leonardo,986,6
+lakeville,1261,1
+coffeen,1112,2
+ranchester,1094,12
+klickitat,1996,4
+lindenwood,693,7
+wainscott,851,5
+pomaria,1021,11
+coffeen,1406,2
+lindenwood,306,2
+newfields,830,4
+hiteman,1085,1
+stockman,1427,11
+stockman,519,1
+shelbyville,534,8
+shelbyville,2218,7
+forkland,523,1
+leonardo,845,1
+coffeen,1411,2
+ranchester,884,3
+newfields,761,2
+wainscott,669,2
+woodbine,604,6
+lakeville,389,3
+pomaria,1243,3
+marstons,1080,12
+hiteman,255,3
+newfields,1381,2
+lakeville,1518,2
+pinesdale,1191,1
+woodbine,340,4
+allensville,324,1
+woodbine,334,1
+woodbine,97,2
+leonardo,1137,2
+woodbine,1976,14
+shelbyville,1630,9
+shelbyville,2692,1
+pomaria,10,5
+marstons,1185,4
+lakeville,898,13
+lindenwood,2055,4
+tolstoy,1548,0
+lindenwood,27,1
+lakeville,509,1
+ranchester,416,14
+ranchester,964,2
+lakeville,176,6
+coffeen,1251,1
+leonardo,1192,7
+forkland,404,4
+woodbine,431,5
+wainscott,1266,0
+forkland,1003,0
+beechwood,1069,10
+marstons,1127,9
+hanson,1231,9
+leonardo,1230,4
+stockman,142,7
+pomaria,1480,1
+newfields,1659,4
+lakeville,1058,3
+lakeville,284,16
+coffeen,915,8
+lindenwood,2406,0
+mifflinburg,706,6
+klickitat,1291,1
+lakeville,154,1
+lakeville,377,3
+klickitat,1685,3
+newfields,1079,0
+klickitat,1179,11
+woodbine,547,0
+coffeen,1095,3
+hiteman,1758,3
+wainscott,289,1
+hanson,553,5
+ranchester,320,1
+woodbine,239,7
+marstons,1384,3
+newfields,907,15
+forkland,1149,2
+shelbyville,2545,3
+coffeen,1246,0
+stockman,1227,2
+forkland,937,5
+lakeville,920,5
+hiteman,620,3
+stockman,704,9
+pinesdale,1122,0
+ranchester,692,0
+wainscott,1694,2
+benevolence,841,0
+ranchester,1486,3
+mifflinburg,769,2
+stockman,1287,2
+onaga,361,4
+hiteman,394,0
+shelbyville,340,4
+stockman,1405,1
+leonardo,1404,2
+wainscott,1309,0
+coffeen,196,4
+lindenwood,278,5
+stockman,747,9
+lakeville,907,1
+onaga,109,7
+stockman,653,8
+tolstoy,684,9
+klickitat,99,3
+cosmos,662,8
+wainscott,256,8
+pinesdale,301,0
+wainscott,1579,7
+forkland,979,2
+lindenwood,408,1
+coffeen,856,2
+woodbine,457,6
+tolstoy,1283,0
+wainscott,1128,2
+lindenwood,1089,2
+tolstoy,899,0
+newfields,731,2
+cosmos,314,0
+shelbyville,1683,3
+lakeville,1092,5
+pomaria,314,11
+klickitat,772,0
+hanson,226,11
+shelbyville,1171,5
+coffeen,1241,1
+merom,254,1
+hiteman,1065,1
+tolstoy,434,5
+shelbyville,1139,6
+lakeville,155,2
+shelbyville,2231,7
+lindenwood,739,2
+lakeville,1292,2
+woodbine,796,12
+klickitat,2226,3
+hanson,414,3
+benevolence,674,11
+lakeville,1871,5
+stockman,157,4
+ranchester,1216,6
+ranchester,858,3
+merom,46,1
+newfields,938,1
+lindenwood,2472,3
+lakeville,570,1
+leonardo,1608,18
+pinesdale,486,1
+marstons,1681,1
+merom,28,0
+klickitat,2366,9
+shelbyville,516,0
+newfields,1396,2
+beechwood,961,7
+lindenwood,2527,2
+pinesdale,68,7
+hanson,896,1
+hiteman,680,2
+lakeville,1704,8
+stockman,1587,2
+marstons,608,5
+wainscott,1296,8
+woodbine,1090,8
+newfields,660,6
+lakeville,1187,2
+shelbyville,2311,4
+leonardo,423,0
+shelbyville,2302,8
+shelbyville,2160,2
+mifflinburg,552,4
+marstons,1413,1
+newfields,1342,8
+pomaria,312,0
+klickitat,246,0
+hiteman,1360,0
+hiteman,240,0
+lakeville,428,1
+marstons,2214,0
+woodbine,32,0
+lindenwood,1005,1
+tolstoy,816,6
+wainscott,1033,1
+cosmos,413,8
+marstons,650,0
+lakeville,402,3
+woodbine,1749,1
+newfields,1058,12
+lindenwood,1784,3
+onaga,165,0
+klickitat,1518,2
+newfields,1056,11
+woodbine,333,0
+beechwood,488,2
+lindenwood,54,7
+stockman,699,9
+lakeville,20,3
+tolstoy,288,0
+pomaria,859,2
+marstons,1516,2
+lakeville,1674,0
+pomaria,781,12
+cosmos,729,6
+ranchester,1319,5
+lakeville,407,0
+forkland,537,4
+lindenwood,951,4
+shelbyville,1407,1
+stockman,1586,3
+lakeville,1781,4
+klickitat,304,4
+allensville,403,3
+shelbyville,465,0
+lakeville,782,1
+hiteman,306,3
+cosmos,132,9
+leonardo,733,2
+woodbine,529,7
+klickitat,406,2
+pomaria,954,15
+marstons,2635,10
+wainscott,1357,0
+lakeville,1554,3
+coffeen,645,1
+wainscott,120,0
+ranchester,1543,5
+marstons,1211,8
+lakeville,249,3
+wainscott,1651,7
+mifflinburg,843,2
+forkland,389,1
+marstons,687,1
+leonardo,662,6
+wainscott,1574,4
+marstons,174,1
+lakeville,926,3
+pomaria,945,11
+marstons,320,8
+ranchester,418,9
+marstons,2332,3
+allensville,61,5
+shelbyville,1753,4
+klickitat,992,4
+woodbine,432,1
+hiteman,432,8
+woodbine,1908,9
+woodbine,1387,1
+wainscott,76,1
+lakeville,323,4
+lindenwood,1150,3
+wainscott,1025,2
+stockman,147,4
+coffeen,993,1
+pinesdale,449,6
+marstons,450,4
+woodbine,1109,0
+lakeville,620,2
+shelbyville,1989,8
+pinesdale,479,0
+wainscott,1054,2
+hiteman,118,3
+leonardo,1611,4
+forkland,341,2
+ranchester,1555,1
+ranchester,1199,10
+shelbyville,1205,3
+shelbyville,1664,0
+benevolence,622,2
+allensville,357,8
+woodbine,1577,5
+lindenwood,1452,1
+benevolence,232,1
+coffeen,759,3
+mifflinburg,295,1
+leonardo,2113,3
+newfields,82,7
+marstons,1572,1
+shelbyville,1087,2
+marstons,688,5
+onaga,154,1
+cosmos,1030,3
+pomaria,571,2
+hanson,1224,2
+leonardo,1704,8
+lakeville,1035,3
+mifflinburg,764,4
+onaga,361,5
+marstons,1250,6
+tolstoy,1606,3
+pomaria,147,2
+klickitat,2084,2
+ranchester,328,3
+merom,982,4
+cosmos,272,3
+tolstoy,329,4
+onaga,69,0
+coffeen,649,7
+ranchester,1318,3
+klickitat,281,4
+stockman,125,4
+pomaria,1148,4
+leonardo,1606,1
+cosmos,928,2
+lakeville,633,1
+pomaria,1181,4
+hanson,579,3
+benevolence,597,3
+hiteman,1209,8
+hanson,1585,3
+marstons,1316,7
+stockman,730,8
+wainscott,1797,5
+klickitat,2098,4
+beechwood,7,4
+wainscott,1411,5
+ranchester,5,2
+pinesdale,316,6
+hanson,152,8
+marstons,1627,0
+benevolence,947,6
+leonardo,928,1
+shelbyville,697,11
+klickitat,946,10
+coffeen,1505,1
+marstons,1191,2
+wainscott,639,6
+lakeville,573,7
+shelbyville,487,5
+beechwood,781,1
+lindenwood,1455,3
+stockman,233,6
+coffeen,713,3
+onaga,245,0
+lakeville,353,0
+leonardo,1354,4
+hiteman,1109,2
+lakeville,103,0
+pinesdale,400,9
+leonardo,1928,16
+stockman,692,4
+hiteman,187,2
+woodbine,1789,5
+lakeville,1211,17
+tolstoy,822,6
+beechwood,390,2
+tolstoy,1354,7
+hiteman,299,0
+allensville,144,0
+newfields,31,7
+marstons,1960,3
+klickitat,1855,3
+shelbyville,2647,4
+lakeville,904,5
+wainscott,945,5
+onaga,205,1
+hiteman,411,11
+newfields,284,5
+coffeen,950,3
+tolstoy,1655,7
+wainscott,1600,1
+woodbine,1519,13
+beechwood,682,4
+forkland,1030,3
+pinesdale,634,2
+cosmos,927,0
+leonardo,544,2
+coffeen,311,3
+marstons,2376,1
+wainscott,1160,6
+tolstoy,1322,3
+marstons,1445,2
+lakeville,69,0
+woodbine,612,5
+marstons,1085,16
+beechwood,1157,9
+pinesdale,583,1
+allensville,336,1
+lakeville,106,1
+beechwood,754,4
+shelbyville,789,1
+leonardo,793,2
+leonardo,2106,1
+marstons,987,0
+pomaria,1202,5
+shelbyville,2369,6
+marstons,1948,1
+tolstoy,427,0
+tolstoy,1088,18
+hiteman,324,0
+woodbine,1614,4
+shelbyville,967,1
+marstons,2064,2
+pomaria,230,0
+wainscott,1752,6
+ranchester,1254,1
+onaga,533,3
+klickitat,361,10
+marstons,2293,5
+klickitat,1292,4
+klickitat,881,12
+klickitat,164,2
+merom,803,0
+lindenwood,286,1
+hanson,775,4
+benevolence,346,5
+woodbine,1291,1
+hanson,700,2
+woodbine,682,6
+marstons,1433,2
+merom,1002,1
+shelbyville,720,1
+ranchester,1592,3
+hanson,936,11
+allensville,230,4
+shelbyville,1110,2
+merom,267,6
+pinesdale,867,1
+ranchester,692,4
+stockman,543,3
+marstons,322,0
+merom,360,3
+merom,557,1
+wainscott,775,1
+klickitat,229,2
+shelbyville,641,4
+woodbine,432,2
+wainscott,1469,4
+pinesdale,453,3
+pomaria,1234,12
+tolstoy,1743,1
+lakeville,423,2
+merom,286,2
+benevolence,427,1
+mifflinburg,774,11
+newfields,627,2
+marstons,1676,9
+pinesdale,1167,3
+forkland,969,5
+stockman,243,2
+pinesdale,31,6
+woodbine,1112,7
+klickitat,989,11
+wainscott,697,9
+lindenwood,92,1
+woodbine,1776,6
+merom,95,4
+klickitat,1922,0
+marstons,2624,0
+wainscott,786,0
+onaga,464,6
+coffeen,323,5
+newfields,1403,5
+pomaria,840,1
+newfields,9,2
+coffeen,1471,2
+hiteman,274,0
+lakeville,571,9
+klickitat,214,14
+tolstoy,1240,3
+stockman,810,0
+tolstoy,1533,7
+leonardo,1886,0
+merom,75,2
+lindenwood,1412,2
+lindenwood,1036,1
+coffeen,364,1
+klickitat,1715,0
+lindenwood,1385,11
+hanson,780,4
+shelbyville,2200,12
+hanson,907,0
+ranchester,84,0
+wainscott,222,2
+tolstoy,906,13
+shelbyville,2813,11
+shelbyville,2145,6
+forkland,1150,5
+coffeen,990,4
+pomaria,1075,12
+coffeen,606,4
+leonardo,1624,8
+klickitat,1836,0
+coffeen,878,7
+tolstoy,1005,4
+lakeville,1872,4
+wainscott,1750,0
+lindenwood,124,3
+lakeville,1625,2
+forkland,283,0
+klickitat,726,7
+pomaria,379,1
+hanson,774,10
+pinesdale,866,7
+woodbine,1873,3
+shelbyville,1257,6
+lindenwood,2158,10
+shelbyville,551,0
+hanson,929,0
+lindenwood,1262,2
+lindenwood,668,2
+klickitat,1206,3
+lakeville,811,6
+lakeville,805,4
+wainscott,1566,3
+merom,741,2
+onaga,39,1
+marstons,941,3
+mifflinburg,976,0
+cosmos,207,2
+hiteman,1475,3
+shelbyville,2315,4
+marstons,170,6
+pomaria,1049,1
+mifflinburg,927,0
+stockman,829,1
+wainscott,347,2
+klickitat,228,4
+beechwood,665,2
+hiteman,593,5
+lindenwood,704,10
+woodbine,978,6
+hanson,1169,5
+klickitat,360,0
+hanson,1024,10
+ranchester,88,8
+shelbyville,976,7
+shelbyville,679,1
+lindenwood,1452,5
+shelbyville,1706,0
+wainscott,6,2
+forkland,716,4
+lindenwood,45,0
+marstons,2378,14
+klickitat,2414,5
+benevolence,446,0
+onaga,10,4
+coffeen,95,4
+klickitat,294,3
+marstons,390,2
+klickitat,778,1
+coffeen,839,5
+newfields,1248,6
+lakeville,1826,3
+newfields,1417,6
+marstons,1532,3
+pinesdale,1465,0
+klickitat,378,7
+pomaria,764,3
+newfields,739,5
+shelbyville,2756,2
+tolstoy,142,5
+tolstoy,946,4
+pomaria,1585,1
+wainscott,1790,5
+stockman,36,12
+ranchester,1335,1
+merom,724,1
+hiteman,1512,0
+shelbyville,2266,0
+onaga,4,0
+shelbyville,922,5
+klickitat,1007,12
+newfields,1529,11
+lindenwood,2556,13
+pomaria,507,3
+shelbyville,357,8
+tolstoy,1457,0
+leonardo,552,4
+shelbyville,539,0
+pomaria,1462,9
+klickitat,2282,10
+cosmos,389,10
+hanson,741,9
+cosmos,185,4
+shelbyville,984,5
+stockman,549,1
+tolstoy,906,3
+stockman,37,0
+shelbyville,1688,1
+wainscott,1280,1
+lakeville,1110,2
+hanson,200,2
+pomaria,1294,1
+leonardo,547,2
+shelbyville,2430,12
+lindenwood,351,0
+beechwood,1041,9
+shelbyville,1620,3
+lakeville,517,1
+shelbyville,1125,8
+merom,500,5
+lindenwood,193,2
+lindenwood,617,2
+stockman,1156,0
+lindenwood,2161,4
+ranchester,685,2
+merom,906,2
+hiteman,599,7
+merom,555,3
+hiteman,493,4
+marstons,119,14
+tolstoy,997,4
+beechwood,765,6
+allensville,419,0
+tolstoy,1593,4
+shelbyville,2040,1
+hiteman,360,1
+klickitat,848,0
+coffeen,1352,1
+pomaria,632,1
+marstons,357,2
+lindenwood,528,2
+tolstoy,1160,6
+pomaria,941,2
+pinesdale,260,4
+forkland,697,0
+ranchester,499,3
+mifflinburg,975,0
+lindenwood,1622,2
+woodbine,1209,1
+newfields,1296,7
+merom,915,4
+stockman,522,1
+tolstoy,67,7
+klickitat,2304,3
+lakeville,913,4
+forkland,965,2
+lakeville,1231,12
+marstons,2001,2
+woodbine,1641,1
+lindenwood,714,1
+tolstoy,1733,3
+shelbyville,70,1
+newfields,447,3
+lakeville,1053,3
+marstons,2231,5
+pomaria,1311,2
+lakeville,1769,12
+woodbine,1350,2
+lindenwood,774,4
+ranchester,1102,0
+mifflinburg,483,2
+mifflinburg,131,3
+klickitat,72,12
+stockman,1077,8
+lindenwood,1425,4
+klickitat,2262,9
+shelbyville,1298,5
+marstons,834,2
+tolstoy,136,1
+allensville,311,2
+pinesdale,467,1
+pomaria,784,1
+marstons,103,3
+coffeen,394,6
+hiteman,958,1
+coffeen,1384,7
+tolstoy,1162,1
+pinesdale,418,7
+merom,699,11
+shelbyville,2789,2
+tolstoy,1185,6
+hanson,393,1
+pinesdale,83,4
+pinesdale,1482,1
+lindenwood,354,2
+ranchester,427,1
+lindenwood,1511,7
+pomaria,541,4
+merom,788,2
+marstons,826,7
+hanson,1481,10
+lakeville,721,0
+shelbyville,1960,5
+merom,563,0
+pinesdale,451,1
+lakeville,1721,0
+merom,746,5
+forkland,71,1
+pinesdale,1093,1
+lindenwood,1465,0
+lindenwood,2182,1
+lindenwood,372,3
+shelbyville,507,1
+woodbine,469,10
+forkland,278,0
+stockman,425,2
+tolstoy,917,12
+woodbine,1125,12
+lakeville,1468,4
+stockman,323,1
+woodbine,1832,3
+lindenwood,1755,0
+mifflinburg,35,3
+hanson,1093,4
+forkland,895,4
+newfields,403,9
+tolstoy,1546,10
+klickitat,697,3
+stockman,1357,0
+pinesdale,440,11
+cosmos,619,2
+mifflinburg,224,5
+leonardo,667,2
+wainscott,331,9
+leonardo,993,1
+allensville,515,0
+lakeville,1603,8
+cosmos,306,1
+hanson,598,2
+tolstoy,51,4
+leonardo,2027,0
+cosmos,91,0
+tolstoy,556,14
+coffeen,163,0
+beechwood,439,3
+tolstoy,946,3
+lakeville,850,7
+klickitat,4,1
+ranchester,1334,3
+lakeville,866,1
+pinesdale,158,3
+pomaria,1189,7
+klickitat,369,4
+hanson,39,2
+lakeville,1754,0
+shelbyville,1690,7
+woodbine,2002,3
+beechwood,671,10
+lindenwood,1024,6
+allensville,67,1
+lakeville,739,4
+stockman,960,3
+allensville,320,1
+woodbine,1545,9
+lakeville,1605,4
+shelbyville,1604,7
+lindenwood,776,0
+wainscott,297,3
+onaga,349,0
+shelbyville,2582,12
+lindenwood,1795,4
+lakeville,504,8
+leonardo,1190,0
+hanson,956,2
+ranchester,1308,1
+merom,895,0
+woodbine,591,0
+beechwood,796,5
+stockman,1484,6
+stockman,1257,17
+leonardo,1936,4
+merom,357,0
+marstons,1381,5
+shelbyville,652,2
+shelbyville,2681,3
+ranchester,249,1
+marstons,2488,0
+klickitat,1029,1
+pinesdale,20,4
+lindenwood,2665,0
+tolstoy,603,3
+hiteman,1439,0
+marstons,574,3
+pomaria,1669,5
+leonardo,1640,0
+klickitat,738,9
+pomaria,1253,14
+coffeen,275,1
+wainscott,1207,6
+lindenwood,1194,2
+beechwood,1170,7
+marstons,997,0
+hanson,1242,3
+mifflinburg,121,1
+shelbyville,1470,2
+shelbyville,1733,5
+cosmos,1076,1
+stockman,948,5
+newfields,1019,4
+leonardo,1400,5
+beechwood,738,0
+tolstoy,1348,0
+lindenwood,1290,0
+allensville,44,2
+stockman,323,3
+newfields,1284,0
+woodbine,201,2
+cosmos,713,1
+newfields,777,9
+woodbine,118,4
+allensville,112,2
+lakeville,1758,2
+leonardo,1453,3
+cosmos,850,0
+ranchester,84,2
+lakeville,1426,3
+coffeen,677,5
+newfields,1426,0
+stockman,1250,0
+lakeville,740,3
+wainscott,844,3
+hanson,1331,8
+merom,627,6
+shelbyville,420,5
+mifflinburg,467,2
+lakeville,1896,2
+wainscott,912,6
+tolstoy,196,2
+hanson,159,0
+woodbine,15,3
+shelbyville,542,0
+newfields,577,0
+hanson,1309,5
+pinesdale,1202,3
+marstons,2641,6
+onaga,318,5
+hanson,933,5
+klickitat,558,7
+leonardo,849,2
+benevolence,859,2
+marstons,2608,8
+lindenwood,354,1
+shelbyville,522,4
+newfields,1178,0
+lindenwood,2165,1
+ranchester,1387,2
+newfields,449,12
+klickitat,1955,1
+marstons,1737,0
+klickitat,2024,6
+woodbine,2033,5
+klickitat,449,2
+coffeen,566,1
+pinesdale,642,0
+stockman,27,8
+beechwood,306,0
+leonardo,1658,2
+klickitat,1570,7
+pomaria,906,2
+tolstoy,1435,10
+onaga,271,2
+wainscott,1699,2
+merom,30,6
+coffeen,801,5
+lakeville,1571,1
+pomaria,513,5
+lakeville,1449,0
+hiteman,120,6
+klickitat,1980,3
+marstons,1948,0
+mifflinburg,82,0
+lindenwood,1218,5
+leonardo,1281,2
+shelbyville,43,0
+tolstoy,1290,2
+mifflinburg,462,1
+woodbine,1800,8
+lindenwood,1792,4
+hiteman,1237,6
+ranchester,831,0
+wainscott,1343,6
+klickitat,2356,4
+marstons,1423,3
+hiteman,1009,4
+mifflinburg,207,2
+lindenwood,421,6
+shelbyville,1825,0
+shelbyville,2167,2
+pinesdale,334,5
+tolstoy,326,1
+hiteman,1126,11
+forkland,55,4
+lakeville,164,1
+ranchester,869,3
+wainscott,146,10
+lakeville,1560,3
+hiteman,265,2
+hanson,559,4
+hiteman,1848,5
+pomaria,1361,2
+wainscott,1336,0
+beechwood,205,7
+shelbyville,1169,0
+stockman,1597,4
+beechwood,722,5
+cosmos,321,10
+hiteman,471,0
+marstons,1175,4
+coffeen,126,5
+tolstoy,844,4
+pinesdale,810,3
+klickitat,721,3
+forkland,587,1
+hiteman,1376,7
+pinesdale,1023,2
+tolstoy,730,0
+hiteman,1683,5
+cosmos,564,4
+mifflinburg,546,1
+ranchester,1442,1
+leonardo,689,11
+lindenwood,372,6
+leonardo,858,5
+marstons,82,5
+shelbyville,804,1
+stockman,779,5
+pomaria,1432,4
+newfields,561,0
+hanson,771,8
+lakeville,87,12
+stockman,1234,4
+woodbine,1425,2
+leonardo,1942,9
+mifflinburg,688,0
+cosmos,664,1
+marstons,787,0
+hiteman,321,2
+shelbyville,2745,2
+ranchester,1185,3
+pinesdale,803,0
+merom,945,0
+ranchester,245,2
+shelbyville,2165,1
+lakeville,654,4
+cosmos,219,8
+cosmos,977,0
+benevolence,777,9
+coffeen,499,4
+cosmos,540,0
+lakeville,326,0
+mifflinburg,957,0
+tolstoy,1273,4
+leonardo,1257,4
+pinesdale,655,0
+forkland,713,6
+wainscott,1695,4
+newfields,1439,7
+hiteman,1345,4
+hanson,70,0
+marstons,206,5
+leonardo,1111,3
+marstons,1169,2
+ranchester,366,7
+hanson,136,7
+woodbine,762,2
+leonardo,349,6
+marstons,461,1
+cosmos,58,1
+klickitat,151,15
+wainscott,128,3
+lakeville,303,0
+marstons,298,1
+wainscott,1436,8
+tolstoy,724,2
+lakeville,1670,4
+newfields,791,3
+marstons,2246,13
+ranchester,314,0
+marstons,2523,14
+pomaria,1344,6
+marstons,311,1
+ranchester,1098,4
+klickitat,802,2
+pomaria,1344,7
+hanson,228,2
+pinesdale,1377,2
+klickitat,1585,4
+leonardo,1222,12
+marstons,1066,8
+hiteman,477,1
+leonardo,225,7
+onaga,632,1
+mifflinburg,553,4
+stockman,1324,2
+pinesdale,1274,3
+klickitat,2406,3
+pomaria,1021,1
+shelbyville,997,10
+marstons,1507,1
+klickitat,2040,4
+woodbine,794,10
+lakeville,736,4
+woodbine,1017,3
+pomaria,931,1
+klickitat,989,2
+klickitat,1240,4
+leonardo,81,1
+allensville,275,1
+wainscott,468,0
+shelbyville,920,0
+lakeville,1368,6
+pomaria,1626,3
+leonardo,360,3
+cosmos,309,7
+leonardo,1060,1
+hiteman,1569,0
+lakeville,263,5
+coffeen,153,1
+benevolence,730,3
+lakeville,1010,12
+onaga,539,4
+pinesdale,1417,1
+lindenwood,1296,0
+coffeen,1252,1
+woodbine,227,4
+beechwood,944,1
+pomaria,744,2
+shelbyville,2450,2
+woodbine,741,3
+leonardo,252,18
+hiteman,1717,0
+ranchester,1293,8
+ranchester,909,0
+tolstoy,1130,15
+wainscott,1129,1
+hiteman,1333,6
+lindenwood,2474,2
+tolstoy,1006,2
+lindenwood,2666,1
+woodbine,2004,4
+shelbyville,841,11
+marstons,1003,15
+mifflinburg,841,1
+shelbyville,2719,1
+tolstoy,1093,2
+hanson,1428,1
+leonardo,667,1
+stockman,707,5
+stockman,1367,3
+pomaria,1113,13
+klickitat,1079,4
+merom,516,7
+merom,558,2
+shelbyville,1212,5
+leonardo,130,12
+wainscott,734,1
+pinesdale,166,2
+wainscott,1653,0
+ranchester,356,8
+hanson,648,6
+tolstoy,720,0
+beechwood,508,5
+hanson,944,18
+lindenwood,920,2
+tolstoy,1526,1
+stockman,510,0
+benevolence,550,1
+woodbine,1226,1
+hiteman,1614,5
+marstons,1870,7
+hanson,556,1
+marstons,2593,2
+lindenwood,877,6
+ranchester,414,7
+benevolence,723,0
+leonardo,1223,1
+woodbine,403,2
+newfields,1040,2
+lakeville,1602,10
+tolstoy,1337,7
+wainscott,851,10
+lindenwood,406,6
+woodbine,534,1
+newfields,511,5
+hanson,1040,4
+stockman,322,3
+newfields,1159,2
+hiteman,1589,0
+shelbyville,1830,5
+shelbyville,2145,0
+leonardo,2094,9
+pomaria,739,1
+woodbine,802,2
+shelbyville,2552,0
+marstons,657,5
+cosmos,250,0
+beechwood,836,3
+marstons,185,4
+coffeen,42,3
+lindenwood,1578,0
+lindenwood,2129,4
+wainscott,1001,6
+newfields,727,5
+mifflinburg,491,0
+stockman,538,1
+shelbyville,1306,8
+cosmos,502,3
+woodbine,787,3
+marstons,1398,18
+ranchester,167,12
+shelbyville,2623,13
+hiteman,150,6
+newfields,1178,13
+hanson,1434,8
+ranchester,437,1
+ranchester,363,4
+hanson,823,2
+leonardo,1912,1
+lindenwood,1626,8
+lakeville,802,0
+klickitat,35,13
+lindenwood,414,6
+ranchester,401,2
+newfields,417,2
+stockman,624,1
+newfields,777,1
+leonardo,1124,2
+merom,64,0
+lindenwood,2472,16
+benevolence,520,1
+tolstoy,81,1
+woodbine,1712,2
+benevolence,728,0
+klickitat,1488,5
+ranchester,1627,2
+forkland,508,1
+shelbyville,228,0
+tolstoy,104,11
+pomaria,1422,0
+klickitat,853,3
+hiteman,517,0
+leonardo,1856,3
+forkland,190,2
+shelbyville,2154,2
+pinesdale,31,14
+tolstoy,92,1
+shelbyville,1012,12
+ranchester,1085,4
+allensville,181,1
+pinesdale,1270,1
+klickitat,2275,1
+woodbine,1181,0
+coffeen,105,3
+tolstoy,397,2
+stockman,1474,14
+wainscott,25,1
+tolstoy,578,4
+lakeville,89,1
+hiteman,945,2
+woodbine,325,5
+benevolence,835,3
+newfields,1147,1
+shelbyville,1853,4
+hiteman,1559,0
+klickitat,1415,5
+shelbyville,2482,6
+ranchester,1537,1
+stockman,1415,3
+klickitat,1333,2
+merom,267,2
+stockman,69,1
+lakeville,908,12
+newfields,658,10
+hanson,216,4
+onaga,344,1
+pinesdale,1500,0
+leonardo,103,1
+tolstoy,20,10
+stockman,466,5
+hiteman,1525,6
+wainscott,105,2
+onaga,373,6
+klickitat,256,12
+cosmos,440,2
+wainscott,1684,9
+forkland,483,0
+ranchester,682,2
+hanson,1068,2
+lindenwood,374,5
+leonardo,72,5
+klickitat,484,5
+stockman,899,0
+mifflinburg,544,0
+marstons,2,0
+hiteman,36,3
+hanson,89,18
+hiteman,1460,8
+pinesdale,428,5
+marstons,1743,12
+klickitat,572,6
+newfields,747,2
+cosmos,21,3
+tolstoy,1466,5
+mifflinburg,463,4
+shelbyville,515,5
+leonardo,1817,3
+woodbine,1522,0
+stockman,1535,9
+onaga,552,5
+allensville,233,0
+newfields,419,8
+wainscott,550,12
+klickitat,1502,12
+tolstoy,503,1
+newfields,1108,1
+merom,1115,2
+leonardo,381,1
+marstons,355,4
+marstons,398,2
+pomaria,693,2
+klickitat,141,10
+wainscott,808,13
+newfields,1004,3
+leonardo,1027,1
+lindenwood,179,15
+forkland,1097,0
+lakeville,312,3
+lakeville,912,5
+leonardo,1010,0
+newfields,125,7
+woodbine,837,4
+klickitat,2314,5
+pinesdale,4,14
+shelbyville,1891,12
+onaga,91,2
+hanson,523,0
+klickitat,465,6
+marstons,2523,4
+beechwood,124,2
+cosmos,68,4
+newfields,975,9
+merom,378,5
+lindenwood,2422,2
+wainscott,534,3
+hiteman,1338,3
+newfields,99,5
+onaga,84,11
+shelbyville,2539,2
+klickitat,1633,2
+newfields,14,0
+wainscott,218,8
+klickitat,115,14
+leonardo,476,10
+woodbine,315,11
+merom,522,2
+pomaria,1321,0
+newfields,410,8
+shelbyville,636,2
+newfields,1063,3
+shelbyville,726,4
+merom,310,2
+cosmos,293,0
+lindenwood,1041,0
+ranchester,639,3
+shelbyville,1954,5
+beechwood,767,2
+shelbyville,1210,3
+coffeen,1158,0
+klickitat,1606,12
+marstons,802,9
+shelbyville,1152,9
+pinesdale,1087,10
+hiteman,1536,4
+stockman,535,0
+woodbine,1478,3
+ranchester,1489,2
+leonardo,1476,1
+beechwood,136,1
+pomaria,1089,3
+stockman,846,1
+hanson,1421,1
+coffeen,1062,3
+klickitat,361,3
+leonardo,801,5
+marstons,1678,1
+pomaria,1026,1
+klickitat,176,5
+tolstoy,1837,0
+hanson,433,1
+klickitat,136,3
+wainscott,1528,2
+lakeville,903,7
+hanson,1107,7
+coffeen,1007,2
+leonardo,564,3
+merom,1074,1
+lindenwood,2031,5
+marstons,348,3
+shelbyville,868,6
+pinesdale,348,6
+stockman,978,0
+woodbine,671,8
+shelbyville,2689,1
+newfields,940,0
+forkland,843,0
+lindenwood,1337,3
+lakeville,1102,0
+onaga,315,7
+wainscott,28,7
+lakeville,1089,1
+klickitat,154,2
+tolstoy,98,4
+hanson,712,0
+woodbine,1250,3
+tolstoy,1657,3
+stockman,1335,6
+shelbyville,292,8
+shelbyville,1083,4
+pinesdale,306,1
+lakeville,510,6
+newfields,1581,1
+cosmos,827,6
+pinesdale,85,2
+forkland,1114,7
+shelbyville,1428,4
+hanson,1440,0
+tolstoy,111,4
+klickitat,418,7
+woodbine,1470,1
+stockman,201,2
+tolstoy,1608,1
+pomaria,1115,8
+lindenwood,1377,5
+lakeville,1886,9
+shelbyville,2444,2
+pomaria,35,0
+shelbyville,752,3
+cosmos,936,9
+klickitat,2416,3
+woodbine,1508,6
+lindenwood,639,4
+marstons,2401,5
+stockman,208,1
+shelbyville,1594,4
+lindenwood,1752,1
+tolstoy,43,1
+shelbyville,1614,0
+cosmos,150,12
+lakeville,1605,3
+leonardo,1318,2
+marstons,881,1
+forkland,592,3
+stockman,1022,6
+pinesdale,678,3
+hanson,681,3
+lakeville,1581,0
+shelbyville,1833,4
+leonardo,1698,2
+leonardo,1005,1
+onaga,637,0
+newfields,1223,2
+woodbine,1480,0
+lindenwood,638,6
+woodbine,279,2
+marstons,243,2
+pomaria,1173,3
+lindenwood,2039,0
+pinesdale,494,2
+stockman,9,0
+onaga,456,1
+klickitat,347,0
+woodbine,392,2
+stockman,984,1
+coffeen,478,1
+beechwood,23,3
+marstons,567,11
+cosmos,806,0
+klickitat,467,17
+klickitat,661,3
+stockman,1592,0
+woodbine,187,4
+klickitat,1545,1
+coffeen,1320,3
+ranchester,1280,6
+mifflinburg,84,3
+shelbyville,420,6
+stockman,968,3
+tolstoy,1368,11
+leonardo,1985,17
+woodbine,1054,4
+shelbyville,2795,0
+lindenwood,451,1
+marstons,1432,7
+shelbyville,1018,9
+ranchester,976,0
+shelbyville,1823,2
+pomaria,83,0
+pomaria,954,11
+wainscott,1171,3
+leonardo,1789,5
+ranchester,1415,7
+forkland,676,8
+allensville,104,3
+beechwood,248,8
+ranchester,1132,4
+marstons,1509,0
+beechwood,960,1
+woodbine,965,13
+tolstoy,1040,0
+pinesdale,989,9
+pomaria,1007,0
+stockman,1547,0
+allensville,32,0
+tolstoy,1794,5
+wainscott,758,13
+lindenwood,1597,1
+cosmos,527,2
+hanson,773,0
+shelbyville,2654,2
+hiteman,1385,2
+hanson,1183,5
+ranchester,985,7
+lakeville,1794,5
+wainscott,1077,8
+marstons,696,6
+woodbine,993,0
+woodbine,1341,0
+lindenwood,664,3
+shelbyville,1016,4
+mifflinburg,591,5
+stockman,689,1
+klickitat,199,2
+klickitat,2134,3
+lakeville,1451,6
+woodbine,968,0
+woodbine,1581,0
+cosmos,747,1
+wainscott,63,6
+tolstoy,1060,0
+lakeville,116,2
+lindenwood,623,5
+leonardo,1545,1
+beechwood,1138,1
+woodbine,527,6
+shelbyville,2053,2
+pinesdale,894,1
+lindenwood,2516,7
+coffeen,425,4
+marstons,784,3
+woodbine,1095,6
+hiteman,1833,0
+merom,811,1
+marstons,1367,1
+lindenwood,55,4
+leonardo,906,2
+lakeville,956,0
+benevolence,249,2
+shelbyville,1605,0
+merom,868,1
+wainscott,518,2
+pomaria,1448,8
+coffeen,264,5
+hiteman,771,8
+shelbyville,2069,5
+lindenwood,1193,6
+pomaria,1337,0
+lindenwood,2209,6
+klickitat,376,4
+pomaria,883,9
+klickitat,1176,2
+stockman,87,7
+onaga,264,1
+shelbyville,724,9
+marstons,464,0
+leonardo,2080,2
+leonardo,1029,6
+hanson,1309,8
+lindenwood,10,5
+beechwood,307,3
+klickitat,1970,4
+lindenwood,379,7
+marstons,538,0
+wainscott,1167,3
+merom,791,3
+newfields,484,3
+tolstoy,281,2
+allensville,92,1
+merom,39,9
+lakeville,1016,0
+ranchester,265,15
+wainscott,1391,0
+wainscott,1352,8
+mifflinburg,875,1
+tolstoy,1554,3
+forkland,353,0
+ranchester,606,6
+onaga,564,8
+klickitat,1584,14
+lakeville,326,3
+marstons,2315,9
+lindenwood,1161,4
+shelbyville,1838,8
+hiteman,1440,0
+beechwood,797,3
+hanson,1005,3
+pomaria,511,17
+merom,133,0
+forkland,565,0
+hanson,1171,2
+ranchester,1504,8
+shelbyville,1984,1
+pinesdale,1394,0
+newfields,1365,3
+pomaria,1485,5
+forkland,929,7
+newfields,299,11
+shelbyville,119,1
+marstons,1490,1
+forkland,1087,6
+pinesdale,499,1
+pomaria,1512,3
+lindenwood,34,2
+shelbyville,1023,2
+lindenwood,1490,4
+allensville,464,2
+lindenwood,1129,4
+marstons,1514,2
+onaga,503,0
+newfields,966,15
+wainscott,240,14
+lakeville,332,14
+beechwood,703,0
+marstons,1821,2
+woodbine,103,9
+leonardo,220,12
+cosmos,985,4
+ranchester,223,1
+beechwood,831,1
+shelbyville,1682,8
+marstons,2056,10
+tolstoy,739,1
+wainscott,1647,1
+merom,697,1
+mifflinburg,371,1
+pomaria,1361,8
+hiteman,1010,6
+shelbyville,1934,4
+merom,1008,2
+tolstoy,1371,7
+pinesdale,1425,2
+pomaria,1534,4
+pomaria,470,5
+shelbyville,1756,5
+lakeville,1778,4
+ranchester,1489,1
+klickitat,471,4
+lindenwood,2278,3
+coffeen,1176,4
+newfields,17,10
+woodbine,1955,0
+klickitat,1094,10
+stockman,435,1
+hiteman,1010,3
+ranchester,1421,6
+hanson,659,6
+mifflinburg,841,7
+klickitat,965,0
+klickitat,72,6
+lindenwood,1681,2
+lakeville,50,4
+pomaria,627,7
+shelbyville,1468,5
+woodbine,1324,1
+coffeen,1421,2
+lakeville,1683,1
+wainscott,250,8
+lakeville,1381,8
+hanson,1256,1
+lindenwood,2051,11
+stockman,918,0
+newfields,270,13
+lakeville,1880,4
+klickitat,260,3
+marstons,21,0
+leonardo,631,5
+allensville,334,0
+hiteman,248,3
+ranchester,1584,3
+leonardo,257,9
+newfields,569,3
+mifflinburg,882,1
+mifflinburg,798,8
+wainscott,1141,0
+marstons,78,1
+coffeen,1220,1
+ranchester,189,1
+leonardo,1627,4
+shelbyville,1651,5
+beechwood,989,3
+shelbyville,1964,5
+wainscott,1096,2
+wainscott,1130,2
+marstons,2199,0
+shelbyville,441,3
+ranchester,1223,4
+pinesdale,1352,12
+pinesdale,882,1
+lindenwood,226,4
+lakeville,974,8
+coffeen,1127,0
+forkland,983,0
+leonardo,2100,10
+marstons,2377,0
+wainscott,212,2
+wainscott,897,4
+shelbyville,1515,1
+newfields,796,6
+wainscott,1432,2
+pinesdale,572,9
+marstons,2185,1
+marstons,1080,11
+pomaria,737,7
+lakeville,1179,0
+marstons,1120,3
+hiteman,503,2
+hiteman,1079,2
+ranchester,535,7
+klickitat,725,0
+mifflinburg,167,0
+marstons,2459,1
+lindenwood,875,9
+tolstoy,427,1
+hiteman,1056,1
+benevolence,626,8
+hanson,1439,1
+wainscott,584,12
+wainscott,683,11
+lakeville,699,2
+shelbyville,435,6
+hiteman,1366,1
+newfields,1146,2
+klickitat,1315,1
+pomaria,580,7
+lakeville,1500,7
+mifflinburg,459,2
+lakeville,1745,5
+marstons,2591,1
+hanson,618,0
+ranchester,1367,13
+tolstoy,1286,2
+hiteman,129,1
+lindenwood,1544,1
+benevolence,331,4
+ranchester,1218,7
+forkland,45,0
+woodbine,937,5
+wainscott,1098,16
+shelbyville,1523,2
+merom,611,0
+beechwood,322,8
+klickitat,171,12
+benevolence,509,1
+klickitat,482,1
+leonardo,1205,7
+klickitat,1437,20
+klickitat,42,2
+benevolence,577,10
+lindenwood,522,16
+coffeen,721,0
+lindenwood,693,13
+klickitat,703,5
+newfields,1427,13
+stockman,976,4
+hiteman,696,6
+klickitat,2352,7
+shelbyville,559,7
+klickitat,809,4
+pomaria,1539,4
+shelbyville,2599,4
+shelbyville,902,2
+pomaria,1653,0
+tolstoy,557,8
+klickitat,1583,0
+cosmos,608,4
+lindenwood,1513,1
+klickitat,228,5
+wainscott,44,3
+forkland,15,3
+pomaria,17,3
+lindenwood,2590,0
+shelbyville,2799,0
+forkland,1041,4
+klickitat,1906,4
+hanson,1323,2
+woodbine,258,4
+klickitat,1922,1
+shelbyville,2138,3
+woodbine,997,2
+forkland,3,1
+newfields,780,4
+coffeen,668,5
+pomaria,207,7
+cosmos,864,2
+lindenwood,871,0
+benevolence,496,13
+marstons,2332,2
+hiteman,964,0
+shelbyville,2622,1
+woodbine,1784,0
+leonardo,1663,0
+beechwood,507,2
+allensville,406,7
+pomaria,543,8
+marstons,1007,2
+shelbyville,450,2
+shelbyville,594,3
+hiteman,779,12
+coffeen,158,1
+ranchester,130,0
+woodbine,1494,5
+allensville,230,3
+lindenwood,289,0
+lakeville,99,1
+tolstoy,276,5
+ranchester,188,17
+wainscott,1239,0
+ranchester,311,5
+lindenwood,160,5
+hanson,1011,4
+wainscott,895,4
+leonardo,422,2
+pomaria,1574,1
+allensville,494,0
+tolstoy,1305,6
+lindenwood,2344,1
+leonardo,1286,0
+shelbyville,271,3
+pinesdale,43,2
+marstons,860,1
+ranchester,1195,4
+wainscott,248,0
+ranchester,1198,8
+lindenwood,691,0
+newfields,1170,11
+ranchester,1160,2
+pomaria,487,1
+woodbine,563,0
+pomaria,1557,7
+pinesdale,4,3
+lakeville,1240,4
+beechwood,48,13
+leonardo,501,7
+lindenwood,2616,0
+mifflinburg,493,3
+onaga,595,5
+onaga,431,3
+wainscott,529,1
+stockman,1099,3
+wainscott,399,0
+pomaria,801,6
+klickitat,1538,0
+lindenwood,2284,5
+stockman,308,2
+newfields,574,7
+klickitat,233,2
+coffeen,364,3
+woodbine,324,2
+hiteman,31,2
+shelbyville,1732,14
+cosmos,588,7
+newfields,642,1
+lakeville,1431,4
+pomaria,1498,0
+wainscott,1682,1
+marstons,791,12
+shelbyville,804,0
+hiteman,176,3
+shelbyville,1539,4
+marstons,506,4
+woodbine,1400,2
+mifflinburg,119,1
+wainscott,904,4
+lindenwood,2092,2
+lakeville,1229,3
+allensville,246,3
+tolstoy,731,3
+shelbyville,140,3
+shelbyville,2420,4
+tolstoy,984,5
+shelbyville,1875,5
+merom,57,0
+lindenwood,2554,3
+pomaria,1546,2
+pinesdale,88,4
+tolstoy,847,4
+wainscott,1372,4
+wainscott,774,0
+shelbyville,34,0
+woodbine,341,3
+stockman,756,0
+shelbyville,1656,1
+beechwood,226,7
+ranchester,292,5
+shelbyville,404,3
+lindenwood,2393,14
+shelbyville,1838,10
+shelbyville,1278,6
+pomaria,66,2
+beechwood,1127,1
+leonardo,263,10
+newfields,712,3
+coffeen,64,0
+tolstoy,1624,5
+tolstoy,1503,10
+klickitat,845,6
+coffeen,141,2
+newfields,1092,2
+leonardo,1023,2
+ranchester,654,2
+shelbyville,2253,4
+hiteman,554,4
+pomaria,356,5
+mifflinburg,537,5
+forkland,482,4
+ranchester,171,0
+hanson,306,7
+lindenwood,2293,0
+merom,240,6
+hiteman,1447,13
+lindenwood,1505,0
+wainscott,569,3
+leonardo,767,2
+hanson,429,8
+marstons,329,8
+merom,879,1
+beechwood,762,1
+merom,553,3
+shelbyville,2134,3
+leonardo,1895,4
+woodbine,557,1
+hiteman,1490,2
+tolstoy,668,3
+marstons,1746,4
+woodbine,1055,9
+lindenwood,267,1
+newfields,332,1
+pomaria,235,9
+lakeville,1586,12
+forkland,842,1
+forkland,452,3
+onaga,449,4
+lindenwood,1983,3
+lakeville,1863,6
+beechwood,578,1
+shelbyville,1380,2
+shelbyville,234,6
+marstons,1486,0
+shelbyville,2189,3
+pinesdale,383,4
+pomaria,416,15
+lindenwood,612,6
+lindenwood,1847,4
+wainscott,1735,0
+pinesdale,627,2
+cosmos,901,3
+ranchester,656,7
+hiteman,658,0
+hiteman,828,1
+merom,356,2
+shelbyville,1210,2
+tolstoy,1468,6
+lindenwood,117,9
+klickitat,1019,0
+stockman,1613,2
+marstons,1301,5
+shelbyville,512,4
+stockman,987,2
+tolstoy,1179,11
+lindenwood,907,1
+shelbyville,998,2
+klickitat,1325,3
+lindenwood,522,10
+woodbine,172,3
+newfields,1457,2
+pomaria,1009,1
+klickitat,1826,2
+pomaria,158,5
+hiteman,233,4
+marstons,144,3
+wainscott,1576,2
+beechwood,248,12
+hanson,1141,3
+woodbine,1761,1
+coffeen,321,9
+mifflinburg,836,1
+marstons,2656,0
+cosmos,433,2
+beechwood,892,4
+woodbine,1776,5
+mifflinburg,845,0
+hanson,1346,3
+lakeville,1539,0
+wainscott,1488,12
+lakeville,811,2
+lakeville,714,7
+woodbine,1094,11
+hiteman,935,13
+shelbyville,407,5
+pomaria,623,0
+woodbine,574,1
+beechwood,649,1
+hanson,202,6
+cosmos,1,1
+ranchester,1527,9
+marstons,2547,5
+cosmos,802,0
+forkland,1153,2
+pinesdale,868,0
+shelbyville,195,2
+newfields,1537,8
+shelbyville,2068,2
+hanson,1518,10
+ranchester,1473,2
+wainscott,386,4
+klickitat,1118,2
+newfields,723,11
+klickitat,1872,5
+marstons,2523,6
+mifflinburg,191,1
+lakeville,1410,0
+klickitat,2259,6
+leonardo,2014,2
+forkland,1131,13
+ranchester,1504,3
+shelbyville,199,3
+lakeville,1541,1
+klickitat,455,3
+lakeville,296,2
+leonardo,293,11
+hiteman,130,8
+forkland,629,1
+tolstoy,750,2
+stockman,916,2
+lindenwood,55,7
+shelbyville,1480,0
+marstons,523,2
+coffeen,102,6
+lindenwood,1335,10
+cosmos,23,3
+marstons,743,7
+pinesdale,732,1
+wainscott,1235,0
+wainscott,1259,1
+leonardo,16,3
+stockman,36,10
+pinesdale,6,6
+pinesdale,401,6
+klickitat,1925,1
+wainscott,22,4
+ranchester,104,2
+beechwood,148,4
+lindenwood,838,5
+newfields,2,2
+ranchester,1215,4
+lindenwood,266,1
+newfields,364,1
+shelbyville,116,3
+pinesdale,754,2
+newfields,1463,1
+merom,7,2
+klickitat,729,5
+benevolence,449,3
+forkland,976,1
+hanson,437,2
+lindenwood,179,10
+newfields,1321,2
+lindenwood,1113,3
+pomaria,322,8
+merom,975,8
+hiteman,1089,3
+leonardo,2064,3
+merom,341,7
+klickitat,869,1
+klickitat,480,6
+marstons,627,10
+allensville,407,0
+marstons,2532,0
+hiteman,317,4
+forkland,858,1
+woodbine,1291,2
+wainscott,903,5
+leonardo,1035,4
+pomaria,1592,2
+coffeen,32,6
+forkland,347,4
+shelbyville,412,2
+leonardo,929,10
+marstons,474,4
+tolstoy,478,11
+tolstoy,1832,9
+hiteman,286,0
+pinesdale,867,4
+shelbyville,26,8
+coffeen,292,4
+stockman,372,4
+cosmos,6,2
+tolstoy,591,10
+ranchester,996,2
+coffeen,1210,2
+hiteman,810,1
+newfields,721,7
+lindenwood,672,5
+stockman,811,9
+leonardo,1579,0
+beechwood,61,2
+woodbine,132,11
+mifflinburg,301,0
+shelbyville,2272,4
+marstons,2545,7
+leonardo,609,3
+forkland,562,0
+hanson,951,1
+ranchester,622,1
+lindenwood,2545,0
+wainscott,971,2
+pomaria,1195,1
+coffeen,143,2
+ranchester,1389,0
+pomaria,725,8
+shelbyville,708,1
+lindenwood,1700,2
+pomaria,402,0
+coffeen,181,3
+lindenwood,630,2
+marstons,2560,3
+allensville,120,6
+woodbine,609,2
+shelbyville,473,2
+wainscott,396,5
+marstons,867,2
+newfields,1119,1
+shelbyville,308,3
+ranchester,1214,5
+marstons,2337,7
+tolstoy,1208,8
+cosmos,138,2
+newfields,426,6
+newfields,1297,2
+hanson,256,6
+marstons,1731,17
+lindenwood,2477,7
+lakeville,173,1
+marstons,2469,0
+shelbyville,164,0
+hanson,1271,5
+tolstoy,895,9
+marstons,1478,6
+stockman,485,4
+pomaria,911,1
+woodbine,1822,11
+coffeen,940,2
+hanson,414,5
+wainscott,979,3
+wainscott,630,5
+klickitat,1274,2
+lindenwood,713,11
+klickitat,2075,0
+leonardo,997,10
+marstons,2382,6
+coffeen,699,2
+lakeville,1186,0
+hiteman,865,2
+beechwood,780,2
+benevolence,98,0
+hanson,1082,9
+pomaria,944,6
+pinesdale,1228,3
+lindenwood,1594,1
+coffeen,851,0
+klickitat,101,6
+shelbyville,1303,1
+newfields,1442,6
+woodbine,41,10
+lindenwood,833,4
+newfields,292,1
+lakeville,1572,5
+stockman,664,1
+marstons,887,0
+lindenwood,266,2
+cosmos,675,0
+hanson,1417,4
+benevolence,468,0
+coffeen,1268,0
+onaga,574,6
+klickitat,779,8
+shelbyville,1764,4
+klickitat,322,0
+newfields,1284,7
+shelbyville,1996,4
+woodbine,1610,7
+stockman,1189,7
+shelbyville,1735,9
+marstons,841,15
+forkland,86,2
+klickitat,1880,7
+marstons,1887,0
+stockman,1169,2
+beechwood,1137,3
+marstons,1590,6
+marstons,1998,4
+leonardo,1474,5
+coffeen,305,8
+hanson,750,1
+stockman,382,2
+lindenwood,1877,1
+hiteman,1807,3
+klickitat,1602,2
+woodbine,799,1
+stockman,632,3
+stockman,1285,10
+hanson,1514,5
+leonardo,541,1
+shelbyville,2715,5
+pomaria,703,1
+pomaria,414,9
+coffeen,1324,3
+pinesdale,641,0
+lakeville,1674,6
+hanson,1009,2
+klickitat,27,9
+klickitat,801,5
+beechwood,336,2
+tolstoy,453,10
+marstons,1828,4
+klickitat,54,10
+klickitat,1195,3
+hanson,1410,2
+ranchester,61,4
+leonardo,1650,1
+shelbyville,1441,5
+allensville,460,4
+woodbine,1316,1
+leonardo,980,2
+coffeen,948,6
+newfields,1458,2
+hanson,1427,2
+shelbyville,1012,3
+wainscott,1371,8
+tolstoy,304,9
+marstons,780,1
+pomaria,662,13
+tolstoy,1623,5
+merom,18,7
+hanson,1254,2
+onaga,103,3
+cosmos,152,5
+coffeen,1021,1
+beechwood,1036,2
+wainscott,183,7
+woodbine,1364,3
+pomaria,330,8
+forkland,249,3
+onaga,589,5
+shelbyville,1794,3
+stockman,370,6
+lakeville,1454,2
+lindenwood,698,3
+leonardo,1395,4
+beechwood,277,1
+lakeville,602,8
+wainscott,785,6
+mifflinburg,903,8
+wainscott,169,2
+shelbyville,1663,3
+tolstoy,64,8
+beechwood,59,15
+shelbyville,1494,17
+hiteman,311,1
+lindenwood,353,3
+coffeen,439,5
+ranchester,1450,9
+klickitat,1718,6
+pomaria,542,1
+lakeville,264,3
+tolstoy,1119,2
+ranchester,916,2
+lakeville,1495,4
+newfields,495,6
+lindenwood,2221,3
+shelbyville,684,0
+shelbyville,817,1
+woodbine,1843,3
+marstons,76,9
+wainscott,691,4
+marstons,244,9
+klickitat,2015,9
+wainscott,320,1
+newfields,1438,2
+klickitat,964,1
+wainscott,1358,4
+forkland,1086,2
+wainscott,1065,14
+woodbine,1477,1
+shelbyville,2090,0
+klickitat,2195,7
+lindenwood,761,8
+coffeen,381,2
+klickitat,398,1
+coffeen,930,1
+woodbine,1890,1
+shelbyville,156,2
+marstons,1757,2
+shelbyville,1305,2
+wainscott,474,1
+lakeville,1802,2
+woodbine,1759,1
+beechwood,16,8
+pomaria,618,3
+leonardo,673,4
+pomaria,1034,3
+klickitat,2390,7
+wainscott,759,4
+merom,295,3
+hiteman,1799,6
+marstons,1939,1
+ranchester,1154,9
+lindenwood,199,2
+cosmos,418,2
+beechwood,559,0
+lakeville,1158,2
+pomaria,1352,7
+leonardo,2005,13
+woodbine,45,0
+coffeen,585,0
+leonardo,1629,5
+tolstoy,1179,3
+hiteman,501,11
+cosmos,740,6
+coffeen,1018,4
+hanson,1477,4
+cosmos,806,3
+klickitat,738,2
+tolstoy,1592,3
+marstons,670,1
+pinesdale,795,7
+woodbine,65,3
+forkland,1000,3
+wainscott,934,8
+ranchester,1203,3
+allensville,199,0
+wainscott,925,1
+hanson,379,0
+hiteman,1271,8
+newfields,834,7
+klickitat,757,4
+hiteman,728,0
+marstons,1619,4
+allensville,225,4
+shelbyville,1459,6
+shelbyville,1654,7
+shelbyville,702,4
+marstons,1793,1
+shelbyville,453,2
+coffeen,257,2
+merom,290,2
+shelbyville,984,9
+mifflinburg,111,5
+pinesdale,107,1
+merom,247,2
+leonardo,806,2
+mifflinburg,477,1
+shelbyville,1680,0
+shelbyville,2021,3
+hiteman,758,2
+newfields,224,2
+pinesdale,789,2
+shelbyville,71,0
+pinesdale,627,5
+klickitat,1305,6
+lakeville,723,0
+leonardo,616,7
+lakeville,757,0
+hiteman,1539,9
+hanson,605,2
+wainscott,784,7
+cosmos,322,6
+forkland,756,1
+forkland,178,3
+lindenwood,866,6
+cosmos,655,1
+shelbyville,910,4
+ranchester,1434,6
+leonardo,1079,12
+lindenwood,358,1
+coffeen,178,5
+tolstoy,1798,4
+shelbyville,498,4
+allensville,499,1
+benevolence,748,2
+marstons,1885,2
+shelbyville,317,4
+shelbyville,2701,6
+allensville,508,1
+shelbyville,1932,3
+lindenwood,2269,7
+lindenwood,1655,1
+mifflinburg,15,1
+klickitat,2087,1
+stockman,1346,4
+shelbyville,891,3
+hiteman,1332,1
+ranchester,1614,3
+klickitat,2172,7
+merom,571,0
+tolstoy,1212,1
+klickitat,1154,2
+klickitat,1015,6
+leonardo,2039,16
+leonardo,154,2
+klickitat,285,3
+wainscott,582,10
+ranchester,370,1
+merom,610,1
+mifflinburg,742,3
+lindenwood,740,2
+beechwood,519,4
+lakeville,538,4
+leonardo,1830,7
+ranchester,58,13
+wainscott,246,0
+woodbine,506,8
+klickitat,1182,3
+woodbine,1128,3
+mifflinburg,825,2
+leonardo,1654,7
+coffeen,1431,6
+lakeville,268,5
+coffeen,1171,1
+klickitat,1142,1
+shelbyville,1989,4
+shelbyville,775,5
+klickitat,1331,3
+tolstoy,1697,1
+lindenwood,1969,8
+lakeville,256,6
+klickitat,1763,10
+lindenwood,800,3
+beechwood,680,2
+shelbyville,2531,3
+tolstoy,892,10
+woodbine,1378,4
+tolstoy,640,2
+ranchester,459,0
+cosmos,366,2
+marstons,347,10
+woodbine,244,1
+shelbyville,2172,8
+marstons,1965,4
+onaga,591,2
+forkland,1095,5
+stockman,1023,0
+newfields,196,5
+woodbine,280,11
+leonardo,1067,12
+lakeville,663,14
+lakeville,489,0
+coffeen,488,4
+marstons,502,2
+leonardo,283,0
+klickitat,1583,3
+newfields,980,10
+lindenwood,2097,0
+marstons,1629,6
+wainscott,159,7
+ranchester,657,0
+marstons,334,6
+tolstoy,875,1
+woodbine,601,0
+hanson,895,11
+klickitat,2309,2
+lindenwood,1761,3
+lakeville,1731,4
+klickitat,1043,12
+hanson,1345,2
+lindenwood,1226,4
+hanson,1608,5
+shelbyville,1870,0
+leonardo,671,2
+ranchester,1189,0
+lakeville,155,6
+newfields,909,0
+wainscott,1652,3
+lakeville,242,2
+woodbine,479,3
+newfields,1009,10
+newfields,961,3
+marstons,840,2
+lindenwood,940,5
+newfields,740,6
+stockman,615,6
+tolstoy,952,8
+lakeville,156,6
+lindenwood,2327,8
+wainscott,950,3
+lindenwood,2044,5
+woodbine,679,5
+woodbine,502,3
+shelbyville,1236,6
+hiteman,232,0
+leonardo,1423,0
+forkland,1052,6
+leonardo,997,5
+stockman,615,4
+onaga,305,7
+lindenwood,1944,9
+lakeville,251,5
+klickitat,1312,8
+ranchester,879,0
+woodbine,1485,3
+lakeville,1225,7
+tolstoy,933,0
+klickitat,714,2
+coffeen,517,0
+shelbyville,1944,3
+stockman,663,2
+stockman,1346,0
+stockman,83,6
+marstons,426,1
+leonardo,615,3
+beechwood,435,0
+coffeen,586,3
+marstons,1345,7
+ranchester,663,4
+pinesdale,864,1
+lakeville,1446,4
+newfields,969,1
+coffeen,1432,3
+merom,882,1
+marstons,2170,1
+forkland,840,5
+klickitat,302,2
+benevolence,570,2
+hiteman,579,2
+hiteman,301,3
+coffeen,330,3
+forkland,664,0
+tolstoy,112,0
+klickitat,472,3
+shelbyville,2706,2
+lindenwood,448,3
+mifflinburg,712,9
+klickitat,1724,3
+cosmos,382,5
+woodbine,1974,0
+newfields,613,0
+shelbyville,846,0
+leonardo,191,0
+klickitat,1909,4
+pomaria,364,2
+allensville,329,1
+newfields,312,4
+forkland,900,5
+leonardo,858,1
+hiteman,888,1
+klickitat,312,8
+marstons,1859,4
+klickitat,955,0
+lakeville,485,9
+merom,646,1
+stockman,701,0
+mifflinburg,216,2
+ranchester,1461,0
+ranchester,665,0
+leonardo,1673,11
+marstons,2069,17
+hanson,25,3
+woodbine,998,6
+pinesdale,265,5
+shelbyville,1095,9
+lindenwood,2559,1
+lindenwood,87,7
+marstons,2566,4
+woodbine,1529,1
+klickitat,640,10
+pinesdale,769,16
+klickitat,163,6
+lakeville,1324,4
+pomaria,595,3
+klickitat,872,6
+lindenwood,2499,4
+mifflinburg,246,10
+marstons,1508,6
+hanson,823,0
+leonardo,1377,3
+wainscott,116,3
+stockman,1037,3
+lindenwood,133,2
+lakeville,530,4
+woodbine,361,0
+shelbyville,748,2
+wainscott,634,3
+tolstoy,522,9
+pinesdale,270,0
+pinesdale,468,2
+woodbine,2055,5
+leonardo,1539,1
+marstons,931,2
+stockman,147,3
+forkland,128,1
+pomaria,106,0
+shelbyville,719,1
+marstons,1278,8
+benevolence,743,13
+hiteman,1046,11
+pomaria,252,0
+stockman,1350,2
+forkland,1086,3
+tolstoy,698,2
+coffeen,172,1
+woodbine,504,10
+woodbine,1533,8
+beechwood,74,0
+onaga,380,0
+newfields,119,1
+merom,717,1
+woodbine,1746,2
+tolstoy,456,12
+lakeville,30,4
+wainscott,201,8
+woodbine,1841,4
+lakeville,1743,6
+lindenwood,1313,3
+wainscott,461,0
+woodbine,949,0
+shelbyville,383,2
+woodbine,1893,2
+lindenwood,2094,1
+lakeville,979,2
+coffeen,61,2
+klickitat,1838,6
+lindenwood,490,2
+newfields,157,5
+tolstoy,1167,16
+hanson,585,1
+lakeville,1267,5
+leonardo,1394,0
+tolstoy,838,2
+stockman,1594,8
+hanson,981,2
+klickitat,2302,7
+woodbine,1933,0
+lindenwood,1393,6
+shelbyville,1874,4
+shelbyville,2457,1
+cosmos,32,3
+leonardo,160,7
+leonardo,1448,1
+ranchester,1483,2
+coffeen,370,2
+pinesdale,733,3
+onaga,643,6
+pinesdale,884,2
+pomaria,1529,11
+stockman,372,2
+woodbine,840,11
+hiteman,1754,3
+woodbine,507,10
+woodbine,1036,10
+shelbyville,1295,12
+pinesdale,471,0
+hanson,380,10
+wainscott,626,0
+wainscott,390,1
+shelbyville,1227,3
+hiteman,125,0
+lindenwood,959,3
+coffeen,534,8
+beechwood,595,5
+hanson,1547,4
+tolstoy,512,6
+marstons,2249,3
+beechwood,1039,2
+tolstoy,1250,1
+marstons,908,1
+pinesdale,711,7
+pinesdale,1363,0
+marstons,917,4
+allensville,425,2
+klickitat,1041,19
+marstons,2545,5
+wainscott,1212,4
+leonardo,1369,4
+hanson,1231,0
+shelbyville,1921,3
+hanson,56,9
+ranchester,301,7
+wainscott,632,4
+allensville,7,5
+cosmos,960,1
+marstons,1620,7
+lakeville,1733,2
+wainscott,1554,3
+coffeen,911,3
+beechwood,1138,3
+pomaria,675,7
+newfields,1443,3
+cosmos,203,1
+shelbyville,241,0
+woodbine,1183,4
+coffeen,1197,0
+woodbine,25,5
+lindenwood,2529,8
+shelbyville,864,2
+leonardo,900,2
+shelbyville,2605,0
+lindenwood,1162,1
+wainscott,734,0
+newfields,406,5
+hiteman,1509,5
+wainscott,1170,8
+klickitat,2201,9
+stockman,1139,0
+woodbine,1254,5
+klickitat,779,0
+wainscott,1677,0
+lakeville,535,1
+hanson,1323,8
+shelbyville,697,7
+klickitat,2026,0
+shelbyville,1939,7
+lindenwood,8,3
+stockman,799,1
+lindenwood,325,2
+beechwood,870,1
+woodbine,248,0
+marstons,791,8
+pomaria,1118,1
+woodbine,988,0
+lindenwood,1938,5
+lindenwood,1091,8
+shelbyville,2584,0
+forkland,1,3
+ranchester,361,1
+leonardo,1329,3
+marstons,1320,5
+hiteman,1483,2
+wainscott,248,11
+marstons,1418,5
+ranchester,1014,3
+lindenwood,349,2
+forkland,1018,5
+tolstoy,1659,6
+woodbine,1077,2
+ranchester,298,2
+shelbyville,872,3
+marstons,97,10
+pinesdale,1022,2
+woodbine,1649,10
+lakeville,234,2
+lakeville,1001,3
+stockman,1325,1
+pomaria,1253,12
+leonardo,1883,12
+leonardo,687,5
+klickitat,2362,0
+woodbine,118,16
+lindenwood,2249,3
+ranchester,88,4
+woodbine,1379,5
+klickitat,832,3
+leonardo,1988,7
+woodbine,1908,1
+tolstoy,1109,2
+klickitat,1270,10
+shelbyville,250,13
+cosmos,500,3
+lindenwood,329,1
+pinesdale,1304,4
+pomaria,693,3
+mifflinburg,637,1
+hiteman,718,5
+newfields,220,2
+newfields,232,2
+leonardo,1829,7
+beechwood,963,0
+woodbine,213,4
+hiteman,1476,0
+ranchester,647,2
+lindenwood,854,3
+klickitat,2284,6
+lindenwood,1241,8
+leonardo,1986,4
+woodbine,1543,1
+pinesdale,1158,3
+mifflinburg,748,0
+mifflinburg,549,2
+lakeville,358,5
+benevolence,81,4
+beechwood,1162,3
+hiteman,916,1
+tolstoy,1359,7
+marstons,1874,10
+hanson,1179,5
+marstons,2228,0
+marstons,844,4
+marstons,1764,0
+lindenwood,1213,1
+hiteman,1216,0
+forkland,1148,8
+hiteman,1181,4
+leonardo,689,15
+shelbyville,2166,6
+allensville,463,5
+merom,870,0
+tolstoy,491,2
+lindenwood,2005,0
+lakeville,1470,5
+lindenwood,1632,3
+lindenwood,375,3
+mifflinburg,694,3
+hanson,500,0
+lindenwood,468,7
+woodbine,1785,7
+leonardo,447,18
+shelbyville,2674,7
+marstons,2032,2
+ranchester,998,4
+shelbyville,957,0
+mifflinburg,155,1
+shelbyville,1573,8
+wainscott,674,6
+hiteman,589,0
+tolstoy,1167,0
+forkland,540,1
+pomaria,336,6
+woodbine,1033,2
+lakeville,76,4
+hanson,230,9
+pinesdale,964,2
+marstons,1558,0
+cosmos,823,8
+pomaria,1522,3
+klickitat,656,12
+forkland,606,1
+hanson,682,0
+lakeville,1824,1
+coffeen,305,9
+lindenwood,2108,14
+lindenwood,2337,1
+newfields,1084,2
+hiteman,534,2
+marstons,284,10
+beechwood,111,2
+ranchester,985,0
+shelbyville,2564,6
+cosmos,414,5
+klickitat,2186,0
+lindenwood,2336,1
+lakeville,1752,2
+hiteman,846,1
+marstons,575,5
+woodbine,1210,8
+lakeville,1385,7
+klickitat,569,3
+leonardo,1978,8
+leonardo,1712,4
+newfields,445,3
+wainscott,1769,2
+ranchester,1022,4
+lindenwood,2354,5
+cosmos,1017,0
+woodbine,1676,0
+klickitat,1216,0
+hanson,773,3
+woodbine,1672,7
+wainscott,189,0
+pomaria,669,4
+benevolence,767,3
+wainscott,999,6
+coffeen,496,0
+tolstoy,749,2
+coffeen,1481,1
+benevolence,333,0
+lakeville,846,0
+beechwood,12,0
+cosmos,804,10
+pinesdale,1050,5
+ranchester,1451,3
+shelbyville,2717,2
+lindenwood,1593,2
+cosmos,409,0
+tolstoy,1237,7
+shelbyville,1483,4
+beechwood,123,8
+hiteman,1203,5
+ranchester,1583,2
+woodbine,1564,7
+shelbyville,1724,6
+pinesdale,881,0
+hiteman,364,1
+marstons,774,2
+merom,1026,2
+pomaria,704,0
+hiteman,1083,0
+hiteman,1633,1
+klickitat,2057,15
+hanson,962,8
+marstons,1073,1
+lindenwood,544,4
+forkland,253,2
+newfields,979,3
+stockman,233,8
+pomaria,505,7
+merom,912,1
+hiteman,1771,0
+coffeen,312,1
+klickitat,2061,13
+woodbine,1628,2
+leonardo,647,1
+lakeville,1229,4
+coffeen,582,0
+lakeville,608,5
+wainscott,198,13
+wainscott,156,0
+mifflinburg,163,4
+shelbyville,2692,5
+cosmos,587,0
+pinesdale,1493,0
+tolstoy,1537,4
+newfields,170,4
+lakeville,1440,0
+pinesdale,941,3
+pomaria,791,4
+wainscott,1241,9
+woodbine,1605,16
+tolstoy,1254,1
+hiteman,623,9
+marstons,1881,11
+pinesdale,1222,3
+ranchester,770,0
+hanson,790,2
+hiteman,249,1
+coffeen,544,3
+pomaria,1558,6
+lindenwood,70,6
+mifflinburg,642,1
+leonardo,1861,4
+woodbine,1264,2
+klickitat,868,3
+beechwood,209,1
+wainscott,189,1
+tolstoy,9,1
+woodbine,1294,11
+lakeville,1670,22
+benevolence,689,3
+pomaria,414,6
+forkland,366,10
+pinesdale,419,6
+hanson,776,9
+beechwood,431,4
+tolstoy,1183,1
+lindenwood,497,0
+forkland,667,3
+lindenwood,974,0
+klickitat,1455,0
+klickitat,794,2
+shelbyville,732,0
+cosmos,507,3
+coffeen,460,1
+pinesdale,13,1
+pomaria,252,15
+tolstoy,1394,7
+tolstoy,1599,11
+woodbine,985,16
+wainscott,182,14
+marstons,1275,0
+wainscott,1001,0
+newfields,1171,9
+coffeen,122,1
+marstons,306,5
+stockman,1523,1
+shelbyville,1366,5
+lindenwood,607,8
+benevolence,414,7
+shelbyville,2407,1
+shelbyville,1874,1
+hiteman,1271,5
+lindenwood,2203,0
+lakeville,1072,6
+coffeen,733,2
+pinesdale,36,6
+lakeville,1769,10
+marstons,439,6
+newfields,1542,1
+forkland,371,1
+wainscott,1635,0
+shelbyville,71,4
+lakeville,511,5
+pomaria,465,12
+pinesdale,1509,1
+marstons,2339,2
+tolstoy,1006,3
+klickitat,375,1
+lindenwood,1587,5
+klickitat,1623,1
+woodbine,905,2
+benevolence,107,2
+lindenwood,52,2
+hanson,410,9
+klickitat,949,4
+woodbine,287,0
+lindenwood,38,4
+ranchester,749,2
+cosmos,986,1
+coffeen,264,7
+forkland,985,2
+leonardo,1843,0
+tolstoy,309,6
+marstons,108,2
+hiteman,229,2
+ranchester,940,1
+forkland,171,2
+marstons,413,3
+lakeville,1345,0
+lindenwood,1742,1
+stockman,989,9
+ranchester,594,3
+newfields,1030,9
+lakeville,628,2
+marstons,1049,4
+beechwood,831,5
+pomaria,1632,7
+shelbyville,173,13
+lindenwood,2362,0
+tolstoy,475,5
+woodbine,1665,12
+ranchester,1316,1
+ranchester,1004,1
+hiteman,33,14
+leonardo,1720,2
+pinesdale,918,3
+mifflinburg,265,1
+pinesdale,986,1
+benevolence,524,6
+cosmos,883,1
+beechwood,715,3
+tolstoy,267,5
+ranchester,579,0
+lindenwood,1861,2
+tolstoy,1738,2
+merom,894,0
+woodbine,74,6
+hiteman,1007,4
+hiteman,1767,2
+newfields,506,1
+klickitat,1864,0
+coffeen,17,4
+ranchester,1379,9
+hiteman,1764,1
+lakeville,1089,2
+woodbine,1630,5
+marstons,1285,3
+stockman,598,6
+hiteman,5,1
+shelbyville,1954,2
+klickitat,296,5
+ranchester,826,8
+marstons,1085,8
+marstons,664,0
+shelbyville,944,7
+leonardo,720,4
+beechwood,824,1
+lindenwood,1891,10
+woodbine,1694,0
+marstons,555,13
+hanson,649,5
+lakeville,798,1
+onaga,315,5
+hanson,1539,7
+pomaria,710,2
+woodbine,255,0
+klickitat,2379,0
+pinesdale,217,3
+merom,350,4
+allensville,16,0
+stockman,197,0
+shelbyville,361,5
+merom,623,0
+cosmos,395,3
+benevolence,829,2
+klickitat,2131,5
+shelbyville,1469,9
+shelbyville,2107,0
+lakeville,1704,19
+tolstoy,772,6
+wainscott,1159,8
+allensville,56,2
+forkland,12,0
+lindenwood,2601,5
+coffeen,1248,2
+leonardo,125,0
+woodbine,1285,1
+pomaria,656,5
+ranchester,1379,3
+hiteman,33,2
+cosmos,102,5
+leonardo,247,2
+cosmos,113,2
+klickitat,624,5
+tolstoy,1573,1
+benevolence,493,0
+pomaria,1521,5
+klickitat,914,16
+lakeville,246,9
+beechwood,1051,2
+klickitat,2351,11
+merom,220,5
+stockman,1074,2
+beechwood,145,3
+newfields,16,10
+shelbyville,343,8
+hiteman,886,7
+lindenwood,1863,1
+cosmos,812,4
+newfields,259,3
+newfields,31,4
+stockman,1501,1
+pinesdale,138,0
+marstons,2524,13
+pinesdale,737,0
+newfields,1590,3
+hiteman,435,1
+shelbyville,1800,6
+woodbine,2000,2
+leonardo,223,12
+pinesdale,1223,1
+wainscott,984,5
+beechwood,481,2
+tolstoy,192,1
+benevolence,528,6
+lakeville,997,0
+coffeen,728,10
+lakeville,1068,1
+merom,742,3
+hanson,231,5
+merom,83,1
+beechwood,755,17
+pinesdale,204,0
+shelbyville,679,12
+coffeen,313,3
+onaga,80,3
+lakeville,1744,4
+wainscott,1788,1
+ranchester,160,0
+wainscott,308,3
+lakeville,1769,5
+beechwood,821,3
+lakeville,175,2
+marstons,1175,5
+newfields,290,2
+shelbyville,1389,1
+lindenwood,1105,1
+hiteman,1216,11
+hiteman,922,1
+lindenwood,622,2
+shelbyville,2360,0
+woodbine,1827,8
+lakeville,1421,4
+hanson,797,2
+woodbine,417,13
+pinesdale,325,9
+ranchester,1288,1
+coffeen,299,5
+cosmos,666,14
+hanson,1456,6
+marstons,1278,3
+leonardo,341,1
+marstons,2359,2
+beechwood,256,3
+ranchester,140,3
+merom,855,1
+hanson,812,11
+tolstoy,267,1
+mifflinburg,161,2
+pomaria,1677,17
+stockman,1048,1
+hanson,496,1
+ranchester,532,1
+lakeville,1877,4
+forkland,1024,3
+lakeville,1151,4
+beechwood,770,2
+pomaria,103,5
+woodbine,725,9
+wainscott,629,3
+klickitat,1909,14
+lindenwood,1182,1
+shelbyville,1494,5
+klickitat,558,2
+shelbyville,302,7
+stockman,1189,3
+beechwood,286,1
+hanson,1419,3
+pinesdale,414,0
+leonardo,1393,7
+newfields,627,15
+woodbine,667,4
+klickitat,801,0
+klickitat,1689,1
+forkland,326,4
+beechwood,550,10
+coffeen,1482,3
+hiteman,1615,5
+pomaria,1048,0
+marstons,417,6
+lindenwood,1143,5
+lakeville,95,4
+coffeen,135,6
+pinesdale,308,3
+hanson,205,1
+merom,506,1
+lindenwood,1366,7
+woodbine,2050,7
+leonardo,617,2
+lakeville,748,2
+pinesdale,349,8
+lakeville,1774,2
+beechwood,356,2
+klickitat,1836,1
+shelbyville,1282,3
+klickitat,1023,4
+pomaria,1026,3
+coffeen,3,2
+woodbine,431,2
+stockman,1403,0
+hiteman,413,3
+stockman,141,5
+klickitat,484,7
+klickitat,1671,0
+wainscott,836,1
+lakeville,229,1
+leonardo,989,6
+klickitat,1702,7
+lakeville,1857,3
+shelbyville,1813,11
+leonardo,854,6
+beechwood,234,6
+leonardo,1923,6
+shelbyville,931,2
+woodbine,1822,8
+leonardo,599,1
+wainscott,513,4
+marstons,316,4
+marstons,1611,2
+leonardo,2076,0
+hanson,1012,1
+marstons,1129,3
+lindenwood,705,2
+woodbine,566,4
+tolstoy,1605,2
+klickitat,2298,0
+ranchester,1431,3
+klickitat,2145,11
+klickitat,2248,3
+marstons,2383,11
+lakeville,1274,1
+klickitat,224,2
+pomaria,254,5
+pomaria,186,5
+shelbyville,718,12
+klickitat,2312,2
+lakeville,820,11
+lakeville,1779,6
+ranchester,338,7
+shelbyville,990,7
+wainscott,859,9
+marstons,167,7
+marstons,2415,11
+pinesdale,942,6
+hanson,1235,0
+merom,795,5
+coffeen,1229,1
+hiteman,1680,0
+marstons,489,6
+benevolence,916,1
+tolstoy,633,0
+ranchester,930,5
+tolstoy,857,0
+shelbyville,845,5
+leonardo,1821,10
+marstons,1678,2
+beechwood,209,3
+newfields,32,10
+hanson,757,5
+leonardo,2013,0
+wainscott,307,3
+marstons,202,16
+hanson,1178,1
+woodbine,1575,6
+stockman,521,2
+leonardo,1594,6
+pomaria,567,6
+klickitat,2164,2
+woodbine,798,3
+pomaria,1562,2
+wainscott,1353,0
+shelbyville,2628,1
+leonardo,138,15
+woodbine,245,7
+newfields,292,9
+wainscott,772,3
+tolstoy,940,2
+shelbyville,2209,5
+cosmos,2,3
+woodbine,1574,3
+tolstoy,1560,3
+lindenwood,1473,7
+hiteman,805,3
+woodbine,1737,1
+leonardo,340,1
+merom,168,1
+leonardo,816,2
+pomaria,1273,9
+hiteman,1528,5
+newfields,1091,0
+woodbine,1975,5
+shelbyville,1233,2
+newfields,40,1
+lindenwood,1277,1
+mifflinburg,358,0
+ranchester,312,0
+shelbyville,700,4
+tolstoy,25,1
+cosmos,578,10
+stockman,1270,2
+pinesdale,1,1
+merom,627,7
+wainscott,1510,0
+allensville,271,5
+merom,605,2
+lindenwood,579,0
+tolstoy,1668,7
+newfields,343,0
+lindenwood,398,3
+beechwood,448,1
+coffeen,12,3
+allensville,348,0
+marstons,1431,3
+pomaria,689,4
+forkland,369,4
+lindenwood,96,3
+hanson,959,8
+hanson,901,0
+onaga,168,5
+woodbine,1444,8
+stockman,961,2
+cosmos,121,2
+leonardo,1932,1
+hiteman,349,2
+pomaria,1586,2
+pinesdale,156,8
+klickitat,841,5
+klickitat,694,4
+leonardo,293,5
+marstons,496,1
+marstons,1260,0
+beechwood,54,3
+coffeen,84,0
+shelbyville,1186,0
+woodbine,138,11
+marstons,271,3
+beechwood,859,1
+marstons,1801,1
+pinesdale,1463,2
+pinesdale,1305,3
+shelbyville,1564,1
+hiteman,1725,6
+stockman,1573,5
+shelbyville,1982,2
+klickitat,775,5
+shelbyville,2328,7
+hiteman,1331,4
+leonardo,1059,4
+coffeen,499,2
+hiteman,1210,8
+shelbyville,1555,0
+leonardo,1387,10
+hiteman,18,3
+pinesdale,735,3
+lakeville,1125,1
+onaga,632,4
+lakeville,1513,9
+tolstoy,189,6
+lakeville,1414,1
+merom,1016,3
+lindenwood,165,0
+leonardo,1294,3
+marstons,872,3
+benevolence,81,0
+tolstoy,1435,5
+lindenwood,1340,3
+shelbyville,2309,2
+klickitat,1471,7
+tolstoy,871,2
+marstons,2474,4
+lindenwood,2071,4
+marstons,1635,3
+hiteman,635,2
+shelbyville,1821,7
+klickitat,147,3
+hiteman,1522,5
+merom,152,2
+shelbyville,2779,3
+pomaria,57,0
+pomaria,566,3
+hanson,303,0
+stockman,466,14
+shelbyville,2720,7
+lindenwood,1979,2
+leonardo,1072,8
+stockman,1409,3
+marstons,1267,1
+lindenwood,795,1
+ranchester,782,6
+coffeen,656,0
+woodbine,82,0
+shelbyville,1228,2
+woodbine,594,12
+hanson,142,1
+lindenwood,2369,1
+hanson,833,1
+shelbyville,1930,0
+shelbyville,2720,5
+stockman,273,5
+merom,663,2
+beechwood,618,5
+woodbine,942,6
+lindenwood,279,7
+leonardo,1580,2
+newfields,801,1
+klickitat,1106,11
+wainscott,73,0
+lakeville,1685,2
+tolstoy,418,1
+klickitat,484,8
+marstons,1003,3
+leonardo,1116,2
+pinesdale,845,5
+ranchester,307,8
+lindenwood,302,1
+leonardo,406,18
+forkland,313,0
+lindenwood,1490,13
+newfields,203,4
+hiteman,571,1
+hanson,748,0
+woodbine,952,3
+lakeville,1500,5
+beechwood,660,5
+stockman,67,1
+lindenwood,774,2
+lakeville,666,2
+cosmos,958,0
+klickitat,1063,0
+coffeen,1518,3
+hiteman,1213,2
+woodbine,1702,10
+tolstoy,993,4
+pinesdale,1090,2
+lindenwood,1382,4
+woodbine,720,6
+hiteman,744,0
+coffeen,1037,1
+onaga,83,5
+woodbine,902,3
+klickitat,1960,7
+ranchester,1212,0
+woodbine,1461,3
+klickitat,2279,11
+shelbyville,2783,3
+wainscott,505,3
+cosmos,80,0
+merom,940,1
+lakeville,1719,1
+woodbine,1050,1
+hanson,300,7
+shelbyville,1833,5
+lindenwood,759,3
+hanson,331,2
+newfields,1301,9
+lakeville,1214,6
+cosmos,86,2
+lindenwood,1520,2
+woodbine,376,0
+newfields,1144,9
+onaga,325,2
+lindenwood,2366,4
+pinesdale,131,1
+stockman,1006,3
+beechwood,588,3
+forkland,1031,2
+tolstoy,455,1
+newfields,261,0
+onaga,477,1
+hanson,1480,3
+stockman,824,9
+pinesdale,673,1
+hiteman,1210,4
+cosmos,606,0
+forkland,827,3
+tolstoy,988,4
+lakeville,742,1
+wainscott,997,11
+lindenwood,2590,1
+marstons,1402,1
+wainscott,496,3
+forkland,320,2
+stockman,752,3
+woodbine,125,1
+wainscott,1347,0
+allensville,134,5
+wainscott,1053,12
+leonardo,1602,0
+hiteman,58,3
+mifflinburg,251,12
+pomaria,1486,1
+pinesdale,223,1
+cosmos,645,8
+marstons,1874,3
+stockman,670,2
+marstons,447,4
+klickitat,971,6
+hanson,1569,6
+wainscott,1188,6
+benevolence,671,0
+forkland,1147,0
+onaga,462,0
+wainscott,1479,7
+hiteman,1800,7
+lakeville,1294,0
+shelbyville,2169,16
+marstons,1032,6
+newfields,1041,6
+ranchester,1120,0
+wainscott,667,3
+coffeen,836,5
+leonardo,248,4
+hiteman,1021,1
+leonardo,1358,21
+klickitat,2201,10
+cosmos,115,1
+leonardo,22,0
+cosmos,26,2
+leonardo,1169,1
+tolstoy,854,6
+lakeville,605,0
+stockman,349,4
+merom,794,3
+marstons,369,1
+shelbyville,15,10
+onaga,602,3
+pinesdale,567,1
+lakeville,31,13
+coffeen,1381,0
+ranchester,39,2
+lindenwood,1128,0
+hanson,576,1
+merom,913,5
+marstons,1456,2
+hiteman,137,1
+cosmos,140,0
+lindenwood,2108,13
+wainscott,464,0
+ranchester,1154,0
+klickitat,1682,4
+lakeville,392,2
+cosmos,926,5
+lindenwood,1484,0
+lakeville,239,1
+merom,1011,5
+woodbine,505,3
+newfields,752,1
+leonardo,798,6
+wainscott,1613,1
+tolstoy,291,8
+newfields,988,4
+wainscott,462,1
+forkland,1147,1
+klickitat,641,3
+beechwood,388,1
+wainscott,1644,8
+klickitat,365,9
+klickitat,401,0
+marstons,336,5
+shelbyville,1573,5
+beechwood,39,1
+forkland,1126,2
+marstons,1170,9
+beechwood,1140,1
+klickitat,1179,0
+woodbine,745,7
+lakeville,568,3
+marstons,2461,1
+lindenwood,397,5
+leonardo,167,12
+shelbyville,1811,1
+leonardo,1356,9
+klickitat,717,7
+klickitat,2357,12
+ranchester,479,0
+ranchester,18,5
+ranchester,473,3
+beechwood,58,1
+pomaria,205,7
+pomaria,999,7
+lakeville,100,5
+leonardo,603,7
+pomaria,626,6
+ranchester,165,2
+newfields,274,0
+hiteman,660,18
+hiteman,1041,2
+stockman,1483,0
+tolstoy,1477,2
+marstons,1657,2
+shelbyville,974,9
+forkland,782,0
+pinesdale,394,2
+wainscott,1490,7
+woodbine,1246,12
+coffeen,230,2
+newfields,1031,13
+beechwood,25,2
+ranchester,189,0
+coffeen,656,2
+pinesdale,1146,5
+woodbine,416,3
+lindenwood,1312,0
+newfields,996,4
+newfields,1542,2
+shelbyville,2245,9
+klickitat,1606,0
+woodbine,470,16
+pomaria,1570,8
+beechwood,603,3
+pomaria,152,1
+hanson,936,7
+lindenwood,1898,5
+pomaria,1400,1
+klickitat,1529,3
+lakeville,1182,1
+lakeville,1899,7
+woodbine,1207,1
+klickitat,694,2
+klickitat,1230,5
+hanson,893,8
+shelbyville,2606,2
+cosmos,679,5
+woodbine,639,5
+cosmos,569,5
+lakeville,335,7
+beechwood,20,3
+onaga,602,2
+newfields,637,19
+hiteman,1237,5
+stockman,295,4
+pinesdale,1421,1
+ranchester,776,3
+leonardo,1112,1
+stockman,111,2
+lakeville,1314,2
+cosmos,581,2
+klickitat,14,10
+cosmos,788,1
+wainscott,8,10
+marstons,2115,4
+newfields,953,13
+stockman,1103,13
+marstons,1561,2
+benevolence,908,4
+pomaria,875,0
+hiteman,829,0
+newfields,1420,1
+pinesdale,956,3
+lakeville,1448,3
+ranchester,678,4
+klickitat,1686,2
+stockman,1108,5
+lakeville,1810,1
+mifflinburg,798,6
+shelbyville,593,2
+klickitat,569,1
+klickitat,1728,18
+tolstoy,991,4
+wainscott,1653,10
+newfields,1145,6
+shelbyville,1454,11
+newfields,880,3
+ranchester,1205,15
+ranchester,334,0
+benevolence,259,6
+hanson,1607,3
+shelbyville,151,1
+lindenwood,613,0
+marstons,40,7
+coffeen,1330,0
+shelbyville,1422,2
+wainscott,1433,4
+leonardo,1017,1
+lakeville,1765,3
+lindenwood,1435,1
+lindenwood,1444,0
+ranchester,267,3
+allensville,103,3
+tolstoy,19,1
+pomaria,583,11
+beechwood,1058,3
+mifflinburg,758,4
+ranchester,387,1
+hanson,1315,7
+lindenwood,84,1
+onaga,6,7
+leonardo,1170,4
+leonardo,2065,2
+lindenwood,745,6
+marstons,1766,5
+marstons,2142,0
+coffeen,88,4
+allensville,57,0
+lakeville,816,4
+klickitat,2098,2
+klickitat,1687,9
+lakeville,738,1
+wainscott,1671,4
+merom,691,0
+leonardo,1894,2
+wainscott,252,2
+hanson,231,7
+onaga,387,3
+marstons,1400,2
+ranchester,614,4
+lakeville,417,8
+tolstoy,88,11
+coffeen,644,5
+shelbyville,263,7
+wainscott,1594,6
+lindenwood,1735,13
+lindenwood,1562,6
+shelbyville,1955,4
+tolstoy,429,4
+cosmos,424,2
+merom,1018,9
+beechwood,832,6
+benevolence,476,5
+tolstoy,1565,4
+merom,613,0
+lakeville,598,1
+marstons,284,12
+merom,223,3
+marstons,2623,1
+coffeen,38,2
+beechwood,482,6
+klickitat,2024,16
+woodbine,632,4
+shelbyville,880,4
+wainscott,1193,15
+hiteman,555,11
+leonardo,889,3
+onaga,377,3
+pinesdale,1394,2
+tolstoy,632,0
+lakeville,630,4
+lakeville,862,5
+hiteman,131,11
+pomaria,776,0
+newfields,683,1
+wainscott,604,8
+hanson,935,11
+lindenwood,1463,2
+forkland,816,6
+hanson,947,0
+shelbyville,197,2
+tolstoy,4,5
+klickitat,1708,1
+lindenwood,1397,2
+lindenwood,1710,0
+woodbine,1764,5
+ranchester,278,2
+shelbyville,530,2
+pomaria,893,2
+hanson,1175,0
+stockman,249,3
+hanson,943,5
+marstons,166,2
+klickitat,530,7
+klickitat,488,4
+hiteman,1551,0
+ranchester,176,2
+pinesdale,317,6
+lakeville,1607,2
+stockman,1067,5
+pinesdale,359,1
+lakeville,115,2
+tolstoy,1825,2
+forkland,244,1
+newfields,504,8
+marstons,2198,5
+tolstoy,1264,3
+hanson,723,2
+ranchester,733,1
+lindenwood,1682,3
+wainscott,38,5
+lindenwood,1376,5
+lindenwood,2672,3
+pomaria,29,1
+ranchester,917,0
+stockman,1400,1
+ranchester,1392,2
+shelbyville,386,2
+marstons,57,1
+shelbyville,1003,0
+onaga,61,0
+stockman,466,2
+pinesdale,410,0
+lakeville,545,11
+pomaria,461,7
+klickitat,2007,4
+lindenwood,369,9
+benevolence,843,4
+marstons,588,5
+hiteman,448,1
+tolstoy,984,8
+hanson,1062,4
+allensville,507,2
+beechwood,75,9
+forkland,737,3
+woodbine,1369,12
+ranchester,83,7
+klickitat,1805,5
+beechwood,144,3
+wainscott,82,3
+woodbine,310,1
+newfields,1146,11
+lindenwood,1865,0
+coffeen,1037,3
+stockman,679,0
+klickitat,499,2
+hanson,715,5
+leonardo,415,2
+newfields,889,13
+pinesdale,1214,11
+lindenwood,2623,7
+ranchester,1110,5
+shelbyville,984,3
+lakeville,744,10
+stockman,988,2
+newfields,166,4
+hiteman,1350,2
+leonardo,579,13
+shelbyville,943,2
+marstons,538,9
+lakeville,796,7
+woodbine,129,1
+hiteman,1508,7
+klickitat,171,16
+klickitat,371,0
+leonardo,876,0
+forkland,831,3
+lindenwood,2125,5
+wainscott,615,0
+hanson,834,7
+pinesdale,383,3
+lindenwood,1861,7
+cosmos,911,1
+forkland,624,0
+hanson,462,6
+cosmos,353,8
+marstons,996,2
+tolstoy,805,2
+ranchester,1066,1
+klickitat,1543,2
+hanson,1065,2
+hanson,1058,15
+shelbyville,1920,5
+pinesdale,1259,1
+shelbyville,774,0
+lindenwood,2409,3
+ranchester,1379,7
+wainscott,1677,12
+marstons,1814,7
+shelbyville,1754,6
+marstons,596,2
+marstons,597,5
+allensville,392,3
+ranchester,981,4
+woodbine,1768,17
+benevolence,434,4
+hiteman,1778,0
+pomaria,1356,5
+coffeen,386,0
+merom,700,2
+hiteman,1237,1
+woodbine,1995,8
+forkland,466,1
+lindenwood,2176,0
+hiteman,1238,17
+ranchester,567,0
+coffeen,915,7
+shelbyville,1516,4
+shelbyville,1306,3
+hiteman,536,5
+coffeen,949,1
+merom,558,8
+newfields,725,3
+newfields,836,6
+allensville,347,3
+lindenwood,1659,0
+lakeville,1069,0
+lindenwood,1609,6
+lindenwood,1976,5
+forkland,800,3
+marstons,1951,1
+klickitat,627,2
+pomaria,1620,4
+stockman,73,1
+lindenwood,1632,4
+lakeville,1526,1
+marstons,538,5
+pomaria,983,4
+pinesdale,736,11
+shelbyville,1720,0
+beechwood,775,3
+forkland,460,0
+lindenwood,1790,2
+wainscott,295,11
+newfields,880,1
+tolstoy,1232,4
+shelbyville,2531,6
+lindenwood,828,7
+tolstoy,420,7
+pomaria,957,2
+tolstoy,1752,5
+lindenwood,741,4
+lakeville,760,0
+shelbyville,877,5
+shelbyville,1490,1
+lakeville,530,0
+shelbyville,1848,2
+shelbyville,483,7
+lindenwood,1729,3
+tolstoy,411,14
+klickitat,2208,0
+lindenwood,1576,4
+lindenwood,1092,1
+pinesdale,707,12
+marstons,1054,2
+lakeville,1350,13
+stockman,1198,10
+hiteman,300,2
+beechwood,396,8
+hanson,1372,0
+leonardo,5,2
+wainscott,486,6
+coffeen,1285,0
+pomaria,538,16
+hanson,1411,2
+klickitat,1177,14
+pinesdale,1388,4
+beechwood,1128,4
+klickitat,89,4
+onaga,484,1
+stockman,1359,3
+ranchester,1580,2
+hiteman,743,6
+klickitat,1345,17
+wainscott,292,2
+woodbine,924,1
+hanson,1536,6
+coffeen,689,7
+leonardo,1961,4
+forkland,741,1
+marstons,213,0
+leonardo,712,1
+shelbyville,1922,4
+lindenwood,1036,0
+stockman,1345,3
+marstons,1411,2
+shelbyville,2193,3
+cosmos,667,0
+lindenwood,434,8
+onaga,612,1
+allensville,272,3
+benevolence,552,1
+pinesdale,112,7
+lindenwood,2079,2
+klickitat,1572,17
+coffeen,486,6
+hanson,1246,9
+merom,596,4
+klickitat,882,4
+hiteman,112,3
+lakeville,1787,6
+cosmos,502,10
+wainscott,152,5
+ranchester,1519,0
+woodbine,1152,3
+woodbine,1979,2
+marstons,1976,13
+lindenwood,1160,2
+pinesdale,647,3
+wainscott,712,3
+ranchester,396,5
+ranchester,9,2
+merom,89,2
+ranchester,1048,2
+leonardo,1797,2
+cosmos,586,3
+shelbyville,1444,0
+leonardo,644,0
+shelbyville,1373,0
+stockman,466,7
+stockman,255,0
+lakeville,1508,3
+cosmos,514,2
+marstons,152,2
+merom,569,3
+cosmos,703,7
+lakeville,1180,1
+pinesdale,46,1
+woodbine,1669,2
+tolstoy,1725,5
+tolstoy,1306,4
+marstons,1715,1
+wainscott,72,11
+marstons,18,3
+beechwood,410,2
+marstons,1608,0
+coffeen,950,5
+wainscott,1770,0
+hanson,363,0
+lindenwood,2476,6
+merom,1027,4
+newfields,1114,1
+wainscott,1403,5
+pomaria,750,10
+pinesdale,489,5
+stockman,1044,3
+wainscott,496,10
+lindenwood,1269,5
+stockman,831,4
+beechwood,414,4
+lindenwood,2565,6
+shelbyville,333,2
+stockman,838,1
+newfields,1411,3
+hanson,944,17
+lakeville,473,4
+wainscott,898,3
+woodbine,1539,2
+pomaria,542,2
+ranchester,1047,5
+shelbyville,2707,1
+coffeen,1042,3
+ranchester,1497,2
+klickitat,691,2
+wainscott,1001,1
+hanson,1192,0
+lakeville,1388,5
+marstons,1028,1
+marstons,2583,4
+ranchester,1558,4
+benevolence,320,10
+shelbyville,2084,1
+hanson,1316,12
+leonardo,938,4
+pomaria,206,5
+woodbine,1635,5
+mifflinburg,79,2
+beechwood,1040,2
+leonardo,1671,0
+woodbine,767,2
+lindenwood,2606,2
+cosmos,348,2
+mifflinburg,628,1
+shelbyville,325,1
+merom,462,5
+forkland,30,3
+lindenwood,108,1
+benevolence,890,9
+ranchester,836,8
+hiteman,1145,4
+beechwood,382,1
+pomaria,606,2
+woodbine,1649,9
+newfields,1424,20
+marstons,2479,1
+hanson,491,4
+tolstoy,892,2
+beechwood,126,3
+tolstoy,883,5
+newfields,1519,5
+beechwood,503,0
+pomaria,385,11
+klickitat,2073,1
+marstons,2141,2
+hanson,1380,12
+woodbine,1670,5
+leonardo,1812,1
+marstons,110,1
+newfields,422,16
+wainscott,1,1
+marstons,359,10
+stockman,803,4
+newfields,736,1
+ranchester,1033,0
+lindenwood,2252,3
+tolstoy,1440,2
+lindenwood,2157,2
+pomaria,105,5
+newfields,642,0
+wainscott,369,3
+ranchester,286,1
+hiteman,831,3
+pomaria,594,2
+pinesdale,272,4
+ranchester,1052,3
+lindenwood,1761,0
+leonardo,1395,0
+hanson,1279,16
+ranchester,495,0
+tolstoy,626,2
+ranchester,1639,2
+wainscott,1424,13
+shelbyville,1357,9
+shelbyville,2296,5
+klickitat,858,9
+tolstoy,1001,3
+coffeen,652,0
+ranchester,147,13
+hiteman,403,2
+lindenwood,986,2
+mifflinburg,49,3
+lakeville,1031,12
+hiteman,1659,2
+marstons,2298,1
+stockman,579,13
+marstons,1718,15
+marstons,1829,6
+tolstoy,585,5
+coffeen,672,5
+lakeville,416,8
+woodbine,2054,0
+marstons,1548,0
+benevolence,59,3
+lindenwood,1276,1
+leonardo,2019,2
+hanson,789,1
+forkland,178,5
+lindenwood,2111,17
+shelbyville,2611,5
+newfields,270,9
+newfields,1319,3
+beechwood,619,3
+coffeen,1143,4
+coffeen,640,10
+cosmos,363,0
+coffeen,1432,2
+ranchester,1285,7
+hiteman,1733,1
+woodbine,1126,2
+lindenwood,2399,1
+hiteman,1032,0
+klickitat,642,2
+lakeville,358,21
+pinesdale,459,3
+shelbyville,534,4
+hanson,1127,1
+stockman,310,0
+beechwood,128,1
+ranchester,190,1
+merom,143,3
+pinesdale,799,1
+hiteman,997,0
+shelbyville,1652,0
+hanson,489,1
+tolstoy,1507,0
+coffeen,1005,3
+mifflinburg,888,3
+onaga,596,7
+stockman,666,4
+shelbyville,629,4
+klickitat,2388,1
+hiteman,1853,8
+woodbine,501,9
+pinesdale,599,0
+lakeville,1420,12
+hiteman,1410,1
+ranchester,28,0
+wainscott,1335,1
+hiteman,709,2
+beechwood,317,0
+lindenwood,2080,8
+shelbyville,2355,2
+mifflinburg,570,2
+leonardo,625,3
+newfields,424,2
+hiteman,1431,7
+marstons,2090,4
+klickitat,1246,13
+marstons,564,0
+cosmos,196,2
+lakeville,1689,12
+coffeen,1292,0
+beechwood,48,12
+lindenwood,939,3
+tolstoy,1160,0
+lindenwood,1019,0
+stockman,1427,9
+coffeen,808,4
+klickitat,1951,2
+leonardo,856,2
+newfields,419,0
+tolstoy,1252,4
+tolstoy,817,1
+ranchester,1354,0
+hiteman,1325,5
+ranchester,1457,2
+mifflinburg,131,6
+merom,234,1
+klickitat,365,1
+coffeen,19,2
+woodbine,1983,6
+forkland,894,0
+hanson,831,2
+merom,539,0
+shelbyville,1284,9
+hanson,1274,0
+wainscott,1508,5
+forkland,215,3
+shelbyville,1907,1
+shelbyville,2176,3
+lakeville,1245,7
+shelbyville,1489,2
+marstons,2325,6
+lindenwood,2497,7
+leonardo,1812,0
+marstons,1007,8
+klickitat,787,12
+lindenwood,1353,4
+marstons,2029,9
+klickitat,74,7
+marstons,1260,5
+lakeville,1116,8
+forkland,393,6
+leonardo,1462,0
+klickitat,1559,7
+wainscott,374,12
+mifflinburg,608,4
+woodbine,1836,1
+marstons,2024,1
+woodbine,2023,0
+ranchester,1176,12
+pomaria,671,4
+pomaria,1062,1
+wainscott,1483,3
+coffeen,1050,2
+shelbyville,1741,0
+pomaria,1521,4
+pinesdale,159,6
+klickitat,958,3
+cosmos,681,9
+pomaria,287,6
+wainscott,1560,3
+woodbine,900,8
+leonardo,945,2
+allensville,181,4
+ranchester,385,9
+shelbyville,1205,10
+shelbyville,758,3
+woodbine,1932,4
+newfields,1171,0
+hanson,22,7
+leonardo,916,1
+newfields,302,11
+stockman,1499,2
+pomaria,846,10
+woodbine,59,0
+newfields,183,13
+coffeen,232,8
+newfields,134,0
+hanson,1058,5
+shelbyville,2148,2
+shelbyville,152,2
+lindenwood,1301,4
+pomaria,215,3
+onaga,116,1
+shelbyville,2073,5
+hiteman,1277,4
+ranchester,1236,0
+ranchester,75,0
+lakeville,1451,1
+tolstoy,1257,5
+allensville,405,0
+coffeen,78,2
+hanson,1630,1
+klickitat,579,1
+mifflinburg,925,2
+stockman,492,1
+pomaria,1654,0
+hiteman,218,4
+hanson,105,1
+klickitat,1897,1
+pomaria,1472,13
+woodbine,1353,13
+hanson,281,10
+shelbyville,846,14
+hanson,1467,9
+newfields,954,8
+woodbine,1235,2
+klickitat,1388,5
+pomaria,350,1
+shelbyville,265,7
+lindenwood,2034,6
+shelbyville,1156,2
+newfields,1032,6
+tolstoy,27,4
+hiteman,858,8
+lakeville,606,8
+newfields,1569,1
+hanson,1470,7
+lakeville,1016,2
+lindenwood,1495,5
+wainscott,104,1
+ranchester,1032,2
+coffeen,653,0
+leonardo,1490,5
+klickitat,547,1
+merom,938,0
+coffeen,1495,1
+newfields,1510,1
+beechwood,239,0
+pomaria,1149,2
+woodbine,253,6
+tolstoy,1610,2
+merom,1076,2
+tolstoy,958,10
+leonardo,861,1
+beechwood,104,5
+leonardo,1456,3
+pomaria,1651,6
+shelbyville,1827,2
+hanson,1617,9
+shelbyville,2146,2
+ranchester,1503,1
+tolstoy,446,2
+shelbyville,1361,3
+pomaria,1370,2
+ranchester,1337,1
+newfields,132,3
+marstons,554,0
+marstons,554,6
+shelbyville,1747,12
+hiteman,556,10
+marstons,400,9
+leonardo,281,2
+leonardo,910,0
+shelbyville,1841,10
+cosmos,46,1
+klickitat,1416,6
+hanson,627,10
+newfields,972,1
+cosmos,177,5
+lindenwood,2063,3
+klickitat,881,8
+benevolence,448,2
+leonardo,480,6
+hanson,60,6
+wainscott,340,0
+stockman,900,4
+tolstoy,1776,5
+mifflinburg,799,1
+forkland,465,6
+onaga,606,3
+marstons,2397,8
+hiteman,1210,2
+beechwood,241,7
+lakeville,447,4
+stockman,915,0
+cosmos,527,0
+coffeen,874,5
+newfields,497,6
+klickitat,1080,1
+marstons,2460,2
+onaga,3,2
+lindenwood,2437,0
+onaga,283,2
+leonardo,1246,1
+hiteman,64,7
+ranchester,575,10
+lakeville,117,3
+coffeen,7,5
+hanson,223,0
+lindenwood,1326,6
+ranchester,805,6
+shelbyville,1400,12
+marstons,605,1
+marstons,296,1
+cosmos,720,2
+shelbyville,2355,6
+shelbyville,2416,8
+coffeen,275,3
+wainscott,816,0
+lindenwood,1511,2
+newfields,325,10
+marstons,1403,6
+newfields,813,5
+leonardo,1286,3
+marstons,395,6
+hanson,1594,5
+hanson,826,3
+coffeen,863,2
+beechwood,970,3
+lakeville,1695,4
+hiteman,990,5
+cosmos,708,0
+hanson,1012,9
+marstons,119,7
+pomaria,1616,2
+leonardo,131,0
+pinesdale,919,6
+shelbyville,348,5
+marstons,87,6
+forkland,977,0
+wainscott,153,0
+pinesdale,717,1
+shelbyville,2783,5
+woodbine,144,1
+ranchester,420,4
+lindenwood,1312,11
+ranchester,656,4
+shelbyville,121,6
+wainscott,970,0
+marstons,1096,3
+shelbyville,1519,9
+lakeville,618,1
+klickitat,1909,17
+coffeen,1052,1
+ranchester,805,2
+tolstoy,1641,3
+wainscott,1797,14
+tolstoy,515,3
+shelbyville,251,0
+hanson,488,8
+pinesdale,263,3
+ranchester,1201,1
+stockman,37,2
+shelbyville,597,1
+coffeen,971,3
+marstons,979,8
+woodbine,327,3
+woodbine,337,2
+lindenwood,523,4
+onaga,472,3
+coffeen,478,11
+shelbyville,1484,4
+stockman,1070,1
+tolstoy,487,12
+cosmos,803,0
+hanson,537,2
+marstons,2190,12
+tolstoy,241,1
+marstons,1098,2
+woodbine,1283,0
+shelbyville,2819,6
+pomaria,411,4
+leonardo,1303,2
+pomaria,155,11
+klickitat,841,11
+klickitat,1521,1
+marstons,505,5
+marstons,330,2
+klickitat,1171,6
+klickitat,1730,7
+hiteman,712,1
+hanson,775,14
+shelbyville,1905,5
+lakeville,380,7
+leonardo,1257,8
+lindenwood,1195,0
+lindenwood,155,4
+cosmos,440,1
+woodbine,1098,1
+hanson,1508,1
+klickitat,292,0
+cosmos,704,3
+woodbine,51,4
+wainscott,1314,0
+newfields,1431,2
+tolstoy,31,4
+lindenwood,1301,3
+pomaria,346,0
+pinesdale,475,4
+beechwood,1015,4
+marstons,95,3
+stockman,844,0
+woodbine,883,0
+lakeville,746,12
+hanson,1276,3
+newfields,1488,7
+mifflinburg,938,1
+klickitat,1355,0
+hiteman,1689,2
+wainscott,813,3
+cosmos,1049,8
+tolstoy,705,1
+leonardo,555,0
+tolstoy,850,7
+tolstoy,850,2
+shelbyville,2710,5
+merom,681,2
+marstons,1014,0
+klickitat,336,2
+leonardo,1247,4
+tolstoy,1128,5
+wainscott,643,1
+hiteman,70,0
+lindenwood,72,4
+shelbyville,2685,7
+leonardo,86,3
+tolstoy,1238,2
+hiteman,1577,3
+pinesdale,103,6
+hiteman,469,1
+pinesdale,681,2
+klickitat,375,2
+newfields,1381,0
+pomaria,463,6
+beechwood,541,3
+cosmos,468,1
+hanson,752,0
+hanson,292,5
+tolstoy,1556,3
+shelbyville,1595,6
+pinesdale,333,1
+coffeen,207,0
+pomaria,736,5
+hanson,65,3
+tolstoy,318,3
+wainscott,182,13
+lakeville,1796,0
+pomaria,15,0
+klickitat,1568,8
+cosmos,664,0
+pinesdale,805,4
+leonardo,668,7
+merom,928,2
+newfields,1448,10
+marstons,513,17
+shelbyville,2226,3
+tolstoy,1389,0
+lakeville,444,1
+klickitat,1567,5
+beechwood,648,2
+beechwood,609,0
+hanson,666,10
+newfields,1407,5
+wainscott,208,0
+hiteman,32,5
+shelbyville,1888,0
+tolstoy,552,5
+leonardo,286,3
+shelbyville,2156,2
+tolstoy,1620,3
+mifflinburg,905,0
+shelbyville,177,2
+marstons,1220,6
+coffeen,425,0
+lakeville,271,2
+lindenwood,370,2
+lindenwood,1561,0
+hanson,1208,0
+klickitat,126,0
+ranchester,36,5
+marstons,1582,0
+beechwood,422,1
+woodbine,300,4
+shelbyville,206,6
+onaga,426,6
+marstons,1262,3
+leonardo,1009,10
+stockman,598,12
+mifflinburg,17,2
+hiteman,1600,1
+shelbyville,1725,1
+shelbyville,769,2
+pomaria,275,2
+marstons,1481,3
+shelbyville,2745,4
+ranchester,157,2
+lakeville,364,5
+hanson,407,0
+benevolence,632,8
+lakeville,1076,1
+stockman,510,7
+coffeen,560,6
+newfields,1591,4
+merom,964,2
+pomaria,1628,13
+wainscott,180,0
+klickitat,1404,1
+merom,41,4
+hanson,490,12
+marstons,2538,0
+ranchester,1205,2
+merom,450,3
+ranchester,502,3
+stockman,51,0
+lakeville,1063,6
+hiteman,1219,6
+forkland,530,3
+tolstoy,957,5
+onaga,154,4
+shelbyville,489,4
+klickitat,1296,6
+pomaria,608,0
+forkland,623,7
+benevolence,279,9
+lakeville,1342,11
+benevolence,957,4
+wainscott,441,3
+wainscott,1294,2
+woodbine,1442,6
+woodbine,319,11
+forkland,980,4
+lindenwood,2322,1
+stockman,1154,2
+beechwood,278,0
+newfields,1027,1
+mifflinburg,645,4
+pomaria,294,6
+forkland,303,1
+lakeville,59,1
+lindenwood,1724,1
+pinesdale,129,0
+newfields,295,1
+klickitat,1688,13
+woodbine,1560,0
+woodbine,1269,6
+woodbine,907,14
+stockman,1373,2
+forkland,257,0
+leonardo,565,0
+coffeen,383,3
+hanson,317,7
+leonardo,1948,3
+leonardo,124,0
+tolstoy,876,7
+marstons,2161,9
+pomaria,1206,3
+wainscott,467,17
+lindenwood,1605,0
+tolstoy,384,4
+beechwood,1001,1
+marstons,311,4
+newfields,1365,5
+marstons,819,1
+lakeville,594,0
+cosmos,157,5
+benevolence,547,1
+klickitat,164,1
+forkland,793,8
+merom,976,1
+marstons,950,3
+klickitat,1777,2
+cosmos,28,0
+newfields,1591,11
+wainscott,12,2
+klickitat,1026,10
+marstons,899,12
+newfields,1111,5
+newfields,1591,5
+klickitat,1903,0
+benevolence,449,7
+hanson,262,0
+lakeville,937,0
+shelbyville,1921,11
+stockman,749,0
+wainscott,858,2
+tolstoy,181,1
+ranchester,491,1
+tolstoy,1564,6
+lindenwood,448,6
+klickitat,942,3
+woodbine,1015,6
+hanson,1161,1
+newfields,1202,5
+hanson,1324,5
+beechwood,338,0
+coffeen,1093,5
+woodbine,1018,3
+stockman,1463,2
+leonardo,114,2
+klickitat,2117,1
+marstons,1324,3
+hanson,502,2
+ranchester,198,0
+klickitat,1266,11
+pomaria,584,10
+allensville,496,0
+klickitat,1138,2
+marstons,1946,1
+woodbine,952,16
+lindenwood,1415,2
+beechwood,1168,1
+leonardo,891,7
+stockman,922,0
+mifflinburg,962,0
+wainscott,1032,4
+forkland,75,1
+newfields,584,3
+tolstoy,19,4
+hanson,701,4
+pomaria,35,11
+cosmos,940,11
+benevolence,342,4
+wainscott,1411,1
+lindenwood,1115,7
+lakeville,134,0
+ranchester,1115,2
+merom,166,0
+leonardo,1208,0
+pomaria,1159,3
+leonardo,493,1
+shelbyville,1719,0
+lindenwood,1785,2
+klickitat,669,4
+pomaria,224,2
+leonardo,1439,2
+wainscott,1199,2
+ranchester,309,6
+newfields,187,1
+klickitat,2215,2
+tolstoy,781,2
+lindenwood,766,1
+tolstoy,1065,0
+klickitat,914,6
+cosmos,22,4
+klickitat,561,6
+woodbine,1765,0
+pinesdale,716,0
+newfields,683,9
+cosmos,127,10
+lakeville,116,6
+newfields,1270,6
+woodbine,1845,11
+stockman,191,3
+klickitat,1481,5
+shelbyville,2420,6
+tolstoy,319,5
+newfields,1182,6
+pomaria,246,3
+leonardo,2102,5
+marstons,1230,3
+pinesdale,1327,5
+hanson,888,9
+lindenwood,2658,0
+pomaria,770,8
+newfields,241,4
+forkland,836,3
+beechwood,206,1
+mifflinburg,767,2
+hanson,428,4
+wainscott,305,1
+merom,372,4
+ranchester,209,3
+lakeville,1517,0
+pinesdale,128,9
+pomaria,628,0
+leonardo,1142,1
+hiteman,1142,2
+klickitat,696,4
+lindenwood,31,3
+marstons,443,3
+lindenwood,1671,3
+klickitat,2187,6
+klickitat,266,2
+shelbyville,363,0
+lindenwood,80,8
+hiteman,723,3
+marstons,513,1
+marstons,892,8
+lindenwood,1110,1
+newfields,674,7
+marstons,1920,6
+tolstoy,326,8
+newfields,905,8
+klickitat,1723,2
+beechwood,902,4
+pinesdale,419,1
+klickitat,1178,5
+pinesdale,1193,6
+newfields,1031,0
+hanson,22,1
+ranchester,961,3
+klickitat,1239,4
+woodbine,479,1
+shelbyville,240,8
+wainscott,34,0
+marstons,821,1
+marstons,1504,10
+klickitat,1205,2
+mifflinburg,695,2
+marstons,202,18
+tolstoy,383,1
+klickitat,64,2
+ranchester,454,10
+lakeville,1441,9
+marstons,2165,10
+wainscott,864,1
+coffeen,232,1
+onaga,107,0
+marstons,859,13
+pomaria,306,3
+stockman,1243,7
+lindenwood,2451,1
+stockman,437,1
+pomaria,1469,14
+marstons,2614,1
+lakeville,458,7
+shelbyville,1951,6
+woodbine,782,12
+newfields,931,1
+hanson,1098,1
+shelbyville,2312,2
+cosmos,1035,2
+beechwood,885,8
+leonardo,1987,2
+woodbine,503,9
+marstons,1320,0
+stockman,909,1
+shelbyville,966,3
+tolstoy,1273,2
+woodbine,173,2
+woodbine,514,2
+allensville,216,2
+woodbine,782,6
+onaga,515,4
+lindenwood,716,4
+ranchester,796,4
+marstons,1133,13
+woodbine,1946,2
+leonardo,1960,4
+lakeville,350,5
+tolstoy,1524,0
+cosmos,75,6
+leonardo,1210,8
+lakeville,152,3
+mifflinburg,142,2
+lindenwood,1602,15
+cosmos,62,6
+newfields,1636,7
+ranchester,724,5
+ranchester,263,0
+lakeville,1405,9
+lakeville,652,11
+cosmos,989,1
+newfields,1222,11
+stockman,403,0
+marstons,780,3
+onaga,399,4
+shelbyville,47,7
+beechwood,1112,8
+hiteman,337,2
+woodbine,1511,4
+benevolence,779,1
+pinesdale,1257,5
+newfields,527,0
+shelbyville,2316,1
+klickitat,260,0
+woodbine,1805,1
+coffeen,948,4
+hiteman,252,0
+newfields,1011,4
+mifflinburg,503,4
+stockman,427,0
+wainscott,1560,1
+coffeen,1306,0
+merom,908,5
+hanson,1324,6
+lakeville,1465,0
+forkland,926,1
+leonardo,741,6
+leonardo,1579,16
+wainscott,1762,11
+stockman,960,7
+leonardo,1109,0
+marstons,348,10
+marstons,211,15
+klickitat,969,1
+hanson,1583,1
+shelbyville,454,1
+tolstoy,509,1
+wainscott,818,2
+hiteman,1500,3
+ranchester,1107,4
+marstons,560,2
+klickitat,1079,0
+onaga,612,0
+woodbine,555,4
+marstons,1110,0
+shelbyville,2773,1
+lindenwood,2340,0
+marstons,741,6
+hiteman,923,0
+coffeen,971,7
+klickitat,23,6
+lindenwood,601,4
+woodbine,1282,10
+tolstoy,1365,3
+hiteman,1548,4
+lakeville,28,1
+hiteman,179,0
+lindenwood,176,1
+beechwood,673,0
+hanson,867,6
+klickitat,109,7
+marstons,905,1
+pomaria,316,8
+pomaria,224,0
+forkland,775,2
+leonardo,718,4
+lindenwood,2031,1
+woodbine,457,0
+lindenwood,2576,1
+tolstoy,1586,0
+beechwood,167,2
+lakeville,392,0
+lindenwood,2199,4
+lindenwood,181,5
+pinesdale,703,2
+pinesdale,19,7
+mifflinburg,268,0
+lakeville,311,7
+marstons,1056,1
+klickitat,902,1
+pomaria,1436,1
+beechwood,742,2
+newfields,240,6
+wainscott,250,12
+lakeville,299,4
+marstons,2418,7
+forkland,936,0
+merom,192,4
+klickitat,1313,1
+lindenwood,641,2
+hiteman,914,1
+klickitat,2154,0
+cosmos,930,10
+coffeen,1435,4
+merom,233,3
+cosmos,190,5
+hiteman,741,0
+lindenwood,846,2
+lindenwood,2088,2
+forkland,60,0
+mifflinburg,703,0
+leonardo,1905,4
+ranchester,1255,3
+tolstoy,154,5
+klickitat,2219,1
+marstons,1591,4
+stockman,123,1
+hiteman,680,14
+marstons,1783,3
+newfields,417,5
+lindenwood,320,4
+wainscott,93,6
+marstons,2297,8
+shelbyville,1819,2
+marstons,2038,0
+tolstoy,1050,9
+wainscott,1767,1
+cosmos,460,8
+allensville,363,2
+marstons,2053,6
+hanson,534,7
+hiteman,254,0
+shelbyville,1625,2
+ranchester,409,9
+woodbine,1489,0
+wainscott,106,0
+klickitat,1630,8
+shelbyville,1714,2
+coffeen,1198,1
+lakeville,672,0
+stockman,1025,12
+stockman,538,3
+lindenwood,262,4
+leonardo,1219,9
+lindenwood,1270,6
+beechwood,473,3
+hanson,255,0
+tolstoy,1711,7
+ranchester,379,4
+lakeville,581,1
+lakeville,1077,8
+klickitat,1491,0
+hanson,720,1
+coffeen,792,8
+newfields,129,11
+klickitat,1889,4
+coffeen,988,2
+klickitat,1579,6
+stockman,1174,1
+stockman,307,5
+hiteman,360,2
+marstons,1650,7
+lakeville,602,1
+hiteman,726,0
+stockman,1124,0
+klickitat,642,5
+woodbine,480,4
+pinesdale,868,3
+woodbine,116,2
+pinesdale,787,3
+lakeville,285,2
+shelbyville,81,1
+forkland,910,2
+shelbyville,2175,1
+ranchester,865,12
+hiteman,1680,2
+merom,1013,0
+pomaria,385,2
+forkland,822,3
+leonardo,1045,1
+marstons,2170,12
+klickitat,1896,5
+marstons,2318,9
+shelbyville,1121,4
+shelbyville,204,12
+leonardo,1680,6
+marstons,1020,0
+ranchester,712,6
+woodbine,1673,11
+hiteman,1420,0
+hanson,627,8
+coffeen,605,7
+pomaria,1187,2
+pomaria,991,1
+newfields,1075,9
+woodbine,1775,0
+tolstoy,370,1
+coffeen,80,7
+lindenwood,2556,12
+onaga,22,1
+marstons,985,3
+woodbine,1635,3
+beechwood,291,2
+pinesdale,596,2
+newfields,69,2
+hanson,339,0
+pomaria,1534,13
+woodbine,1929,10
+mifflinburg,903,9
+tolstoy,110,5
+klickitat,2280,3
+leonardo,846,2
+forkland,116,1
+shelbyville,305,2
+lakeville,922,6
+shelbyville,1628,8
+marstons,612,3
+shelbyville,2381,2
+benevolence,449,0
+woodbine,10,0
+forkland,1089,0
+leonardo,673,5
+leonardo,2039,14
+newfields,1384,4
+marstons,912,3
+pomaria,1116,2
+hiteman,1632,1
+woodbine,1545,7
+shelbyville,994,13
+klickitat,1095,3
+pomaria,584,18
+marstons,1232,2
+lindenwood,2316,1
+tolstoy,1224,0
+shelbyville,813,1
+lindenwood,1496,1
+hiteman,1272,5
+lindenwood,2442,12
+marstons,302,2
+marstons,1133,12
+pinesdale,210,8
+pinesdale,92,5
+leonardo,1509,0
+merom,548,6
+tolstoy,188,6
+beechwood,582,4
+cosmos,130,7
+klickitat,1386,6
+beechwood,1079,2
+hiteman,1317,7
+marstons,1830,8
+hanson,660,8
+lindenwood,2589,1
+hiteman,1660,2
+tolstoy,386,5
+marstons,1439,0
+ranchester,113,8
+beechwood,48,9
+pinesdale,1317,8
+onaga,293,3
+leonardo,1889,4
+lindenwood,1922,3
+marstons,2415,8
+hiteman,519,0
+wainscott,1761,1
+ranchester,260,5
+ranchester,347,6
+stockman,350,3
+forkland,829,0
+klickitat,89,9
+woodbine,1750,0
+lindenwood,2626,10
+newfields,134,2
+leonardo,1409,3
+pomaria,369,6
+lakeville,608,7
+marstons,1532,2
+coffeen,1248,4
+wainscott,1286,5
+wainscott,1423,8
+shelbyville,2139,12
+coffeen,639,2
+ranchester,1018,6
+shelbyville,684,2
+klickitat,2394,5
+lindenwood,802,2
+woodbine,1758,1
+marstons,900,5
+wainscott,433,3
+merom,720,6
+wainscott,1612,5
+lakeville,403,2
+lakeville,1006,3
+mifflinburg,458,2
+stockman,980,2
+coffeen,833,1
+lindenwood,1904,6
+pinesdale,771,6
+hanson,446,5
+woodbine,18,6
+lindenwood,458,0
+marstons,1703,0
+klickitat,720,1
+pomaria,137,3
+leonardo,523,1
+stockman,1020,3
+leonardo,1556,3
+lakeville,1843,1
+pomaria,805,2
+hanson,1611,1
+marstons,318,1
+coffeen,405,4
+lakeville,1405,13
+hiteman,1361,6
+coffeen,270,0
+klickitat,1040,17
+shelbyville,1293,12
+stockman,1062,4
+klickitat,1046,4
+beechwood,661,1
+pomaria,494,0
+lindenwood,65,4
+klickitat,1704,2
+newfields,237,2
+ranchester,764,2
+hiteman,1059,0
+forkland,1086,0
+hanson,481,6
+leonardo,209,4
+hanson,1401,1
+ranchester,1317,17
+ranchester,361,2
+newfields,1515,0
+shelbyville,277,0
+coffeen,1044,4
+woodbine,1108,11
+marstons,1638,2
+wainscott,874,10
+pomaria,245,5
+allensville,515,4
+klickitat,797,3
+klickitat,479,6
+shelbyville,19,1
+tolstoy,1181,3
+shelbyville,1261,2
+shelbyville,826,2
+beechwood,620,3
+wainscott,234,1
+hiteman,1096,3
+woodbine,1659,13
+forkland,776,0
+lindenwood,2628,17
+merom,111,1
+merom,811,8
+lakeville,31,1
+marstons,1616,2
+klickitat,213,6
+lakeville,1080,3
+lindenwood,42,1
+woodbine,382,2
+klickitat,1782,8
+klickitat,1394,1
+pinesdale,432,7
+pomaria,287,0
+ranchester,1476,0
+marstons,929,1
+lindenwood,1675,17
+shelbyville,375,1
+marstons,1505,3
+ranchester,41,8
+merom,821,4
+stockman,74,1
+pinesdale,122,2
+shelbyville,911,3
+klickitat,1471,17
+stockman,1381,1
+forkland,259,5
+lindenwood,1596,8
+woodbine,779,10
+allensville,87,6
+woodbine,491,2
+lakeville,1779,10
+lakeville,496,2
+mifflinburg,625,0
+hiteman,1798,1
+lindenwood,2372,2
+stockman,373,2
+klickitat,951,2
+marstons,136,3
+forkland,1109,1
+ranchester,1220,2
+forkland,89,3
+stockman,8,3
+lakeville,1124,2
+shelbyville,944,4
+pomaria,667,6
+leonardo,261,10
+shelbyville,2085,8
+newfields,1598,2
+lakeville,258,5
+stockman,91,7
+lakeville,725,3
+shelbyville,1990,7
+woodbine,649,12
+mifflinburg,250,1
+marstons,2383,0
+lindenwood,1735,11
+tolstoy,601,1
+beechwood,75,1
+wainscott,1075,1
+ranchester,1605,5
+shelbyville,2516,1
+tolstoy,159,7
+klickitat,1507,2
+stockman,765,2
+leonardo,1969,2
+lindenwood,1482,1
+ranchester,681,4
+ranchester,571,0
+pinesdale,1014,1
+shelbyville,438,12
+beechwood,890,3
+lakeville,393,15
+tolstoy,1441,6
+hiteman,1672,1
+shelbyville,755,3
+onaga,163,4
+tolstoy,1708,11
+ranchester,11,2
+pomaria,1562,1
+wainscott,1525,13
+hanson,365,0
+forkland,190,1
+cosmos,173,0
+marstons,405,6
+klickitat,2155,8
+pinesdale,1230,0
+coffeen,1099,4
+newfields,319,2
+wainscott,889,0
+mifflinburg,591,3
+lakeville,583,0
+hanson,1225,6
+tolstoy,211,6
+lakeville,1181,5
+forkland,2,7
+cosmos,422,10
+merom,30,3
+klickitat,968,4
+hiteman,1420,2
+hiteman,1115,2
+shelbyville,1193,3
+marstons,404,6
+forkland,1135,1
+marstons,1841,2
+beechwood,745,2
+marstons,1855,5
+forkland,733,0
+pinesdale,1149,3
+newfields,1016,1
+pomaria,1518,4
+tolstoy,976,6
+ranchester,558,1
+shelbyville,2073,1
+lakeville,712,3
+coffeen,874,1
+pomaria,723,2
+coffeen,1441,5
+hiteman,687,6
+leonardo,885,11
+coffeen,1226,3
+pomaria,926,3
+woodbine,1205,1
+lakeville,843,5
+beechwood,162,5
+wainscott,962,2
+leonardo,956,1
+marstons,1381,9
+klickitat,2223,2
+coffeen,1039,0
+tolstoy,434,8
+pomaria,967,5
+hanson,368,1
+shelbyville,349,1
+wainscott,1152,5
+klickitat,1884,0
+lakeville,530,2
+hiteman,1427,0
+hanson,1029,8
+klickitat,787,6
+shelbyville,1170,7
+marstons,2349,3
+mifflinburg,937,6
+lakeville,65,2
+cosmos,575,2
+hiteman,38,2
+tolstoy,1499,1
+pinesdale,87,7
+leonardo,4,3
+hiteman,1487,0
+shelbyville,1361,10
+marstons,1029,1
+pinesdale,247,5
+forkland,1008,1
+leonardo,1273,4
+lakeville,308,8
+shelbyville,445,11
+merom,435,3
+leonardo,37,5
+ranchester,393,10
+klickitat,1384,5
+hanson,1386,1
+klickitat,1409,5
+leonardo,2094,8
+merom,267,4
+leonardo,1450,1
+wainscott,891,13
+lindenwood,465,0
+hanson,1337,10
+shelbyville,1155,2
+klickitat,977,3
+klickitat,1685,12
+newfields,489,3
+stockman,1444,0
+hanson,1170,12
+klickitat,2385,7
+klickitat,1179,9
+merom,527,1
+marstons,1583,9
+mifflinburg,580,5
+newfields,1281,1
+lakeville,893,6
+lakeville,471,0
+beechwood,785,2
+newfields,1351,1
+wainscott,680,5
+merom,321,0
+newfields,1419,0
+tolstoy,1658,11
+shelbyville,2290,1
+woodbine,261,1
+wainscott,1164,1
+marstons,2584,5
+klickitat,933,5
+lakeville,512,1
+tolstoy,280,4
+coffeen,1190,0
+marstons,2363,8
+leonardo,1982,0
+pomaria,684,4
+newfields,1485,1
+leonardo,597,2
+shelbyville,1090,2
+shelbyville,595,4
+lindenwood,398,1
+wainscott,885,3
+ranchester,1499,3
+klickitat,179,2
+lindenwood,1578,5
+stockman,247,1
+cosmos,432,3
+lindenwood,2548,1
+wainscott,611,4
+hanson,255,7
+hiteman,710,1
+leonardo,1101,1
+hanson,1377,19
+merom,512,2
+merom,216,1
+coffeen,1405,1
+shelbyville,628,10
+klickitat,2058,1
+lindenwood,1411,3
+beechwood,435,3
+cosmos,987,6
+tolstoy,808,7
+shelbyville,2647,7
+tolstoy,882,6
+woodbine,711,5
+marstons,1358,1
+shelbyville,1987,5
+stockman,412,7
+ranchester,1566,12
+woodbine,1186,12
+lindenwood,1707,0
+marstons,570,4
+lindenwood,343,5
+allensville,336,0
+beechwood,774,0
+tolstoy,414,1
+newfields,167,8
+leonardo,1943,1
+leonardo,1941,3
+hanson,300,5
+beechwood,486,5
+wainscott,976,3
+wainscott,662,4
+hiteman,1501,2
+stockman,1009,5
+marstons,574,4
+hanson,777,2
+shelbyville,1984,7
+ranchester,370,8
+beechwood,419,5
+shelbyville,2044,4
+tolstoy,297,0
+stockman,1550,2
+wainscott,639,9
+onaga,367,5
+ranchester,944,9
+pomaria,684,3
+coffeen,482,6
+woodbine,1855,3
+shelbyville,2783,2
+allensville,56,3
+lindenwood,1370,10
+beechwood,246,3
+merom,725,3
+marstons,266,8
+ranchester,1369,4
+wainscott,1037,10
+newfields,574,5
+benevolence,392,4
+shelbyville,875,2
+stockman,895,0
+pinesdale,587,1
+pomaria,1337,4
+newfields,1297,9
+leonardo,835,2
+wainscott,97,2
+wainscott,567,3
+pomaria,975,7
+beechwood,1160,6
+coffeen,1267,3
+lakeville,1525,0
+leonardo,615,4
+lakeville,116,0
+beechwood,1044,5
+merom,173,5
+woodbine,610,4
+coffeen,372,4
+woodbine,1179,2
+benevolence,698,12
+lakeville,859,8
+wainscott,523,9
+klickitat,2057,11
+newfields,327,1
+stockman,118,3
+marstons,101,0
+marstons,1060,5
+lindenwood,1600,6
+hiteman,370,1
+cosmos,260,0
+ranchester,49,7
+hanson,684,6
+hiteman,759,6
+klickitat,674,4
+hanson,283,7
+pinesdale,1124,4
+tolstoy,436,0
+leonardo,436,3
+marstons,1673,2
+woodbine,2053,2
+klickitat,993,1
+klickitat,1960,9
+stockman,56,8
+tolstoy,1737,1
+klickitat,1859,1
+beechwood,717,8
+woodbine,1095,5
+klickitat,1731,4
+wainscott,1679,5
+shelbyville,1065,2
+benevolence,60,3
+klickitat,315,3
+lakeville,1896,7
+tolstoy,864,7
+tolstoy,373,4
+mifflinburg,315,1
+tolstoy,1414,0
+shelbyville,2006,4
+lakeville,534,12
+leonardo,1024,2
+cosmos,921,0
+shelbyville,2,6
+newfields,599,2
+woodbine,725,3
+onaga,592,5
+lindenwood,1846,0
+marstons,1043,2
+wainscott,134,0
+mifflinburg,2,1
+tolstoy,793,0
+lindenwood,218,0
+wainscott,1349,2
+hiteman,151,6
+lakeville,566,17
+beechwood,764,7
+woodbine,1991,8
+marstons,310,3
+marstons,2600,3
+tolstoy,967,3
+tolstoy,540,3
+leonardo,690,2
+ranchester,970,6
+hanson,1475,5
+leonardo,1858,13
+klickitat,2120,4
+hiteman,1717,3
+klickitat,2202,12
+marstons,254,0
+ranchester,1213,5
+tolstoy,1414,2
+pomaria,958,4
+ranchester,475,1
+hanson,895,4
+leonardo,535,1
+lindenwood,1735,9
+ranchester,1313,0
+leonardo,84,5
+woodbine,1530,8
+pomaria,1156,3
+klickitat,861,7
+beechwood,1080,5
+onaga,604,4
+stockman,1479,6
+ranchester,502,0
+wainscott,1185,10
+newfields,1037,5
+coffeen,959,0
+ranchester,581,5
+klickitat,2113,0
+woodbine,1238,2
+pomaria,1562,14
+wainscott,467,14
+cosmos,976,2
+marstons,284,3
+mifflinburg,134,4
+beechwood,895,0
+cosmos,573,1
+marstons,2576,2
+woodbine,744,4
+pomaria,1367,0
+merom,46,6
+hiteman,782,2
+hiteman,1343,2
+lindenwood,839,4
+hanson,153,0
+marstons,2158,8
+klickitat,1513,5
+tolstoy,1521,1
+shelbyville,628,7
+pomaria,970,3
+benevolence,126,0
+allensville,453,3
+pomaria,481,6
+stockman,1548,0
+pinesdale,467,0
+cosmos,708,9
+tolstoy,1066,0
+ranchester,1457,3
+beechwood,849,5
+pinesdale,292,3
+tolstoy,890,4
+woodbine,1966,0
+hiteman,1191,0
+onaga,344,2
+stockman,106,1
+hiteman,398,0
+stockman,336,2
+ranchester,147,16
+woodbine,1118,4
+hanson,739,0
+hanson,397,0
+shelbyville,1573,0
+lindenwood,2161,1
+hanson,569,6
+pomaria,996,0
+mifflinburg,683,3
+leonardo,534,6
+lakeville,1153,2
+lindenwood,1127,7
+leonardo,1097,2
+klickitat,1561,11
+hanson,1290,1
+newfields,360,16
+newfields,459,4
+mifflinburg,712,2
+pomaria,508,0
+wainscott,1037,3
+mifflinburg,835,1
+pomaria,395,2
+mifflinburg,206,5
+hiteman,1262,0
+tolstoy,1521,0
+marstons,776,4
+lindenwood,279,0
+klickitat,947,9
+wainscott,1070,2
+coffeen,803,2
+tolstoy,1801,8
+klickitat,479,10
+allensville,322,4
+klickitat,1853,0
+cosmos,723,1
+shelbyville,2145,2
+coffeen,1301,3
+coffeen,1073,3
+stockman,263,4
+lindenwood,2201,2
+woodbine,1676,6
+wainscott,548,12
+merom,272,3
+tolstoy,1758,10
+stockman,41,5
+hanson,1398,6
+leonardo,605,0
+newfields,125,4
+tolstoy,222,0
+marstons,752,10
+wainscott,758,15
+hiteman,308,2
+stockman,1613,1
+pomaria,1024,3
+newfields,905,9
+beechwood,1141,2
+woodbine,396,4
+shelbyville,1533,0
+shelbyville,2513,3
+ranchester,103,1
+beechwood,776,3
+merom,153,7
+stockman,1246,4
+beechwood,628,6
+onaga,254,1
+newfields,569,0
+shelbyville,252,7
+hanson,89,14
+forkland,766,4
+benevolence,869,7
+pomaria,1560,11
+woodbine,23,13
+ranchester,1061,3
+woodbine,62,14
+benevolence,752,3
+stockman,360,5
+hiteman,233,5
+hiteman,1709,4
+pinesdale,88,3
+pinesdale,1208,2
+shelbyville,2491,4
+shelbyville,351,3
+hiteman,1142,4
+marstons,1704,8
+shelbyville,128,6
+beechwood,146,0
+lakeville,454,2
+klickitat,654,2
+marstons,33,8
+marstons,2069,5
+klickitat,1956,3
+allensville,516,8
+coffeen,685,9
+lindenwood,2446,3
+wainscott,1318,3
+pomaria,364,1
+lindenwood,1820,1
+tolstoy,967,0
+newfields,1283,1
+beechwood,1087,1
+klickitat,1350,1
+shelbyville,1996,6
+stockman,1435,9
+hanson,381,0
+hiteman,1495,6
+woodbine,1203,8
+coffeen,910,3
+beechwood,462,8
+newfields,1451,0
+woodbine,1984,0
+woodbine,1246,7
+klickitat,2356,7
+leonardo,109,0
+merom,347,1
+klickitat,549,4
+woodbine,2020,2
+lindenwood,2266,3
+beechwood,861,4
+pinesdale,286,4
+beechwood,1103,4
+tolstoy,1302,3
+shelbyville,1080,7
+pomaria,121,13
+beechwood,55,0
+wainscott,1416,6
+pinesdale,1262,3
+hiteman,1540,3
+klickitat,1948,3
+stockman,938,0
+shelbyville,2071,0
+wainscott,898,6
+stockman,1142,0
+stockman,1085,2
+newfields,770,2
+marstons,1258,2
+wainscott,1715,2
+stockman,17,6
+shelbyville,144,15
+shelbyville,157,0
+mifflinburg,146,1
+woodbine,1349,2
+hanson,373,3
+leonardo,1406,0
+wainscott,1194,5
+lindenwood,2552,6
+benevolence,234,2
+ranchester,1060,3
+tolstoy,54,5
+klickitat,1011,1
+pomaria,605,2
+newfields,1204,11
+wainscott,1091,1
+hanson,1464,0
+hiteman,1560,7
+newfields,437,10
+ranchester,1357,3
+klickitat,839,4
+lindenwood,152,5
+hiteman,1622,4
+merom,259,1
+coffeen,292,3
+woodbine,42,8
+klickitat,545,3
+woodbine,196,2
+wainscott,1628,5
+klickitat,708,18
+stockman,446,2
+lindenwood,2074,4
+pomaria,529,0
+klickitat,1345,6
+shelbyville,620,4
+tolstoy,523,9
+hanson,998,2
+woodbine,274,1
+wainscott,1502,7
+mifflinburg,561,6
+pomaria,898,6
+newfields,1163,12
+marstons,228,6
+tolstoy,511,10
+woodbine,424,4
+hanson,1247,14
+shelbyville,461,6
+hanson,1128,0
+newfields,903,2
+ranchester,1122,5
+klickitat,782,16
+beechwood,1013,4
+ranchester,1451,0
+ranchester,27,1
+hanson,353,5
+hiteman,1717,8
+stockman,649,3
+pomaria,1436,9
+hiteman,845,5
+leonardo,114,12
+hiteman,397,1
+hanson,446,4
+forkland,1027,0
+lindenwood,1322,8
+shelbyville,192,5
+klickitat,406,14
+hanson,1279,4
+leonardo,1516,4
+forkland,727,6
+marstons,2136,3
+pomaria,1075,4
+klickitat,593,3
+klickitat,506,7
+onaga,504,1
+leonardo,66,2
+marstons,2217,1
+pomaria,1326,4
+newfields,1198,3
+ranchester,356,7
+cosmos,494,7
+klickitat,568,1
+lakeville,1722,0
+newfields,1517,4
+wainscott,1438,3
+stockman,516,3
+hiteman,949,1
+hanson,651,7
+lakeville,1304,0
+shelbyville,1389,5
+shelbyville,1921,8
+marstons,2141,3
+shelbyville,134,12
+marstons,1027,0
+wainscott,1113,2
+hanson,1231,5
+leonardo,1045,6
+stockman,116,3
+marstons,230,0
+cosmos,82,10
+forkland,7,5
+lakeville,2,13
+wainscott,677,3
+lindenwood,913,5
+newfields,1144,7
+shelbyville,749,18
+marstons,27,7
+hiteman,103,0
+marstons,6,3
+woodbine,692,0
+lindenwood,1511,8
+marstons,2552,2
+tolstoy,1608,2
+pomaria,909,0
+stockman,1559,2
+klickitat,2231,3
+beechwood,264,8
+ranchester,561,5
+woodbine,1654,7
+onaga,113,1
+shelbyville,1070,0
+pinesdale,295,1
+hanson,1619,0
+beechwood,713,6
+lakeville,1843,7
+lindenwood,1726,4
+coffeen,149,2
+lindenwood,1672,3
+beechwood,112,0
+shelbyville,122,7
+woodbine,655,0
+tolstoy,66,7
+hiteman,652,1
+merom,679,4
+lindenwood,2247,2
+coffeen,347,2
+klickitat,1875,9
+pomaria,916,0
+marstons,1426,0
+allensville,393,0
+shelbyville,924,0
+marstons,1496,2
+cosmos,100,1
+woodbine,2007,10
+ranchester,1446,4
+shelbyville,707,2
+lindenwood,130,3
+shelbyville,304,2
+klickitat,157,7
+shelbyville,626,4
+marstons,2635,3
+marstons,239,3
+lindenwood,1030,7
+onaga,224,4
+forkland,1008,2
+marstons,1103,14
+coffeen,1164,1
+mifflinburg,110,4
+stockman,162,2
+onaga,637,2
+leonardo,330,0
+mifflinburg,86,6
+allensville,493,7
+woodbine,565,0
+newfields,1282,1
+klickitat,764,1
+wainscott,402,3
+lindenwood,369,10
+woodbine,1090,6
+forkland,100,11
+onaga,289,0
+mifflinburg,386,5
+pinesdale,981,2
+woodbine,759,6
+allensville,4,1
+hiteman,1314,1
+shelbyville,2681,6
+cosmos,710,4
+benevolence,822,4
+shelbyville,1968,2
+pinesdale,162,1
+leonardo,433,9
+beechwood,249,3
+klickitat,2109,0
+forkland,187,3
+klickitat,2015,1
+mifflinburg,135,0
+hanson,1574,4
+hanson,116,1
+shelbyville,2614,10
+marstons,168,13
+ranchester,1175,3
+shelbyville,1924,2
+merom,944,1
+cosmos,586,1
+beechwood,21,0
+tolstoy,1487,4
+lindenwood,1556,4
+hanson,1181,3
+newfields,480,0
+shelbyville,142,11
+woodbine,662,2
+klickitat,188,4
+lindenwood,1964,1
+forkland,694,5
+mifflinburg,879,0
+leonardo,1197,1
+lindenwood,747,1
+hiteman,218,5
+ranchester,848,3
+wainscott,621,8
+benevolence,882,8
+leonardo,289,1
+forkland,351,4
+hanson,1292,5
+hiteman,361,0
+coffeen,35,1
+shelbyville,1157,0
+lakeville,1875,6
+lindenwood,1463,1
+ranchester,1174,1
+merom,700,0
+marstons,725,16
+mifflinburg,946,2
+stockman,138,4
+pinesdale,750,0
+lakeville,1659,1
+woodbine,1887,5
+hiteman,1463,3
+woodbine,1236,2
+woodbine,1442,5
+marstons,1479,1
+lindenwood,2346,3
+hanson,247,2
+ranchester,1471,2
+pinesdale,470,5
+klickitat,1292,3
+woodbine,846,2
+lindenwood,904,3
+tolstoy,1791,3
+marstons,265,2
+shelbyville,1300,4
+pinesdale,729,3
+marstons,238,5
+tolstoy,963,4
+woodbine,459,6
+hanson,459,3
+allensville,193,0
+mifflinburg,245,3
+leonardo,140,1
+stockman,129,2
+klickitat,1901,3
+stockman,1535,5
+pinesdale,1338,0
+lindenwood,416,2
+lakeville,304,0
+shelbyville,2041,2
+marstons,420,3
+newfields,1025,0
+lindenwood,1751,2
+onaga,608,3
+wainscott,1279,3
+klickitat,1031,2
+newfields,931,7
+leonardo,2105,1
+hanson,1530,1
+lindenwood,5,2
+lindenwood,272,0
+ranchester,68,2
+hiteman,1206,5
+ranchester,920,5
+klickitat,469,0
+stockman,1542,9
+pinesdale,584,0
+tolstoy,1805,5
+leonardo,1620,2
+shelbyville,77,0
+lakeville,1664,0
+lakeville,142,7
+pinesdale,1126,2
+woodbine,1934,10
+hanson,1489,1
+marstons,535,6
+mifflinburg,259,8
+leonardo,1484,1
+marstons,2336,0
+lakeville,838,3
+tolstoy,654,1
+cosmos,291,2
+mifflinburg,896,2
+marstons,736,1
+shelbyville,600,2
+hiteman,906,3
+tolstoy,1551,0
+mifflinburg,579,0
+klickitat,797,1
+forkland,661,3
+lakeville,404,0
+woodbine,1951,5
+coffeen,1215,4
+marstons,1853,1
+klickitat,724,5
+lakeville,717,0
+forkland,1051,7
+stockman,673,0
+ranchester,855,0
+wainscott,44,1
+hanson,495,0
+hanson,627,11
+marstons,2344,1
+shelbyville,744,5
+forkland,1014,1
+wainscott,1566,8
+lindenwood,1782,0
+newfields,1601,1
+shelbyville,722,9
+leonardo,178,3
+stockman,944,5
+klickitat,2264,0
+newfields,1221,1
+lindenwood,895,6
+leonardo,1735,1
+woodbine,634,2
+lakeville,465,1
+onaga,359,1
+pinesdale,1380,3
+coffeen,1224,2
+lakeville,589,4
+shelbyville,2448,1
+shelbyville,1167,2
+wainscott,436,11
+klickitat,1592,11
+klickitat,10,0
+woodbine,731,0
+shelbyville,817,2
+shelbyville,2390,0
+pomaria,1098,4
+hiteman,934,1
+hiteman,1708,1
+lakeville,794,22
+wainscott,1543,1
+stockman,440,4
+merom,1057,3
+hanson,160,1
+stockman,1296,14
+lakeville,1575,4
+ranchester,986,11
+hanson,1519,4
+lindenwood,445,3
+newfields,1344,3
+newfields,346,3
+wainscott,1631,3
+onaga,109,3
+stockman,1448,0
+ranchester,82,7
+klickitat,2232,5
+lakeville,203,5
+marstons,336,2
+hiteman,518,5
+hanson,935,0
+wainscott,86,2
+klickitat,571,0
+pomaria,766,12
+klickitat,2308,1
+beechwood,812,1
+coffeen,1173,3
+marstons,1034,0
+pomaria,1564,0
+hanson,1316,15
+benevolence,728,3
+shelbyville,480,4
+pomaria,1508,2
+ranchester,417,1
+benevolence,446,13
+klickitat,1817,8
+lakeville,1559,4
+hanson,1647,6
+lakeville,1086,3
+klickitat,1130,3
+lakeville,350,1
+woodbine,217,4
+pomaria,1,0
+hanson,948,4
+wainscott,564,0
+marstons,703,1
+lakeville,337,1
+klickitat,709,1
+marstons,1533,0
+ranchester,1493,0
+shelbyville,41,1
+lakeville,338,6
+merom,694,3
+coffeen,182,2
+ranchester,550,1
+merom,1061,2
+stockman,602,1
+marstons,403,5
+shelbyville,2812,3
+newfields,1111,0
+wainscott,614,2
+woodbine,49,1
+pinesdale,1346,1
+lakeville,269,0
+stockman,440,1
+wainscott,758,7
+pomaria,60,0
+shelbyville,2814,11
+lindenwood,338,0
+ranchester,972,3
+pinesdale,805,2
+leonardo,818,3
+woodbine,840,5
+lindenwood,1445,11
+lakeville,842,4
+wainscott,75,1
+beechwood,98,7
+pomaria,1057,2
+shelbyville,2566,5
+marstons,1891,3
+stockman,1107,4
+coffeen,656,4
+newfields,1552,4
+coffeen,441,4
+tolstoy,469,0
+marstons,1475,8
+merom,163,6
+stockman,1466,3
+coffeen,1249,0
+woodbine,62,8
+shelbyville,309,2
+pomaria,636,0
+ranchester,864,4
+woodbine,670,16
+woodbine,856,7
+forkland,227,3
+newfields,1062,1
+pinesdale,1083,0
+hanson,31,2
+hiteman,319,9
+onaga,145,4
+klickitat,995,3
+woodbine,903,15
+klickitat,2009,8
+ranchester,600,2
+wainscott,1762,7
+hiteman,516,4
+shelbyville,1215,4
+shelbyville,422,4
+pomaria,1604,2
+wainscott,1458,1
+forkland,220,1
+pomaria,1304,4
+lindenwood,231,9
+mifflinburg,11,0
+hanson,291,3
+newfields,567,6
+wainscott,193,3
+cosmos,617,0
+coffeen,457,2
+shelbyville,936,0
+pinesdale,701,1
+coffeen,1032,7
+coffeen,1474,2
+pomaria,50,3
+lakeville,129,1
+shelbyville,2488,1
+leonardo,2036,12
+lindenwood,1910,1
+shelbyville,280,4
+woodbine,527,1
+lindenwood,505,12
+wainscott,1570,1
+wainscott,620,4
+marstons,249,4
+leonardo,124,3
+pinesdale,236,2
+hiteman,1317,9
+marstons,1994,2
+newfields,871,2
+stockman,1201,1
+hanson,966,10
+marstons,48,3
+stockman,613,2
+lindenwood,2532,3
+marstons,2554,11
+hiteman,11,5
+lindenwood,1379,0
+mifflinburg,611,4
+pomaria,1065,1
+marstons,2536,2
+lindenwood,727,4
+stockman,347,1
+beechwood,172,2
+pinesdale,855,4
+coffeen,1032,2
+stockman,324,1
+coffeen,649,0
+stockman,954,0
+beechwood,1050,0
+marstons,67,12
+ranchester,991,3
+pinesdale,820,0
+stockman,1349,4
+pomaria,330,10
+lindenwood,1215,3
+pomaria,536,5
+pinesdale,618,6
+klickitat,544,2
+marstons,2383,12
+pomaria,619,2
+hanson,161,6
+shelbyville,1146,8
+lindenwood,2072,4
+marstons,1995,2
+ranchester,650,6
+lindenwood,207,2
+woodbine,337,6
+forkland,222,4
+lakeville,1843,9
+merom,992,5
+leonardo,551,4
+hanson,475,8
+klickitat,926,3
+pinesdale,1188,4
+leonardo,1085,2
+newfields,577,7
+lakeville,1475,2
+newfields,647,2
+lindenwood,513,2
+marstons,344,1
+woodbine,1881,6
+cosmos,106,9
+hanson,697,6
+shelbyville,1517,5
+hiteman,373,4
+merom,480,1
+klickitat,165,16
+lindenwood,2458,2
+tolstoy,1784,8
+pomaria,1077,0
+marstons,1897,3
+merom,948,7
+tolstoy,1221,0
+hanson,1158,0
+shelbyville,575,13
+lindenwood,420,6
+lindenwood,1655,5
+lindenwood,747,15
+leonardo,373,10
+shelbyville,103,3
+lakeville,1139,3
+mifflinburg,360,1
+klickitat,1873,0
+pomaria,806,2
+wainscott,299,3
+woodbine,1535,4
+lakeville,1850,6
+ranchester,1223,8
+mifflinburg,330,5
+lindenwood,2568,5
+shelbyville,1472,0
+shelbyville,2799,8
+newfields,411,0
+marstons,223,0
+leonardo,1755,1
+pinesdale,1147,1
+marstons,2648,1
+newfields,157,6
+woodbine,1300,1
+ranchester,1176,13
+leonardo,96,0
+hanson,1530,3
+lakeville,1726,1
+cosmos,179,12
+coffeen,861,5
+woodbine,1878,2
+beechwood,419,0
+stockman,915,1
+shelbyville,2777,2
+lindenwood,1456,8
+coffeen,1332,0
+lakeville,155,5
+hiteman,987,2
+hiteman,383,5
+wainscott,544,5
+leonardo,1097,1
+tolstoy,769,2
+lindenwood,385,1
+ranchester,1061,2
+marstons,2536,5
+woodbine,1882,2
+klickitat,202,1
+leonardo,538,2
+stockman,1035,0
+cosmos,82,1
+shelbyville,398,1
+pomaria,881,4
+hiteman,1678,1
+leonardo,281,1
+marstons,347,4
+shelbyville,1569,5
+tolstoy,1716,2
+tolstoy,742,0
+lindenwood,2570,5
+klickitat,1577,18
+lindenwood,463,0
+hiteman,1183,1
+klickitat,1888,0
+hiteman,1462,0
+shelbyville,1108,1
+forkland,730,4
+tolstoy,133,0
+ranchester,1588,9
+coffeen,339,1
+leonardo,9,7
+ranchester,206,0
+marstons,691,0
+shelbyville,2747,6
+cosmos,343,0
+cosmos,808,7
+lindenwood,696,0
+woodbine,823,9
+marstons,615,4
+newfields,1159,7
+marstons,2447,3
+newfields,800,1
+leonardo,918,4
+wainscott,1492,9
+tolstoy,183,6
+shelbyville,2216,4
+beechwood,961,14
+hanson,812,4
+woodbine,748,13
+ranchester,431,5
+shelbyville,38,1
+tolstoy,1554,6
+pomaria,240,2
+cosmos,284,1
+shelbyville,807,3
+marstons,1033,0
+newfields,1193,0
+lindenwood,1682,6
+tolstoy,805,3
+marstons,1800,9
+shelbyville,1193,1
+stockman,689,3
+shelbyville,2203,0
+wainscott,1286,14
+lindenwood,2370,3
+hiteman,191,9
+leonardo,933,3
+lindenwood,2635,10
+lindenwood,1102,5
+leonardo,1936,1
+lindenwood,2151,2
+benevolence,436,8
+merom,935,3
+mifflinburg,919,2
+woodbine,1281,7
+klickitat,246,4
+pomaria,1193,0
+cosmos,530,12
+stockman,649,5
+leonardo,262,3
+cosmos,554,3
+leonardo,652,4
+shelbyville,776,3
+marstons,1066,1
+leonardo,1636,0
+hiteman,1763,5
+pomaria,1268,6
+mifflinburg,98,2
+hanson,1569,5
+coffeen,1462,2
+tolstoy,520,0
+woodbine,1501,3
+lakeville,1556,2
+lindenwood,907,4
+marstons,1633,2
+klickitat,319,3
+lindenwood,1853,9
+hiteman,78,5
+beechwood,904,8
+leonardo,52,3
+klickitat,2126,2
+hanson,1203,1
+merom,151,1
+lindenwood,1313,4
+lakeville,106,9
+pomaria,755,10
+lindenwood,1785,6
+lakeville,74,9
+ranchester,1177,3
+stockman,326,1
+leonardo,1705,7
+hanson,255,9
+lindenwood,933,3
+coffeen,382,10
+lindenwood,1168,0
+hanson,1593,2
+marstons,1075,5
+newfields,830,9
+klickitat,1718,0
+woodbine,66,9
+marstons,659,8
+lakeville,172,16
+allensville,186,2
+woodbine,985,10
+forkland,181,5
+marstons,1531,3
+pomaria,1138,5
+cosmos,256,1
+klickitat,925,0
+forkland,704,0
+forkland,250,0
+shelbyville,2106,5
+coffeen,801,0
+wainscott,59,5
+hiteman,257,4
+shelbyville,1370,1
+merom,965,3
+hanson,407,10
+klickitat,1468,0
+woodbine,1533,5
+pomaria,145,1
+wainscott,369,1
+coffeen,438,7
+pomaria,1487,6
+newfields,732,0
+shelbyville,1381,9
+tolstoy,1010,8
+lindenwood,935,2
+cosmos,594,2
+ranchester,321,2
+lindenwood,1093,6
+marstons,173,9
+pinesdale,631,1
+coffeen,78,6
+hanson,1135,0
+coffeen,657,1
+leonardo,1638,0
+pinesdale,577,2
+lakeville,1826,8
+marstons,2362,6
+lindenwood,1945,1
+forkland,560,0
+ranchester,284,1
+hanson,29,2
+ranchester,892,7
+newfields,696,3
+forkland,803,2
+merom,659,3
+mifflinburg,703,3
+marstons,1710,14
+tolstoy,268,7
+pinesdale,395,2
+stockman,640,0
+beechwood,544,1
+hiteman,1233,4
+leonardo,896,10
+hiteman,1764,11
+pomaria,966,4
+merom,17,2
+woodbine,706,14
+merom,1023,5
+lakeville,920,3
+wainscott,1202,11
+newfields,1002,2
+newfields,972,6
+hiteman,1468,11
+wainscott,40,2
+wainscott,940,1
+klickitat,86,0
+klickitat,1316,5
+tolstoy,788,2
+woodbine,1626,0
+woodbine,409,1
+pomaria,686,0
+stockman,1142,3
+woodbine,1461,4
+lakeville,20,4
+coffeen,654,9
+lindenwood,287,6
+leonardo,1493,2
+hiteman,123,9
+wainscott,1476,11
+cosmos,37,6
+mifflinburg,885,5
+forkland,483,6
+coffeen,660,6
+coffeen,473,4
+woodbine,621,1
+ranchester,453,3
+woodbine,1964,1
+pinesdale,691,3
+beechwood,595,4
+newfields,1573,7
+lindenwood,2619,10
+lindenwood,517,3
+lindenwood,2437,9
+marstons,553,2
+beechwood,20,12
+lakeville,1296,0
+beechwood,113,0
+newfields,1426,6
+hanson,603,0
+marstons,1102,2
+lindenwood,454,2
+coffeen,950,0
+leonardo,335,0
+tolstoy,340,7
+lakeville,495,1
+ranchester,123,1
+stockman,1225,0
+newfields,525,3
+tolstoy,1608,4
+newfields,1145,7
+newfields,762,2
+benevolence,904,0
+lindenwood,268,0
+cosmos,409,2
+hiteman,1268,2
+hiteman,98,0
+shelbyville,341,4
+pomaria,1299,7
+cosmos,543,1
+shelbyville,1537,7
+klickitat,10,7
+lindenwood,597,3
+hiteman,497,1
+pinesdale,1164,10
+ranchester,639,2
+allensville,19,4
+lindenwood,935,4
+wainscott,487,3
+lakeville,1613,6
+stockman,1471,8
+coffeen,1392,1
+shelbyville,2675,1
+hanson,1111,1
+forkland,434,3
+hanson,663,4
+benevolence,559,0
+hiteman,1567,3
+marstons,1699,7
+marstons,1397,3
+ranchester,210,0
+leonardo,1346,1
+marstons,555,10
+stockman,462,4
+stockman,679,1
+shelbyville,1559,9
+lindenwood,269,2
+hiteman,1079,5
+pomaria,67,4
+hiteman,69,3
+ranchester,1200,7
+hanson,70,2
+lindenwood,2508,5
+pinesdale,929,2
+lindenwood,796,7
+klickitat,2103,0
+marstons,1624,1
+benevolence,404,0
+leonardo,796,0
+lindenwood,173,2
+marstons,2463,2
+pomaria,151,2
+tolstoy,1811,3
+shelbyville,222,3
+onaga,394,2
+marstons,737,3
+hanson,1594,10
+shelbyville,1914,9
+pomaria,1609,2
+tolstoy,913,10
+hanson,505,1
+lindenwood,572,8
+hanson,344,10
+hanson,1258,2
+mifflinburg,40,6
+coffeen,1085,0
+coffeen,1156,4
+coffeen,1377,0
+tolstoy,65,0
+wainscott,693,1
+klickitat,1583,2
+newfields,808,1
+woodbine,711,0
+lakeville,261,8
+woodbine,940,8
+lakeville,865,7
+woodbine,422,5
+shelbyville,2351,1
+pomaria,765,1
+hanson,297,4
+wainscott,1223,2
+merom,700,3
+lindenwood,1331,0
+cosmos,572,5
+tolstoy,584,1
+stockman,182,6
+lakeville,312,2
+hiteman,1806,0
+marstons,1619,8
+lindenwood,1084,2
+hanson,940,2
+shelbyville,1937,3
+mifflinburg,82,1
+coffeen,1088,4
+hiteman,779,9
+lindenwood,2040,4
+klickitat,1429,9
+newfields,1098,3
+shelbyville,586,8
+leonardo,182,1
+coffeen,1390,2
+lindenwood,301,0
+woodbine,1341,5
+leonardo,593,0
+pomaria,313,1
+hanson,1518,16
+marstons,1011,0
+onaga,509,2
+cosmos,259,1
+ranchester,1139,5
+shelbyville,182,3
+coffeen,677,0
+klickitat,193,1
+cosmos,374,3
+wainscott,673,6
+marstons,1828,2
+lindenwood,195,2
+beechwood,542,3
+lindenwood,270,3
+klickitat,881,5
+hiteman,1647,4
+cosmos,120,2
+tolstoy,1607,2
+wainscott,1254,4
+klickitat,2383,2
+mifflinburg,924,1
+stockman,548,2
+tolstoy,321,5
+ranchester,1592,8
+hanson,1209,3
+pomaria,1470,12
+coffeen,822,1
+lindenwood,586,0
+woodbine,1288,1
+leonardo,1273,2
+woodbine,1291,10
+lakeville,1545,3
+marstons,141,1
+hiteman,1623,2
+stockman,303,3
+shelbyville,1230,1
+stockman,1513,4
+newfields,81,2
+cosmos,317,2
+woodbine,2022,0
+benevolence,163,1
+newfields,1443,2
+coffeen,1135,1
+forkland,391,0
+lindenwood,1193,0
+lindenwood,432,7
+lakeville,1349,5
+woodbine,1450,4
+onaga,545,3
+shelbyville,635,1
+woodbine,440,2
+marstons,252,14
+marstons,504,3
+cosmos,485,3
+klickitat,2141,1
+leonardo,880,4
+marstons,1963,3
+pinesdale,1030,4
+wainscott,570,11
+marstons,1592,4
+klickitat,1114,12
+newfields,1407,12
+hanson,428,2
+lakeville,1559,2
+shelbyville,2161,1
+beechwood,743,11
+newfields,1635,3
+leonardo,364,1
+forkland,905,2
+woodbine,1312,12
+mifflinburg,563,4
+forkland,93,2
+newfields,1154,2
+marstons,0,2
+marstons,752,11
+klickitat,1698,6
+benevolence,931,4
+woodbine,764,2
+leonardo,624,5
+marstons,1010,9
+tolstoy,124,1
+marstons,391,5
+lindenwood,1425,3
+leonardo,1969,10
+pomaria,1299,14
+tolstoy,1077,2
+marstons,2608,4
+klickitat,445,9
+mifflinburg,79,6
+pomaria,808,2
+hiteman,1660,6
+merom,693,0
+wainscott,1098,6
+hanson,318,8
+forkland,388,4
+leonardo,339,4
+mifflinburg,785,4
+newfields,689,3
+onaga,418,2
+lakeville,131,2
+shelbyville,417,4
+wainscott,109,3
+lakeville,1662,1
+beechwood,634,2
+marstons,1693,0
+pinesdale,279,0
+shelbyville,2307,8
+newfields,857,7
+newfields,1320,3
+wainscott,802,2
+klickitat,20,1
+pomaria,1084,4
+merom,493,0
+marstons,31,3
+pomaria,266,6
+hanson,1582,8
+ranchester,863,9
+woodbine,1884,3
+shelbyville,1831,7
+shelbyville,329,3
+ranchester,11,1
+wainscott,1023,1
+shelbyville,1942,5
+hanson,426,0
+pinesdale,286,3
+lakeville,850,8
+pomaria,515,1
+forkland,41,1
+beechwood,503,5
+marstons,882,8
+marstons,2504,1
+mifflinburg,711,0
+shelbyville,1724,0
+beechwood,872,1
+merom,56,2
+wainscott,919,3
+lindenwood,1996,2
+shelbyville,2478,11
+hiteman,1761,2
+woodbine,508,3
+klickitat,948,2
+hiteman,1840,0
+shelbyville,984,4
+pomaria,921,4
+marstons,2474,0
+klickitat,1706,12
+klickitat,2362,6
+pinesdale,532,1
+merom,362,3
+ranchester,1591,6
+newfields,825,8
+leonardo,469,7
+marstons,2636,1
+pomaria,406,8
+tolstoy,39,11
+marstons,347,7
+mifflinburg,436,0
+woodbine,1985,0
+wainscott,1363,6
+hanson,672,21
+stockman,334,2
+pomaria,759,4
+ranchester,1285,3
+forkland,124,5
+benevolence,251,4
+wainscott,1563,3
+coffeen,173,3
+shelbyville,2352,12
+shelbyville,1508,1
+lindenwood,438,0
+pomaria,633,0
+mifflinburg,106,4
+ranchester,1265,6
+klickitat,708,20
+pomaria,1424,1
+pomaria,1654,1
+marstons,1533,8
+shelbyville,648,9
+newfields,740,2
+tolstoy,1578,1
+wainscott,1299,0
+forkland,996,6
+stockman,1141,7
+marstons,222,1
+forkland,754,7
+hiteman,1455,10
+shelbyville,1988,2
+leonardo,220,14
+lindenwood,579,3
+wainscott,1587,1
+klickitat,773,1
+hanson,517,10
+woodbine,1310,6
+klickitat,520,0
+ranchester,1027,1
+beechwood,629,4
+benevolence,616,8
+tolstoy,122,2
+pomaria,651,8
+pomaria,208,2
+coffeen,739,0
+pomaria,984,4
+klickitat,173,10
+shelbyville,2172,11
+marstons,1117,4
+marstons,394,0
+lakeville,332,10
+beechwood,92,2
+klickitat,1282,4
+beechwood,1040,1
+newfields,121,0
+lakeville,724,0
+merom,978,2
+benevolence,198,3
+shelbyville,929,6
+hanson,992,12
+wainscott,126,3
+marstons,1224,1
+benevolence,42,6
+beechwood,1003,4
+lindenwood,819,9
+lindenwood,1177,1
+marstons,682,12
+leonardo,299,4
+klickitat,1997,1
+leonardo,1396,1
+lindenwood,1096,4
+newfields,1416,1
+shelbyville,2313,3
+hanson,1218,10
+mifflinburg,152,0
+lakeville,1144,7
+forkland,209,2
+marstons,1872,4
+marstons,637,1
+newfields,235,4
+tolstoy,1444,6
+lakeville,632,4
+merom,1072,8
+pomaria,158,0
+lakeville,499,1
+newfields,640,6
+onaga,603,3
+lindenwood,87,6
+lindenwood,1303,0
+newfields,100,2
+woodbine,1589,4
+lindenwood,970,5
+coffeen,660,2
+klickitat,2195,15
+pomaria,98,3
+hanson,832,2
+marstons,244,2
+lakeville,1506,2
+leonardo,1149,2
+lakeville,912,4
+shelbyville,1473,3
+beechwood,410,0
+stockman,480,0
+pomaria,479,2
+marstons,1391,2
+shelbyville,2311,11
+newfields,401,0
+woodbine,360,0
+leonardo,739,1
+forkland,227,2
+merom,975,6
+lakeville,1036,0
+shelbyville,2714,1
+leonardo,765,1
+woodbine,1856,1
+stockman,855,0
+shelbyville,904,5
+klickitat,944,2
+forkland,96,0
+pinesdale,1266,8
+shelbyville,561,4
+cosmos,584,4
+mifflinburg,165,5
+marstons,1901,2
+shelbyville,2246,3
+hiteman,256,3
+wainscott,715,0
+onaga,2,2
+woodbine,747,8
+cosmos,623,6
+newfields,455,4
+ranchester,729,0
+newfields,439,0
+coffeen,632,1
+lindenwood,1857,8
+stockman,44,3
+woodbine,111,3
+woodbine,240,0
+mifflinburg,883,2
+marstons,629,4
+stockman,1013,4
+onaga,268,0
+stockman,225,3
+newfields,700,1
+hiteman,222,0
+beechwood,702,3
+klickitat,2106,2
+hanson,1366,2
+forkland,414,0
+shelbyville,1119,1
+pinesdale,752,2
+cosmos,1058,0
+wainscott,1554,1
+cosmos,301,4
+tolstoy,1331,0
+shelbyville,2358,0
+coffeen,753,7
+klickitat,426,7
+klickitat,1159,11
+klickitat,530,13
+tolstoy,460,1
+hanson,1436,9
+wainscott,1269,6
+pomaria,545,3
+lindenwood,1545,6
+forkland,1190,0
+lindenwood,405,1
+klickitat,1159,12
+tolstoy,1677,1
+coffeen,623,1
+klickitat,976,9
+hiteman,1388,1
+forkland,53,1
+hiteman,1779,7
+cosmos,732,7
+leonardo,1858,11
+leonardo,757,3
+marstons,74,3
+pomaria,1225,10
+lindenwood,2421,6
+benevolence,301,7
+hanson,596,1
+coffeen,1430,2
+lindenwood,1063,1
+coffeen,765,6
+cosmos,980,2
+pinesdale,939,5
+woodbine,1507,0
+beechwood,901,7
+marstons,1431,2
+marstons,1963,12
+beechwood,1129,0
+beechwood,268,1
+wainscott,1289,11
+hanson,604,7
+beechwood,1155,3
+leonardo,594,5
+pomaria,939,1
+leonardo,1857,0
+marstons,982,3
+stockman,1484,17
+klickitat,1463,10
+hanson,1051,3
+lakeville,659,1
+shelbyville,188,4
+tolstoy,1640,4
+tolstoy,1674,5
+shelbyville,2694,7
+newfields,1292,4
+hanson,387,6
+merom,582,4
+lindenwood,475,3
+marstons,128,8
+shelbyville,482,9
+cosmos,317,5
+lakeville,361,1
+tolstoy,1632,2
+klickitat,67,1
+cosmos,177,0
+woodbine,1295,0
+marstons,732,4
+leonardo,2083,0
+pomaria,144,1
+leonardo,871,3
+leonardo,1770,7
+klickitat,1242,3
+hanson,1299,0
+allensville,374,3
+lakeville,1772,3
+newfields,268,3
+pomaria,466,2
+shelbyville,134,9
+mifflinburg,774,3
+leonardo,1894,1
+klickitat,739,7
+klickitat,2213,3
+lindenwood,799,0
+lindenwood,1784,4
+pinesdale,1246,3
+lindenwood,295,2
+lindenwood,1647,2
+ranchester,683,6
+hiteman,873,1
+lindenwood,2122,1
+stockman,257,3
+hiteman,1062,2
+leonardo,1869,6
+hiteman,312,6
+woodbine,360,3
+newfields,1610,0
+marstons,2177,11
+beechwood,509,5
+stockman,1163,3
+pomaria,676,3
+woodbine,2058,1
+coffeen,600,2
+leonardo,169,2
+klickitat,1824,3
+mifflinburg,897,0
+marstons,2617,4
+shelbyville,2252,0
+hanson,774,3
+pinesdale,934,4
+lindenwood,2529,2
+woodbine,1319,0
+lindenwood,1740,0
+klickitat,2250,3
+merom,929,2
+hiteman,275,0
+klickitat,2061,15
+coffeen,641,1
+shelbyville,1072,1
+lakeville,1836,1
+lakeville,523,12
+merom,925,4
+lakeville,1213,0
+shelbyville,2540,0
+onaga,61,1
+lakeville,1740,2
+allensville,14,4
+wainscott,1608,10
+merom,509,1
+merom,516,8
+klickitat,588,3
+klickitat,607,5
+leonardo,501,13
+pomaria,741,0
+klickitat,826,1
+cosmos,876,6
+hiteman,612,0
+pomaria,1023,6
+leonardo,1530,0
+newfields,1163,5
+wainscott,267,9
+merom,1045,0
+shelbyville,412,1
+coffeen,1271,0
+forkland,721,2
+lindenwood,1183,3
+leonardo,1173,9
+newfields,548,2
+woodbine,647,5
+klickitat,735,1
+newfields,142,11
+marstons,2588,6
+leonardo,29,9
+pomaria,519,8
+ranchester,54,2
+wainscott,260,10
+tolstoy,906,8
+tolstoy,980,1
+pinesdale,1238,1
+pomaria,1163,2
+shelbyville,430,1
+hanson,1403,8
+tolstoy,1477,7
+ranchester,1227,2
+newfields,25,2
+klickitat,600,0
+shelbyville,1411,6
+ranchester,1600,3
+leonardo,1139,22
+hiteman,1681,6
+coffeen,506,2
+woodbine,532,4
+shelbyville,1918,4
+tolstoy,803,11
+ranchester,33,0
+stockman,172,1
+wainscott,1543,3
+leonardo,1637,2
+wainscott,747,2
+tolstoy,1023,1
+tolstoy,1038,1
+newfields,532,9
+lakeville,689,3
+woodbine,944,1
+stockman,693,2
+ranchester,1446,10
+merom,652,1
+cosmos,422,6
+woodbine,846,11
+shelbyville,1650,6
+shelbyville,2520,12
+shelbyville,551,5
+stockman,1171,2
+woodbine,269,6
+marstons,2636,5
+klickitat,1040,3
+klickitat,595,5
+woodbine,517,1
+pomaria,1142,5
+ranchester,581,7
+onaga,672,1
+forkland,422,1
+leonardo,812,2
+benevolence,896,0
+shelbyville,508,0
+woodbine,1851,2
+klickitat,2319,1
+leonardo,256,1
+beechwood,755,12
+wainscott,1477,2
+marstons,672,0
+forkland,580,3
+marstons,174,5
+hiteman,1245,2
+pinesdale,1165,0
+coffeen,924,5
+benevolence,446,11
+lindenwood,1394,6
+wainscott,1733,0
+coffeen,686,8
+pinesdale,715,0
+ranchester,846,2
+wainscott,398,7
+tolstoy,33,2
+woodbine,661,11
+lakeville,786,3
+allensville,391,6
+shelbyville,2668,0
+leonardo,1756,2
+marstons,2415,10
+shelbyville,2660,1
+stockman,216,4
+newfields,1277,1
+leonardo,1276,4
+marstons,1818,0
+pinesdale,953,3
+newfields,1392,5
+hiteman,1646,5
+lindenwood,1585,4
+marstons,449,1
+shelbyville,1829,2
+klickitat,1018,3
+tolstoy,1322,7
+mifflinburg,509,1
+forkland,733,3
+shelbyville,866,1
+newfields,1082,0
+marstons,1044,1
+woodbine,1976,4
+lindenwood,327,9
+tolstoy,1594,9
+newfields,1498,1
+pomaria,1286,3
+newfields,1354,10
+shelbyville,2387,1
+hiteman,48,3
+hanson,329,1
+stockman,793,10
+coffeen,775,3
+shelbyville,1413,1
+lindenwood,1365,5
+pomaria,968,6
+shelbyville,574,9
+merom,133,3
+lindenwood,2276,4
+woodbine,196,7
+lindenwood,2108,4
+hiteman,588,4
+tolstoy,1329,4
+lindenwood,1863,3
+merom,377,2
+shelbyville,887,3
+marstons,450,0
+lindenwood,1842,2
+forkland,1138,6
+beechwood,899,1
+ranchester,1338,7
+shelbyville,2258,3
+lakeville,1341,3
+lakeville,1828,2
+newfields,1522,0
+pinesdale,1287,0
+wainscott,166,13
+hiteman,63,2
+coffeen,1047,3
+hanson,88,7
+pomaria,1483,2
+hanson,1223,0
+mifflinburg,670,1
+leonardo,1369,3
+pinesdale,703,0
+hanson,1029,6
+klickitat,2337,2
+hanson,1425,10
+pomaria,529,6
+shelbyville,2377,1
+woodbine,523,6
+wainscott,1489,3
+tolstoy,1755,2
+tolstoy,1166,2
+woodbine,31,1
+hanson,418,8
+pomaria,996,1
+lakeville,639,6
+hiteman,1506,0
+shelbyville,172,6
+merom,943,6
+marstons,2634,6
+klickitat,2024,10
+wainscott,612,3
+lakeville,1526,5
+shelbyville,1920,2
+hanson,449,3
+hanson,1033,0
+marstons,2491,4
+lakeville,1497,6
+tolstoy,101,13
+woodbine,1330,0
+lakeville,1689,13
+newfields,1030,5
+leonardo,452,0
+stockman,1434,0
+shelbyville,856,3
+lakeville,746,15
+newfields,1598,4
+tolstoy,1187,3
+forkland,242,3
+marstons,374,7
+coffeen,385,2
+lakeville,872,3
+onaga,476,1
+lindenwood,1756,13
+coffeen,6,2
+leonardo,763,3
+ranchester,977,2
+tolstoy,168,10
+merom,967,5
+hiteman,943,1
+marstons,1892,12
+stockman,24,3
+wainscott,1630,14
+marstons,1510,3
+hanson,1600,4
+beechwood,34,5
+woodbine,981,2
+lindenwood,498,1
+pinesdale,277,2
+marstons,991,2
+klickitat,400,0
+coffeen,818,3
+coffeen,16,3
+forkland,954,3
+lindenwood,2586,6
+wainscott,397,1
+benevolence,170,0
+lindenwood,171,3
+lakeville,1381,2
+lakeville,1028,11
+wainscott,696,5
+stockman,391,0
+shelbyville,1557,1
+ranchester,930,7
+klickitat,564,0
+tolstoy,243,2
+woodbine,444,3
+woodbine,1643,4
+hanson,1231,2
+shelbyville,2752,2
+beechwood,425,0
+pinesdale,1031,4
+lakeville,761,3
+ranchester,50,18
+lindenwood,1417,2
+pinesdale,1133,1
+shelbyville,1538,5
+woodbine,671,2
+coffeen,701,1
+stockman,1101,6
+leonardo,1538,8
+beechwood,986,6
+shelbyville,1519,11
+klickitat,316,3
+klickitat,305,17
+marstons,732,1
+pomaria,590,0
+marstons,1692,8
+stockman,923,1
+klickitat,145,8
+lakeville,1544,5
+woodbine,816,1
+hiteman,1100,2
+lakeville,623,1
+lindenwood,1841,4
+newfields,267,7
+klickitat,1463,14
+lindenwood,1924,0
+tolstoy,10,1
+klickitat,2215,3
+hiteman,1092,1
+cosmos,80,7
+hanson,1604,4
+klickitat,923,0
+lindenwood,685,5
+pomaria,337,2
+lakeville,240,6
+merom,74,0
+hiteman,434,2
+lakeville,1015,11
+newfields,1320,5
+pomaria,123,0
+wainscott,734,5
+wainscott,194,1
+lakeville,151,5
+klickitat,1963,1
+shelbyville,1311,3
+coffeen,1158,1
+mifflinburg,448,2
+woodbine,1387,6
+lindenwood,818,2
+klickitat,1583,4
+newfields,504,3
+hanson,626,6
+forkland,1065,7
+hanson,1642,0
+klickitat,258,0
+pomaria,1465,0
+shelbyville,1737,7
+pomaria,1394,1
+shelbyville,590,0
+lindenwood,2372,4
+marstons,1706,3
+merom,196,2
+stockman,297,3
+marstons,1831,8
+pomaria,1388,1
+klickitat,1430,3
+lindenwood,2007,3
+beechwood,726,1
+shelbyville,2384,3
+lakeville,1547,7
+lakeville,777,0
+coffeen,949,7
+shelbyville,2136,1
+ranchester,1594,9
+stockman,556,3
+lindenwood,1409,1
+benevolence,503,12
+shelbyville,517,1
+newfields,463,3
+newfields,1400,2
+forkland,817,1
+wainscott,1692,4
+forkland,898,7
+lindenwood,843,8
+tolstoy,202,10
+lindenwood,1829,2
+klickitat,1451,5
+hiteman,1660,4
+hiteman,1556,2
+cosmos,662,0
+klickitat,1168,3
+leonardo,303,2
+shelbyville,2085,6
+lindenwood,403,14
+wainscott,444,11
+tolstoy,1607,1
+hanson,44,4
+lindenwood,1810,3
+klickitat,448,7
+coffeen,1239,0
+shelbyville,515,6
+stockman,368,2
+pomaria,1304,3
+stockman,1273,0
+beechwood,1055,3
+marstons,181,0
+shelbyville,121,1
+lakeville,792,4
+marstons,1896,4
+ranchester,601,2
+shelbyville,2306,2
+wainscott,1459,11
+wainscott,1211,5
+stockman,933,0
+stockman,1349,8
+shelbyville,374,5
+lakeville,1092,7
+marstons,1291,0
+pinesdale,418,5
+beechwood,146,1
+klickitat,280,8
+benevolence,91,3
+wainscott,1151,12
+beechwood,418,0
+wainscott,863,5
+hiteman,1101,11
+coffeen,620,3
+shelbyville,1507,2
+leonardo,207,2
+marstons,2198,7
+beechwood,1084,3
+stockman,1454,3
+leonardo,955,6
+shelbyville,1235,2
+marstons,1906,2
+tolstoy,1493,2
+shelbyville,1366,1
+lakeville,0,4
+shelbyville,2153,8
+pomaria,1544,7
+stockman,1460,0
+leonardo,2119,2
+shelbyville,407,1
+stockman,1408,0
+tolstoy,1557,2
+leonardo,197,8
+marstons,446,2
+wainscott,548,6
+allensville,53,8
+klickitat,928,4
+stockman,214,5
+beechwood,1137,0
+lindenwood,1503,9
+tolstoy,1810,3
+marstons,1504,5
+lakeville,1384,14
+lindenwood,128,3
+merom,830,3
+shelbyville,375,9
+hanson,1120,1
+wainscott,505,8
+woodbine,401,1
+forkland,1145,0
+coffeen,1405,0
+lindenwood,133,7
+lindenwood,2401,0
+marstons,2267,7
+klickitat,1643,4
+newfields,994,0
+allensville,420,0
+coffeen,928,2
+pomaria,1666,4
+tolstoy,347,2
+wainscott,1446,1
+lindenwood,1101,0
+benevolence,384,1
+leonardo,740,1
+woodbine,761,5
+mifflinburg,139,3
+marstons,2354,2
+leonardo,1163,4
+shelbyville,2623,4
+hiteman,1448,4
+tolstoy,1824,2
+lakeville,812,0
+wainscott,627,5
+cosmos,857,12
+allensville,65,4
+lakeville,1247,0
+shelbyville,1449,1
+cosmos,313,11
+ranchester,416,0
+beechwood,880,1
+beechwood,883,2
+pomaria,1600,2
+newfields,716,1
+woodbine,984,0
+pomaria,1621,3
+pomaria,58,2
+klickitat,32,6
+wainscott,1248,5
+pinesdale,1101,5
+pomaria,1159,12
+coffeen,1153,0
+leonardo,443,3
+ranchester,222,8
+klickitat,1093,1
+tolstoy,693,3
+shelbyville,855,1
+woodbine,722,1
+shelbyville,1306,9
+pinesdale,916,11
+lakeville,607,3
+hanson,901,8
+leonardo,1888,0
+woodbine,1519,3
+shelbyville,1146,7
+lakeville,821,2
+lakeville,545,8
+forkland,678,4
+pinesdale,526,2
+hiteman,366,8
+stockman,839,3
+wainscott,298,0
+woodbine,506,12
+leonardo,1899,2
+lakeville,656,1
+lakeville,1802,3
+shelbyville,696,6
+marstons,2164,6
+klickitat,1330,6
+shelbyville,76,0
+cosmos,946,2
+newfields,733,0
+hanson,1393,6
+pomaria,107,1
+shelbyville,15,2
+newfields,571,0
+wainscott,725,4
+merom,629,2
+hanson,928,4
+lindenwood,1293,11
+stockman,579,10
+hiteman,1746,4
+marstons,631,3
+klickitat,1019,2
+lakeville,1605,0
+hiteman,802,5
+leonardo,1820,2
+coffeen,881,4
+beechwood,416,4
+wainscott,359,3
+beechwood,360,3
+leonardo,1628,6
+forkland,718,4
+newfields,834,2
+stockman,1362,0
+pomaria,646,7
+lindenwood,1287,1
+shelbyville,1013,7
+newfields,354,0
+shelbyville,2082,3
+hiteman,1836,1
+klickitat,1783,15
+forkland,495,2
+leonardo,793,3
+pinesdale,465,5
+tolstoy,1168,0
+marstons,2383,4
+hiteman,23,0
+hiteman,1406,3
+leonardo,503,2
+onaga,553,2
+forkland,1066,6
+woodbine,1958,1
+wainscott,660,8
+ranchester,532,3
+leonardo,769,2
+woodbine,309,3
+mifflinburg,880,4
+shelbyville,2320,0
+newfields,822,5
+hiteman,1373,4
+marstons,2386,2
+woodbine,1475,3
+cosmos,1019,0
+lakeville,1453,0
+wainscott,1313,6
+marstons,548,8
+cosmos,1070,2
+wainscott,1739,1
+newfields,1410,12
+lindenwood,549,7
+cosmos,1042,0
+stockman,1343,4
+lakeville,874,3
+shelbyville,1284,4
+coffeen,24,1
+klickitat,39,4
+leonardo,910,3
+leonardo,151,2
+tolstoy,1133,1
+klickitat,2071,10
+lindenwood,1378,0
+lakeville,387,6
+marstons,158,7
+cosmos,852,2
+wainscott,1479,0
+woodbine,969,1
+tolstoy,1143,12
+leonardo,725,4
+mifflinburg,664,2
+lakeville,911,4
+hiteman,224,1
+woodbine,794,6
+marstons,733,1
+hiteman,91,10
+ranchester,1162,0
+woodbine,1408,4
+marstons,2091,17
+leonardo,860,0
+shelbyville,2036,1
+tolstoy,1617,2
+woodbine,840,2
+marstons,264,7
+shelbyville,1235,1
+pomaria,939,8
+ranchester,834,2
+hanson,911,2
+pinesdale,3,3
+newfields,1111,13
+marstons,2538,6
+tolstoy,1368,4
+ranchester,268,5
+wainscott,1564,4
+lakeville,822,7
+klickitat,1399,1
+coffeen,1508,2
+klickitat,1663,0
+tolstoy,981,1
+ranchester,31,4
+wainscott,1348,5
+shelbyville,921,7
+woodbine,1884,8
+pinesdale,345,2
+woodbine,1612,4
+beechwood,1000,3
+stockman,622,7
+coffeen,952,3
+tolstoy,1030,5
+merom,669,6
+stockman,1582,0
+tolstoy,231,7
+hanson,718,0
+newfields,461,4
+lindenwood,502,7
+tolstoy,66,1
+coffeen,1471,5
+coffeen,281,7
+ranchester,1287,2
+klickitat,1291,11
+marstons,1194,7
+hiteman,1384,2
+cosmos,394,1
+leonardo,90,5
+lakeville,1178,4
+shelbyville,506,3
+cosmos,974,1
+woodbine,1378,8
+shelbyville,1648,0
+woodbine,1723,5
+allensville,9,1
+klickitat,2011,3
+merom,571,2
+lindenwood,84,4
+pomaria,1099,4
+klickitat,749,3
+shelbyville,355,7
+hanson,948,3
+klickitat,430,0
+coffeen,106,6
+hiteman,1364,5
+woodbine,1573,4
+klickitat,1251,2
+coffeen,1472,0
+lakeville,712,2
+wainscott,955,2
+ranchester,1181,1
+forkland,988,4
+leonardo,825,0
+leonardo,710,3
+mifflinburg,742,4
+woodbine,656,3
+hiteman,1195,1
+ranchester,711,9
+pomaria,300,2
+hanson,444,4
+leonardo,1941,1
+hiteman,224,4
+lakeville,1424,16
+merom,32,3
+shelbyville,234,3
+lakeville,988,2
+newfields,1596,0
+newfields,1510,5
+hiteman,1316,2
+klickitat,1748,2
+tolstoy,834,1
+lindenwood,1400,3
+shelbyville,253,3
+klickitat,423,3
+wainscott,417,3
+shelbyville,2047,1
+lindenwood,256,0
+ranchester,364,5
+mifflinburg,247,8
+tolstoy,695,3
+merom,568,1
+marstons,2257,1
+tolstoy,1229,2
+marstons,2339,0
+wainscott,610,6
+pomaria,1474,0
+stockman,338,2
+hiteman,57,3
+leonardo,1777,0
+cosmos,1011,5
+lakeville,1516,4
+hiteman,236,2
+marstons,1248,4
+tolstoy,20,7
+hiteman,879,0
+lakeville,1844,1
+hiteman,1833,3
+hiteman,810,2
+cosmos,578,8
+lindenwood,1148,11
+klickitat,295,14
+newfields,1140,2
+forkland,975,0
+merom,386,1
+leonardo,668,4
+forkland,295,4
+klickitat,1926,0
+newfields,628,4
+woodbine,800,4
+coffeen,124,0
+shelbyville,1418,4
+shelbyville,580,6
+tolstoy,432,5
+leonardo,273,2
+stockman,455,12
+ranchester,271,4
+hanson,1202,7
+klickitat,1167,0
+klickitat,1577,8
+wainscott,1161,9
+hiteman,1319,4
+marstons,2224,2
+wainscott,230,3
+tolstoy,141,2
+marstons,149,12
+woodbine,1710,2
+lindenwood,1844,0
+wainscott,1084,1
+wainscott,732,10
+mifflinburg,948,1
+coffeen,609,1
+shelbyville,1984,5
+pinesdale,871,4
+wainscott,235,4
+shelbyville,2532,1
+hiteman,1263,0
+beechwood,985,1
+newfields,1232,2
+forkland,326,2
+klickitat,482,10
+shelbyville,65,2
+tolstoy,1308,0
+klickitat,345,8
+shelbyville,2288,1
+wainscott,907,6
+wainscott,1076,1
+woodbine,1733,6
+wainscott,1517,1
+merom,967,2
+woodbine,1355,3
+merom,383,4
+stockman,415,6
+lindenwood,1829,7
+benevolence,896,5
+woodbine,1516,8
+forkland,846,1
+woodbine,1814,3
+shelbyville,1173,6
+stockman,1440,1
+ranchester,79,0
+leonardo,1104,1
+newfields,468,1
+beechwood,155,1
+merom,520,5
+pomaria,488,2
+cosmos,724,0
+klickitat,331,5
+woodbine,662,0
+klickitat,1288,3
+pinesdale,1217,5
+hanson,598,6
+cosmos,220,4
+marstons,1351,0
+hanson,983,1
+leonardo,788,13
+forkland,805,0
+pinesdale,1066,4
+lakeville,1387,12
+tolstoy,1655,2
+hanson,166,3
+mifflinburg,221,2
+lindenwood,1532,4
+marstons,1513,4
+cosmos,543,0
+hiteman,672,0
+tolstoy,1142,1
+marstons,2414,3
+mifflinburg,329,1
+shelbyville,2251,5
+woodbine,433,2
+lakeville,1027,2
+ranchester,1253,6
+beechwood,59,8
+pomaria,1661,10
+pinesdale,618,5
+stockman,1071,9
+stockman,169,3
+hiteman,1232,4
+leonardo,1591,7
+hanson,1387,2
+shelbyville,462,2
+shelbyville,865,3
+newfields,497,9
+wainscott,949,5
+newfields,410,6
+marstons,2469,1
+lindenwood,1865,13
+benevolence,614,1
+hanson,333,4
+beechwood,263,3
+woodbine,542,10
+coffeen,129,3
+newfields,1040,19
+woodbine,1165,2
+wainscott,1633,0
+tolstoy,96,3
+shelbyville,1236,2
+stockman,1071,3
+wainscott,1252,0
+shelbyville,881,7
+lindenwood,395,3
+hiteman,190,1
+tolstoy,674,0
+woodbine,1883,5
+klickitat,405,0
+pinesdale,1429,4
+cosmos,309,0
+mifflinburg,342,0
+lindenwood,2173,0
+mifflinburg,910,0
+woodbine,862,6
+hiteman,1310,0
+leonardo,2103,2
+pomaria,874,7
+ranchester,628,7
+woodbine,192,1
+tolstoy,959,2
+woodbine,1138,17
+shelbyville,1251,8
+lakeville,1301,6
+shelbyville,1831,1
+lakeville,1420,5
+shelbyville,725,0
+newfields,691,2
+tolstoy,1153,5
+woodbine,1934,5
+marstons,542,4
+ranchester,151,3
+woodbine,21,8
+onaga,56,1
+lindenwood,2504,1
+woodbine,788,5
+lindenwood,1099,9
+newfields,1446,0
+shelbyville,313,7
+woodbine,729,7
+klickitat,1520,8
+pomaria,186,12
+shelbyville,807,0
+mifflinburg,216,6
+newfields,974,2
+lakeville,1736,0
+lindenwood,1186,4
+marstons,185,1
+forkland,998,6
+hiteman,1454,3
+allensville,448,3
+mifflinburg,937,5
+lindenwood,1611,4
+newfields,1608,0
+ranchester,1390,8
+onaga,610,7
+woodbine,970,8
+forkland,1094,6
+klickitat,1910,0
+ranchester,751,4
+allensville,335,0
+lindenwood,2003,5
+lindenwood,675,10
+coffeen,802,3
+merom,1011,3
+beechwood,897,1
+pomaria,493,1
+klickitat,2237,5
+newfields,1075,11
+lakeville,1224,7
+marstons,2176,3
+ranchester,462,0
+marstons,1657,0
+pomaria,609,1
+benevolence,823,1
+newfields,360,18
+lindenwood,2186,2
+coffeen,962,3
+merom,82,1
+tolstoy,1547,0
+lakeville,38,2
+allensville,374,2
+marstons,161,1
+shelbyville,956,1
+mifflinburg,410,3
+mifflinburg,290,0
+shelbyville,1948,2
+leonardo,1708,5
+shelbyville,1100,6
+cosmos,729,2
+hanson,649,0
+cosmos,539,6
+cosmos,13,5
+cosmos,503,8
+shelbyville,451,7
+shelbyville,1921,12
+pinesdale,168,1
+marstons,365,6
+newfields,1653,1
+pinesdale,1020,5
+shelbyville,1595,3
+klickitat,279,1
+lindenwood,443,3
+stockman,1270,0
+forkland,935,4
+ranchester,739,2
+ranchester,216,10
+pinesdale,1322,0
+pinesdale,179,1
+pomaria,420,1
+beechwood,796,0
+woodbine,884,8
+tolstoy,319,6
+cosmos,127,8
+leonardo,1163,16
+wainscott,1487,0
+beechwood,103,0
+klickitat,1525,1
+lakeville,157,1
+leonardo,1310,5
+hanson,244,3
+woodbine,1583,15
+hiteman,211,8
+shelbyville,2052,2
+leonardo,1627,6
+wainscott,1612,7
+wainscott,1133,0
+hiteman,1517,0
+ranchester,1146,0
+wainscott,1610,0
+ranchester,1213,1
+cosmos,783,3
+shelbyville,2582,10
+beechwood,1130,4
+woodbine,21,10
+marstons,1309,2
+merom,543,6
+mifflinburg,702,1
+stockman,855,1
+tolstoy,588,8
+allensville,357,0
+newfields,1543,0
+leonardo,695,0
+coffeen,1484,0
+mifflinburg,860,0
+pomaria,1211,4
+lindenwood,983,1
+leonardo,1393,5
+merom,44,6
+merom,412,5
+shelbyville,2416,7
+merom,724,4
+hiteman,801,7
+klickitat,129,9
+marstons,2491,9
+lakeville,1502,2
+shelbyville,2103,1
+shelbyville,992,5
+ranchester,1029,2
+marstons,316,8
+marstons,1676,3
+klickitat,533,0
+lindenwood,182,6
+merom,597,1
+ranchester,407,5
+stockman,481,3
+marstons,2123,4
+cosmos,740,3
+cosmos,842,5
+ranchester,1194,3
+mifflinburg,412,5
+stockman,1167,3
+klickitat,2374,1
+pomaria,1355,1
+wainscott,1200,9
+onaga,166,1
+newfields,549,0
+woodbine,2014,8
+beechwood,489,4
+stockman,1478,0
+wainscott,941,3
+stockman,407,1
+hanson,1377,6
+woodbine,1373,1
+hanson,780,0
+klickitat,589,0
+shelbyville,1573,2
+lindenwood,980,2
+hiteman,1812,1
+wainscott,67,2
+klickitat,843,3
+woodbine,677,0
+marstons,501,2
+shelbyville,1944,2
+newfields,961,2
+merom,419,7
+marstons,2553,9
+tolstoy,45,0
+lindenwood,1022,1
+tolstoy,1340,2
+shelbyville,2128,2
+klickitat,44,0
+lindenwood,421,2
+klickitat,442,4
+pomaria,1524,0
+leonardo,1930,6
+wainscott,598,6
+klickitat,2193,1
+leonardo,609,4
+lakeville,44,1
+newfields,1347,0
+woodbine,100,0
+leonardo,2077,8
+hiteman,1721,4
+leonardo,138,5
+hanson,862,4
+pomaria,801,7
+cosmos,612,5
+hiteman,1259,4
+wainscott,1255,8
+pomaria,733,6
+marstons,319,9
+coffeen,1347,1
+lindenwood,2656,2
+hiteman,1520,2
+cosmos,608,8
+ranchester,1076,2
+forkland,117,0
+lindenwood,675,4
+stockman,1319,1
+wainscott,559,0
+hanson,1191,2
+hanson,1609,3
+onaga,157,5
+newfields,207,2
+shelbyville,375,11
+leonardo,1152,11
+woodbine,52,3
+shelbyville,614,1
+marstons,2113,8
+lakeville,1598,12
+woodbine,1389,2
+klickitat,1701,0
+shelbyville,1894,0
+shelbyville,2534,2
+pomaria,1646,11
+lakeville,1375,2
+wainscott,1688,5
+newfields,1615,8
+woodbine,1795,1
+shelbyville,984,2
+klickitat,1822,2
+hiteman,464,7
+tolstoy,1746,1
+cosmos,316,1
+stockman,114,1
+lakeville,1865,2
+shelbyville,1973,3
+lindenwood,462,2
+shelbyville,2646,3
+mifflinburg,539,0
+marstons,2207,1
+shelbyville,2262,1
+wainscott,776,4
+pinesdale,472,0
+lakeville,1645,1
+ranchester,749,5
+lakeville,736,12
+shelbyville,2234,3
+lindenwood,224,0
+tolstoy,217,3
+woodbine,1764,6
+hiteman,566,7
+marstons,2169,4
+klickitat,2344,2
+stockman,488,2
+shelbyville,2671,2
+woodbine,560,0
+leonardo,337,20
+woodbine,266,6
+tolstoy,1199,3
+marstons,1201,2
+coffeen,1486,4
+pinesdale,1182,8
+leonardo,960,0
+stockman,875,2
+hiteman,1502,13
+lindenwood,1795,1
+klickitat,912,2
+stockman,1471,7
+lakeville,739,3
+lakeville,1483,5
+klickitat,1407,2
+hiteman,743,1
+hiteman,1578,6
+shelbyville,351,2
+coffeen,26,1
+ranchester,1110,8
+lakeville,1642,5
+lindenwood,2137,11
+wainscott,1754,7
+stockman,1408,5
+cosmos,296,2
+beechwood,939,1
+pomaria,425,7
+hanson,701,2
+woodbine,1409,7
+lakeville,430,0
+lindenwood,2215,5
+pinesdale,1421,2
+merom,216,2
+coffeen,906,0
+marstons,556,5
+woodbine,20,2
+stockman,1271,6
+newfields,1602,0
+leonardo,1770,9
+allensville,367,2
+shelbyville,1017,0
+stockman,257,5
+forkland,219,0
+shelbyville,2693,8
+ranchester,522,5
+leonardo,928,0
+pomaria,1371,9
+merom,15,1
+mifflinburg,860,2
+leonardo,1971,1
+benevolence,199,1
+forkland,459,0
+forkland,276,1
+shelbyville,2144,0
+woodbine,504,0
+stockman,649,4
+shelbyville,1218,0
+woodbine,1511,3
+newfields,1399,5
+merom,200,0
+stockman,653,6
+lindenwood,2090,12
+shelbyville,1885,1
+benevolence,129,0
+tolstoy,1255,1
+onaga,641,4
+beechwood,815,4
+hanson,490,11
+stockman,1209,9
+shelbyville,2717,4
+tolstoy,729,2
+klickitat,1005,5
+ranchester,216,20
+hanson,701,1
+woodbine,388,10
+marstons,1541,1
+stockman,551,3
+leonardo,737,1
+merom,340,0
+stockman,1569,0
+leonardo,530,19
+tolstoy,1701,11
+lindenwood,132,4
+ranchester,1621,5
+klickitat,498,2
+cosmos,553,7
+coffeen,104,0
+lakeville,1482,2
+pomaria,561,1
+newfields,1172,4
+marstons,22,0
+lakeville,920,7
+newfields,803,0
+marstons,2201,7
+benevolence,565,0
+lakeville,602,0
+wainscott,1211,7
+woodbine,716,0
+ranchester,1285,11
+shelbyville,685,7
+lindenwood,285,0
+hiteman,93,0
+shelbyville,749,17
+pomaria,863,4
+woodbine,110,1
+marstons,2651,8
+lindenwood,1401,6
+merom,839,1
+hanson,1005,9
+leonardo,1254,3
+leonardo,1511,3
+pinesdale,1310,4
+klickitat,913,4
+klickitat,1444,5
+leonardo,1321,2
+lakeville,1782,6
+woodbine,300,8
+pinesdale,1085,5
+hiteman,976,4
+lakeville,1852,7
+ranchester,653,9
+tolstoy,790,1
+wainscott,8,6
+pinesdale,1353,4
+pinesdale,908,5
+pomaria,124,1
+marstons,1022,3
+leonardo,513,4
+wainscott,1394,2
+pinesdale,1152,0
+coffeen,472,2
+wainscott,1722,1
+hiteman,759,9
+forkland,115,0
+tolstoy,72,3
+pomaria,952,14
+wainscott,1588,1
+hanson,1189,13
+pinesdale,1312,0
+merom,348,5
+ranchester,739,7
+merom,371,2
+newfields,148,0
+leonardo,1885,3
+shelbyville,72,3
+pinesdale,47,3
+onaga,239,1
+wainscott,914,0
+hanson,927,2
+pinesdale,1266,1
+marstons,472,3
+lindenwood,292,4
+ranchester,1490,13
+lakeville,376,9
+klickitat,1553,10
+hiteman,1101,6
+pomaria,1075,3
+beechwood,976,2
+hiteman,1346,3
+hiteman,1308,1
+allensville,311,3
+merom,55,2
+pomaria,880,0
+woodbine,632,8
+lakeville,101,2
+stockman,272,2
+hanson,642,6
+newfields,1626,4
+stockman,525,8
+forkland,286,6
+lindenwood,819,11
+forkland,1196,5
+wainscott,295,1
+merom,976,2
+benevolence,971,3
+lindenwood,237,0
+tolstoy,1408,7
+mifflinburg,713,1
+klickitat,779,7
+coffeen,771,1
+hanson,1284,8
+wainscott,1738,3
+tolstoy,1669,2
+hanson,1083,12
+mifflinburg,167,10
+tolstoy,1515,2
+pomaria,1418,4
+beechwood,867,0
+mifflinburg,908,3
+shelbyville,2442,0
+lindenwood,1735,3
+shelbyville,490,13
+shelbyville,1203,6
+klickitat,1060,2
+allensville,132,0
+lindenwood,2131,4
+hanson,383,6
+marstons,139,3
+newfields,816,3
+wainscott,627,3
+leonardo,1233,1
+stockman,434,3
+wainscott,141,6
+newfields,385,4
+tolstoy,556,5
+klickitat,852,4
+woodbine,356,3
+ranchester,1513,6
+shelbyville,2468,2
+tolstoy,1511,6
+stockman,60,1
+hiteman,896,0
+coffeen,954,2
+coffeen,17,2
+pomaria,488,0
+leonardo,1694,0
+wainscott,1768,2
+shelbyville,2604,1
+pomaria,766,18
+lindenwood,1629,4
+hanson,620,1
+lakeville,434,2
+stockman,783,0
+mifflinburg,59,3
+tolstoy,86,6
+shelbyville,1313,0
+ranchester,1323,2
+leonardo,1173,4
+klickitat,668,5
+marstons,1373,1
+merom,301,7
+mifflinburg,129,4
+klickitat,931,6
+pinesdale,1487,10
+tolstoy,1183,6
+klickitat,90,6
+hanson,647,10
+hanson,1363,11
+tolstoy,485,0
+leonardo,555,2
+leonardo,1203,3
+woodbine,1983,4
+lakeville,1714,5
+woodbine,1048,3
+klickitat,1587,1
+coffeen,374,3
+allensville,130,6
+shelbyville,2291,5
+shelbyville,2814,16
+hiteman,143,1
+klickitat,287,0
+shelbyville,42,0
+forkland,726,4
+lakeville,1403,11
+hanson,1618,2
+leonardo,1306,3
+stockman,1154,1
+forkland,765,3
+hanson,1252,5
+hanson,170,11
+hiteman,1086,0
+klickitat,494,1
+marstons,1102,13
+hiteman,902,2
+wainscott,1105,2
+woodbine,1443,2
+lakeville,279,9
+cosmos,244,1
+wainscott,1161,12
+leonardo,1576,2
+woodbine,1303,6
+pinesdale,581,3
+pomaria,70,1
+hiteman,1832,1
+newfields,1377,6
+woodbine,2051,4
+lindenwood,367,6
+stockman,563,6
+stockman,686,1
+klickitat,1384,8
+marstons,410,1
+woodbine,30,7
+ranchester,602,0
+klickitat,666,1
+newfields,787,9
+shelbyville,1296,6
+pomaria,1328,4
+shelbyville,670,5
+pomaria,2,2
+newfields,917,2
+pinesdale,1099,5
+shelbyville,1676,1
+leonardo,1490,7
+pinesdale,1218,0
+hanson,1029,1
+tolstoy,519,13
+coffeen,597,0
+lakeville,869,7
+leonardo,659,8
+ranchester,1051,5
+pomaria,1041,6
+lakeville,869,2
+woodbine,1176,0
+woodbine,829,2
+lindenwood,389,5
+hiteman,256,7
+allensville,436,0
+klickitat,1717,1
+klickitat,371,4
+coffeen,666,6
+newfields,147,5
+pomaria,759,2
+klickitat,2131,7
+marstons,775,4
+wainscott,1492,1
+wainscott,545,0
+lindenwood,0,3
+newfields,785,1
+shelbyville,1308,10
+tolstoy,880,6
+marstons,1572,0
+lakeville,557,0
+wainscott,1311,0
+mifflinburg,671,2
+marstons,721,8
+woodbine,112,0
+shelbyville,976,3
+woodbine,1047,3
+klickitat,1982,0
+woodbine,532,1
+newfields,244,5
+ranchester,1343,6
+lakeville,1772,4
+hiteman,1304,2
+stockman,516,0
+leonardo,1255,5
+lindenwood,1341,1
+wainscott,1466,1
+coffeen,562,0
+klickitat,1290,1
+newfields,739,1
+woodbine,1097,14
+newfields,1315,2
+merom,167,2
+lindenwood,2046,8
+hanson,220,2
+forkland,1002,5
+beechwood,477,2
+ranchester,1360,1
+klickitat,1936,0
+shelbyville,2459,7
+hiteman,1422,0
+pinesdale,727,10
+wainscott,1421,4
+pomaria,1293,3
+hanson,569,12
+stockman,1184,2
+lakeville,1088,7
+lindenwood,2670,2
+lindenwood,33,11
+marstons,1475,0
+pinesdale,401,1
+pomaria,1068,14
+leonardo,1278,1
+marstons,1639,0
+klickitat,1411,3
+hanson,1288,5
+wainscott,1162,11
+leonardo,723,1
+woodbine,239,5
+tolstoy,1174,3
+lindenwood,425,4
+pomaria,859,11
+pomaria,1360,0
+hiteman,937,1
+shelbyville,1660,1
+leonardo,1949,3
+onaga,387,0
+beechwood,370,2
+hiteman,368,9
+pomaria,583,3
+allensville,405,1
+lakeville,1544,3
+lakeville,1122,3
+wainscott,979,4
+mifflinburg,336,2
+tolstoy,1509,11
+allensville,442,7
+ranchester,546,3
+shelbyville,2490,11
+lakeville,956,4
+marstons,2136,10
+hiteman,395,0
+merom,307,5
+lindenwood,81,5
+lakeville,1458,0
+wainscott,1244,3
+woodbine,172,2
+lakeville,249,0
+lakeville,1588,1
+marstons,1209,1
+hanson,385,4
+hanson,1308,2
+hiteman,229,4
+tolstoy,220,1
+tolstoy,599,1
+lakeville,366,3
+ranchester,508,11
+shelbyville,293,2
+wainscott,826,1
+shelbyville,502,0
+lindenwood,434,13
+hiteman,512,5
+hiteman,446,13
+hiteman,1286,8
+shelbyville,906,8
+benevolence,7,8
+pomaria,67,5
+woodbine,1354,9
+newfields,778,0
+klickitat,1775,8
+marstons,2491,5
+shelbyville,2399,6
+forkland,480,1
+stockman,1533,7
+woodbine,911,5
+merom,933,2
+wainscott,1479,2
+lakeville,92,1
+lakeville,866,6
+tolstoy,50,10
+newfields,167,5
+lindenwood,1183,5
+pomaria,952,6
+woodbine,35,6
+shelbyville,648,10
+marstons,1623,1
+wainscott,890,4
+woodbine,1212,13
+leonardo,469,2
+pinesdale,368,2
+leonardo,1020,2
+hiteman,648,5
+leonardo,1952,2
+klickitat,1470,2
+hiteman,1522,1
+marstons,1767,5
+lakeville,1287,1
+cosmos,574,1
+stockman,670,3
+mifflinburg,925,1
+tolstoy,1674,6
+hiteman,706,1
+merom,86,2
+cosmos,618,7
+leonardo,1691,16
+lakeville,1694,1
+coffeen,376,7
+pinesdale,103,5
+mifflinburg,249,6
+beechwood,1071,5
+newfields,763,11
+shelbyville,2410,4
+stockman,43,1
+onaga,303,1
+merom,878,0
+lakeville,1866,4
+wainscott,1029,2
+shelbyville,2150,18
+shelbyville,2169,19
+shelbyville,2430,9
+mifflinburg,754,7
+klickitat,736,0
+marstons,1220,10
+wainscott,441,7
+pomaria,1004,0
+coffeen,490,2
+stockman,1040,1
+newfields,1581,2
+pomaria,1398,8
+tolstoy,697,0
+tolstoy,467,12
+tolstoy,435,9
+merom,517,6
+shelbyville,2646,1
+stockman,794,2
+lindenwood,880,0
+tolstoy,605,3
+coffeen,370,1
+coffeen,471,3
+stockman,1590,1
+klickitat,1257,11
+lakeville,591,4
+lakeville,414,4
+woodbine,1382,1
+ranchester,496,3
+newfields,193,3
+ranchester,326,5
+klickitat,1253,4
+pinesdale,73,6
+lakeville,395,1
+pomaria,396,1
+marstons,1117,5
+pomaria,328,1
+pomaria,651,5
+pinesdale,19,2
+pinesdale,554,1
+hanson,958,1
+ranchester,257,2
+shelbyville,2682,1
+lindenwood,2647,2
+pomaria,660,2
+shelbyville,165,5
+stockman,1067,0
+klickitat,1812,2
+newfields,788,3
+lindenwood,2530,2
+marstons,1224,5
+marstons,254,7
+leonardo,1395,2
+hiteman,1129,10
+pomaria,1217,2
+hanson,1040,2
+wainscott,479,3
+tolstoy,605,0
+woodbine,1450,2
+tolstoy,375,8
+shelbyville,612,1
+lindenwood,1510,3
+merom,618,2
+woodbine,770,0
+shelbyville,2491,12
+tolstoy,306,2
+tolstoy,1674,0
+leonardo,1423,8
+benevolence,416,1
+wainscott,1735,2
+wainscott,47,4
+merom,384,6
+lindenwood,1594,0
+stockman,215,1
+hiteman,668,0
+leonardo,1962,3
+lakeville,1094,3
+marstons,2147,5
+lindenwood,201,3
+onaga,396,5
+coffeen,357,1
+coffeen,1301,4
+klickitat,485,6
+ranchester,739,9
+beechwood,690,2
+lindenwood,2663,5
+ranchester,477,0
+onaga,42,1
+hiteman,692,0
+pinesdale,469,2
+pomaria,1245,1
+tolstoy,1393,5
+pomaria,885,5
+mifflinburg,930,2
+leonardo,67,1
+woodbine,9,8
+pinesdale,940,2
+beechwood,415,1
+shelbyville,313,4
+stockman,1331,0
+pinesdale,726,10
+forkland,373,2
+mifflinburg,391,4
+newfields,108,9
+hanson,681,7
+lindenwood,742,0
+shelbyville,1394,3
+pomaria,1253,7
+merom,990,0
+coffeen,23,1
+wainscott,1370,11
+mifflinburg,248,5
+merom,685,2
+benevolence,312,4
+marstons,633,0
+tolstoy,603,6
+ranchester,1386,1
+wainscott,1470,2
+pinesdale,172,0
+tolstoy,312,12
+forkland,324,0
+hanson,763,2
+hanson,1099,5
+lindenwood,1749,5
+lakeville,1218,3
+hiteman,150,7
+beechwood,377,0
+lindenwood,1193,4
+woodbine,689,5
+shelbyville,1144,4
+pinesdale,725,9
+tolstoy,1503,4
+ranchester,648,3
+lindenwood,1082,4
+shelbyville,497,0
+woodbine,1414,17
+marstons,2024,0
+newfields,1068,6
+beechwood,19,7
+merom,124,1
+onaga,650,1
+tolstoy,1522,2
+woodbine,1976,12
+leonardo,1999,7
+klickitat,878,2
+merom,750,2
+stockman,1523,0
+leonardo,1731,2
+pomaria,401,3
+wainscott,1065,5
+lakeville,1649,1
+lindenwood,2387,6
+leonardo,1466,2
+cosmos,896,3
+newfields,332,3
+hiteman,1780,2
+tolstoy,433,12
+marstons,909,15
+beechwood,425,5
+pinesdale,10,7
+woodbine,15,16
+shelbyville,1638,2
+klickitat,1412,11
+hiteman,1123,0
+lindenwood,849,1
+shelbyville,747,3
+hiteman,1837,0
+klickitat,1869,0
+stockman,1400,4
+pomaria,638,1
+stockman,1377,0
+shelbyville,2520,2
+stockman,1449,1
+hanson,962,4
+beechwood,381,1
+lindenwood,2252,2
+leonardo,93,3
+coffeen,1391,6
+marstons,1256,3
+shelbyville,667,2
+ranchester,932,3
+pomaria,1534,16
+mifflinburg,65,0
+pomaria,348,3
+stockman,240,2
+pomaria,35,17
+hanson,549,2
+coffeen,582,2
+lindenwood,2501,1
+hanson,93,0
+shelbyville,376,0
+wainscott,1394,10
+tolstoy,274,5
+hiteman,1657,1
+tolstoy,852,0
+onaga,211,3
+wainscott,1118,1
+allensville,39,2
+pinesdale,310,7
+hiteman,1755,9
+ranchester,19,3
+woodbine,696,0
+lindenwood,1921,5
+pomaria,1562,6
+leonardo,652,0
+tolstoy,443,4
+newfields,1566,1
+hiteman,1629,10
+tolstoy,840,1
+leonardo,260,1
+lindenwood,2652,2
+ranchester,423,3
+hiteman,1714,12
+hiteman,114,1
+woodbine,865,3
+forkland,436,4
+newfields,360,22
+lakeville,1142,3
+wainscott,441,10
+hiteman,198,18
+leonardo,1858,1
+wainscott,656,0
+ranchester,199,0
+leonardo,1067,6
+woodbine,675,13
+shelbyville,1402,4
+coffeen,952,2
+woodbine,1910,0
+marstons,1027,15
+pomaria,505,1
+newfields,307,11
+marstons,1495,2
+woodbine,1076,2
+pomaria,1080,9
+mifflinburg,509,9
+mifflinburg,213,0
+cosmos,202,0
+stockman,1139,2
+cosmos,805,8
+pinesdale,1425,1
+lakeville,1266,8
+marstons,1547,1
+lindenwood,608,0
+leonardo,135,5
+beechwood,47,4
+marstons,682,11
+onaga,2,3
+marstons,2253,2
+mifflinburg,705,0
+leonardo,1852,4
+newfields,1256,0
+pomaria,1638,14
+ranchester,262,2
+tolstoy,968,0
+leonardo,815,6
+beechwood,243,3
+stockman,112,8
+ranchester,216,3
+lindenwood,1017,0
+wainscott,1557,1
+wainscott,554,0
+beechwood,715,11
+hiteman,1694,5
+coffeen,232,10
+cosmos,20,3
+merom,1055,0
+wainscott,921,4
+shelbyville,960,10
+pinesdale,343,6
+onaga,343,0
+forkland,877,4
+cosmos,460,11
+hiteman,718,3
+hiteman,810,0
+tolstoy,178,4
+hiteman,817,0
+woodbine,398,6
+coffeen,1466,0
+hanson,61,4
+shelbyville,184,4
+klickitat,1098,2
+wainscott,205,0
+lindenwood,1355,4
+cosmos,706,0
+ranchester,1564,9
+newfields,365,2
+woodbine,1151,1
+merom,492,3
+hanson,131,11
+stockman,816,0
+cosmos,116,9
+shelbyville,198,3
+hiteman,1137,2
+coffeen,978,3
+stockman,930,3
+benevolence,823,14
+lakeville,1827,0
+merom,665,0
+merom,880,2
+klickitat,35,1
+benevolence,349,2
+hanson,59,0
+pinesdale,522,0
+tolstoy,267,6
+newfields,713,5
+woodbine,904,5
+shelbyville,1414,7
+coffeen,449,2
+lindenwood,908,1
+pinesdale,1187,2
+lakeville,791,1
+ranchester,479,7
+newfields,439,3
+pomaria,12,16
+coffeen,1033,4
+leonardo,13,4
+woodbine,155,1
+coffeen,1196,1
+klickitat,1527,5
+lakeville,6,6
+lindenwood,1863,2
+pomaria,624,4
+wainscott,1288,4
+cosmos,127,14
+pinesdale,694,2
+pomaria,1426,1
+woodbine,1773,3
+shelbyville,2030,4
+lindenwood,1950,3
+hanson,152,1
+onaga,82,1
+marstons,946,0
+woodbine,386,4
+pomaria,788,5
+lakeville,1206,3
+lakeville,237,10
+ranchester,1541,1
+beechwood,347,0
+ranchester,1232,3
+newfields,1541,4
+hanson,767,12
+shelbyville,1240,4
+shelbyville,648,6
+shelbyville,2,8
+marstons,2047,12
+allensville,493,10
+shelbyville,1724,12
+marstons,673,1
+hanson,1432,3
+marstons,1385,3
+lindenwood,1503,1
+leonardo,2051,1
+newfields,1026,0
+lakeville,1225,9
+shelbyville,800,0
+pomaria,931,10
+benevolence,512,1
+woodbine,995,2
+lakeville,1725,5
+leonardo,2087,8
+hiteman,1193,5
+hiteman,1236,8
+stockman,1561,8
+klickitat,1746,5
+benevolence,746,1
+lakeville,1515,7
+pomaria,539,6
+shelbyville,1881,1
+woodbine,1092,0
+lindenwood,1632,5
+lakeville,1882,8
+marstons,2411,3
+leonardo,1900,1
+ranchester,1614,2
+coffeen,589,7
+merom,374,2
+onaga,315,8
+stockman,127,3
+marstons,2020,3
+marstons,1508,2
+wainscott,791,9
+pomaria,1026,0
+cosmos,448,6
+tolstoy,939,0
+tolstoy,299,2
+lindenwood,1941,7
+wainscott,343,3
+shelbyville,228,5
+newfields,1247,3
+ranchester,641,0
+klickitat,104,0
+merom,84,2
+lakeville,1213,1
+newfields,341,0
+stockman,1575,11
+lakeville,865,5
+lakeville,486,5
+klickitat,1688,6
+lindenwood,2236,7
+newfields,528,9
+stockman,1046,4
+tolstoy,880,2
+hiteman,995,9
+leonardo,1152,10
+pinesdale,1341,3
+shelbyville,1644,8
+marstons,1566,3
+hiteman,834,1
+tolstoy,1649,10
+leonardo,610,1
+ranchester,564,1
+marstons,399,3
+lindenwood,1242,7
+tolstoy,437,3
+tolstoy,892,0
+coffeen,1049,0
+lindenwood,239,7
+pinesdale,1151,2
+wainscott,1697,0
+shelbyville,844,2
+forkland,596,1
+beechwood,185,6
+merom,713,0
+lindenwood,1772,9
+coffeen,593,3
+cosmos,807,3
+cosmos,140,3
+lindenwood,1590,2
+woodbine,1354,8
+lindenwood,689,4
+lakeville,667,7
+lindenwood,1453,2
+mifflinburg,841,6
+newfields,107,0
+shelbyville,410,7
+lindenwood,596,9
+hiteman,281,0
+pinesdale,1,8
+klickitat,260,6
+hiteman,630,2
+ranchester,944,2
+coffeen,341,5
+cosmos,225,4
+mifflinburg,275,0
+stockman,1056,4
+pomaria,975,2
+beechwood,500,4
+lakeville,535,2
+hiteman,1401,3
+ranchester,531,9
+klickitat,695,0
+klickitat,2044,0
+beechwood,703,13
+marstons,562,7
+newfields,8,5
+stockman,912,10
+shelbyville,302,5
+klickitat,978,11
+klickitat,1502,4
+leonardo,268,1
+hiteman,254,1
+onaga,531,4
+wainscott,953,4
+allensville,148,1
+pinesdale,769,0
+lindenwood,2441,6
+lakeville,1056,4
+shelbyville,1665,4
+ranchester,575,1
+lakeville,670,3
+beechwood,463,6
+hanson,402,7
+ranchester,1023,4
+marstons,2490,10
+klickitat,826,4
+klickitat,2049,15
+marstons,377,7
+pomaria,919,2
+onaga,261,2
+coffeen,273,1
+lakeville,1004,6
+lakeville,534,5
+woodbine,448,3
+forkland,153,3
+newfields,1208,4
+woodbine,302,3
+ranchester,938,1
+klickitat,850,6
+beechwood,1158,5
+hanson,246,0
+tolstoy,1832,12
+tolstoy,53,4
+marstons,115,2
+stockman,1472,2
+woodbine,1640,2
+marstons,1996,2
+coffeen,1149,4
+klickitat,1066,1
+forkland,969,7
+pomaria,599,0
+hanson,1453,2
+lindenwood,1569,7
+lindenwood,353,1
+klickitat,418,2
+ranchester,754,7
+klickitat,1630,7
+lindenwood,1829,1
+lakeville,372,1
+wainscott,1376,0
+forkland,694,0
+lakeville,1407,7
+shelbyville,1193,4
+marstons,1855,3
+pomaria,973,4
+woodbine,397,12
+newfields,302,5
+wainscott,438,3
+shelbyville,479,8
+beechwood,498,6
+lakeville,1765,6
+woodbine,123,3
+wainscott,797,7
+tolstoy,198,6
+wainscott,739,0
+pomaria,1673,7
+wainscott,1418,5
+forkland,1128,3
+coffeen,1014,2
+woodbine,1053,4
+pomaria,817,3
+lakeville,185,6
+klickitat,2234,0
+cosmos,106,3
+coffeen,282,2
+klickitat,281,0
+benevolence,752,4
+hanson,1242,14
+ranchester,1198,5
+marstons,1468,2
+shelbyville,848,3
+woodbine,2046,12
+marstons,1451,3
+stockman,963,2
+ranchester,535,0
+shelbyville,2484,15
+shelbyville,2751,4
+hiteman,1004,2
+lakeville,1889,0
+onaga,117,0
+stockman,813,3
+hanson,847,11
+allensville,125,0
+pomaria,107,2
+beechwood,979,6
+klickitat,2079,6
+coffeen,1126,5
+shelbyville,70,2
+shelbyville,277,4
+lindenwood,460,9
+lakeville,1116,7
+tolstoy,461,2
+newfields,836,1
+leonardo,1657,4
+lakeville,1213,2
+tolstoy,517,0
+shelbyville,843,0
+pomaria,719,2
+cosmos,752,5
+shelbyville,130,3
+klickitat,2072,1
+wainscott,520,2
+ranchester,758,0
+newfields,1507,3
+hiteman,1213,0
+cosmos,176,5
+shelbyville,2101,7
+marstons,1977,0
+lakeville,1710,8
+lindenwood,1870,6
+leonardo,613,2
+wainscott,229,0
+mifflinburg,177,0
+mifflinburg,71,1
+ranchester,131,2
+mifflinburg,445,0
+klickitat,1728,17
+beechwood,1096,4
+hanson,571,3
+stockman,496,1
+ranchester,1088,5
+hiteman,1311,1
+ranchester,345,15
+leonardo,2001,4
+cosmos,411,3
+cosmos,672,1
+allensville,45,0
+hanson,1312,2
+wainscott,1748,5
+marstons,789,2
+klickitat,1811,12
+hiteman,822,9
+shelbyville,2799,6
+pomaria,1018,5
+lakeville,469,4
+klickitat,2180,4
+newfields,1449,9
+shelbyville,1950,6
+klickitat,1118,1
+coffeen,1492,2
+leonardo,1779,5
+leonardo,2081,3
+lindenwood,1207,0
+benevolence,315,0
+coffeen,245,5
+woodbine,1206,3
+onaga,640,0
+leonardo,166,7
+pomaria,556,1
+shelbyville,1470,0
+hiteman,276,2
+woodbine,743,1
+marstons,1060,1
+newfields,1401,10
+leonardo,697,0
+lakeville,1876,2
+marstons,1183,8
+forkland,860,0
+ranchester,1124,0
+ranchester,1412,5
+ranchester,416,8
+marstons,173,0
+allensville,316,2
+benevolence,345,3
+coffeen,1290,4
+stockman,539,6
+shelbyville,2531,1
+ranchester,1048,4
+hanson,755,0
+lakeville,928,1
+onaga,15,2
+stockman,268,2
+leonardo,268,14
+woodbine,1217,1
+lindenwood,2275,2
+lindenwood,611,1
+klickitat,1998,3
+leonardo,1000,6
+lindenwood,1739,2
+tolstoy,1102,17
+wainscott,93,9
+leonardo,733,20
+klickitat,1837,5
+marstons,875,2
+tolstoy,437,7
+hanson,1406,2
+klickitat,1417,4
+shelbyville,1732,15
+marstons,835,3
+tolstoy,1313,5
+shelbyville,2529,4
+woodbine,1323,2
+lindenwood,965,11
+marstons,804,16
+hanson,989,5
+woodbine,143,1
+newfields,1296,6
+lindenwood,1714,8
+shelbyville,189,0
+woodbine,1684,8
+hiteman,654,5
+marstons,1827,7
+merom,383,5
+lakeville,1211,18
+leonardo,1038,1
+wainscott,1658,3
+hiteman,1576,3
+forkland,754,5
+woodbine,1283,8
+ranchester,800,4
+woodbine,1442,1
+lakeville,326,1
+hanson,1592,7
+tolstoy,909,1
+tolstoy,332,6
+shelbyville,513,0
+marstons,1075,9
+shelbyville,1342,11
+lindenwood,1108,5
+lakeville,1349,4
+marstons,1497,1
+shelbyville,1843,0
+forkland,150,0
+forkland,3,4
+allensville,204,2
+shelbyville,2422,4
+tolstoy,258,1
+newfields,1325,9
+allensville,519,3
+newfields,622,0
+tolstoy,1128,1
+merom,876,1
+forkland,899,3
+klickitat,165,9
+lakeville,1806,16
+lindenwood,1851,0
+leonardo,1579,9
+leonardo,1759,0
+wainscott,938,0
+leonardo,213,3
+shelbyville,780,2
+shelbyville,2339,8
+newfields,491,5
+mifflinburg,251,8
+woodbine,1425,3
+klickitat,637,6
+lakeville,1218,5
+lindenwood,2434,0
+hiteman,1047,3
+shelbyville,685,12
+wainscott,1038,5
+shelbyville,1638,7
+stockman,103,4
+klickitat,1270,9
+newfields,1290,3
+woodbine,1682,6
+pomaria,954,1
+wainscott,520,11
+lakeville,1082,6
+woodbine,503,7
+lakeville,1170,1
+tolstoy,1103,8
+leonardo,1197,3
+lakeville,1092,9
+beechwood,410,8
+newfields,1298,1
+lakeville,419,1
+shelbyville,1258,2
+cosmos,1062,1
+lindenwood,141,8
+leonardo,2,2
+shelbyville,1431,1
+marstons,1533,12
+hiteman,1588,4
+merom,532,4
+lakeville,419,13
+stockman,971,1
+ranchester,945,10
+shelbyville,555,7
+coffeen,36,2
+hiteman,1654,0
+woodbine,77,5
+marstons,2231,10
+tolstoy,1406,9
+leonardo,1447,7
+klickitat,1866,6
+merom,362,0
+marstons,551,0
+lindenwood,2320,8
+leonardo,1030,0
+coffeen,164,3
+coffeen,957,1
+forkland,442,4
+coffeen,1265,6
+coffeen,133,0
+shelbyville,2813,16
+wainscott,1552,2
+benevolence,172,2
+leonardo,482,7
+marstons,460,1
+marstons,1087,2
+onaga,418,0
+pinesdale,784,1
+woodbine,326,5
+forkland,255,2
+marstons,1767,16
+newfields,726,2
+marstons,404,2
+hanson,1042,13
+hanson,123,8
+marstons,1213,0
+hanson,342,5
+allensville,74,1
+woodbine,1996,2
+stockman,579,3
+woodbine,2017,0
+lindenwood,920,5
+pinesdale,660,0
+klickitat,1875,3
+klickitat,712,9
+lindenwood,2040,1
+shelbyville,1732,11
+cosmos,825,2
+newfields,297,2
+marstons,1492,2
+klickitat,1834,3
+pomaria,821,1
+leonardo,936,2
+hanson,566,2
+ranchester,927,1
+lindenwood,870,3
+merom,482,11
+shelbyville,1069,9
+klickitat,822,12
+coffeen,1034,1
+pomaria,863,8
+ranchester,1304,7
+hiteman,324,4
+lindenwood,1090,2
+beechwood,669,3
+marstons,309,9
+lindenwood,1818,1
+woodbine,515,2
+pomaria,460,1
+pomaria,1166,1
+lindenwood,117,8
+wainscott,985,6
+newfields,1175,2
+forkland,673,8
+marstons,391,12
+lakeville,1289,2
+pomaria,993,1
+leonardo,1381,0
+merom,600,2
+lakeville,1327,4
+ranchester,758,6
+shelbyville,997,3
+ranchester,496,2
+stockman,353,4
+lakeville,1565,1
+lakeville,1674,3
+pinesdale,1319,0
+hanson,891,5
+woodbine,1612,0
+stockman,443,1
+lindenwood,73,3
+merom,33,1
+klickitat,1374,4
+shelbyville,1253,5
+leonardo,1327,0
+pinesdale,418,4
+lakeville,1606,4
+forkland,812,2
+pinesdale,1026,0
+pinesdale,810,1
+shelbyville,284,6
+merom,324,3
+woodbine,1138,2
+lakeville,62,3
+lakeville,1856,3
+mifflinburg,315,2
+newfields,1290,5
+woodbine,1564,5
+lindenwood,1533,4
+wainscott,1053,11
+klickitat,2279,4
+pinesdale,1239,2
+woodbine,1407,6
+cosmos,274,4
+lindenwood,2234,4
+leonardo,2044,0
+pinesdale,1480,5
+lakeville,971,1
+lakeville,561,11
+hanson,1296,1
+wainscott,387,5
+marstons,633,6
+coffeen,1214,2
+pinesdale,745,4
+stockman,266,3
+forkland,849,2
+merom,503,3
+lindenwood,1799,2
+hiteman,885,7
+shelbyville,914,0
+klickitat,504,4
+klickitat,2114,8
+lindenwood,1731,0
+onaga,377,7
+leonardo,913,4
+newfields,1028,1
+lindenwood,282,1
+hanson,79,2
+pinesdale,421,1
+wainscott,920,6
+shelbyville,1350,4
+shelbyville,2249,5
+leonardo,782,0
+stockman,100,7
+lakeville,534,2
+hiteman,372,3
+marstons,359,15
+shelbyville,403,3
+tolstoy,1046,1
+coffeen,1406,6
+marstons,2224,6
+hiteman,1515,2
+wainscott,1706,5
+woodbine,1983,10
+hiteman,1681,3
+leonardo,2068,8
+leonardo,4,8
+hiteman,1370,1
+shelbyville,2391,0
+woodbine,795,8
+coffeen,1019,3
+klickitat,2001,2
+hiteman,5,2
+shelbyville,1344,1
+lakeville,1168,2
+shelbyville,531,11
+cosmos,1025,8
+beechwood,915,4
+pomaria,1050,7
+hiteman,973,2
+newfields,817,1
+newfields,412,2
+klickitat,257,5
+coffeen,989,2
+hiteman,1819,2
+wainscott,105,3
+hiteman,211,1
+cosmos,739,1
+ranchester,1558,0
+hiteman,71,0
+beechwood,529,5
+beechwood,1077,7
+newfields,922,3
+beechwood,1055,2
+hiteman,252,5
+newfields,1025,2
+ranchester,32,1
+stockman,932,0
+pinesdale,171,3
+marstons,80,0
+lindenwood,2645,0
+cosmos,135,3
+klickitat,2021,1
+hanson,761,3
+lindenwood,993,0
+forkland,74,2
+stockman,921,2
+shelbyville,2313,5
+klickitat,1021,3
+merom,593,2
+newfields,449,7
+mifflinburg,601,2
+cosmos,1064,6
+pomaria,549,4
+tolstoy,555,4
+leonardo,383,0
+forkland,112,3
+newfields,1599,0
+leonardo,165,1
+lakeville,1786,3
+klickitat,2153,0
+newfields,620,5
+cosmos,331,1
+cosmos,138,1
+mifflinburg,535,5
+cosmos,172,1
+mifflinburg,781,1
+lakeville,911,3
+ranchester,531,14
+lakeville,1523,0
+lindenwood,1455,2
+woodbine,1175,11
+wainscott,281,4
+beechwood,969,5
+shelbyville,2433,0
+stockman,1243,3
+shelbyville,76,2
+klickitat,516,0
+lindenwood,1379,2
+wainscott,1782,5
+cosmos,52,5
+leonardo,249,2
+woodbine,1399,6
+tolstoy,1758,5
+onaga,125,0
+klickitat,33,1
+lindenwood,656,5
+pomaria,430,2
+coffeen,493,2
+lindenwood,1659,6
+merom,816,4
+pinesdale,969,3
+lindenwood,2174,2
+mifflinburg,914,5
+shelbyville,2140,13
+leonardo,52,1
+hanson,1416,1
+hanson,338,2
+shelbyville,1730,7
+tolstoy,949,1
+hanson,1299,4
+shelbyville,2665,2
+hiteman,1017,5
+wainscott,529,2
+lindenwood,453,9
+pinesdale,553,2
+allensville,417,1
+wainscott,648,1
+benevolence,208,4
+stockman,495,1
+ranchester,337,6
+newfields,890,3
+ranchester,802,0
+tolstoy,780,3
+marstons,1092,2
+newfields,706,5
+ranchester,1467,0
+leonardo,1690,2
+wainscott,1330,5
+lindenwood,1355,0
+marstons,1580,12
+klickitat,1033,2
+lakeville,161,2
+shelbyville,1454,15
+marstons,983,8
+lakeville,305,2
+tolstoy,136,4
+leonardo,1856,1
+hiteman,1232,3
+hanson,223,2
+stockman,1243,10
+lakeville,669,0
+marstons,193,17
+shelbyville,891,1
+ranchester,1587,1
+shelbyville,1857,3
+klickitat,72,1
+shelbyville,1953,13
+shelbyville,681,1
+marstons,725,0
+onaga,137,1
+cosmos,523,3
+marstons,1511,11
+lakeville,1569,2
+forkland,1123,8
+wainscott,1638,2
+pomaria,35,7
+tolstoy,1279,3
+marstons,619,0
+leonardo,958,7
+tolstoy,1804,1
+leonardo,291,3
+hanson,1061,0
+wainscott,378,0
+tolstoy,790,3
+klickitat,2242,7
+beechwood,306,7
+forkland,1187,5
+lakeville,1562,15
+ranchester,357,2
+woodbine,1994,7
+klickitat,812,0
+hanson,1448,1
+tolstoy,615,4
+marstons,300,4
+newfields,1203,2
+allensville,50,6
+hanson,1284,4
+marstons,914,12
+stockman,1014,0
+klickitat,1200,6
+marstons,551,14
+klickitat,2221,0
+marstons,1430,8
+lindenwood,2282,0
+marstons,417,3
+hiteman,85,0
+marstons,764,1
+klickitat,1302,1
+marstons,1205,5
+hiteman,214,1
+marstons,929,2
+hanson,1528,7
+marstons,1420,1
+shelbyville,1375,3
+leonardo,2111,5
+forkland,440,0
+leonardo,2035,4
+forkland,408,0
+lindenwood,677,4
+lindenwood,1119,4
+marstons,2462,0
+wainscott,1201,2
+klickitat,1419,3
+mifflinburg,448,1
+lakeville,379,1
+hanson,705,4
+woodbine,11,0
+forkland,617,1
+pinesdale,512,0
+shelbyville,2109,1
+shelbyville,959,10
+tolstoy,949,3
+marstons,2166,1
+wainscott,426,2
+hiteman,1095,1
+merom,999,1
+klickitat,905,0
+lakeville,602,14
+newfields,1050,5
+pomaria,774,4
+ranchester,1615,1
+ranchester,1473,5
+leonardo,499,1
+pinesdale,1027,2
+mifflinburg,334,2
+beechwood,1044,4
+woodbine,1853,0
+klickitat,1797,0
+forkland,610,3
+lakeville,241,1
+pomaria,147,0
+leonardo,1652,0
+hanson,26,5
+newfields,435,12
+pinesdale,885,1
+newfields,1258,9
+merom,320,10
+ranchester,711,2
+cosmos,855,2
+beechwood,385,1
+tolstoy,363,2
+lakeville,1884,12
+forkland,443,2
+hiteman,788,2
+shelbyville,1521,5
+marstons,840,1
+coffeen,944,3
+klickitat,1213,1
+marstons,2207,13
+pinesdale,89,2
+newfields,436,2
+wainscott,1777,7
+hiteman,1594,2
+marstons,2110,5
+marstons,2147,9
+pomaria,952,7
+woodbine,155,8
+lindenwood,2387,3
+marstons,955,2
+tolstoy,1661,4
+coffeen,401,1
+newfields,131,11
+woodbine,232,1
+lindenwood,1786,8
+mifflinburg,114,3
+woodbine,1417,4
+lakeville,417,9
+hiteman,15,0
+woodbine,1845,10
+ranchester,336,1
+hiteman,575,2
+leonardo,136,2
+stockman,758,5
+shelbyville,949,7
+pomaria,1634,7
+coffeen,340,3
+pinesdale,36,3
+newfields,225,0
+leonardo,1883,15
+marstons,1880,5
+ranchester,713,9
+pinesdale,1411,3
+shelbyville,857,12
+benevolence,237,2
+klickitat,1392,1
+woodbine,1586,2
+hanson,1478,4
+tolstoy,588,15
+newfields,277,10
+lindenwood,2044,6
+benevolence,716,1
+lindenwood,1402,7
+marstons,551,8
+beechwood,42,1
+hanson,574,5
+leonardo,994,0
+hanson,1592,13
+lakeville,1006,1
+wainscott,1515,1
+shelbyville,2659,7
+mifflinburg,2,0
+cosmos,289,5
+cosmos,846,0
+marstons,1288,7
+hiteman,298,2
+pomaria,920,1
+klickitat,2321,0
+leonardo,1098,1
+stockman,1515,0
+shelbyville,127,5
+beechwood,1059,2
+mifflinburg,560,6
+shelbyville,1099,1
+shelbyville,1317,3
+forkland,1124,0
+benevolence,657,1
+tolstoy,1696,1
+onaga,161,2
+woodbine,190,4
+coffeen,322,1
+lakeville,745,4
+marstons,612,6
+pinesdale,1439,0
+allensville,49,3
+lakeville,450,3
+pomaria,531,2
+wainscott,1616,2
+tolstoy,1273,1
+pinesdale,853,1
+wainscott,1713,2
+shelbyville,1070,1
+beechwood,160,7
+klickitat,1395,1
+marstons,753,12
+shelbyville,1920,13
+lindenwood,1500,1
+marstons,1656,4
+pomaria,1203,6
+leonardo,1544,2
+coffeen,152,1
+woodbine,647,6
+merom,930,0
+ranchester,999,3
+cosmos,777,3
+lakeville,1508,6
+leonardo,1271,3
+lindenwood,1710,2
+tolstoy,479,1
+lakeville,128,1
+shelbyville,2178,0
+coffeen,537,3
+leonardo,5,5
+pinesdale,163,1
+cosmos,863,1
+lindenwood,2042,4
+tolstoy,1186,3
+lindenwood,382,0
+hiteman,1851,6
+stockman,764,7
+marstons,194,2
+leonardo,609,1
+ranchester,739,12
+lindenwood,1695,1
+beechwood,421,2
+pomaria,136,2
+klickitat,708,10
+klickitat,943,14
+marstons,1825,2
+newfields,749,3
+marstons,626,4
+forkland,880,0
+wainscott,1236,3
+hanson,1343,1
+woodbine,1067,8
+woodbine,280,10
+marstons,598,0
+coffeen,212,1
+lakeville,1713,4
+mifflinburg,229,2
+leonardo,503,5
+wainscott,355,11
+shelbyville,895,11
+pomaria,1672,5
+pomaria,302,0
+lakeville,1779,3
+beechwood,784,1
+klickitat,1923,5
+woodbine,65,4
+beechwood,258,6
+wainscott,518,10
+woodbine,598,3
+leonardo,226,3
+wainscott,513,6
+stockman,1129,7
+leonardo,947,1
+shelbyville,891,4
+merom,811,3
+hanson,1267,0
+tolstoy,1070,1
+marstons,657,1
+merom,245,3
+pinesdale,409,7
+pomaria,1477,0
+hanson,526,6
+lindenwood,1292,1
+newfields,1018,13
+coffeen,1247,6
+shelbyville,2189,2
+cosmos,186,0
+shelbyville,2646,8
+leonardo,1591,0
+hanson,249,5
+coffeen,841,2
+stockman,1427,2
+wainscott,882,11
+pinesdale,1272,4
+woodbine,1399,3
+lakeville,1826,10
+ranchester,721,0
+woodbine,1111,4
+newfields,1585,2
+hanson,1113,4
+newfields,885,2
+pomaria,1032,8
+newfields,209,4
+beechwood,758,8
+wainscott,1719,6
+forkland,1144,7
+marstons,2166,4
+shelbyville,2745,3
+tolstoy,912,2
+newfields,1354,4
+shelbyville,949,5
+stockman,430,7
+newfields,1033,0
+newfields,497,13
+newfields,164,0
+woodbine,1268,3
+lindenwood,2352,3
+pomaria,1462,7
+forkland,403,2
+shelbyville,2087,7
+wainscott,1433,1
+leonardo,1689,1
+newfields,634,1
+cosmos,961,1
+shelbyville,1338,12
+hiteman,130,6
+lindenwood,1836,2
+stockman,324,5
+newfields,1420,2
+klickitat,1755,2
+klickitat,1047,5
+klickitat,869,7
+klickitat,1367,5
+shelbyville,333,3
+merom,709,2
+marstons,1746,3
+leonardo,1931,9
+leonardo,29,4
+shelbyville,2329,6
+marstons,889,8
+wainscott,278,1
+forkland,522,2
+hiteman,1224,3
+klickitat,1298,3
+hiteman,1570,6
+stockman,193,6
+mifflinburg,358,1
+lindenwood,279,8
+klickitat,983,11
+woodbine,466,5
+coffeen,1071,2
+leonardo,1285,2
+tolstoy,1689,10
+onaga,186,1
+lakeville,1841,1
+marstons,746,1
+coffeen,661,2
+klickitat,1190,3
+pinesdale,1030,8
+lindenwood,144,6
+ranchester,185,4
+hiteman,1302,8
+forkland,490,3
+newfields,322,4
+ranchester,691,3
+woodbine,514,15
+leonardo,678,14
+shelbyville,1053,5
+woodbine,611,2
+marstons,2143,1
+shelbyville,2565,5
+stockman,1551,0
+merom,411,0
+cosmos,165,9
+lindenwood,618,1
+pomaria,1421,3
+stockman,515,0
+woodbine,929,3
+mifflinburg,543,1
+hanson,189,2
+ranchester,292,1
+shelbyville,1927,11
+newfields,801,2
+wainscott,370,9
+hanson,225,4
+hanson,698,4
+newfields,45,2
+leonardo,1225,2
+tolstoy,319,9
+beechwood,155,3
+klickitat,648,13
+pomaria,57,1
+tolstoy,499,10
+coffeen,465,2
+merom,835,3
+wainscott,1448,0
+klickitat,1770,7
+wainscott,418,4
+ranchester,984,0
+hiteman,1387,1
+pomaria,349,1
+pomaria,803,3
+pinesdale,1307,0
+newfields,1029,3
+pomaria,1653,1
+marstons,1814,3
+pomaria,1029,0
+tolstoy,1729,0
+beechwood,617,4
+leonardo,826,15
+beechwood,916,0
+marstons,1938,5
+klickitat,1693,3
+pomaria,324,2
+marstons,1084,4
+hanson,1418,12
+tolstoy,642,1
+tolstoy,1455,2
+ranchester,618,0
+coffeen,248,1
+hiteman,623,11
+newfields,221,19
+shelbyville,125,3
+shelbyville,513,3
+pinesdale,1492,5
+leonardo,197,3
+shelbyville,2082,2
+leonardo,1433,2
+tolstoy,331,2
+lindenwood,2098,3
+marstons,1952,2
+newfields,765,2
+tolstoy,600,1
+beechwood,856,1
+wainscott,1378,6
+leonardo,316,17
+klickitat,418,1
+klickitat,523,2
+pomaria,1138,10
+mifflinburg,62,1
+onaga,588,1
+ranchester,387,4
+shelbyville,2066,10
+stockman,1291,8
+pinesdale,511,2
+wainscott,1286,6
+allensville,212,1
+marstons,201,6
+hiteman,319,8
+ranchester,1002,8
+beechwood,955,2
+lindenwood,1756,10
+shelbyville,1861,2
+hanson,1216,2
+klickitat,2302,9
+forkland,769,2
+pinesdale,1449,1
+lakeville,191,3
+merom,400,3
+lindenwood,415,3
+klickitat,2288,6
+leonardo,602,2
+lakeville,1388,0
+marstons,2530,11
+ranchester,1016,1
+beechwood,61,1
+klickitat,1472,2
+hanson,1005,8
+allensville,408,2
+klickitat,1239,11
+leonardo,1275,1
+woodbine,1121,2
+marstons,2198,13
+marstons,1003,8
+pinesdale,1068,2
+tolstoy,208,2
+newfields,201,3
+lakeville,101,5
+lindenwood,2119,4
+marstons,1007,9
+ranchester,1209,9
+klickitat,401,5
+wainscott,45,14
+tolstoy,724,3
+wainscott,1248,8
+shelbyville,1841,0
+stockman,143,6
+newfields,1589,0
+leonardo,1515,1
+leonardo,1718,1
+lindenwood,251,7
+cosmos,508,1
+stockman,324,2
+leonardo,69,1
+hanson,611,0
+pomaria,1319,0
+lakeville,1147,10
+klickitat,959,8
+stockman,236,0
+klickitat,1976,2
+newfields,1187,6
+marstons,1941,2
+lakeville,1679,0
+marstons,1169,3
+newfields,244,1
+hanson,1471,4
+lakeville,416,5
+merom,408,0
+lakeville,1829,3
+klickitat,1216,1
+marstons,1280,1
+newfields,626,1
+pinesdale,154,6
+woodbine,866,5
+pomaria,237,7
+cosmos,615,4
+woodbine,183,3
+forkland,437,2
+forkland,848,1
+tolstoy,515,0
+marstons,2571,6
+onaga,543,0
+coffeen,1427,0
+newfields,827,3
+beechwood,916,2
+lakeville,333,3
+onaga,358,1
+woodbine,349,3
+onaga,76,0
+leonardo,495,3
+hiteman,1249,9
+lakeville,812,11
+pomaria,405,2
+pomaria,429,3
+coffeen,587,1
+lindenwood,2600,8
+wainscott,276,5
+shelbyville,512,2
+leonardo,773,2
+hanson,306,17
+lakeville,245,2
+leonardo,343,0
+tolstoy,144,0
+lindenwood,1435,3
+hiteman,1295,3
+stockman,335,2
+mifflinburg,499,11
+forkland,138,3
+shelbyville,2589,10
+wainscott,449,1
+forkland,500,1
+klickitat,636,0
+pomaria,1475,11
+pinesdale,842,2
+leonardo,766,12
+onaga,293,9
+klickitat,538,10
+pomaria,1281,1
+hanson,423,9
+leonardo,1514,1
+shelbyville,2192,2
+hanson,1449,2
+ranchester,1568,7
+onaga,406,0
+klickitat,18,1
+lindenwood,799,9
+leonardo,235,6
+klickitat,1430,7
+cosmos,517,0
+lindenwood,1701,10
+woodbine,13,6
+cosmos,988,8
+newfields,439,10
+marstons,2040,1
+pomaria,898,12
+stockman,95,0
+wainscott,801,2
+shelbyville,1202,1
+stockman,1114,1
+forkland,265,5
+marstons,374,1
+pomaria,1541,0
+woodbine,1254,4
+shelbyville,1766,6
+klickitat,1005,7
+allensville,499,4
+beechwood,879,0
+newfields,825,4
+marstons,2439,6
+ranchester,253,2
+klickitat,735,15
+hanson,797,0
+tolstoy,686,0
+tolstoy,78,8
+klickitat,2408,4
+pomaria,244,0
+benevolence,515,0
+beechwood,940,2
+hiteman,746,0
+pomaria,1342,0
+woodbine,306,4
+lakeville,1305,3
+lakeville,1744,3
+pinesdale,232,2
+benevolence,446,7
+beechwood,619,2
+klickitat,2317,0
+shelbyville,724,2
+stockman,1474,9
+lindenwood,1148,18
+cosmos,885,2
+lindenwood,2538,3
+woodbine,1300,0
+tolstoy,684,0
+marstons,1884,4
+wainscott,1697,2
+stockman,890,2
+tolstoy,693,7
+lindenwood,1214,0
+wainscott,1616,10
+hanson,159,2
+shelbyville,1398,1
+wainscott,177,14
+pomaria,780,2
+pomaria,1199,8
+ranchester,157,21
+stockman,848,5
+mifflinburg,33,0
+newfields,1361,4
+wainscott,1787,4
+klickitat,498,12
+woodbine,86,2
+benevolence,909,0
+marstons,425,0
+lindenwood,1898,4
+klickitat,2334,7
+merom,936,3
+hanson,672,7
+allensville,11,0
+shelbyville,1292,2
+wainscott,834,12
+stockman,697,2
+forkland,888,0
+newfields,300,7
+beechwood,745,0
+lindenwood,333,7
+stockman,1549,1
+pomaria,410,3
+newfields,183,6
+hiteman,1226,5
+hiteman,757,0
+lindenwood,423,3
+lindenwood,1736,0
+leonardo,114,3
+shelbyville,2470,9
+wainscott,518,4
+ranchester,63,0
+stockman,1189,6
+tolstoy,1647,6
+lindenwood,1709,7
+lakeville,1628,6
+pomaria,425,4
+leonardo,852,6
+shelbyville,1575,1
+hiteman,1732,3
+wainscott,1055,1
+hiteman,1741,1
+ranchester,1151,1
+hiteman,729,8
+hanson,1346,10
+allensville,410,7
+klickitat,55,0
+woodbine,501,5
+pomaria,1667,4
+marstons,1578,0
+hanson,820,2
+lindenwood,316,1
+wainscott,813,0
+ranchester,1627,7
+shelbyville,1533,2
+shelbyville,2771,9
+pinesdale,585,3
+benevolence,844,0
+shelbyville,722,11
+ranchester,998,9
+coffeen,1050,3
+ranchester,557,8
+pinesdale,1363,16
+newfields,1653,0
+beechwood,1085,1
+coffeen,996,3
+coffeen,676,0
+mifflinburg,447,4
+mifflinburg,724,4
+tolstoy,1695,4
+stockman,1547,5
+wainscott,1453,2
+marstons,1629,14
+shelbyville,211,5
+lakeville,1128,12
+wainscott,562,0
+shelbyville,456,3
+newfields,618,10
+woodbine,2031,0
+klickitat,1952,0
+hiteman,710,2
+leonardo,1803,6
+cosmos,539,10
+wainscott,1197,8
+pinesdale,1070,7
+klickitat,771,1
+hiteman,1822,3
+newfields,361,6
+leonardo,1654,2
+klickitat,1202,0
+beechwood,501,7
+beechwood,979,13
+leonardo,130,1
+lakeville,53,8
+mifflinburg,728,2
+shelbyville,542,1
+wainscott,529,8
+newfields,163,2
+lakeville,1203,3
+mifflinburg,794,1
+cosmos,147,1
+hanson,973,4
+wainscott,1563,5
+hiteman,1671,12
+lakeville,239,6
+hanson,527,4
+marstons,313,2
+forkland,31,1
+pinesdale,392,6
+lindenwood,1544,5
+klickitat,2212,0
+leonardo,458,0
+mifflinburg,678,0
+woodbine,100,19
+leonardo,842,0
+pomaria,623,2
+pinesdale,1073,0
+lindenwood,331,8
+woodbine,780,9
+ranchester,1341,2
+merom,35,1
+lindenwood,1060,0
+shelbyville,460,2
+wainscott,47,8
+coffeen,299,3
+pomaria,1570,3
+klickitat,719,3
+tolstoy,596,1
+shelbyville,758,8
+cosmos,78,0
+klickitat,293,5
+lakeville,256,12
+allensville,226,1
+hanson,1157,5
+ranchester,1208,11
+pomaria,1332,4
+lindenwood,253,0
+tolstoy,667,6
+lakeville,42,2
+shelbyville,1507,11
+klickitat,1104,0
+klickitat,1599,9
+lindenwood,231,14
+wainscott,141,12
+lakeville,82,2
+newfields,32,2
+tolstoy,1017,4
+marstons,1736,6
+coffeen,1465,2
+shelbyville,2545,5
+lindenwood,1368,0
+newfields,889,14
+cosmos,864,3
+tolstoy,1630,2
+mifflinburg,720,5
+leonardo,594,9
+onaga,292,5
+coffeen,692,3
+ranchester,863,8
+klickitat,1456,0
+onaga,243,1
+cosmos,278,10
+coffeen,981,4
+marstons,61,13
+ranchester,1199,13
+klickitat,479,0
+ranchester,521,0
+mifflinburg,193,4
+stockman,278,4
+leonardo,992,15
+forkland,138,5
+hanson,356,1
+klickitat,2126,5
+shelbyville,2609,2
+lindenwood,379,1
+wainscott,1365,1
+woodbine,1217,4
+marstons,1916,1
+klickitat,156,11
+leonardo,330,6
+klickitat,1486,5
+hiteman,393,11
+klickitat,361,7
+wainscott,1007,0
+shelbyville,184,6
+marstons,1686,1
+hanson,1345,7
+lakeville,1263,0
+stockman,655,8
+merom,280,7
+shelbyville,417,5
+pomaria,459,3
+newfields,611,2
+klickitat,2399,0
+lakeville,388,2
+newfields,297,5
+woodbine,622,0
+woodbine,1839,0
+pomaria,1448,4
+woodbine,1573,2
+merom,33,8
+beechwood,1101,7
+mifflinburg,877,2
+pinesdale,148,3
+forkland,1131,14
+shelbyville,2440,0
+benevolence,945,5
+newfields,1602,5
+tolstoy,1637,4
+coffeen,906,3
+benevolence,437,5
+lindenwood,2123,2
+ranchester,1223,3
+cosmos,84,0
+lakeville,1776,3
+leonardo,604,6
+wainscott,484,2
+cosmos,562,0
+pomaria,1080,2
+tolstoy,1508,0
+leonardo,549,4
+hanson,1621,3
+pinesdale,1230,2
+shelbyville,939,4
+woodbine,1891,2
+shelbyville,2158,6
+leonardo,916,5
+beechwood,785,5
+tolstoy,1647,2
+lindenwood,1101,2
+merom,209,2
+pomaria,389,3
+shelbyville,763,4
+shelbyville,1982,1
+ranchester,1477,1
+woodbine,1612,7
+hiteman,454,3
+hanson,977,3
+newfields,727,6
+klickitat,72,0
+forkland,1119,1
+leonardo,882,0
+klickitat,1403,10
+ranchester,1052,5
+lindenwood,899,7
+newfields,1214,5
+allensville,317,0
+woodbine,1919,1
+ranchester,628,4
+leonardo,202,3
+hanson,874,2
+leonardo,1324,3
+leonardo,699,1
+beechwood,25,0
+cosmos,736,2
+woodbine,873,15
+pomaria,1127,3
+shelbyville,367,2
+leonardo,283,9
+merom,231,2
+coffeen,1268,3
+marstons,2010,3
+merom,1033,3
+benevolence,849,7
+pomaria,252,13
+tolstoy,585,3
+ranchester,642,11
+shelbyville,2136,0
+merom,447,4
+tolstoy,662,6
+pinesdale,349,6
+woodbine,169,9
+lindenwood,2114,9
+forkland,72,0
+beechwood,664,5
+leonardo,76,1
+pinesdale,1270,4
+klickitat,224,6
+coffeen,1306,2
+ranchester,1433,12
+shelbyville,170,2
+pomaria,1294,19
+klickitat,2285,4
+allensville,428,0
+tolstoy,1452,6
+tolstoy,866,0
+klickitat,235,0
+pomaria,844,1
+tolstoy,35,7
+ranchester,831,1
+coffeen,761,3
+marstons,1040,3
+newfields,769,3
+hiteman,1823,1
+stockman,1299,1
+allensville,419,8
+marstons,144,2
+wainscott,1124,0
+merom,586,5
+leonardo,1058,20
+shelbyville,2357,3
+pinesdale,82,7
+newfields,841,2
+woodbine,1883,2
+hanson,747,3
+marstons,1866,0
+mifflinburg,562,3
+marstons,2523,1
+pinesdale,973,5
+klickitat,241,4
+klickitat,1879,9
+lakeville,1329,2
+hiteman,1101,5
+ranchester,24,14
+woodbine,251,2
+newfields,959,3
+stockman,1137,2
+coffeen,434,4
+leonardo,815,9
+shelbyville,1891,11
+shelbyville,1268,0
+mifflinburg,136,1
+pomaria,518,4
+coffeen,537,2
+wainscott,72,2
+ranchester,511,3
+newfields,763,7
+lindenwood,1149,1
+ranchester,1043,7
+shelbyville,2330,2
+lindenwood,1522,0
+coffeen,703,3
+lindenwood,1199,2
+klickitat,173,6
+lindenwood,2199,7
+lindenwood,1919,0
+tolstoy,1485,0
+pinesdale,808,7
+ranchester,125,2
+lakeville,1414,2
+coffeen,1010,2
+ranchester,0,0
+pinesdale,404,7
+leonardo,1823,1
+marstons,2420,3
+shelbyville,674,6
+marstons,1640,3
+pomaria,613,8
+klickitat,1082,3
+coffeen,236,5
+lakeville,977,5
+coffeen,128,2
+hanson,1653,6
+lakeville,1010,6
+beechwood,350,5
+woodbine,921,2
+hanson,1148,0
+merom,1005,0
+hanson,1048,2
+pomaria,1312,6
+onaga,460,0
+beechwood,1010,4
+wainscott,1153,5
+cosmos,184,2
+marstons,1783,12
+benevolence,881,12
+woodbine,1839,4
+merom,881,2
+wainscott,473,5
+lindenwood,338,1
+mifflinburg,163,3
+leonardo,1647,2
+hanson,1352,8
+marstons,1426,6
+lakeville,1830,3
+tolstoy,1795,2
+klickitat,858,5
+beechwood,1156,3
+klickitat,1935,8
+klickitat,213,2
+benevolence,588,4
+hanson,444,5
+marstons,2226,3
+klickitat,1270,5
+hiteman,276,8
+lakeville,227,8
+shelbyville,214,1
+stockman,534,5
+tolstoy,332,15
+lakeville,975,0
+tolstoy,1257,2
+forkland,355,2
+benevolence,712,1
+allensville,363,4
+forkland,92,0
+newfields,428,0
+leonardo,364,0
+lindenwood,1726,12
+tolstoy,543,7
+woodbine,660,15
+shelbyville,1289,0
+merom,924,8
+ranchester,1229,7
+pomaria,931,9
+tolstoy,399,2
+allensville,427,0
+wainscott,1208,1
+marstons,847,0
+hanson,1291,3
+pomaria,965,3
+pomaria,208,1
+marstons,32,7
+hanson,1590,2
+mifflinburg,924,3
+leonardo,826,2
+lindenwood,1968,1
+newfields,533,6
+hiteman,455,0
+lindenwood,2529,3
+woodbine,1205,4
+onaga,231,0
+coffeen,685,8
+coffeen,1405,5
+woodbine,1440,11
+tolstoy,159,1
+marstons,1107,0
+lindenwood,1738,2
+beechwood,660,7
+klickitat,348,6
+tolstoy,804,12
+stockman,1368,4
+lindenwood,754,0
+shelbyville,25,0
+wainscott,1201,9
+leonardo,1778,4
+shelbyville,772,11
+pinesdale,493,8
+mifflinburg,304,6
+klickitat,2075,7
+klickitat,2362,4
+newfields,477,0
+tolstoy,887,8
+klickitat,1169,1
+marstons,1701,2
+benevolence,525,7
+klickitat,102,14
+mifflinburg,221,5
+marstons,646,2
+wainscott,1193,7
+hanson,565,9
+marstons,2165,5
+ranchester,549,9
+onaga,555,0
+marstons,2003,2
+coffeen,258,5
+hiteman,1472,2
+mifflinburg,848,2
+marstons,831,2
+hiteman,1480,0
+marstons,2445,0
+klickitat,23,0
+merom,802,0
+hanson,466,9
+forkland,844,1
+hiteman,267,5
+leonardo,468,5
+merom,469,3
+pomaria,1218,1
+onaga,344,6
+stockman,1253,0
+newfields,1033,5
+mifflinburg,504,1
+klickitat,274,1
+mifflinburg,22,4
+pomaria,1649,3
+coffeen,200,3
+klickitat,840,3
+lindenwood,2495,5
+pomaria,520,0
+lakeville,1424,11
+klickitat,191,1
+lindenwood,740,7
+hanson,939,5
+hanson,1549,10
+hanson,876,9
+beechwood,183,2
+lindenwood,2574,14
+forkland,984,0
+newfields,547,5
+lindenwood,164,0
+lakeville,309,4
+marstons,426,2
+hanson,1226,6
+pinesdale,949,1
+klickitat,1910,2
+onaga,212,0
+hanson,1483,1
+pomaria,1005,3
+wainscott,1614,8
+pomaria,1617,9
+onaga,522,2
+leonardo,1139,1
+shelbyville,44,2
+klickitat,2105,4
+marstons,64,1
+pomaria,227,4
+woodbine,1055,2
+leonardo,1078,1
+lindenwood,526,0
+hanson,812,2
+hanson,774,5
+beechwood,1112,14
+pinesdale,480,0
+shelbyville,1309,0
+lindenwood,1874,0
+lindenwood,2218,2
+hanson,715,6
+leonardo,731,1
+lindenwood,2652,4
+pomaria,662,15
+lindenwood,1387,1
+hiteman,1535,3
+ranchester,691,0
+wainscott,253,6
+onaga,471,8
+pomaria,1216,2
+newfields,834,4
+hanson,636,2
+lindenwood,1996,5
+marstons,920,1
+forkland,88,9
+newfields,1204,3
+coffeen,1109,1
+lindenwood,517,4
+shelbyville,810,3
+lindenwood,1045,1
+klickitat,500,4
+tolstoy,1419,0
+hanson,520,1
+lindenwood,490,3
+allensville,100,2
+hanson,443,1
+coffeen,1071,0
+cosmos,545,3
+woodbine,263,0
+marstons,1027,2
+leonardo,1338,6
+leonardo,1024,0
+lakeville,1060,1
+tolstoy,964,2
+klickitat,143,5
+tolstoy,1694,3
+forkland,644,4
+lakeville,1426,0
+newfields,1593,5
+ranchester,1034,9
+klickitat,1007,10
+pomaria,773,1
+hiteman,947,2
+lindenwood,845,5
+wainscott,685,2
+leonardo,1968,2
+stockman,892,0
+leonardo,184,5
+allensville,382,2
+hanson,1470,3
+pinesdale,1009,2
+coffeen,659,1
+woodbine,832,0
+klickitat,161,1
+woodbine,1237,1
+wainscott,1036,4
+forkland,791,0
+lindenwood,473,8
+tolstoy,259,0
+pomaria,796,6
+benevolence,817,1
+cosmos,355,3
+marstons,665,5
+coffeen,1014,1
+hanson,1067,10
+shelbyville,2512,10
+pomaria,317,7
+lindenwood,2497,5
+hanson,1558,0
+newfields,439,7
+hanson,724,2
+shelbyville,2766,5
+pomaria,419,5
+lindenwood,2637,11
+cosmos,976,5
+wainscott,1540,6
+pomaria,766,1
+cosmos,89,15
+mifflinburg,474,4
+woodbine,834,3
+merom,969,6
+lindenwood,2464,1
+lindenwood,2015,0
+allensville,495,1
+hiteman,1822,1
+ranchester,14,2
+mifflinburg,741,3
+tolstoy,1143,8
+tolstoy,1364,3
+mifflinburg,84,8
+klickitat,1424,1
+woodbine,1976,10
+wainscott,1786,1
+woodbine,229,2
+cosmos,663,1
+shelbyville,1917,3
+wainscott,454,4
+lindenwood,2404,2
+lakeville,660,2
+lindenwood,213,1
+tolstoy,54,6
+pomaria,1087,0
+marstons,1245,19
+lindenwood,2585,2
+hanson,1189,8
+marstons,1381,10
+coffeen,625,3
+marstons,1997,4
+woodbine,794,2
+ranchester,853,4
+marstons,2275,8
+woodbine,1016,0
+woodbine,310,11
+pinesdale,227,4
+pomaria,1021,8
+pinesdale,220,3
+coffeen,288,2
+beechwood,1097,0
+ranchester,719,6
+newfields,902,10
+klickitat,102,13
+hanson,939,4
+klickitat,617,1
+pomaria,26,0
+allensville,397,1
+tolstoy,772,1
+hanson,965,2
+ranchester,659,2
+shelbyville,982,11
+wainscott,152,3
+hanson,504,19
+shelbyville,1408,3
+pomaria,236,2
+klickitat,390,10
+mifflinburg,449,4
+marstons,1707,15
+wainscott,185,4
+hanson,314,0
+hiteman,1205,1
+stockman,449,7
+marstons,5,1
+woodbine,1226,4
+onaga,649,1
+klickitat,69,9
+shelbyville,323,5
+hiteman,983,3
+woodbine,725,7
+newfields,1543,5
+klickitat,395,4
+newfields,989,0
+hanson,783,1
+stockman,658,1
+hanson,1277,8
+wainscott,848,0
+beechwood,1145,4
+marstons,1511,6
+pomaria,1573,4
+shelbyville,276,3
+marstons,155,4
+klickitat,344,2
+pomaria,1222,4
+hanson,1083,8
+newfields,1477,1
+newfields,1008,6
+pomaria,514,5
+lindenwood,613,2
+tolstoy,400,1
+lakeville,55,0
+newfields,108,12
+onaga,564,3
+hiteman,913,1
+lindenwood,2454,0
+newfields,639,0
+lindenwood,661,3
+newfields,694,10
+leonardo,93,4
+marstons,2147,3
+lindenwood,1039,3
+pinesdale,554,9
+klickitat,171,15
+onaga,136,1
+lakeville,1023,1
+lindenwood,22,9
+shelbyville,1550,15
+onaga,672,0
+lakeville,350,7
+cosmos,222,3
+lakeville,520,14
+benevolence,18,1
+lakeville,1015,3
+woodbine,1413,1
+tolstoy,876,0
+stockman,329,2
+pomaria,893,5
+woodbine,1611,0
+cosmos,460,6
+wainscott,1328,2
+cosmos,777,0
+lakeville,153,1
+ranchester,1434,14
+klickitat,2141,2
+shelbyville,1558,3
+woodbine,1887,8
+leonardo,1954,5
+lindenwood,2175,0
+tolstoy,12,7
+pomaria,1480,2
+lakeville,1758,3
+shelbyville,760,7
+marstons,717,0
+forkland,478,2
+hanson,1033,5
+merom,438,2
+cosmos,500,9
+shelbyville,280,0
+merom,473,2
+forkland,530,4
+leonardo,1216,0
+shelbyville,281,3
+benevolence,346,1
+newfields,370,8
+marstons,488,3
+klickitat,2357,7
+hanson,239,4
+forkland,847,3
+onaga,367,4
+mifflinburg,128,0
+woodbine,1354,0
+wainscott,223,3
+lakeville,1028,5
+cosmos,279,2
+hanson,441,0
+newfields,1063,2
+wainscott,830,4
+klickitat,1300,3
+wainscott,830,8
+ranchester,163,0
+klickitat,1624,5
+merom,477,2
+lakeville,1674,8
+beechwood,275,5
+lindenwood,2623,4
+tolstoy,1369,1
+newfields,224,6
+pomaria,781,0
+klickitat,265,0
+ranchester,1601,8
+lindenwood,2477,3
+mifflinburg,532,2
+woodbine,819,1
+pomaria,1497,2
+lindenwood,402,2
+hiteman,1095,2
+newfields,4,2
+tolstoy,1785,6
+pinesdale,764,3
+mifflinburg,33,5
+pinesdale,955,3
+stockman,1345,5
+marstons,1954,0
+beechwood,544,3
+wainscott,293,6
+forkland,196,1
+lindenwood,201,4
+woodbine,1506,7
+tolstoy,106,4
+lindenwood,754,12
+woodbine,1054,1
+ranchester,1492,3
+pinesdale,1215,0
+wainscott,1131,3
+ranchester,80,1
+mifflinburg,277,4
+lakeville,95,8
+lakeville,1852,5
+tolstoy,1390,1
+marstons,1436,0
+leonardo,235,3
+marstons,1073,4
+lindenwood,38,1
+forkland,121,5
+klickitat,1468,18
+cosmos,798,1
+forkland,28,2
+ranchester,57,2
+pomaria,497,7
+hanson,242,3
+marstons,815,0
+hiteman,680,12
+shelbyville,2119,2
+leonardo,1990,0
+pinesdale,397,3
+leonardo,287,2
+hanson,1285,0
+forkland,1058,1
+ranchester,997,3
+leonardo,426,0
+shelbyville,2533,9
+lindenwood,117,10
+merom,462,6
+benevolence,730,0
+tolstoy,1535,2
+hanson,52,12
+marstons,2489,7
+woodbine,324,0
+shelbyville,2656,0
+newfields,740,15
+hiteman,1718,1
+hiteman,1740,4
+hanson,725,1
+benevolence,605,9
+leonardo,898,3
+lakeville,816,2
+leonardo,889,5
+shelbyville,609,1
+stockman,980,1
+benevolence,258,1
+klickitat,2322,4
+klickitat,56,10
+marstons,677,7
+tolstoy,1036,0
+tolstoy,52,1
+klickitat,1073,2
+hanson,839,1
+forkland,173,5
+leonardo,34,2
+stockman,16,1
+woodbine,1640,1
+wainscott,1524,10
+hiteman,1129,2
+hanson,453,0
+newfields,708,3
+ranchester,412,4
+hiteman,629,2
+tolstoy,936,1
+lakeville,1524,6
+pomaria,465,1
+woodbine,1313,1
+klickitat,2200,3
+lindenwood,867,5
+shelbyville,1973,5
+wainscott,1572,1
+tolstoy,970,0
+pomaria,321,0
+marstons,414,1
+leonardo,347,4
+leonardo,1715,0
+mifflinburg,415,4
+stockman,177,1
+ranchester,1386,2
+wainscott,1655,4
+hanson,1231,3
+pomaria,770,9
+stockman,544,7
+newfields,1034,2
+lindenwood,195,3
+leonardo,1188,0
+wainscott,1065,8
+pomaria,334,4
+shelbyville,323,2
+pinesdale,1000,1
+pomaria,854,7
+pinesdale,159,8
+stockman,1609,0
+lakeville,1681,0
+pinesdale,1445,5
+wainscott,1239,1
+klickitat,418,0
+pomaria,1135,1
+wainscott,103,1
+lindenwood,482,6
+benevolence,906,5
+hiteman,1409,5
+cosmos,313,3
+lakeville,1863,4
+wainscott,1180,3
+marstons,2132,10
+tolstoy,143,9
+hanson,135,1
+shelbyville,1094,1
+ranchester,20,0
+stockman,143,16
+beechwood,504,2
+hanson,185,2
+shelbyville,98,11
+cosmos,826,4
+lindenwood,291,17
+hanson,1562,4
+leonardo,595,3
+newfields,1334,4
+ranchester,1282,3
+lindenwood,1167,4
+klickitat,700,1
+ranchester,33,2
+klickitat,417,0
+marstons,2491,7
+coffeen,1436,0
+lakeville,1708,1
+shelbyville,2563,0
+woodbine,1346,2
+klickitat,442,3
+beechwood,796,2
+lakeville,1397,2
+hiteman,1554,2
+klickitat,717,0
+merom,10,4
+hiteman,402,6
+beechwood,611,2
+newfields,755,2
+stockman,525,3
+forkland,20,3
+hiteman,861,9
+leonardo,1309,4
+hanson,793,0
+wainscott,812,2
+pinesdale,98,9
+woodbine,770,3
+benevolence,410,3
+leonardo,1307,4
+wainscott,919,5
+merom,674,11
+shelbyville,2324,3
+klickitat,809,3
+klickitat,611,19
+leonardo,2101,9
+lindenwood,2497,0
+shelbyville,635,2
+merom,99,0
+marstons,1226,7
+woodbine,832,15
+shelbyville,1738,5
+wainscott,717,2
+coffeen,453,2
+lindenwood,2666,4
+ranchester,782,1
+beechwood,133,0
+wainscott,1469,1
+lindenwood,423,15
+wainscott,211,12
+lakeville,847,2
+marstons,2264,2
+pinesdale,989,6
+benevolence,751,13
+marstons,1790,4
+leonardo,1659,3
+coffeen,58,6
+klickitat,1738,4
+forkland,848,0
+klickitat,2289,1
+hiteman,1799,11
+wainscott,571,1
+marstons,1080,10
+tolstoy,1388,3
+forkland,1069,2
+newfields,175,4
+marstons,858,4
+marstons,194,0
+klickitat,2148,1
+leonardo,820,4
+marstons,2127,9
+onaga,663,0
+lakeville,1513,14
+lakeville,286,0
+woodbine,1795,4
+cosmos,931,4
+hanson,921,10
+leonardo,305,0
+lindenwood,138,6
+newfields,1534,1
+beechwood,491,5
+shelbyville,404,5
+stockman,151,3
+lakeville,911,0
+woodbine,1872,9
+cosmos,567,2
+shelbyville,364,5
+benevolence,49,4
+shelbyville,2072,1
+klickitat,1433,1
+tolstoy,291,12
+wainscott,520,7
+allensville,378,1
+wainscott,1241,6
+hiteman,847,2
+hanson,504,11
+hanson,246,12
+hanson,1164,0
+klickitat,867,0
+merom,618,0
+stockman,458,5
+stockman,914,4
+tolstoy,1064,2
+mifflinburg,389,0
+shelbyville,1549,12
+lakeville,1551,10
+lakeville,1044,2
+tolstoy,631,2
+shelbyville,829,3
+hiteman,230,2
+hanson,361,5
+woodbine,345,4
+newfields,3,6
+lindenwood,225,0
+newfields,924,4
+leonardo,409,9
+wainscott,57,2
+marstons,1856,3
+coffeen,80,9
+lindenwood,609,0
+shelbyville,1583,1
+klickitat,2257,3
+pomaria,1295,10
+hanson,402,10
+cosmos,943,1
+hanson,1641,1
+shelbyville,2722,2
+marstons,2333,9
+hiteman,1267,4
+lakeville,1054,2
+shelbyville,269,5
+ranchester,882,3
+lindenwood,1450,5
+merom,900,1
+lakeville,1704,18
+wainscott,370,7
+marstons,76,3
+cosmos,253,0
+shelbyville,895,5
+beechwood,464,4
+leonardo,1210,1
+klickitat,1113,1
+woodbine,1813,9
+klickitat,2389,1
+shelbyville,2025,2
+klickitat,473,0
+pinesdale,894,6
+tolstoy,759,3
+hiteman,839,2
+wainscott,657,6
+tolstoy,924,8
+woodbine,1547,1
+beechwood,919,1
+marstons,2207,15
+klickitat,1772,4
+merom,960,5
+hiteman,905,0
+stockman,524,5
+klickitat,486,5
+onaga,115,0
+wainscott,1509,2
+woodbine,185,3
+forkland,160,2
+lakeville,1554,5
+shelbyville,1798,1
+forkland,714,5
+leonardo,1819,10
+pinesdale,604,2
+woodbine,865,4
+marstons,333,4
+marstons,1609,1
+shelbyville,974,4
+cosmos,734,2
+tolstoy,1619,3
+woodbine,551,4
+klickitat,1960,6
+woodbine,683,1
+wainscott,1787,0
+coffeen,1440,2
+hanson,1417,1
+marstons,1372,2
+lindenwood,2062,0
+coffeen,940,10
+lindenwood,2567,7
+stockman,1484,2
+shelbyville,1296,12
+pomaria,1436,4
+woodbine,1560,5
+klickitat,1030,4
+cosmos,285,6
+woodbine,1882,1
+leonardo,1977,3
+pinesdale,166,0
+stockman,220,0
+lindenwood,1992,3
+tolstoy,1670,3
+leonardo,1608,25
+marstons,2249,12
+hanson,723,0
+wainscott,1467,0
+coffeen,182,3
+hanson,357,8
+shelbyville,2384,6
+hiteman,648,6
+mifflinburg,625,1
+woodbine,1198,7
+ranchester,1390,9
+pinesdale,404,1
+shelbyville,1401,11
+merom,595,3
+beechwood,423,0
+lakeville,536,11
+ranchester,506,3
+woodbine,1543,3
+cosmos,179,0
+newfields,594,7
+wainscott,1486,11
+mifflinburg,201,2
+lakeville,1556,4
+pinesdale,52,2
+ranchester,615,9
+lakeville,794,17
+lakeville,1350,4
+ranchester,687,5
+leonardo,972,0
+woodbine,1918,0
+shelbyville,2007,3
+klickitat,2357,9
+marstons,2141,1
+ranchester,1174,13
+pinesdale,1247,0
+pomaria,1062,4
+pinesdale,1283,2
+coffeen,195,1
+klickitat,390,12
+lakeville,506,2
+marstons,1221,12
+beechwood,316,1
+ranchester,938,0
+leonardo,1257,0
+forkland,904,2
+lakeville,250,17
+forkland,871,6
+wainscott,381,1
+coffeen,167,2
+lakeville,354,1
+tolstoy,1737,7
+newfields,1304,10
+leonardo,1376,15
+tolstoy,952,7
+pinesdale,1076,0
+pomaria,1425,1
+lindenwood,1642,5
+wainscott,1157,2
+marstons,2448,10
+pinesdale,100,1
+leonardo,1928,0
+wainscott,1276,5
+hanson,1346,5
+ranchester,265,14
+lindenwood,985,10
+marstons,1558,3
+lindenwood,2353,1
+klickitat,1599,2
+shelbyville,2761,10
+marstons,312,7
+coffeen,1286,0
+klickitat,1616,1
+mifflinburg,54,5
+beechwood,187,3
+leonardo,114,5
+marstons,1433,8
+wainscott,1441,6
+merom,952,2
+beechwood,179,2
+stockman,1547,1
+klickitat,1384,4
+wainscott,869,11
+marstons,107,1
+klickitat,755,9
+wainscott,1556,2
+woodbine,1525,0
+marstons,1482,4
+benevolence,84,3
+onaga,454,3
+marstons,960,0
+stockman,41,1
+tolstoy,195,3
+ranchester,645,9
+hanson,1533,0
+newfields,1286,4
+stockman,1202,6
+woodbine,1647,0
+pomaria,372,1
+onaga,26,0
+hiteman,560,0
+klickitat,748,2
+woodbine,190,2
+forkland,715,1
+leonardo,1515,2
+leonardo,1336,2
+tolstoy,711,2
+wainscott,853,8
+wainscott,1477,3
+hiteman,1152,1
+pomaria,1061,1
+marstons,2000,10
+stockman,489,9
+lakeville,977,10
+benevolence,47,7
+pinesdale,418,0
+hanson,12,2
+shelbyville,1136,0
+wainscott,508,4
+allensville,328,1
+klickitat,2218,1
+shelbyville,2579,0
+shelbyville,1935,0
+newfields,434,1
+hiteman,247,0
+leonardo,1088,0
+tolstoy,1113,7
+shelbyville,1007,4
+lakeville,828,1
+shelbyville,2578,0
+klickitat,2040,3
+hanson,134,2
+pinesdale,964,1
+cosmos,525,1
+newfields,1295,4
+merom,906,1
+pinesdale,1517,2
+marstons,1484,0
+mifflinburg,67,2
+woodbine,1534,2
+stockman,1455,1
+wainscott,19,3
+shelbyville,2350,2
+tolstoy,1069,1
+stockman,1594,6
+newfields,395,7
+hanson,1091,2
+shelbyville,2015,3
+shelbyville,2207,1
+shelbyville,407,6
+hiteman,723,0
+wainscott,777,1
+wainscott,844,7
+leonardo,1958,2
+hanson,813,4
+leonardo,884,2
+klickitat,1626,1
+hanson,282,2
+hiteman,22,1
+marstons,193,9
+ranchester,1071,2
+pinesdale,1149,13
+forkland,111,1
+lindenwood,1633,8
+marstons,1796,3
+pomaria,679,1
+ranchester,406,11
+lakeville,1132,6
+lindenwood,2658,6
+lindenwood,2168,2
+ranchester,1580,7
+shelbyville,1505,2
+shelbyville,1483,3
+shelbyville,378,7
+pomaria,478,5
+ranchester,389,1
+lindenwood,2468,3
+leonardo,1858,17
+wainscott,1082,4
+marstons,247,6
+shelbyville,1302,7
+wainscott,361,3
+merom,226,6
+hanson,551,1
+shelbyville,2789,1
+wainscott,909,6
+forkland,166,1
+shelbyville,1146,1
+klickitat,2213,5
+newfields,645,0
+lakeville,416,2
+pomaria,498,7
+hanson,452,0
+shelbyville,2509,1
+wainscott,366,1
+lindenwood,2075,4
+coffeen,270,5
+leonardo,571,0
+klickitat,2201,11
+beechwood,860,2
+hiteman,88,5
+klickitat,1752,1
+merom,268,2
+tolstoy,266,2
+marstons,121,1
+tolstoy,70,4
+lindenwood,2129,7
+shelbyville,1364,7
+pinesdale,75,3
+ranchester,296,6
+marstons,482,1
+klickitat,1040,12
+marstons,2628,2
+allensville,487,1
+marstons,2639,7
+tolstoy,1642,11
+leonardo,37,2
+pinesdale,101,2
+hiteman,1665,1
+klickitat,1816,2
+hanson,559,1
+pomaria,17,2
+marstons,2560,0
+merom,746,6
+newfields,787,4
+allensville,469,3
+shelbyville,1313,2
+cosmos,1055,2
+coffeen,1148,7
+marstons,523,1
+lakeville,567,2
+pinesdale,1286,8
+pinesdale,757,2
+ranchester,246,0
+klickitat,2391,1
+marstons,163,1
+hiteman,1756,11
+pinesdale,47,2
+pomaria,1343,6
+ranchester,1426,6
+pomaria,1302,1
+onaga,123,2
+marstons,1225,10
+merom,431,0
+coffeen,68,5
+marstons,968,4
+wainscott,1502,8
+klickitat,515,8
+pomaria,1099,2
+tolstoy,728,2
+hiteman,1279,3
+lindenwood,805,4
+wainscott,251,6
+pomaria,1249,9
+lindenwood,2015,1
+klickitat,371,1
+lakeville,1561,1
+hiteman,656,2
+woodbine,757,5
+woodbine,607,3
+lindenwood,2428,3
+tolstoy,1500,2
+ranchester,650,5
+lindenwood,2670,5
+forkland,5,2
+marstons,2038,5
+newfields,842,0
+woodbine,589,7
+cosmos,219,2
+lakeville,64,1
+stockman,1283,2
+lakeville,513,0
+lindenwood,2642,4
+lindenwood,1494,8
+coffeen,1303,0
+hanson,307,1
+woodbine,1341,3
+cosmos,19,0
+ranchester,885,0
+woodbine,615,4
+wainscott,183,2
+shelbyville,280,9
+klickitat,2033,2
+hanson,31,0
+pomaria,1382,0
+pomaria,96,13
+wainscott,1170,7
+shelbyville,1864,2
+marstons,480,1
+stockman,1332,0
+woodbine,1798,2
+leonardo,979,5
+lakeville,1228,5
+marstons,2532,9
+lakeville,722,1
+wainscott,1757,12
+newfields,1497,1
+klickitat,62,7
+merom,298,1
+hiteman,1468,14
+newfields,1054,3
+hiteman,1737,1
+wainscott,853,7
+tolstoy,628,4
+woodbine,1615,4
+pinesdale,239,0
+wainscott,1458,2
+lakeville,845,1
+cosmos,364,1
+hiteman,1508,3
+forkland,980,3
+ranchester,1629,5
+shelbyville,834,5
+coffeen,890,8
+hanson,545,4
+lakeville,409,0
+pomaria,701,9
+lindenwood,1349,0
+marstons,1757,10
+shelbyville,162,9
+newfields,1050,2
+lakeville,54,0
+cosmos,857,0
+hiteman,1789,5
+lindenwood,594,0
+pinesdale,130,3
+woodbine,69,11
+cosmos,1078,4
+lakeville,550,2
+marstons,257,6
+hanson,1137,6
+hanson,223,5
+klickitat,1609,0
+lindenwood,2418,4
+woodbine,1281,16
+marstons,232,6
+lindenwood,1905,9
+coffeen,526,6
+woodbine,89,2
+klickitat,2381,1
+wainscott,437,0
+wainscott,657,3
+leonardo,537,7
+benevolence,651,1
+coffeen,729,7
+pomaria,695,4
+pinesdale,364,3
+hanson,1417,8
+lindenwood,2163,7
+onaga,116,6
+marstons,1950,2
+hanson,786,8
+stockman,1453,4
+pinesdale,1325,0
+newfields,310,0
+allensville,64,2
+pinesdale,1441,3
+benevolence,889,4
+beechwood,1168,4
+lindenwood,709,9
+tolstoy,129,4
+woodbine,499,2
+klickitat,171,22
+lindenwood,2488,1
+ranchester,1100,1
+klickitat,631,7
+merom,1090,3
+newfields,511,10
+woodbine,365,0
+hanson,424,9
+newfields,630,2
+onaga,496,3
+pomaria,1384,3
+stockman,206,2
+leonardo,363,4
+stockman,524,6
+pomaria,1058,4
+lindenwood,1518,0
+wainscott,1743,3
+marstons,1608,1
+beechwood,698,6
+forkland,544,2
+stockman,1025,13
+shelbyville,658,6
+onaga,45,1
+shelbyville,501,0
+pinesdale,1221,4
+woodbine,233,1
+woodbine,1317,5
+klickitat,13,8
+coffeen,1467,2
+pinesdale,1018,5
+lakeville,1239,2
+leonardo,1790,10
+marstons,175,5
+newfields,271,6
+benevolence,181,4
+onaga,373,7
+lakeville,1736,1
+hiteman,1487,13
+hanson,512,1
+newfields,577,14
+lindenwood,1972,8
+hiteman,489,1
+leonardo,1688,7
+lakeville,172,9
+lindenwood,755,1
+wainscott,1595,10
+beechwood,174,0
+marstons,1204,5
+leonardo,177,0
+shelbyville,2219,1
+hanson,362,4
+klickitat,1117,5
+lindenwood,1620,2
+marstons,849,2
+shelbyville,1744,0
+marstons,648,6
+mifflinburg,346,3
+lakeville,1551,6
+pomaria,1533,5
+beechwood,20,6
+woodbine,1172,1
+leonardo,555,4
+wainscott,774,8
+woodbine,587,7
+lindenwood,113,6
+wainscott,602,2
+wainscott,158,0
+tolstoy,109,4
+shelbyville,1907,2
+coffeen,709,2
+wainscott,974,8
+benevolence,282,6
+ranchester,1485,3
+beechwood,222,0
+woodbine,1673,14
+lindenwood,907,7
+pinesdale,740,5
+lindenwood,482,8
+woodbine,2008,7
+leonardo,826,0
+lakeville,299,3
+marstons,1798,1
+pinesdale,1210,7
+benevolence,763,3
+leonardo,864,1
+woodbine,1361,7
+newfields,940,5
+lakeville,1571,8
+mifflinburg,458,3
+stockman,873,3
+klickitat,2262,7
+woodbine,1809,1
+newfields,1432,3
+marstons,2,2
+beechwood,1008,2
+lakeville,1190,4
+lakeville,1549,1
+lindenwood,2209,3
+hanson,826,14
+stockman,1293,0
+pomaria,582,4
+klickitat,1614,3
+ranchester,1564,2
+tolstoy,1122,4
+pomaria,543,6
+benevolence,262,4
+benevolence,376,11
+ranchester,943,2
+allensville,198,7
+lindenwood,2214,0
+leonardo,378,0
+pomaria,179,0
+woodbine,734,0
+stockman,902,1
+lakeville,1761,1
+merom,256,3
+lindenwood,1525,7
+lakeville,1843,6
+shelbyville,848,0
+woodbine,221,6
+woodbine,247,1
+shelbyville,597,7
+leonardo,1981,0
+lindenwood,1217,3
+coffeen,640,9
+lindenwood,1308,0
+klickitat,948,4
+benevolence,252,9
+newfields,1518,6
+tolstoy,701,6
+shelbyville,2499,2
+hiteman,336,2
+cosmos,659,3
+hanson,68,4
+lindenwood,232,2
+hiteman,411,6
+cosmos,703,4
+leonardo,1591,16
+marstons,1439,4
+beechwood,459,1
+ranchester,868,1
+pomaria,805,12
+woodbine,1225,10
+marstons,1386,2
+marstons,1362,1
+merom,164,8
+klickitat,39,2
+pomaria,336,2
+wainscott,724,2
+tolstoy,1060,5
+woodbine,151,2
+tolstoy,619,8
+wainscott,1193,9
+lakeville,1640,6
+shelbyville,2746,1
+allensville,501,0
+woodbine,1385,2
+lindenwood,1975,3
+mifflinburg,62,8
+stockman,686,8
+klickitat,1502,5
+pinesdale,1516,1
+hanson,264,2
+marstons,1543,0
+leonardo,1898,0
+lakeville,1662,7
+woodbine,892,1
+marstons,1490,2
+klickitat,220,0
+stockman,1148,3
+wainscott,409,5
+marstons,1186,5
+tolstoy,690,2
+marstons,2651,3
+shelbyville,1425,7
+shelbyville,925,0
+leonardo,1192,1
+hanson,1028,2
+woodbine,1274,3
+wainscott,75,7
+cosmos,536,1
+klickitat,1887,4
+lindenwood,2030,3
+shelbyville,288,4
+marstons,941,4
+stockman,748,2
+pinesdale,1248,5
+leonardo,1054,3
+hiteman,1251,9
+shelbyville,2548,0
+lakeville,34,3
+tolstoy,546,2
+shelbyville,582,4
+merom,906,3
+woodbine,898,4
+beechwood,906,7
+tolstoy,1262,4
+wainscott,1644,14
+tolstoy,934,0
+hiteman,826,2
+shelbyville,1983,4
+lakeville,1777,5
+marstons,513,18
+pinesdale,765,9
+shelbyville,1915,3
+klickitat,572,2
+pomaria,1282,0
+ranchester,297,10
+klickitat,1516,2
+mifflinburg,33,1
+woodbine,28,2
+tolstoy,294,13
+lakeville,1180,0
+lindenwood,433,1
+merom,779,2
+stockman,689,9
+woodbine,249,1
+ranchester,431,2
+klickitat,479,8
+shelbyville,1826,9
+marstons,1320,8
+beechwood,1148,2
+marstons,1652,3
+leonardo,200,10
+lindenwood,1686,2
+lindenwood,157,1
+wainscott,1497,3
+marstons,2327,5
+lakeville,1086,9
+forkland,132,3
+lakeville,901,0
+hiteman,516,7
+wainscott,1652,7
+pomaria,602,3
+ranchester,852,1
+tolstoy,56,4
+onaga,498,3
+newfields,1410,2
+marstons,965,9
+pinesdale,1174,8
+woodbine,1975,12
+mifflinburg,406,1
+tolstoy,1330,2
+onaga,600,1
+tolstoy,1173,10
+lakeville,240,2
+cosmos,982,2
+lindenwood,169,1
+lakeville,1666,11
+wainscott,405,1
+hanson,816,8
+lakeville,351,4
+lindenwood,2355,2
+leonardo,1102,4
+newfields,1414,1
+lakeville,618,5
+woodbine,728,7
+forkland,797,8
+leonardo,622,11
+shelbyville,2162,0
+newfields,919,2
+stockman,571,7
+klickitat,332,1
+beechwood,1099,4
+pinesdale,113,3
+tolstoy,769,8
+newfields,1311,2
+marstons,769,9
+stockman,1441,5
+beechwood,1070,5
+lindenwood,2270,0
+coffeen,1104,1
+cosmos,959,0
+coffeen,344,2
+pomaria,134,4
+shelbyville,2245,4
+mifflinburg,220,1
+pinesdale,1373,0
+newfields,657,11
+ranchester,75,7
+hanson,1093,0
+klickitat,257,0
+merom,922,0
+klickitat,165,7
+woodbine,29,2
+hiteman,645,4
+ranchester,965,1
+pomaria,1343,3
+pinesdale,122,9
+beechwood,140,2
+shelbyville,194,9
+lindenwood,2631,5
+pomaria,86,13
+leonardo,2042,4
+pomaria,1406,2
+mifflinburg,560,4
+lindenwood,1625,5
+forkland,131,3
+pomaria,467,5
+wainscott,1547,1
+hiteman,1216,2
+klickitat,1436,3
+woodbine,732,1
+hiteman,454,1
+mifflinburg,139,2
+shelbyville,258,1
+cosmos,363,2
+cosmos,631,0
+cosmos,268,2
+stockman,277,5
+pinesdale,497,2
+hiteman,1465,2
+ranchester,144,6
+klickitat,2260,6
+newfields,3,7
+ranchester,1581,0
+lakeville,800,1
+shelbyville,613,0
+wainscott,751,1
+newfields,1468,0
+hanson,1255,10
+wainscott,936,6
+ranchester,1211,6
+shelbyville,2626,6
+forkland,573,9
+lakeville,1530,2
+klickitat,2394,9
+hanson,871,0
+allensville,82,0
+lakeville,1497,2
+shelbyville,235,2
+hanson,1130,1
+leonardo,1513,0
+marstons,471,2
+cosmos,939,0
+woodbine,787,1
+merom,188,2
+ranchester,1139,1
+leonardo,433,5
+shelbyville,1133,7
+lindenwood,379,0
+newfields,187,3
+shelbyville,2485,0
+pomaria,113,9
+forkland,386,1
+lakeville,568,14
+shelbyville,1484,6
+hanson,1230,1
+hanson,1256,3
+allensville,167,4
+lakeville,197,7
+leonardo,1126,2
+marstons,1080,15
+hiteman,479,2
+leonardo,1061,2
+lakeville,1478,2
+ranchester,393,12
+coffeen,1084,5
+stockman,975,0
+hiteman,1568,0
+lindenwood,164,4
+stockman,283,2
+ranchester,1364,1
+woodbine,9,1
+leonardo,397,8
+lindenwood,2224,0
+klickitat,959,7
+shelbyville,978,0
+onaga,462,4
+pomaria,1346,0
+allensville,280,9
+marstons,859,2
+hiteman,1202,5
+forkland,996,2
+benevolence,797,5
+onaga,344,10
+klickitat,1219,2
+shelbyville,248,14
+coffeen,940,3
+shelbyville,1624,2
+klickitat,1088,8
+lindenwood,614,0
+tolstoy,1728,3
+leonardo,834,0
+marstons,868,4
+shelbyville,1785,6
+lakeville,1541,2
+hanson,155,11
+woodbine,972,3
+lindenwood,1435,9
+marstons,2136,6
+lindenwood,735,6
+pinesdale,573,7
+merom,442,3
+lakeville,969,1
+pomaria,105,7
+pomaria,1634,11
+hiteman,143,2
+hiteman,1364,4
+wainscott,615,1
+pinesdale,848,6
+leonardo,193,0
+woodbine,986,8
+merom,33,0
+lakeville,1695,5
+pinesdale,1136,2
+ranchester,358,12
+pomaria,319,9
+hiteman,1262,2
+tolstoy,519,14
+hanson,1356,4
+lakeville,1459,18
+woodbine,255,3
+newfields,594,5
+klickitat,880,4
+pomaria,1146,2
+lakeville,283,2
+leonardo,1259,4
+forkland,38,3
+newfields,1056,0
+shelbyville,2357,8
+leonardo,1399,1
+merom,444,5
+shelbyville,2046,0
+marstons,945,1
+pomaria,1566,0
+shelbyville,1229,1
+shelbyville,1112,2
+shelbyville,2652,2
+lakeville,20,0
+pomaria,907,4
+hiteman,694,9
+marstons,452,0
+wainscott,808,3
+lindenwood,1339,0
+stockman,175,2
+marstons,2530,8
+ranchester,1296,7
+hiteman,725,1
+cosmos,72,2
+beechwood,705,3
+newfields,517,10
+newfields,711,1
+tolstoy,1702,1
+lakeville,639,4
+tolstoy,1187,2
+woodbine,904,1
+woodbine,831,2
+shelbyville,1998,2
+ranchester,1135,3
+lindenwood,225,1
+wainscott,705,10
+pinesdale,767,0
+woodbine,547,1
+coffeen,216,0
+mifflinburg,320,3
+beechwood,1069,6
+tolstoy,1692,0
+woodbine,1257,4
+beechwood,808,0
+shelbyville,1641,2
+forkland,898,5
+cosmos,714,10
+merom,134,6
+hanson,122,1
+hiteman,155,6
+klickitat,1052,7
+lindenwood,2054,2
+woodbine,252,1
+ranchester,60,0
+mifflinburg,711,5
+leonardo,700,1
+shelbyville,1308,12
+marstons,910,6
+shelbyville,2686,0
+coffeen,1094,1
+shelbyville,1790,4
+coffeen,1302,7
+beechwood,459,9
+lindenwood,1760,1
+wainscott,731,7
+klickitat,2391,3
+lakeville,1020,5
+stockman,1012,1
+marstons,538,11
+shelbyville,10,1
+lakeville,1663,3
+hanson,1521,2
+hiteman,690,1
+beechwood,389,6
+lindenwood,420,3
+pomaria,1466,5
+lindenwood,89,2
+marstons,554,1
+shelbyville,2416,2
+pinesdale,944,2
+stockman,1599,9
+lindenwood,341,6
+tolstoy,50,2
+lakeville,597,4
+beechwood,289,5
+newfields,1138,1
+ranchester,637,6
+tolstoy,465,8
+lakeville,1215,1
+marstons,476,2
+shelbyville,1999,14
+pinesdale,1135,3
+cosmos,944,2
+pomaria,1305,11
+marstons,1103,13
+wainscott,720,6
+shelbyville,1798,2
+woodbine,1871,4
+wainscott,1605,2
+hiteman,1810,4
+shelbyville,620,0
+merom,413,2
+mifflinburg,512,0
+wainscott,13,2
+marstons,598,3
+shelbyville,636,12
+lindenwood,864,0
+klickitat,735,9
+woodbine,1421,0
+stockman,145,4
+tolstoy,1148,6
+ranchester,449,5
+lindenwood,668,10
+lakeville,959,5
+forkland,107,1
+lindenwood,2087,6
+marstons,905,0
+onaga,286,2
+lindenwood,896,0
+leonardo,815,11
+lakeville,1729,3
+lakeville,606,0
+lindenwood,820,7
+shelbyville,841,3
+wainscott,1601,1
+klickitat,800,7
+wainscott,467,16
+hiteman,994,10
+shelbyville,886,0
+cosmos,499,11
+marstons,490,1
+pinesdale,672,3
+klickitat,1729,0
+pomaria,320,1
+newfields,618,5
+hiteman,1388,3
+shelbyville,2756,0
+pomaria,845,2
+forkland,919,2
+pinesdale,1013,1
+wainscott,47,10
+leonardo,1152,9
+leonardo,2088,1
+mifflinburg,887,0
+onaga,561,7
+wainscott,304,3
+shelbyville,1402,1
+stockman,922,1
+lakeville,205,3
+lakeville,1738,4
+newfields,1164,5
+pomaria,747,0
+hiteman,1106,1
+marstons,804,0
+beechwood,765,3
+beechwood,218,5
+klickitat,1541,3
+forkland,73,3
+hiteman,1455,14
+tolstoy,1062,5
+pomaria,1103,4
+hiteman,757,2
+klickitat,734,12
+coffeen,699,10
+leonardo,1375,6
+shelbyville,2172,0
+tolstoy,942,1
+lindenwood,2373,0
+coffeen,572,2
+beechwood,796,3
+lakeville,1280,5
+hanson,226,15
+merom,859,1
+hiteman,1855,1
+pomaria,1299,15
+shelbyville,2814,9
+hiteman,1007,8
+woodbine,1599,11
+klickitat,1447,5
+benevolence,563,5
+lindenwood,2396,3
+lindenwood,637,5
+leonardo,389,4
+coffeen,1289,0
+marstons,1828,0
+mifflinburg,400,9
+lakeville,1875,5
+lindenwood,160,1
+woodbine,1796,6
+lindenwood,2624,0
+newfields,296,1
+ranchester,1414,7
+tolstoy,19,7
+lakeville,1741,0
+lakeville,1092,8
+shelbyville,2703,5
+woodbine,240,5
+hanson,337,5
+coffeen,550,2
+pinesdale,1041,4
+shelbyville,155,5
+newfields,766,3
+shelbyville,2228,1
+klickitat,2065,2
+merom,1026,3
+tolstoy,761,3
+mifflinburg,476,1
+ranchester,1441,3
+newfields,575,1
+wainscott,869,13
+woodbine,1119,2
+leonardo,924,0
+leonardo,84,4
+cosmos,830,7
+allensville,361,7
+ranchester,340,8
+marstons,646,1
+pomaria,584,17
+shelbyville,398,0
+onaga,308,6
+ranchester,865,5
+beechwood,638,0
+hiteman,441,4
+leonardo,855,0
+lakeville,1430,2
+beechwood,765,10
+hanson,639,6
+hiteman,67,3
+shelbyville,772,3
+ranchester,725,3
+shelbyville,1479,2
+ranchester,1600,1
+coffeen,122,8
+merom,833,4
+marstons,1767,12
+wainscott,1370,7
+newfields,1410,1
+forkland,779,2
+newfields,1296,1
+lindenwood,1486,0
+shelbyville,1944,4
+lindenwood,2554,1
+marstons,1449,2
+benevolence,483,2
+woodbine,1558,2
+leonardo,894,1
+beechwood,1073,2
+lindenwood,2178,1
+benevolence,901,2
+lakeville,68,11
+hiteman,657,2
+hanson,576,12
+merom,685,1
+lakeville,222,1
+newfields,112,3
+hiteman,119,0
+stockman,1203,3
+wainscott,21,4
+beechwood,421,6
+shelbyville,701,2
+woodbine,27,5
+tolstoy,1426,12
+hiteman,1101,10
+ranchester,1377,3
+hiteman,54,2
+beechwood,248,1
+lakeville,662,2
+ranchester,847,7
+lindenwood,170,0
+klickitat,1659,0
+pinesdale,588,2
+lakeville,1714,1
+lakeville,460,3
+woodbine,1423,3
+marstons,755,0
+coffeen,1016,0
+stockman,105,3
+wainscott,743,3
+pomaria,1622,6
+beechwood,1031,2
+newfields,1567,2
+woodbine,1416,3
+leonardo,643,8
+hanson,716,4
+marstons,2289,1
+coffeen,317,1
+marstons,2511,1
+hiteman,1296,2
+coffeen,114,4
+leonardo,1910,2
+beechwood,996,2
+pinesdale,57,2
+ranchester,719,3
+lindenwood,907,2
+forkland,981,0
+wainscott,590,2
+forkland,1168,0
+hiteman,1449,0
+wainscott,1715,3
+wainscott,78,2
+hanson,575,0
+marstons,1146,3
+marstons,806,3
+cosmos,1019,2
+coffeen,1017,2
+stockman,1575,8
+cosmos,913,2
+lindenwood,600,8
+klickitat,1052,2
+tolstoy,1473,7
+mifflinburg,391,2
+forkland,573,10
+wainscott,924,5
+beechwood,659,1
+stockman,743,0
+leonardo,1522,8
+ranchester,660,2
+hiteman,1582,1
+wainscott,279,1
+mifflinburg,557,3
+pomaria,1301,7
+lakeville,1060,2
+merom,898,1
+shelbyville,310,3
+marstons,909,8
+marstons,2169,2
+pomaria,1470,10
+marstons,2104,11
+tolstoy,127,2
+newfields,1367,1
+wainscott,251,7
+mifflinburg,580,2
+cosmos,222,8
+ranchester,1422,5
+pinesdale,74,5
+hanson,1225,9
+newfields,947,1
+mifflinburg,158,2
+tolstoy,707,2
+pomaria,284,2
+cosmos,246,4
+hanson,936,14
+ranchester,68,3
+shelbyville,69,2
+wainscott,351,1
+beechwood,643,4
+klickitat,2105,3
+merom,704,7
+mifflinburg,589,3
+hanson,942,0
+lakeville,1384,2
+marstons,1756,6
+wainscott,61,5
+tolstoy,352,0
+wainscott,504,4
+wainscott,1621,12
+leonardo,895,5
+marstons,1767,15
+onaga,65,9
+cosmos,178,6
+hanson,741,13
+shelbyville,2592,7
+shelbyville,2787,3
+hiteman,340,1
+marstons,1791,3
+lindenwood,1166,2
+pomaria,944,16
+lindenwood,1443,10
+hanson,120,10
+lindenwood,1998,7
+coffeen,78,1
+newfields,1030,1
+pinesdale,1218,6
+stockman,138,1
+marstons,33,11
+lakeville,358,18
+marstons,1390,12
+lindenwood,1632,2
+wainscott,271,0
+lakeville,1548,2
+hiteman,189,4
+coffeen,432,1
+newfields,263,7
+marstons,1735,0
+lakeville,472,4
+shelbyville,664,0
+tolstoy,260,1
+coffeen,28,1
+cosmos,229,1
+klickitat,407,8
+lakeville,943,9
+pinesdale,837,2
+marstons,2075,1
+lakeville,1524,9
+stockman,1532,1
+lakeville,1231,6
+lindenwood,1477,5
+stockman,1294,3
+leonardo,1878,2
+forkland,842,4
+shelbyville,26,9
+lindenwood,247,4
+ranchester,180,0
+ranchester,966,5
+woodbine,821,9
+lakeville,746,2
+lakeville,497,1
+pomaria,617,0
+marstons,1044,6
+klickitat,518,9
+klickitat,601,0
+woodbine,865,1
+forkland,894,5
+shelbyville,334,7
+onaga,150,3
+merom,720,1
+woodbine,593,10
+lindenwood,2299,4
+merom,84,3
+marstons,1368,3
+beechwood,61,6
+shelbyville,666,10
+woodbine,748,10
+newfields,1149,0
+marstons,2443,15
+pinesdale,1371,14
+marstons,1444,2
+lindenwood,895,1
+hiteman,927,1
+leonardo,140,6
+leonardo,733,11
+merom,1000,2
+marstons,1398,10
+beechwood,335,3
+tolstoy,1798,0
+stockman,1,6
+woodbine,1375,6
+lakeville,421,2
+shelbyville,693,2
+beechwood,933,1
+pomaria,1071,3
+newfields,489,4
+lindenwood,2,6
+marstons,714,6
+pomaria,435,0
+woodbine,1545,6
+benevolence,534,0
+wainscott,1081,1
+tolstoy,1691,2
+woodbine,1639,11
+tolstoy,213,3
+wainscott,1754,5
+stockman,14,3
+woodbine,1031,1
+hanson,81,5
+mifflinburg,55,2
+lakeville,1817,9
+cosmos,786,0
+pomaria,811,4
+ranchester,1527,1
+lindenwood,2111,10
+stockman,813,6
+pinesdale,187,3
+woodbine,972,0
+leonardo,921,8
+marstons,13,5
+klickitat,2354,4
+ranchester,391,1
+woodbine,625,3
+ranchester,1157,5
+ranchester,698,2
+cosmos,81,3
+merom,954,0
+coffeen,209,2
+klickitat,2186,3
+ranchester,409,10
+marstons,2423,6
+shelbyville,1032,1
+newfields,690,3
+hiteman,944,3
+klickitat,2164,13
+coffeen,1510,6
+pomaria,50,10
+tolstoy,845,3
+pomaria,1628,14
+wainscott,326,1
+cosmos,766,2
+shelbyville,2322,5
+woodbine,207,1
+lakeville,1630,4
+klickitat,200,4
+newfields,82,9
+ranchester,350,17
+marstons,2292,0
+lakeville,1709,0
+marstons,1350,2
+lindenwood,462,3
+pomaria,351,2
+wainscott,1039,9
+pinesdale,1069,7
+pomaria,1416,7
+onaga,644,0
+tolstoy,613,8
+benevolence,781,0
+wainscott,325,0
+mifflinburg,585,5
+lindenwood,2447,0
+coffeen,460,7
+merom,743,1
+forkland,835,3
+cosmos,806,2
+lindenwood,1511,13
+tolstoy,924,16
+pomaria,912,3
+marstons,2489,3
+ranchester,551,6
+forkland,136,3
+ranchester,1028,3
+tolstoy,934,8
+marstons,1721,6
+klickitat,2408,5
+wainscott,1776,1
+lindenwood,2424,1
+shelbyville,549,2
+lindenwood,1059,9
+hanson,1553,13
+marstons,1064,5
+marstons,1535,5
+forkland,480,2
+tolstoy,121,0
+ranchester,239,0
+pomaria,190,1
+marstons,1915,7
+wainscott,1607,0
+stockman,1413,1
+forkland,514,2
+wainscott,1699,1
+wainscott,196,3
+benevolence,129,3
+stockman,49,13
+lakeville,1111,2
+newfields,670,4
+hanson,1464,6
+wainscott,1383,0
+merom,771,1
+wainscott,642,4
+pinesdale,620,0
+stockman,997,1
+hiteman,492,7
+ranchester,1151,9
+lakeville,1404,4
+hanson,1288,1
+hanson,1130,10
+mifflinburg,229,3
+woodbine,1735,8
+shelbyville,1594,2
+pinesdale,87,3
+hanson,656,3
+lindenwood,1673,0
+beechwood,1070,8
+leonardo,1626,0
+lindenwood,164,5
+beechwood,646,7
+tolstoy,995,6
+lindenwood,1112,3
+tolstoy,1113,4
+beechwood,1054,1
+stockman,449,1
+leonardo,820,10
+lakeville,26,2
+shelbyville,488,7
+coffeen,992,4
+lindenwood,1443,4
+forkland,794,2
+klickitat,1258,2
+leonardo,612,2
+hiteman,1765,4
+shelbyville,1777,3
+allensville,330,5
+tolstoy,1535,7
+marstons,371,0
+tolstoy,1724,7
+onaga,627,0
+woodbine,902,8
+shelbyville,1321,1
+woodbine,161,2
+newfields,14,7
+benevolence,263,2
+shelbyville,456,0
+beechwood,1052,2
+wainscott,271,3
+ranchester,716,1
+ranchester,177,8
+beechwood,758,5
+coffeen,283,0
+hanson,1354,0
+stockman,821,4
+benevolence,621,2
+leonardo,2035,8
+marstons,2315,6
+tolstoy,1747,8
+merom,452,5
+marstons,350,3
+leonardo,779,11
+marstons,1208,4
+shelbyville,2416,10
+woodbine,1754,0
+woodbine,498,1
+marstons,792,6
+lindenwood,1865,7
+ranchester,919,3
+forkland,606,4
+klickitat,799,4
+coffeen,145,2
+lakeville,1772,8
+wainscott,425,9
+leonardo,1480,3
+lindenwood,1549,4
+lindenwood,2083,12
+hiteman,564,3
+forkland,597,2
+merom,175,2
+woodbine,1349,5
+ranchester,345,4
+cosmos,277,3
+pomaria,1558,3
+pinesdale,1211,1
+coffeen,78,8
+leonardo,474,2
+marstons,1988,0
+merom,630,5
+woodbine,632,9
+leonardo,1830,1
+beechwood,248,11
+coffeen,1116,2
+lakeville,1745,7
+wainscott,528,12
+shelbyville,29,0
+klickitat,605,5
+klickitat,2136,5
+wainscott,149,7
+klickitat,2366,8
+wainscott,1500,3
+hiteman,697,4
+tolstoy,1366,0
+coffeen,693,0
+ranchester,1210,4
+lindenwood,1250,3
+hiteman,1551,1
+lakeville,989,3
+lindenwood,1785,0
+shelbyville,1937,0
+shelbyville,1811,3
+woodbine,1327,10
+forkland,647,5
+shelbyville,675,12
+hiteman,1779,0
+lindenwood,2027,1
+marstons,339,6
+woodbine,686,0
+pinesdale,662,2
+onaga,71,1
+pinesdale,754,8
+marstons,2245,3
+woodbine,1592,1
+tolstoy,1002,8
+lakeville,197,5
+lindenwood,757,3
+woodbine,129,9
+lindenwood,1490,10
+wainscott,140,1
+coffeen,438,4
+beechwood,820,0
+coffeen,767,0
+cosmos,561,5
+lakeville,1834,0
+pomaria,1506,7
+coffeen,1517,0
+forkland,494,1
+marstons,1281,1
+onaga,51,2
+hanson,1226,10
+pomaria,1096,6
+leonardo,1746,6
+hanson,1185,0
+marstons,481,0
+lindenwood,2087,1
+marstons,1765,16
+coffeen,621,3
+leonardo,1344,6
+klickitat,1953,6
+pomaria,1102,3
+newfields,1412,4
+lindenwood,374,6
+tolstoy,1329,3
+merom,999,5
+forkland,304,3
+hanson,1119,0
+shelbyville,17,6
+tolstoy,893,2
+forkland,904,4
+leonardo,1531,6
+beechwood,722,2
+hanson,987,0
+klickitat,863,3
+tolstoy,551,1
+lakeville,1434,6
+newfields,705,2
+pinesdale,77,0
+wainscott,631,4
+marstons,2014,4
+leonardo,1344,0
+newfields,1190,10
+hiteman,1321,1
+lindenwood,760,3
+mifflinburg,949,3
+merom,856,3
+mifflinburg,765,1
+marstons,2592,1
+tolstoy,44,4
+shelbyville,2615,3
+mifflinburg,626,4
+marstons,1208,0
+marstons,2246,6
+lindenwood,8,7
+shelbyville,1334,11
+klickitat,1041,6
+shelbyville,1695,1
+beechwood,1074,1
+shelbyville,1011,3
+shelbyville,2342,5
+ranchester,1595,3
+hanson,634,4
+coffeen,1013,1
+newfields,1542,10
+lindenwood,436,0
+newfields,1297,6
+beechwood,1160,0
+lindenwood,1731,3
+shelbyville,1206,2
+lakeville,370,13
+wainscott,1017,3
+lindenwood,769,9
+tolstoy,117,3
+hiteman,350,1
+tolstoy,1301,0
+wainscott,1798,10
+merom,880,3
+marstons,2342,7
+stockman,810,2
+ranchester,1213,0
+beechwood,253,3
+newfields,496,2
+beechwood,1112,2
+shelbyville,2509,4
+tolstoy,617,4
+klickitat,2262,3
+tolstoy,723,3
+marstons,758,15
+wainscott,1219,4
+klickitat,1892,5
+cosmos,1027,3
+pomaria,721,4
+lakeville,854,5
+stockman,1488,2
+hanson,722,4
+marstons,1231,6
+merom,1032,1
+beechwood,78,3
+newfields,1654,6
+coffeen,1344,2
+cosmos,327,2
+stockman,126,2
+hiteman,502,2
+newfields,734,12
+lindenwood,1398,0
+hiteman,1845,2
+pomaria,898,0
+hiteman,168,8
+klickitat,2230,14
+hiteman,1305,4
+onaga,110,0
+newfields,139,4
+stockman,1242,5
+beechwood,853,3
+klickitat,2336,0
+newfields,609,2
+forkland,380,2
+marstons,2621,11
+lakeville,711,0
+cosmos,557,0
+forkland,50,2
+shelbyville,1357,5
+leonardo,1748,0
+woodbine,1508,0
+shelbyville,1886,2
+marstons,102,4
+lakeville,1414,3
+mifflinburg,120,2
+pomaria,1045,0
+lakeville,1634,7
+tolstoy,1254,0
+woodbine,1808,12
+wainscott,830,1
+klickitat,2390,12
+lindenwood,590,2
+stockman,1207,1
+woodbine,10,1
+lakeville,533,5
+klickitat,1082,0
+lindenwood,1564,2
+hanson,316,3
+newfields,1330,2
+woodbine,981,4
+shelbyville,1141,0
+coffeen,1360,3
+pomaria,16,1
+lindenwood,2441,1
+marstons,2158,5
+leonardo,167,11
+pinesdale,1462,4
+ranchester,1280,10
+tolstoy,340,3
+hiteman,560,3
+tolstoy,1593,7
+stockman,61,3
+woodbine,1403,6
+klickitat,1465,9
+woodbine,1398,0
+cosmos,707,0
+woodbine,1878,7
+lindenwood,1,14
+lakeville,1282,0
+pomaria,1295,11
+woodbine,1202,11
+ranchester,280,2
+mifflinburg,525,2
+ranchester,1508,10
+klickitat,428,3
+klickitat,187,2
+ranchester,273,4
+wainscott,843,1
+hiteman,697,2
+pinesdale,1494,0
+woodbine,1186,2
+leonardo,583,2
+lindenwood,1137,4
+shelbyville,698,0
+newfields,966,4
+allensville,134,2
+ranchester,844,3
+ranchester,1634,2
+cosmos,966,4
+lindenwood,2493,1
+marstons,2518,1
+lakeville,788,2
+forkland,75,5
+mifflinburg,517,8
+benevolence,362,1
+lindenwood,655,1
+leonardo,1119,1
+pinesdale,361,3
+benevolence,401,0
+klickitat,1263,1
+pomaria,379,2
+hiteman,370,2
+shelbyville,1225,0
+shelbyville,1468,1
+shelbyville,1312,3
+woodbine,280,9
+wainscott,77,0
+marstons,249,6
+marstons,503,3
+pinesdale,371,1
+stockman,730,5
+woodbine,283,9
+wainscott,997,7
+newfields,1591,9
+lindenwood,686,7
+beechwood,943,2
+shelbyville,2347,2
+lindenwood,828,16
+marstons,419,0
+pomaria,949,1
+marstons,1477,0
+newfields,1150,2
+newfields,825,11
+hanson,1273,9
+hanson,819,0
+klickitat,2210,0
+onaga,168,0
+pinesdale,349,4
+klickitat,1967,10
+shelbyville,1725,3
+coffeen,1019,1
+hiteman,563,0
+cosmos,523,9
+coffeen,962,6
+coffeen,846,3
+marstons,1897,2
+klickitat,572,7
+pomaria,788,4
+lindenwood,827,9
+wainscott,702,5
+marstons,993,2
+newfields,0,4
+wainscott,1308,0
+merom,916,8
+leonardo,468,4
+newfields,1141,1
+pomaria,1610,5
+pinesdale,364,5
+leonardo,92,7
+shelbyville,1504,1
+leonardo,1253,2
+cosmos,1014,5
+woodbine,539,12
+cosmos,701,2
+wainscott,123,4
+hiteman,1459,4
+shelbyville,384,0
+lindenwood,1876,8
+lakeville,1714,10
+newfields,767,3
+klickitat,774,10
+marstons,139,16
+leonardo,1688,17
+tolstoy,1819,0
+shelbyville,2160,4
+leonardo,906,11
+benevolence,769,4
+ranchester,800,5
+leonardo,1863,6
+shelbyville,1389,0
+newfields,27,0
+coffeen,49,5
+beechwood,105,7
+pinesdale,110,4
+klickitat,1752,7
+newfields,1621,0
+marstons,2090,9
+ranchester,706,0
+coffeen,1405,2
+tolstoy,151,3
+allensville,436,2
+shelbyville,684,1
+stockman,143,8
+benevolence,780,9
+forkland,969,2
+pomaria,707,9
+lindenwood,1275,1
+hiteman,19,7
+coffeen,216,1
+ranchester,132,2
+pinesdale,1440,3
+forkland,1021,2
+leonardo,1580,11
+shelbyville,2512,5
+cosmos,865,0
+klickitat,2215,4
+lindenwood,1974,2
+pinesdale,826,1
+hanson,672,19
+shelbyville,63,5
+benevolence,31,2
+leonardo,851,3
+lindenwood,2438,0
+woodbine,601,2
+shelbyville,2751,2
+shelbyville,1790,10
+pinesdale,640,0
+benevolence,409,7
+stockman,1475,3
+merom,320,9
+stockman,1562,1
+leonardo,1435,12
+newfields,507,1
+mifflinburg,31,2
+klickitat,2096,0
+klickitat,748,0
+lindenwood,2143,4
+lakeville,1318,0
+woodbine,1325,10
+forkland,295,3
+hanson,195,1
+pomaria,613,5
+marstons,103,8
+shelbyville,2101,3
+leonardo,2017,6
+hanson,1658,11
+allensville,448,2
+woodbine,1930,5
+lakeville,827,1
+marstons,230,10
+cosmos,914,2
+leonardo,1565,2
+shelbyville,2778,1
+leonardo,574,2
+cosmos,447,0
+pomaria,598,3
+lindenwood,1125,4
+pomaria,1566,5
+woodbine,911,8
+pomaria,1272,2
+wainscott,1688,10
+klickitat,1198,3
+pinesdale,1218,4
+stockman,647,5
+stockman,855,3
+woodbine,1156,4
+lindenwood,113,8
+stockman,646,6
+klickitat,311,4
+marstons,284,1
+shelbyville,1392,3
+wainscott,290,3
+shelbyville,1482,4
+shelbyville,2150,12
+pomaria,1132,2
+wainscott,673,7
+woodbine,1977,0
+benevolence,682,4
+hiteman,703,2
+ranchester,1581,4
+shelbyville,1860,1
+lindenwood,234,0
+pomaria,1088,8
+pinesdale,1256,0
+leonardo,97,5
+marstons,1126,0
+woodbine,1097,3
+klickitat,81,7
+lakeville,660,0
+shelbyville,2295,6
+pinesdale,695,7
+leonardo,1082,3
+tolstoy,1512,4
+leonardo,774,2
+lindenwood,658,5
+pomaria,1036,9
+woodbine,1099,0
+benevolence,107,1
+lakeville,1096,11
+lindenwood,2254,7
+newfields,610,0
+woodbine,1330,11
+newfields,1126,4
+hiteman,865,3
+merom,20,2
+pinesdale,1495,9
+merom,292,2
+woodbine,344,5
+hiteman,356,5
+lakeville,1419,9
+hiteman,1023,8
+hiteman,1098,0
+ranchester,1599,0
+wainscott,1289,7
+hiteman,157,4
+tolstoy,650,5
+tolstoy,1535,15
+benevolence,489,9
+marstons,2021,10
+mifflinburg,722,7
+beechwood,773,0
+lakeville,1166,6
+tolstoy,1113,5
+klickitat,1517,6
+klickitat,1324,0
+lakeville,179,4
+beechwood,304,2
+pomaria,1367,5
+shelbyville,1490,0
+klickitat,1993,6
+cosmos,1045,2
+leonardo,1592,0
+lakeville,714,3
+marstons,430,2
+lakeville,908,8
+woodbine,1590,7
+lakeville,68,9
+klickitat,1178,3
+pinesdale,638,6
+mifflinburg,446,0
+leonardo,1780,3
+pomaria,213,5
+shelbyville,719,7
+leonardo,1786,2
+lakeville,1232,7
+lakeville,1669,0
+shelbyville,221,3
+wainscott,116,7
+klickitat,1066,2
+lakeville,50,3
+newfields,102,1
+ranchester,53,3
+pomaria,427,3
+shelbyville,2139,10
+woodbine,507,3
+woodbine,375,3
+marstons,562,8
+coffeen,1228,3
+shelbyville,1680,1
+hiteman,1086,2
+shelbyville,438,3
+shelbyville,336,11
+pomaria,554,5
+lindenwood,1185,2
+pomaria,965,8
+klickitat,1682,8
+hiteman,841,13
+woodbine,1183,2
+mifflinburg,918,0
+wainscott,1660,0
+beechwood,528,1
+beechwood,29,6
+stockman,255,5
+tolstoy,1140,3
+newfields,990,0
+leonardo,12,13
+ranchester,1390,7
+leonardo,1882,4
+leonardo,1481,1
+ranchester,451,0
+lakeville,1128,0
+shelbyville,353,2
+shelbyville,452,3
+pinesdale,1467,9
+lakeville,1132,1
+marstons,2638,0
+coffeen,255,3
+beechwood,755,3
+lakeville,1492,0
+merom,742,0
+beechwood,1084,1
+leonardo,1858,18
+newfields,334,1
+tolstoy,674,1
+klickitat,1649,3
+coffeen,1381,1
+marstons,1465,1
+lindenwood,2244,2
+marstons,1492,10
+ranchester,345,7
+woodbine,615,0
+marstons,2318,5
+beechwood,962,0
+pinesdale,303,8
+newfields,849,7
+beechwood,3,9
+mifflinburg,531,3
+lakeville,308,0
+wainscott,1461,2
+klickitat,952,0
+stockman,239,4
+lindenwood,1189,4
+wainscott,1241,13
+wainscott,1138,4
+shelbyville,1191,3
+newfields,13,0
+tolstoy,53,1
+lakeville,468,2
+merom,555,2
+mifflinburg,583,3
+tolstoy,157,2
+klickitat,1190,1
+klickitat,102,4
+leonardo,1825,0
+shelbyville,969,3
+leonardo,1380,5
+wainscott,785,3
+pomaria,184,1
+marstons,2653,4
+hiteman,1835,1
+pomaria,1086,0
+leonardo,1003,0
+pinesdale,1010,1
+mifflinburg,631,9
+cosmos,221,5
+klickitat,257,1
+allensville,225,7
+lakeville,977,4
+tolstoy,179,11
+allensville,430,2
+woodbine,170,0
+hanson,344,0
+newfields,980,14
+merom,26,2
+leonardo,596,2
+klickitat,503,1
+hanson,14,0
+lakeville,1884,9
+cosmos,189,4
+beechwood,88,1
+beechwood,1065,13
+shelbyville,2780,1
+cosmos,123,2
+wainscott,1621,9
+wainscott,64,5
+lindenwood,1726,3
+klickitat,286,0
+ranchester,983,12
+stockman,155,2
+mifflinburg,149,1
+lakeville,1858,3
+wainscott,895,6
+klickitat,922,7
+hanson,1553,15
+beechwood,400,4
+wainscott,1222,3
+klickitat,1179,13
+stockman,1067,3
+tolstoy,75,2
+hanson,477,7
+lindenwood,1859,4
+marstons,26,2
+leonardo,1138,0
+leonardo,471,4
+ranchester,443,1
+lakeville,1088,2
+marstons,1938,2
+hanson,1428,10
+newfields,888,6
+shelbyville,205,2
+wainscott,442,2
+onaga,105,1
+benevolence,150,4
+wainscott,1297,4
+hanson,454,2
+wainscott,1550,7
+marstons,1133,10
+shelbyville,2214,0
+beechwood,773,6
+lindenwood,2120,0
+shelbyville,2258,9
+stockman,84,0
+cosmos,120,5
+merom,123,2
+leonardo,805,1
+hiteman,1438,4
+shelbyville,857,3
+klickitat,240,0
+newfields,594,1
+woodbine,1566,6
+mifflinburg,500,1
+leonardo,1270,6
+pinesdale,758,7
+cosmos,405,6
+lindenwood,854,1
+ranchester,1298,3
+klickitat,1228,3
+wainscott,697,7
+beechwood,206,5
+mifflinburg,219,3
+forkland,1169,3
+forkland,571,3
+woodbine,369,0
+klickitat,2025,10
+lakeville,1411,3
+forkland,1072,0
+hanson,1024,0
+lindenwood,1795,2
+pomaria,1664,2
+hanson,893,10
+wainscott,1455,8
+wainscott,1551,0
+coffeen,820,1
+marstons,485,6
+leonardo,1359,2
+klickitat,1193,1
+leonardo,275,1
+woodbine,398,1
+klickitat,209,6
+shelbyville,1296,7
+marstons,2000,14
+woodbine,1803,7
+shelbyville,944,9
+tolstoy,532,3
+tolstoy,1016,5
+lindenwood,2348,0
+mifflinburg,795,1
+hiteman,806,6
+allensville,74,2
+hiteman,994,5
+leonardo,1384,3
+newfields,1177,0
+leonardo,2039,7
+wainscott,1010,6
+wainscott,1567,7
+tolstoy,1136,1
+pomaria,1556,3
+cosmos,89,4
+marstons,1231,0
+woodbine,1876,2
+shelbyville,1940,3
+beechwood,1086,2
+marstons,1076,3
+shelbyville,2685,1
+lindenwood,2642,9
+klickitat,711,0
+shelbyville,1109,7
+lindenwood,191,0
+allensville,468,6
+marstons,344,7
+pomaria,1482,5
+hiteman,1264,1
+stockman,1253,2
+ranchester,204,3
+ranchester,1405,5
+shelbyville,1223,4
+wainscott,110,2
+woodbine,34,2
+lindenwood,1659,11
+marstons,996,1
+lindenwood,1169,2
+cosmos,709,2
+coffeen,255,2
+lakeville,130,1
+marstons,633,8
+marstons,2524,9
+tolstoy,1075,6
+woodbine,1055,4
+stockman,797,4
+pinesdale,99,10
+lindenwood,1876,9
+ranchester,792,9
+leonardo,357,1
+coffeen,1367,1
+klickitat,1330,1
+stockman,777,3
+lindenwood,1563,3
+coffeen,728,9
+klickitat,2119,1
+klickitat,1022,2
+lindenwood,1491,2
+mifflinburg,486,3
+shelbyville,1214,0
+wainscott,1657,2
+wainscott,1291,4
+lindenwood,2006,9
+hanson,1203,9
+klickitat,2362,12
+benevolence,604,6
+ranchester,446,4
+klickitat,1947,2
+shelbyville,1741,3
+klickitat,2159,1
+tolstoy,667,3
+lakeville,1808,8
+merom,728,5
+leonardo,348,3
+woodbine,1334,1
+hanson,276,3
+lindenwood,1166,5
+shelbyville,1031,2
+ranchester,1318,1
+pomaria,1655,0
+pomaria,1437,5
+coffeen,619,3
+lindenwood,320,7
+mifflinburg,333,2
+klickitat,2310,6
+newfields,1551,1
+shelbyville,1244,0
+leonardo,927,1
+hiteman,202,0
+pomaria,1300,9
+marstons,2136,15
+benevolence,918,2
+woodbine,810,7
+marstons,210,2
+shelbyville,2241,2
+hiteman,769,7
+hiteman,1837,7
+wainscott,839,1
+marstons,1063,10
+ranchester,750,2
+pomaria,1067,0
+onaga,663,7
+wainscott,99,9
+klickitat,1857,0
+pomaria,495,6
+cosmos,929,10
+coffeen,850,3
+pomaria,612,1
+lakeville,1254,2
+merom,406,7
+forkland,452,0
+newfields,503,2
+wainscott,1329,5
+marstons,1221,8
+merom,718,2
+marstons,714,3
+lakeville,510,8
+pomaria,511,2
+lakeville,1443,2
+forkland,971,1
+lakeville,1002,0
+shelbyville,388,6
+newfields,1495,0
+mifflinburg,277,5
+lakeville,419,0
+hiteman,421,5
+mifflinburg,62,0
+stockman,651,1
+shelbyville,111,3
+hanson,1606,0
+wainscott,841,1
+hanson,144,13
+shelbyville,2404,9
+lindenwood,518,4
+marstons,2224,16
+pinesdale,40,5
+hiteman,1260,0
+leonardo,2,4
+klickitat,1507,1
+hiteman,357,1
+allensville,315,1
+tolstoy,293,2
+hiteman,143,0
+hiteman,654,0
+wainscott,1026,1
+lakeville,1521,8
+pinesdale,1322,2
+mifflinburg,537,2
+hanson,343,0
+ranchester,280,3
+hanson,204,0
+beechwood,135,1
+stockman,614,1
+leonardo,55,2
+lindenwood,2505,2
+pomaria,1607,7
+klickitat,68,3
+beechwood,204,6
+coffeen,923,0
+klickitat,810,7
+beechwood,365,0
+ranchester,836,4
+lakeville,1898,5
+wainscott,752,3
+ranchester,1331,3
+pinesdale,645,4
+lindenwood,476,3
+tolstoy,17,1
+tolstoy,1080,2
+ranchester,30,2
+tolstoy,588,3
+marstons,844,2
+marstons,1669,2
+leonardo,1063,3
+leonardo,1764,0
+lindenwood,1566,4
+tolstoy,1583,4
+marstons,2524,15
+shelbyville,1390,1
+merom,853,1
+benevolence,293,1
+coffeen,54,4
+hanson,1280,5
+coffeen,1422,8
+wainscott,1198,0
+cosmos,881,6
+tolstoy,608,2
+shelbyville,2501,6
+coffeen,371,3
+pomaria,610,0
+woodbine,1304,7
+ranchester,265,7
+tolstoy,403,2
+leonardo,1125,7
+leonardo,135,1
+woodbine,14,5
+woodbine,381,6
+lakeville,837,0
+merom,531,0
+pomaria,467,4
+shelbyville,476,3
+beechwood,946,0
+stockman,1087,0
+hanson,175,4
+marstons,2173,1
+stockman,1001,1
+hanson,466,4
+klickitat,779,9
+woodbine,1026,4
+lakeville,1429,5
+coffeen,1380,2
+ranchester,1333,0
+wainscott,1101,0
+klickitat,10,2
+leonardo,1512,9
+forkland,127,0
+marstons,2576,3
+ranchester,1284,1
+lakeville,1761,0
+ranchester,552,3
+merom,371,5
+pinesdale,195,3
+leonardo,1333,0
+shelbyville,2361,3
+leonardo,1308,2
+coffeen,1485,2
+lindenwood,2554,2
+coffeen,130,2
+tolstoy,1805,3
+leonardo,291,17
+hiteman,445,1
+ranchester,258,0
+stockman,1272,0
+wainscott,1720,1
+allensville,65,1
+lindenwood,2121,2
+klickitat,2032,1
+wainscott,589,1
+tolstoy,865,1
+klickitat,2355,1
+woodbine,796,0
+marstons,564,6
+hiteman,1246,3
+merom,527,2
+hanson,992,8
+lindenwood,2359,8
+onaga,673,0
+lindenwood,366,4
+stockman,995,0
+marstons,914,2
+stockman,208,3
+klickitat,1849,15
+stockman,497,2
+newfields,589,6
+tolstoy,668,8
+coffeen,383,0
+newfields,1116,8
+cosmos,413,2
+newfields,495,5
+mifflinburg,271,0
+lakeville,759,2
+klickitat,1203,6
+beechwood,1099,2
+allensville,97,3
+hanson,568,5
+newfields,579,0
+pomaria,221,0
+shelbyville,2387,2
+lindenwood,1975,0
+hanson,690,5
+leonardo,1112,9
+benevolence,176,0
+woodbine,1773,0
+ranchester,1331,10
+lakeville,1473,0
+klickitat,1303,4
+tolstoy,582,11
+klickitat,684,5
+hanson,56,1
+wainscott,128,0
+beechwood,519,6
+marstons,381,1
+hiteman,1622,10
+tolstoy,1785,9
+forkland,163,2
+allensville,26,1
+cosmos,958,1
+mifflinburg,727,2
+woodbine,859,2
+lindenwood,703,0
+pomaria,801,0
+marstons,287,3
+lindenwood,811,3
+klickitat,774,7
+coffeen,804,3
+klickitat,1026,1
+marstons,2530,1
+woodbine,2015,1
+leonardo,723,3
+onaga,68,1
+cosmos,669,3
+wainscott,59,9
+lindenwood,1111,1
+lakeville,1029,2
+shelbyville,842,0
+benevolence,603,6
+lindenwood,1439,8
+shelbyville,2732,2
+mifflinburg,24,0
+klickitat,39,1
+pomaria,1066,6
+wainscott,40,0
+klickitat,1071,1
+marstons,1547,0
+lakeville,828,3
+klickitat,385,1
+pomaria,1452,3
+hanson,1554,9
+hanson,50,4
+pomaria,1664,1
+woodbine,1789,4
+lindenwood,104,2
+shelbyville,201,0
+leonardo,129,3
+pomaria,1046,9
+stockman,1055,1
+shelbyville,649,11
+klickitat,707,7
+lindenwood,1905,8
+hanson,218,2
+lindenwood,1025,10
+shelbyville,1376,0
+leonardo,1039,5
+marstons,628,14
+lakeville,376,3
+klickitat,1966,2
+coffeen,955,4
+woodbine,1724,6
+lakeville,886,1
+pinesdale,1010,4
+lakeville,602,9
+klickitat,443,4
+tolstoy,1435,11
+forkland,966,1
+tolstoy,190,2
+forkland,1052,2
+lindenwood,1118,0
+newfields,1296,4
+klickitat,70,4
+leonardo,1239,2
+ranchester,250,2
+wainscott,1709,5
+leonardo,648,0
+newfields,1281,5
+marstons,345,3
+lakeville,1876,0
+shelbyville,613,2
+pomaria,196,2
+pomaria,606,0
+woodbine,1827,9
+marstons,1468,1
+coffeen,942,0
+lindenwood,2208,1
+leonardo,214,9
+lakeville,922,3
+beechwood,961,3
+hiteman,1138,2
+onaga,120,0
+tolstoy,925,3
+hiteman,219,0
+shelbyville,2361,2
+merom,430,3
+lakeville,738,2
+pomaria,330,11
+stockman,1486,2
+tolstoy,948,1
+shelbyville,1666,5
+klickitat,966,2
+hiteman,819,1
+lindenwood,2617,1
+shelbyville,1559,6
+shelbyville,2745,1
+coffeen,1149,10
+marstons,91,3
+hiteman,441,0
+merom,797,2
+klickitat,1440,1
+klickitat,1945,1
+woodbine,1924,6
+cosmos,929,13
+lakeville,347,8
+pomaria,1103,3
+newfields,1568,2
+wainscott,172,6
+merom,840,4
+leonardo,1073,0
+beechwood,837,1
+lindenwood,1007,0
+lakeville,1088,0
+lindenwood,2478,2
+shelbyville,155,0
+klickitat,1167,2
+allensville,371,0
+marstons,2210,3
+newfields,1079,3
+leonardo,954,1
+stockman,152,0
+wainscott,230,4
+klickitat,2188,13
+pomaria,657,4
+marstons,1639,2
+wainscott,1336,4
+lakeville,1402,4
+lindenwood,66,1
+coffeen,1130,5
+forkland,576,0
+lindenwood,1311,9
+onaga,71,2
+pinesdale,527,4
+leonardo,874,2
+lindenwood,164,2
+stockman,1356,3
+shelbyville,382,1
+shelbyville,633,3
+coffeen,1315,3
+hanson,1180,0
+pomaria,1429,5
+lindenwood,2516,6
+stockman,1369,0
+lindenwood,732,3
+wainscott,1082,5
+leonardo,591,2
+coffeen,628,3
+marstons,1734,3
+klickitat,1959,3
+cosmos,244,2
+klickitat,1008,5
+pomaria,1636,5
+wainscott,1621,3
+klickitat,90,3
+mifflinburg,844,3
+pomaria,547,2
+marstons,762,3
+leonardo,978,9
+klickitat,972,0
+woodbine,1222,2
+hanson,814,11
+lindenwood,2141,2
+ranchester,30,3
+pinesdale,348,3
+leonardo,1605,1
+marstons,1219,0
+klickitat,64,0
+woodbine,66,4
+ranchester,462,1
+shelbyville,2742,2
+forkland,202,0
+newfields,1530,2
+lakeville,1206,0
+merom,892,0
+ranchester,1465,8
+stockman,212,1
+marstons,977,0
+shelbyville,1858,5
+wainscott,1792,8
+woodbine,610,5
+forkland,225,4
+hanson,94,3
+pomaria,525,1
+onaga,440,2
+ranchester,1525,2
+hiteman,498,0
+leonardo,72,7
+marstons,2164,7
+hanson,537,4
+hiteman,1162,0
+klickitat,1302,10
+hanson,738,10
+pinesdale,152,13
+benevolence,486,3
+lindenwood,2137,15
+hanson,1247,17
+allensville,174,3
+cosmos,329,4
+lindenwood,598,4
+newfields,1221,8
+cosmos,869,5
+lindenwood,2545,2
+marstons,1431,5
+woodbine,646,3
+ranchester,774,4
+pinesdale,1145,2
+hiteman,390,9
+marstons,2327,2
+stockman,568,1
+benevolence,718,3
+merom,543,10
+shelbyville,852,2
+shelbyville,1773,1
+shelbyville,749,20
+shelbyville,1655,3
+leonardo,586,12
+klickitat,2278,4
+shelbyville,1927,5
+beechwood,16,10
+woodbine,453,3
+leonardo,1399,5
+wainscott,491,1
+wainscott,523,2
+tolstoy,534,7
+stockman,1334,2
+forkland,456,1
+benevolence,38,0
+shelbyville,2217,5
+lakeville,1,1
+ranchester,1430,1
+ranchester,1431,0
+klickitat,1553,13
+coffeen,821,3
+ranchester,176,8
+hiteman,355,8
+hiteman,171,1
+stockman,308,6
+woodbine,1404,1
+benevolence,977,2
+marstons,606,8
+hanson,416,2
+hiteman,1487,12
+hanson,937,2
+pomaria,1122,3
+marstons,1301,6
+ranchester,268,2
+leonardo,956,2
+beechwood,901,3
+lindenwood,2395,4
+hanson,1388,8
+woodbine,96,7
+newfields,124,11
+hanson,598,10
+shelbyville,2265,2
+pomaria,744,6
+leonardo,1144,0
+leonardo,365,2
+tolstoy,194,3
+leonardo,707,3
+lakeville,136,2
+shelbyville,978,5
+lindenwood,2604,10
+leonardo,1184,3
+ranchester,58,10
+lakeville,393,2
+woodbine,578,0
+merom,869,4
+shelbyville,324,3
+klickitat,640,8
+woodbine,1064,3
+lindenwood,1347,1
+stockman,619,2
+lindenwood,2384,0
+coffeen,1387,0
+lindenwood,622,0
+hanson,122,2
+marstons,1152,7
+wainscott,1543,5
+lindenwood,2087,4
+lakeville,1537,0
+lindenwood,754,2
+ranchester,182,12
+merom,278,6
+ranchester,1368,4
+shelbyville,375,5
+pomaria,594,0
+stockman,307,0
+woodbine,1587,0
+marstons,1324,4
+merom,95,3
+tolstoy,585,1
+pomaria,1463,0
+merom,587,0
+mifflinburg,584,0
+hiteman,1435,1
+woodbine,1727,7
+wainscott,880,12
+cosmos,896,7
+tolstoy,661,1
+merom,559,4
+woodbine,232,0
+marstons,201,2
+marstons,1920,7
+pinesdale,54,3
+klickitat,113,2
+klickitat,923,1
+lakeville,1458,2
+wainscott,394,1
+leonardo,1499,0
+tolstoy,1354,0
+klickitat,2189,2
+marstons,1289,4
+shelbyville,2332,4
+ranchester,1243,6
+hanson,1182,0
+leonardo,1859,0
+marstons,547,0
+shelbyville,1352,8
+tolstoy,1767,9
+pinesdale,879,2
+marstons,2284,2
+lakeville,972,0
+shelbyville,2404,4
+lindenwood,327,12
+pomaria,186,8
+lindenwood,1873,1
+lindenwood,1772,3
+wainscott,539,2
+allensville,457,2
+leonardo,263,2
+lindenwood,2483,2
+ranchester,1159,2
+shelbyville,1445,4
+lindenwood,964,11
+leonardo,516,2
+forkland,610,0
+wainscott,925,3
+lindenwood,968,5
+coffeen,1449,0
+tolstoy,185,0
+tolstoy,985,5
+pinesdale,152,5
+hanson,6,6
+leonardo,312,0
+pinesdale,765,8
+stockman,584,3
+lakeville,1696,1
+merom,893,2
+lindenwood,2553,0
+klickitat,1654,2
+lindenwood,2215,4
+leonardo,1836,3
+hanson,1109,4
+lakeville,1762,1
+klickitat,33,9
+leonardo,1527,2
+marstons,2123,2
+pomaria,918,3
+marstons,274,0
+shelbyville,2621,4
+merom,958,1
+klickitat,1024,1
+newfields,183,8
+tolstoy,1060,9
+lindenwood,2226,1
+forkland,157,1
+stockman,1582,3
+leonardo,1569,2
+woodbine,235,5
+shelbyville,1743,1
+pomaria,688,2
+hiteman,334,5
+allensville,365,6
+wainscott,727,7
+tolstoy,270,8
+hiteman,537,0
+pomaria,1666,10
+leonardo,1743,3
+woodbine,1584,1
+ranchester,874,1
+coffeen,279,6
+pomaria,1289,10
+pomaria,454,3
+klickitat,2377,13
+leonardo,528,3
+shelbyville,2257,2
+stockman,653,1
+leonardo,431,1
+newfields,610,6
+lindenwood,2598,4
+newfields,787,13
+beechwood,567,1
+coffeen,1385,0
+pomaria,461,6
+lindenwood,1542,0
+newfields,1410,5
+lakeville,399,0
+ranchester,223,2
+benevolence,52,1
+pomaria,1174,0
+tolstoy,317,1
+newfields,257,6
+stockman,1438,0
+hiteman,864,11
+tolstoy,1527,5
+lindenwood,886,3
+forkland,768,2
+leonardo,761,5
+klickitat,206,6
+ranchester,486,3
+leonardo,765,3
+klickitat,279,6
+hiteman,1629,6
+pinesdale,68,6
+marstons,752,4
+newfields,492,4
+cosmos,523,1
+marstons,1206,2
+woodbine,1765,9
+hanson,1010,1
+stockman,964,3
+ranchester,607,1
+woodbine,643,4
+marstons,259,1
+woodbine,1051,11
+lindenwood,407,0
+wainscott,427,6
+klickitat,173,3
+hanson,1490,3
+stockman,1386,3
+hiteman,1446,1
+hiteman,462,2
+klickitat,2361,2
+stockman,182,7
+forkland,587,2
+lindenwood,708,2
+shelbyville,1830,4
+leonardo,1132,3
+tolstoy,1220,3
+ranchester,792,4
+onaga,459,3
+pinesdale,975,5
+stockman,687,4
+woodbine,962,8
+mifflinburg,937,11
+lindenwood,1293,9
+benevolence,445,1
+marstons,2330,0
+lindenwood,1268,2
+hiteman,586,2
+hanson,229,6
+wainscott,1090,3
+stockman,1107,1
+ranchester,695,1
+coffeen,324,2
+newfields,360,14
+shelbyville,189,4
+pomaria,116,3
+shelbyville,2440,2
+pinesdale,630,4
+pinesdale,1413,1
+mifflinburg,740,2
+beechwood,1066,5
+shelbyville,2075,3
+pomaria,1109,2
+ranchester,792,10
+shelbyville,1021,2
+stockman,19,6
+coffeen,1300,3
+ranchester,1377,5
+lindenwood,2208,13
+beechwood,475,4
+klickitat,1565,3
+tolstoy,200,0
+klickitat,986,12
+hiteman,1781,8
+lindenwood,1266,5
+lindenwood,2205,2
+klickitat,327,0
+pomaria,743,8
+pinesdale,923,0
+lindenwood,2655,0
+shelbyville,2316,2
+lindenwood,1268,3
+hiteman,913,4
+lindenwood,179,3
+hanson,2,3
+cosmos,21,4
+marstons,2277,0
+beechwood,498,4
+hanson,1223,5
+coffeen,341,2
+lakeville,345,2
+beechwood,389,0
+hanson,331,10
+pomaria,667,1
+lindenwood,546,5
+marstons,2157,11
+ranchester,1497,1
+klickitat,69,10
+leonardo,366,0
+tolstoy,541,1
+lindenwood,1684,3
+newfields,776,3
+wainscott,454,0
+woodbine,1832,9
+marstons,2433,4
+hanson,1230,6
+pomaria,1657,1
+marstons,2182,3
+hiteman,408,4
+coffeen,1061,5
+marstons,1504,11
+marstons,1400,1
+leonardo,900,0
+ranchester,1072,5
+lindenwood,1841,5
+ranchester,269,11
+tolstoy,452,7
+lakeville,1887,7
+wainscott,582,5
+woodbine,1444,2
+lakeville,459,6
+forkland,141,3
+pomaria,1162,2
+forkland,585,1
+newfields,721,6
+ranchester,1265,2
+beechwood,747,2
+marstons,2607,2
+marstons,1288,5
+leonardo,569,1
+klickitat,1708,4
+forkland,679,7
+lindenwood,401,6
+lakeville,1054,0
+pinesdale,855,2
+klickitat,295,9
+marstons,2414,2
+marstons,2101,6
+mifflinburg,288,1
+shelbyville,1306,1
+stockman,1553,3
+lindenwood,113,3
+hiteman,1763,6
+hanson,1377,1
+klickitat,414,1
+shelbyville,2236,2
+newfields,1476,6
+klickitat,2304,5
+shelbyville,1408,1
+pinesdale,432,1
+tolstoy,456,10
+shelbyville,1199,11
+lakeville,459,7
+onaga,431,6
+marstons,705,0
+hiteman,286,4
+lindenwood,616,3
+newfields,628,3
+pomaria,1416,3
+hiteman,1843,3
+klickitat,1320,3
+cosmos,375,1
+coffeen,414,0
+lindenwood,1164,4
+leonardo,1242,0
+hiteman,975,6
+leonardo,1362,9
+beechwood,776,7
+marstons,345,0
+pinesdale,1170,1
+hanson,402,6
+hiteman,1448,2
+marstons,831,1
+tolstoy,754,0
+hanson,475,5
+newfields,1243,0
+marstons,1982,9
+tolstoy,1041,1
+lakeville,325,3
+tolstoy,504,10
+newfields,855,6
+pomaria,1348,4
+lakeville,1339,2
+woodbine,597,9
+marstons,1655,3
+beechwood,197,3
+hanson,1145,0
+pomaria,1466,3
+hiteman,123,11
+lakeville,1027,1
+wainscott,1370,10
+onaga,540,4
+wainscott,1170,9
+marstons,1653,0
+coffeen,1199,0
+wainscott,471,0
+forkland,763,2
+pomaria,117,0
+hiteman,1730,2
+klickitat,1567,7
+beechwood,789,0
+klickitat,1894,1
+marstons,1504,0
+klickitat,173,8
+mifflinburg,73,0
+beechwood,129,0
+wainscott,148,0
+woodbine,310,2
+pinesdale,206,6
+marstons,1921,6
+pinesdale,947,0
+hanson,300,13
+newfields,42,6
+leonardo,305,2
+shelbyville,2231,4
+shelbyville,2200,7
+lakeville,1799,5
+forkland,595,0
+newfields,402,0
+tolstoy,468,0
+hanson,1055,13
+shelbyville,2029,8
+lindenwood,295,0
+hiteman,872,2
+leonardo,867,4
+shelbyville,1955,2
+benevolence,149,3
+shelbyville,2645,2
+shelbyville,1960,1
+beechwood,146,2
+coffeen,1316,1
+merom,988,1
+tolstoy,1801,9
+newfields,1147,2
+klickitat,137,1
+allensville,487,3
+allensville,376,2
+stockman,677,1
+marstons,904,2
+hanson,876,8
+hanson,415,10
+coffeen,382,9
+coffeen,1439,3
+shelbyville,188,3
+klickitat,1757,10
+lakeville,1705,3
+coffeen,1157,1
+onaga,440,0
+mifflinburg,813,1
+woodbine,222,0
+lindenwood,2074,3
+hiteman,1702,1
+marstons,993,11
+hiteman,1644,4
+coffeen,1165,0
+onaga,37,1
+marstons,69,6
+pomaria,196,3
+ranchester,534,0
+tolstoy,1167,1
+lindenwood,725,0
+shelbyville,421,13
+mifflinburg,486,1
+ranchester,1067,1
+mifflinburg,510,1
+hiteman,30,2
+lindenwood,896,2
+ranchester,634,2
+klickitat,990,4
+shelbyville,1686,6
+pinesdale,1110,5
+tolstoy,876,6
+marstons,1894,8
+pomaria,474,1
+pomaria,502,7
+klickitat,1484,7
+shelbyville,122,2
+tolstoy,1738,8
+marstons,768,0
+stockman,865,5
+coffeen,368,0
+lindenwood,276,1
+coffeen,526,1
+marstons,95,1
+newfields,524,0
+pinesdale,1367,2
+leonardo,2102,3
+klickitat,1685,1
+hanson,199,7
+mifflinburg,947,0
+allensville,489,0
+woodbine,2040,9
+wainscott,697,2
+pinesdale,1384,10
+wainscott,569,6
+mifflinburg,665,0
+lindenwood,249,2
+wainscott,1130,0
+marstons,875,1
+pinesdale,1048,2
+beechwood,646,5
+cosmos,708,8
+cosmos,504,1
+forkland,132,2
+marstons,2197,1
+coffeen,651,2
+lakeville,1868,2
+cosmos,12,2
+hanson,151,7
+lakeville,898,3
+allensville,65,2
+wainscott,677,0
+woodbine,508,0
+pinesdale,1134,3
+klickitat,424,0
+shelbyville,1239,5
+newfields,255,2
+onaga,659,4
+hanson,116,2
+hiteman,364,2
+klickitat,1905,3
+tolstoy,132,1
+hanson,285,0
+klickitat,1751,3
+wainscott,1125,1
+lindenwood,2131,0
+stockman,696,6
+klickitat,780,0
+beechwood,711,1
+lakeville,1603,14
+tolstoy,414,3
+lindenwood,1778,2
+leonardo,869,7
+marstons,1343,2
+hanson,554,4
+newfields,535,13
+woodbine,1768,0
+wainscott,903,4
+marstons,493,1
+ranchester,316,0
+klickitat,2078,2
+woodbine,1072,1
+cosmos,593,4
+pinesdale,1381,2
+merom,906,5
+coffeen,1336,4
+lindenwood,1624,5
+shelbyville,1224,2
+tolstoy,1592,6
+wainscott,528,17
+shelbyville,96,6
+pinesdale,650,0
+wainscott,872,3
+coffeen,627,3
+shelbyville,2385,3
+klickitat,472,10
+beechwood,517,1
+lakeville,1127,3
+hanson,1116,8
+stockman,62,2
+lakeville,1525,7
+pomaria,1534,8
+shelbyville,1035,7
+coffeen,1034,2
+benevolence,253,1
+pomaria,884,3
+lakeville,960,0
+wainscott,834,7
+lindenwood,1822,1
+woodbine,157,4
+klickitat,275,3
+hanson,1537,2
+pinesdale,425,7
+lindenwood,1394,4
+merom,371,4
+stockman,242,2
+tolstoy,1543,2
+newfields,825,10
+shelbyville,2096,0
+coffeen,318,1
+marstons,2128,0
+hiteman,1699,5
+hiteman,1608,3
+shelbyville,67,0
+wainscott,1454,3
+marstons,1865,2
+pinesdale,1407,0
+leonardo,253,4
+hiteman,303,3
+leonardo,1240,4
+klickitat,1779,9
+shelbyville,330,3
+tolstoy,834,0
+lindenwood,883,1
+newfields,1634,2
+newfields,1547,9
+marstons,2624,2
+stockman,517,1
+beechwood,390,3
+lakeville,575,0
+onaga,445,5
+lakeville,1208,10
+lindenwood,367,0
+hanson,1441,1
+ranchester,461,10
+coffeen,205,2
+lakeville,1412,6
+ranchester,540,0
+klickitat,2092,1
+marstons,1151,3
+woodbine,195,0
+mifflinburg,526,0
+klickitat,735,5
+lindenwood,170,3
+klickitat,1212,3
+woodbine,795,3
+wainscott,527,3
+allensville,252,0
+hanson,363,1
+klickitat,2168,3
+forkland,38,4
+marstons,1816,2
+beechwood,1031,5
+cosmos,761,0
+woodbine,350,10
+leonardo,1591,15
+beechwood,1044,2
+leonardo,85,11
+marstons,804,8
+tolstoy,1210,8
+beechwood,464,5
+woodbine,2023,11
+pomaria,1677,2
+onaga,67,1
+coffeen,724,0
+lindenwood,2103,3
+ranchester,1611,7
+klickitat,1495,22
+lindenwood,1328,2
+tolstoy,1833,0
+pomaria,180,10
+lindenwood,733,16
+benevolence,8,8
+marstons,774,1
+pomaria,1259,2
+coffeen,232,0
+klickitat,1684,3
+marstons,1027,11
+hiteman,634,6
+lindenwood,1820,7
+lakeville,1654,6
+shelbyville,285,0
+pinesdale,671,4
+leonardo,1591,6
+pinesdale,487,0
+lakeville,1093,0
+pomaria,746,0
+lakeville,794,12
+shelbyville,2600,4
+klickitat,1968,0
+forkland,406,3
+woodbine,942,5
+hanson,467,5
+ranchester,395,8
+stockman,483,1
+klickitat,2310,11
+shelbyville,1505,1
+ranchester,35,3
+hiteman,96,0
+woodbine,1934,9
+wainscott,1662,5
+pomaria,698,2
+pomaria,934,7
+leonardo,800,0
+coffeen,809,4
+leonardo,122,2
+coffeen,160,0
+beechwood,76,1
+woodbine,1629,11
+tolstoy,1436,0
+marstons,81,10
+coffeen,1221,2
+forkland,791,5
+leonardo,1954,4
+mifflinburg,524,7
+cosmos,1062,2
+lakeville,902,0
+wainscott,864,0
+stockman,121,3
+klickitat,1486,1
+shelbyville,176,2
+forkland,107,6
+wainscott,1478,7
+woodbine,47,1
+leonardo,1171,1
+stockman,747,7
+merom,566,4
+wainscott,374,7
+tolstoy,510,1
+lakeville,435,4
+shelbyville,1061,2
+cosmos,1021,4
+lindenwood,130,1
+klickitat,486,9
+pinesdale,1371,15
+ranchester,896,6
+merom,770,7
+woodbine,796,5
+leonardo,2035,15
+shelbyville,2576,2
+merom,285,4
+klickitat,760,2
+klickitat,1609,4
+allensville,328,0
+hiteman,795,14
+shelbyville,199,18
+cosmos,602,0
+coffeen,674,0
+tolstoy,534,1
+ranchester,212,3
+tolstoy,2,4
+merom,1039,2
+tolstoy,1576,0
+lindenwood,2264,7
+hanson,7,2
+cosmos,131,6
+leonardo,744,0
+wainscott,925,12
+coffeen,49,7
+marstons,111,7
+coffeen,882,1
+woodbine,1868,10
+lindenwood,747,14
+ranchester,556,3
+lindenwood,2505,0
+woodbine,1725,1
+allensville,43,3
+lakeville,462,1
+leonardo,1200,4
+tolstoy,1366,15
+pinesdale,205,0
+pomaria,388,14
+klickitat,928,5
+newfields,1057,1
+lakeville,561,15
+shelbyville,1240,7
+hanson,802,0
+marstons,1186,3
+shelbyville,1773,3
+lindenwood,1626,9
+ranchester,821,3
+shelbyville,2277,6
+newfields,1650,1
+onaga,14,0
+klickitat,614,3
+klickitat,1271,13
+marstons,1330,3
+shelbyville,128,3
+lakeville,909,1
+shelbyville,1253,1
+klickitat,1657,6
+newfields,1499,0
+hiteman,1154,1
+klickitat,1201,7
+newfields,1317,4
+stockman,1564,3
+marstons,1597,0
+mifflinburg,29,5
+lakeville,279,0
+beechwood,274,0
+marstons,2448,5
+mifflinburg,480,3
+mifflinburg,251,5
+klickitat,1247,2
+klickitat,1315,3
+marstons,1102,1
+woodbine,509,4
+newfields,1426,2
+coffeen,1232,5
+stockman,771,0
+klickitat,2227,5
+merom,232,0
+klickitat,1470,8
+newfields,1602,6
+lindenwood,1483,6
+lindenwood,745,3
+woodbine,986,9
+coffeen,236,0
+hiteman,1019,3
+hiteman,388,1
+merom,233,1
+lakeville,1456,3
+woodbine,1344,3
+hanson,316,4
+klickitat,1937,0
+shelbyville,2021,1
+woodbine,540,3
+marstons,51,2
+hanson,304,6
+merom,43,4
+woodbine,415,0
+ranchester,126,2
+pomaria,314,7
+tolstoy,669,4
+klickitat,345,11
+newfields,394,1
+lakeville,1860,15
+wainscott,1300,11
+hiteman,106,1
+lindenwood,1616,8
+marstons,174,3
+stockman,1385,0
+pomaria,1008,7
+pomaria,419,2
+mifflinburg,639,1
+lakeville,1418,0
+lakeville,54,11
+pomaria,964,5
+tolstoy,795,9
+lakeville,48,0
+leonardo,537,2
+woodbine,1845,8
+hanson,672,18
+newfields,492,9
+stockman,1067,4
+marstons,1754,0
+marstons,1293,4
+ranchester,1107,5
+wainscott,1025,9
+marstons,93,12
+lakeville,534,6
+shelbyville,807,2
+klickitat,467,2
+lakeville,1672,0
+hiteman,654,9
+lindenwood,800,4
+forkland,1145,5
+marstons,837,2
+hanson,69,2
+pomaria,1560,16
+pinesdale,339,6
+marstons,1393,3
+shelbyville,323,3
+lindenwood,2169,0
+hiteman,432,4
+hiteman,1637,0
+lakeville,1342,2
+leonardo,1989,2
+hiteman,1588,0
+klickitat,97,10
+ranchester,546,0
+allensville,459,1
+leonardo,1705,9
+newfields,1458,11
+woodbine,1369,7
+tolstoy,1489,4
+marstons,464,2
+newfields,1560,1
+beechwood,667,4
+marstons,525,1
+forkland,685,2
+lindenwood,1370,5
+pomaria,1643,8
+coffeen,677,3
+leonardo,201,7
+forkland,444,3
+cosmos,155,0
+stockman,1246,0
+pinesdale,838,2
+klickitat,1418,0
+lindenwood,264,2
+stockman,4,3
+woodbine,69,0
+pomaria,1,2
+pomaria,741,2
+newfields,437,8
+pomaria,1588,2
+wainscott,353,4
+mifflinburg,469,2
+wainscott,1457,0
+stockman,1537,4
+klickitat,1539,2
+cosmos,914,0
+beechwood,17,0
+tolstoy,290,7
+shelbyville,57,0
+leonardo,682,3
+lindenwood,577,6
+shelbyville,142,8
+forkland,639,1
+marstons,115,4
+leonardo,656,0
+lindenwood,343,3
+lindenwood,2641,3
+newfields,1160,7
+lindenwood,2191,4
+leonardo,894,3
+lindenwood,339,1
+ranchester,517,5
+hiteman,874,2
+lindenwood,1593,1
+lakeville,1303,2
+pinesdale,821,1
+marstons,2577,3
+lakeville,777,1
+lindenwood,132,3
+lakeville,250,1
+hiteman,1829,8
+tolstoy,724,0
+woodbine,605,3
+lindenwood,953,2
+hanson,1617,2
+allensville,84,0
+forkland,609,2
+marstons,2231,7
+ranchester,305,0
+pinesdale,1258,6
+marstons,644,2
+merom,501,0
+hiteman,1630,2
+klickitat,2379,8
+pomaria,750,13
+allensville,386,1
+hiteman,997,5
+shelbyville,2226,6
+newfields,1378,3
+lakeville,425,7
+newfields,120,9
+benevolence,746,7
+marstons,1620,5
+lindenwood,778,0
+cosmos,836,1
+klickitat,107,1
+woodbine,868,4
+mifflinburg,635,1
+leonardo,827,1
+cosmos,479,7
+forkland,612,9
+stockman,1046,5
+benevolence,949,0
+wainscott,896,4
+forkland,659,1
+onaga,415,0
+tolstoy,723,2
+lakeville,1603,4
+lindenwood,1782,2
+klickitat,611,16
+shelbyville,35,4
+shelbyville,490,12
+onaga,185,6
+beechwood,1079,4
+mifflinburg,606,3
+stockman,430,4
+forkland,639,4
+wainscott,1638,0
+klickitat,2340,12
+pinesdale,54,6
+lindenwood,1030,2
+klickitat,50,8
+woodbine,1313,6
+klickitat,890,1
+leonardo,1863,0
+ranchester,1482,2
+cosmos,797,3
+benevolence,109,5
+marstons,139,11
+marstons,1213,15
+beechwood,149,0
+wainscott,97,3
+pinesdale,385,0
+leonardo,227,2
+pinesdale,1076,8
+shelbyville,1550,14
+woodbine,1929,9
+pomaria,1558,0
+onaga,317,3
+marstons,1365,2
+forkland,23,6
+lakeville,672,15
+tolstoy,107,0
+klickitat,74,9
+benevolence,255,0
+forkland,452,1
+mifflinburg,900,2
+newfields,230,7
+lindenwood,1009,7
+stockman,357,2
+shelbyville,2335,4
+marstons,1465,5
+stockman,750,0
+marstons,1350,0
+mifflinburg,546,3
+pinesdale,888,5
+tolstoy,1267,1
+wainscott,880,6
+beechwood,836,1
+leonardo,173,1
+marstons,1714,13
+pomaria,690,1
+pomaria,1063,2
+shelbyville,1347,9
+marstons,932,2
+marstons,1240,2
+hiteman,1662,0
+marstons,2568,2
+merom,119,2
+stockman,630,1
+pomaria,662,5
+ranchester,1410,11
+tolstoy,632,8
+hiteman,1462,2
+ranchester,445,1
+shelbyville,1698,3
+coffeen,575,3
+pinesdale,760,3
+benevolence,548,9
+pomaria,1361,0
+tolstoy,468,1
+coffeen,240,8
+forkland,662,4
+hanson,1656,8
+cosmos,1002,6
+lakeville,350,10
+cosmos,220,7
+mifflinburg,113,11
+ranchester,1027,3
+stockman,323,0
+forkland,119,7
+beechwood,1046,4
+ranchester,673,0
+marstons,1128,8
+klickitat,751,6
+cosmos,466,4
+newfields,821,8
+leonardo,1715,4
+klickitat,1123,2
+cosmos,1050,0
+hanson,1226,5
+beechwood,60,1
+newfields,907,14
+woodbine,1445,2
+lakeville,930,2
+shelbyville,1916,3
+stockman,193,5
+lindenwood,932,7
+tolstoy,537,0
+cosmos,665,10
+stockman,301,0
+shelbyville,517,2
+merom,427,0
+pomaria,1282,6
+klickitat,148,0
+hanson,30,2
+pinesdale,225,12
+cosmos,84,6
+klickitat,2174,3
+pinesdale,445,1
+lindenwood,1267,3
+wainscott,725,8
+lakeville,1811,3
+cosmos,73,2
+hiteman,441,6
+hiteman,412,2
+pomaria,725,6
+pinesdale,113,6
+hiteman,956,6
+newfields,459,5
+newfields,970,0
+pomaria,465,4
+stockman,743,2
+stockman,976,1
+shelbyville,2543,3
+hiteman,239,0
+newfields,719,7
+marstons,1626,1
+onaga,27,4
+stockman,660,0
+leonardo,614,0
+shelbyville,2762,1
+pinesdale,1390,4
+woodbine,1198,4
+lakeville,1694,4
+hiteman,196,0
+newfields,1623,3
+klickitat,1226,0
+benevolence,71,1
+cosmos,631,4
+merom,923,2
+marstons,1517,0
+leonardo,1703,6
+klickitat,1779,11
+coffeen,261,3
+marstons,693,3
+pomaria,741,1
+marstons,2160,0
+pomaria,1422,3
+shelbyville,1344,0
+newfields,884,4
+ranchester,676,1
+hanson,779,0
+klickitat,65,14
+lindenwood,1546,5
+forkland,459,1
+beechwood,1112,0
+coffeen,529,9
+lindenwood,2433,2
+beechwood,557,1
+woodbine,1213,1
+hiteman,470,9
+shelbyville,2735,4
+merom,765,2
+leonardo,1068,0
+benevolence,360,4
+wainscott,1490,10
+wainscott,513,12
+ranchester,877,0
+hiteman,1153,1
+lindenwood,1976,0
+forkland,1092,1
+klickitat,352,0
+newfields,293,4
+pinesdale,1173,1
+lakeville,1614,12
+newfields,932,8
+pomaria,934,5
+newfields,1115,1
+leonardo,447,0
+klickitat,530,12
+shelbyville,2223,0
+merom,574,2
+coffeen,542,6
+shelbyville,1362,2
+ranchester,1531,9
+shelbyville,589,3
+woodbine,746,4
+woodbine,96,3
+cosmos,729,4
+pinesdale,1020,0
+woodbine,62,10
+klickitat,2053,0
+hiteman,171,4
+lakeville,1512,0
+tolstoy,614,0
+woodbine,1665,4
+shelbyville,2666,6
+klickitat,1177,8
+tolstoy,99,6
+beechwood,814,0
+hiteman,1699,4
+shelbyville,2150,2
+cosmos,467,9
+tolstoy,1259,3
+shelbyville,783,8
+woodbine,1341,2
+tolstoy,249,9
+klickitat,2231,1
+forkland,1180,4
+marstons,771,5
+leonardo,797,3
+marstons,1885,0
+lakeville,1895,1
+newfields,941,0
+shelbyville,1495,9
+coffeen,1096,0
+pomaria,888,1
+ranchester,477,3
+lindenwood,1215,2
+forkland,751,1
+wainscott,1105,7
+leonardo,1432,1
+wainscott,1731,2
+cosmos,126,1
+stockman,133,1
+leonardo,857,0
+lindenwood,1651,9
+stockman,945,1
+marstons,149,10
+lakeville,1601,17
+hiteman,818,0
+leonardo,1536,10
+allensville,34,1
+ranchester,1526,6
+pinesdale,566,6
+beechwood,431,5
+coffeen,1307,4
+merom,650,3
+ranchester,174,3
+forkland,303,4
+leonardo,399,10
+klickitat,693,18
+stockman,1516,8
+ranchester,176,6
+hiteman,823,2
+newfields,1024,1
+woodbine,1478,7
+wainscott,1654,0
+ranchester,269,13
+lindenwood,1255,1
+marstons,504,4
+lakeville,536,7
+lakeville,1712,0
+hiteman,1704,10
+lakeville,1120,2
+pomaria,878,3
+woodbine,718,4
+hanson,676,0
+tolstoy,794,3
+hanson,1326,0
+mifflinburg,904,1
+lindenwood,287,2
+marstons,1399,1
+leonardo,686,1
+wainscott,4,12
+newfields,125,5
+lakeville,1825,0
+lindenwood,856,1
+tolstoy,904,2
+pomaria,1308,5
+wainscott,361,2
+pomaria,1659,7
+lakeville,1068,4
+pomaria,83,1
+shelbyville,1916,7
+onaga,85,0
+merom,330,0
+lindenwood,1782,11
+lindenwood,549,4
+ranchester,378,4
+wainscott,181,2
+leonardo,435,12
+woodbine,381,3
+klickitat,620,4
+ranchester,867,2
+stockman,705,3
+tolstoy,502,3
+lindenwood,2493,4
+klickitat,89,1
+ranchester,1203,7
+mifflinburg,971,8
+klickitat,2211,5
+onaga,160,0
+lakeville,882,5
+newfields,779,11
+hiteman,1770,3
+ranchester,1036,5
+tolstoy,1681,2
+klickitat,2410,5
+leonardo,573,9
+marstons,443,2
+marstons,503,5
+marstons,1205,1
+forkland,870,2
+hanson,209,1
+lakeville,1448,1
+stockman,202,2
+pomaria,957,0
+forkland,1068,1
+pomaria,1013,7
+hiteman,219,10
+woodbine,1892,7
+woodbine,231,0
+mifflinburg,3,0
+leonardo,1263,0
+lindenwood,2515,3
+forkland,308,2
+leonardo,555,7
+newfields,31,14
+pinesdale,116,6
+ranchester,292,3
+lakeville,707,2
+wainscott,788,2
+newfields,1041,3
+lindenwood,115,3
+lakeville,1388,10
+tolstoy,820,3
+woodbine,884,1
+pinesdale,23,1
+stockman,408,0
+pinesdale,1383,3
+tolstoy,847,3
+pomaria,1336,0
+lakeville,628,7
+merom,284,5
+allensville,62,1
+ranchester,1355,4
+lindenwood,1751,1
+forkland,883,1
+pomaria,933,5
+klickitat,149,7
+pinesdale,1009,0
+cosmos,561,7
+hiteman,285,5
+allensville,89,1
+wainscott,139,6
+woodbine,368,7
+hanson,1392,2
+pinesdale,513,1
+pomaria,565,3
+shelbyville,2430,15
+tolstoy,402,1
+shelbyville,371,2
+shelbyville,1784,4
+tolstoy,1693,16
+tolstoy,1366,6
+hiteman,232,10
+cosmos,308,2
+ranchester,85,2
+benevolence,788,0
+beechwood,711,7
+klickitat,2177,5
+hanson,1501,0
+lindenwood,1601,9
+wainscott,467,7
+marstons,1081,5
+klickitat,1213,15
+ranchester,700,1
+hanson,1425,2
+shelbyville,490,18
+woodbine,1419,8
+stockman,40,7
+klickitat,1546,1
+hanson,741,0
+lakeville,987,1
+ranchester,1142,5
+marstons,2144,5
+lakeville,15,5
+mifflinburg,233,1
+woodbine,308,6
+benevolence,577,7
+coffeen,439,1
+cosmos,976,3
+onaga,477,2
+shelbyville,618,2
+lakeville,1343,8
+tolstoy,886,2
+beechwood,961,1
+shelbyville,930,8
+ranchester,1354,2
+lakeville,1242,0
+hiteman,537,1
+pomaria,1179,6
+marstons,242,9
+marstons,326,6
+ranchester,1111,2
+wainscott,1032,0
+pinesdale,1148,1
+lakeville,1831,3
+leonardo,868,2
+cosmos,533,4
+wainscott,1112,7
+pomaria,860,2
+newfields,1305,0
+lakeville,1235,1
+merom,160,1
+benevolence,150,5
+mifflinburg,372,0
+marstons,41,5
+shelbyville,1494,9
+lakeville,1222,1
+shelbyville,1541,1
+shelbyville,490,9
+lindenwood,1255,3
+shelbyville,841,0
+hanson,610,1
+lindenwood,293,1
+merom,357,4
+marstons,907,1
+forkland,960,2
+hanson,1102,1
+woodbine,1518,3
+pinesdale,776,3
+hiteman,1714,10
+shelbyville,1341,1
+lindenwood,1543,4
+forkland,940,6
+forkland,105,5
+hanson,505,2
+mifflinburg,879,5
+hanson,601,4
+klickitat,2024,1
+woodbine,7,9
+ranchester,821,0
+marstons,611,2
+lindenwood,1917,2
+woodbine,1969,2
+wainscott,400,9
+pomaria,449,0
+shelbyville,1507,14
+leonardo,1159,5
+woodbine,796,8
+newfields,528,14
+merom,323,1
+lakeville,1601,6
+forkland,533,1
+coffeen,384,3
+ranchester,106,2
+lindenwood,385,5
+lindenwood,2299,11
+hanson,731,1
+lindenwood,1488,2
+coffeen,716,1
+lakeville,1873,8
+shelbyville,2458,9
+wainscott,669,0
+woodbine,702,9
+ranchester,794,4
+leonardo,744,7
+pinesdale,790,8
+woodbine,2031,7
+stockman,209,5
+pinesdale,1118,5
+pomaria,12,6
+hanson,732,4
+hanson,249,2
+wainscott,593,6
+lindenwood,2027,2
+marstons,1787,8
+klickitat,17,4
+lakeville,660,1
+newfields,1593,15
+pinesdale,923,6
+hiteman,814,3
+tolstoy,1331,14
+pomaria,176,0
+wainscott,365,5
+forkland,958,3
+merom,525,1
+merom,582,9
+woodbine,1900,1
+klickitat,74,0
+forkland,1169,7
+stockman,798,4
+hanson,1466,12
+lakeville,101,4
+shelbyville,659,3
+hanson,1279,0
+tolstoy,482,2
+marstons,1514,1
+forkland,24,4
+leonardo,219,1
+lakeville,1575,3
+marstons,1866,4
+lindenwood,1741,2
+wainscott,172,1
+coffeen,142,6
+leonardo,1792,0
+tolstoy,207,4
+shelbyville,550,9
+mifflinburg,274,3
+tolstoy,300,5
+marstons,2224,12
+beechwood,1092,3
+pinesdale,1154,2
+allensville,433,2
+shelbyville,40,3
+newfields,1312,0
+lindenwood,257,11
+leonardo,832,0
+marstons,943,3
+klickitat,1506,5
+tolstoy,1782,11
+lindenwood,1597,5
+pomaria,664,7
+allensville,335,3
+lindenwood,246,0
+klickitat,141,2
+coffeen,1411,1
+wainscott,1713,11
+forkland,707,0
+lindenwood,1404,5
+woodbine,1571,6
+mifflinburg,165,2
+pinesdale,216,0
+shelbyville,2762,12
+shelbyville,1357,4
+woodbine,720,7
+ranchester,418,0
+cosmos,1,2
+forkland,330,3
+lakeville,851,8
+hiteman,465,3
+hanson,104,4
+ranchester,1564,0
+stockman,1616,1
+leonardo,421,4
+pinesdale,878,0
+marstons,2056,12
+marstons,753,5
+pinesdale,864,2
+lakeville,1704,21
+stockman,1181,1
+tolstoy,824,4
+wainscott,1278,0
+shelbyville,829,2
+marstons,2184,0
+newfields,1487,8
+ranchester,1067,5
+coffeen,925,3
+coffeen,1451,4
+shelbyville,1614,4
+merom,74,2
+klickitat,2250,10
+klickitat,2228,2
+lindenwood,458,3
+benevolence,289,8
+shelbyville,1553,0
+newfields,1168,1
+hanson,127,2
+ranchester,1541,0
+shelbyville,1901,2
+coffeen,762,4
+woodbine,2018,4
+hiteman,935,17
+ranchester,843,1
+shelbyville,87,10
+marstons,1809,0
+tolstoy,1554,4
+woodbine,1763,6
+marstons,2103,5
+mifflinburg,852,2
+klickitat,1762,5
+shelbyville,102,0
+coffeen,1241,7
+tolstoy,1479,0
+lakeville,111,4
+lakeville,394,4
+lakeville,1125,2
+wainscott,806,5
+shelbyville,1521,6
+tolstoy,116,9
+pinesdale,769,12
+woodbine,1337,12
+lindenwood,2053,4
+marstons,1586,10
+hanson,1258,1
+newfields,1137,1
+stockman,1513,1
+wainscott,1192,1
+shelbyville,2021,0
+hanson,17,6
+wainscott,1707,1
+pinesdale,1034,5
+shelbyville,138,0
+hiteman,818,4
+shelbyville,2452,5
+woodbine,1723,3
+tolstoy,1071,11
+ranchester,790,6
+wainscott,150,0
+ranchester,592,17
+marstons,1199,0
+shelbyville,1297,0
+klickitat,1481,0
+marstons,1929,3
+klickitat,393,1
+marstons,1288,9
+cosmos,570,0
+ranchester,312,1
+marstons,1020,1
+onaga,0,3
+klickitat,2329,9
+hanson,375,1
+pomaria,1310,2
+leonardo,740,4
+shelbyville,2430,11
+marstons,2059,0
+klickitat,1366,5
+marstons,725,9
+lindenwood,1254,5
+merom,71,7
+lindenwood,1945,4
+allensville,23,10
+wainscott,1259,4
+woodbine,463,4
+hiteman,775,0
+merom,626,2
+hiteman,651,1
+klickitat,2413,3
+hanson,1041,2
+marstons,578,0
+hanson,1015,0
+shelbyville,1093,4
+lindenwood,1653,6
+forkland,617,0
+cosmos,315,0
+pomaria,362,2
+forkland,746,3
+woodbine,459,2
+wainscott,461,7
+shelbyville,146,3
+mifflinburg,196,3
+klickitat,2193,4
+wainscott,981,1
+wainscott,1084,8
+cosmos,31,5
+hiteman,970,1
+hanson,1577,6
+shelbyville,1545,7
+wainscott,749,1
+leonardo,309,4
+shelbyville,2153,2
+shelbyville,1971,12
+newfields,1056,13
+merom,136,1
+shelbyville,2520,7
+newfields,192,7
+wainscott,1419,8
+pomaria,488,3
+tolstoy,992,1
+wainscott,205,2
+lakeville,50,1
+shelbyville,1431,10
+lakeville,1049,3
+shelbyville,2466,0
+marstons,1320,2
+tolstoy,1411,1
+cosmos,922,3
+merom,1003,2
+pomaria,0,4
+lakeville,1548,5
+klickitat,935,4
+hanson,1338,4
+woodbine,527,12
+onaga,613,9
+leonardo,1307,1
+hiteman,679,1
+lakeville,638,2
+beechwood,815,1
+benevolence,818,0
+shelbyville,2159,4
+allensville,78,2
+forkland,1123,3
+marstons,193,13
+beechwood,798,4
+hanson,216,0
+marstons,2109,7
+klickitat,1759,0
+marstons,1997,2
+stockman,632,4
+marstons,949,1
+lakeville,939,0
+forkland,725,5
+stockman,159,8
+hiteman,223,10
+forkland,646,4
+beechwood,659,5
+hiteman,1763,9
+lindenwood,1268,11
+marstons,2342,4
+klickitat,1279,6
+pinesdale,221,0
+lakeville,785,13
+leonardo,1859,4
+hiteman,1134,4
+shelbyville,2061,4
+tolstoy,691,5
+klickitat,1936,2
+tolstoy,651,4
+hanson,552,10
+woodbine,305,6
+lindenwood,1051,4
+hanson,519,6
+forkland,56,0
+cosmos,169,2
+beechwood,748,0
+lindenwood,1881,10
+leonardo,473,3
+beechwood,1117,6
+klickitat,922,8
+wainscott,201,0
+forkland,623,0
+woodbine,1232,4
+lindenwood,741,1
+lindenwood,1560,1
+tolstoy,646,13
+klickitat,472,7
+lindenwood,1490,5
+hiteman,1785,0
+coffeen,1434,0
+lindenwood,1651,14
+pinesdale,352,4
+benevolence,278,4
+pomaria,1237,7
+pinesdale,1199,0
+lindenwood,341,1
+wainscott,232,0
+lakeville,1265,1
+shelbyville,948,0
+benevolence,297,0
+hanson,1107,12
+lindenwood,1300,7
+coffeen,977,2
+coffeen,946,1
+tolstoy,614,4
+lakeville,1485,0
+pomaria,1,6
+newfields,1343,1
+newfields,803,3
+lakeville,1226,4
+klickitat,1876,1
+newfields,292,4
+lindenwood,1688,1
+lakeville,1668,0
+beechwood,13,3
+pomaria,1514,8
+woodbine,1205,0
+klickitat,65,5
+coffeen,178,3
+woodbine,1659,12
+mifflinburg,850,2
+beechwood,110,0
+leonardo,287,4
+merom,153,6
+pinesdale,109,7
+newfields,723,4
+beechwood,919,6
+woodbine,846,14
+wainscott,880,4
+leonardo,168,5
+newfields,631,12
+stockman,1367,2
+tolstoy,1114,1
+hiteman,755,4
+newfields,534,13
+beechwood,897,4
+forkland,215,6
+mifflinburg,752,1
+forkland,462,3
+leonardo,1928,11
+merom,215,3
+beechwood,528,3
+marstons,1860,3
+marstons,768,12
+ranchester,15,0
+pomaria,136,9
+klickitat,188,1
+lindenwood,1254,1
+tolstoy,174,1
+klickitat,2346,1
+stockman,1504,3
+shelbyville,505,1
+merom,570,1
+newfields,288,3
+coffeen,1285,4
+shelbyville,1747,5
+ranchester,1297,0
+coffeen,1232,4
+marstons,1098,0
+mifflinburg,897,7
+hanson,747,8
+newfields,1261,4
+wainscott,89,5
+tolstoy,43,8
+shelbyville,1875,0
+shelbyville,1085,3
+hanson,281,6
+klickitat,1579,0
+lakeville,1741,3
+ranchester,1235,4
+coffeen,1489,2
+marstons,155,8
+leonardo,1128,3
+wainscott,383,0
+forkland,685,0
+onaga,363,2
+hanson,1118,1
+hanson,429,7
+woodbine,1846,1
+shelbyville,1739,1
+mifflinburg,969,5
+tolstoy,1167,7
+leonardo,236,3
+cosmos,467,13
+ranchester,348,1
+pinesdale,1271,2
+leonardo,2035,18
+shelbyville,1018,7
+lakeville,962,4
+woodbine,796,4
+marstons,1640,0
+pomaria,364,4
+tolstoy,607,4
+newfields,1067,3
+lindenwood,1650,0
+lakeville,713,2
+cosmos,86,1
+marstons,758,3
+marstons,1398,2
+lakeville,127,7
+cosmos,571,4
+newfields,1365,4
+merom,630,7
+stockman,634,5
+hanson,518,2
+lakeville,671,6
+hanson,1624,3
+stockman,265,12
+tolstoy,1150,0
+mifflinburg,224,0
+wainscott,1702,2
+woodbine,325,2
+beechwood,744,0
+leonardo,249,1
+tolstoy,206,0
+tolstoy,1535,12
+woodbine,414,0
+shelbyville,2295,5
+shelbyville,2581,2
+marstons,638,2
+marstons,2430,3
+marstons,1845,1
+klickitat,1273,0
+newfields,719,6
+tolstoy,1613,3
+woodbine,701,4
+pomaria,1465,11
+hanson,392,4
+coffeen,1461,2
+benevolence,115,9
+stockman,435,3
+wainscott,539,4
+tolstoy,839,5
+ranchester,923,2
+onaga,621,1
+lindenwood,2135,2
+wainscott,1362,7
+woodbine,136,0
+hiteman,297,3
+mifflinburg,612,1
+shelbyville,1344,3
+tolstoy,1348,1
+pinesdale,408,0
+marstons,1134,0
+klickitat,708,5
+cosmos,916,1
+klickitat,1632,0
+lindenwood,2563,2
+woodbine,1719,0
+stockman,863,1
+ranchester,536,2
+leonardo,130,9
+lakeville,753,3
+hiteman,745,6
+stockman,110,1
+allensville,165,2
+newfields,75,4
+marstons,900,3
+coffeen,1257,8
+pinesdale,419,5
+hiteman,29,0
+tolstoy,1049,0
+forkland,30,6
+marstons,1721,0
+mifflinburg,692,2
+woodbine,1717,0
+pinesdale,167,5
+marstons,2207,9
+ranchester,49,0
+stockman,119,2
+wainscott,1174,5
+ranchester,429,10
+lindenwood,2629,8
+shelbyville,1165,2
+mifflinburg,436,3
+pinesdale,936,3
+ranchester,1123,9
+marstons,256,1
+newfields,1191,1
+mifflinburg,12,1
+klickitat,1568,1
+benevolence,854,3
+marstons,2599,2
+klickitat,150,10
+shelbyville,242,2
+marstons,2377,7
+pomaria,35,3
+marstons,1248,5
+lindenwood,2604,5
+wainscott,872,2
+wainscott,84,11
+tolstoy,1224,9
+hanson,216,3
+tolstoy,1434,0
+pomaria,427,0
+woodbine,54,1
+newfields,397,1
+tolstoy,1315,2
+hiteman,554,0
+hanson,1467,0
+newfields,252,3
+woodbine,1125,7
+pinesdale,564,1
+lakeville,181,2
+coffeen,251,5
+merom,864,0
+newfields,1405,18
+wainscott,860,0
+pinesdale,920,1
+newfields,713,3
+newfields,255,0
+pomaria,123,5
+marstons,1283,1
+ranchester,1213,2
+klickitat,1166,1
+lakeville,35,12
+ranchester,944,6
+merom,1051,3
+lindenwood,1323,4
+leonardo,794,8
+pomaria,571,5
+pinesdale,1368,4
+ranchester,660,6
+lindenwood,2320,1
+hiteman,699,3
+hiteman,1380,8
+lakeville,1860,14
+lakeville,1657,2
+lindenwood,300,3
+pinesdale,1371,10
+lindenwood,1503,13
+shelbyville,2194,6
+newfields,350,3
+pomaria,1294,11
+allensville,497,3
+hiteman,670,4
+forkland,558,0
+leonardo,1076,10
+ranchester,1534,9
+leonardo,268,0
+shelbyville,1730,4
+lindenwood,1329,6
+shelbyville,2562,1
+cosmos,230,0
+newfields,1509,2
+woodbine,1598,9
+pinesdale,90,1
+hiteman,445,5
+ranchester,619,0
+leonardo,1426,1
+tolstoy,1770,6
+marstons,669,4
+leonardo,1177,1
+coffeen,1160,5
+marstons,171,3
+wainscott,1512,3
+marstons,1875,1
+ranchester,1173,4
+woodbine,258,7
+lakeville,665,0
+shelbyville,445,18
+coffeen,1167,5
+allensville,363,0
+beechwood,529,2
+pomaria,430,0
+wainscott,1516,0
+tolstoy,1405,1
+newfields,721,9
+lindenwood,659,1
+klickitat,580,5
+lindenwood,449,8
+cosmos,410,1
+newfields,239,2
+leonardo,376,0
+ranchester,1614,1
+marstons,947,0
+klickitat,1829,3
+lakeville,135,2
+lindenwood,2254,3
+stockman,1227,0
+leonardo,1158,11
+hiteman,98,2
+shelbyville,985,1
+marstons,81,7
+wainscott,1508,4
+marstons,2619,0
+merom,440,5
+shelbyville,2641,0
+lindenwood,406,9
+ranchester,1178,1
+allensville,488,4
+coffeen,435,4
+wainscott,190,0
+marstons,1731,7
+forkland,296,1
+shelbyville,752,6
+lindenwood,201,5
+benevolence,104,9
+tolstoy,64,4
+shelbyville,1731,2
+pinesdale,1291,0
+beechwood,994,1
+onaga,632,5
+forkland,221,0
+forkland,1084,2
+stockman,1020,0
+leonardo,638,3
+onaga,109,4
+cosmos,240,5
+shelbyville,1265,2
+leonardo,1330,0
+wainscott,63,10
+forkland,891,1
+hiteman,813,9
+lakeville,1344,5
+coffeen,782,3
+cosmos,550,2
+benevolence,582,9
+klickitat,1881,3
+marstons,532,2
+hanson,1024,2
+lakeville,1569,1
+beechwood,154,0
+cosmos,653,2
+mifflinburg,481,1
+wainscott,1219,2
+stockman,548,1
+newfields,1568,5
+shelbyville,2458,1
+onaga,11,2
+klickitat,957,2
+leonardo,1459,12
+hiteman,1382,5
+newfields,1379,3
+pomaria,1196,5
+klickitat,2309,12
+newfields,1279,6
+mifflinburg,157,5
+marstons,768,7
+wainscott,616,5
+hiteman,422,3
+woodbine,510,15
+woodbine,1871,11
+hanson,740,1
+shelbyville,248,4
+pinesdale,880,5
+woodbine,1036,7
+lindenwood,828,2
+pomaria,1226,10
+ranchester,1468,1
+marstons,100,0
+woodbine,777,3
+klickitat,1322,1
+pomaria,1036,8
+shelbyville,1677,2
+hiteman,946,1
+beechwood,9,1
+tolstoy,1197,5
+klickitat,893,5
+lakeville,134,1
+lakeville,1890,2
+leonardo,487,3
+marstons,1923,0
+pinesdale,465,3
+allensville,519,0
+forkland,345,2
+allensville,511,3
+forkland,854,1
+shelbyville,1124,1
+marstons,1959,1
+leonardo,1999,2
+shelbyville,2653,0
+lakeville,723,1
+onaga,570,2
+marstons,1970,14
+beechwood,213,4
+woodbine,1212,5
+coffeen,1267,5
+tolstoy,211,2
+hiteman,850,3
+tolstoy,728,7
+woodbine,664,2
+newfields,117,4
+shelbyville,2728,1
+pomaria,1213,2
+klickitat,486,6
+newfields,528,1
+shelbyville,1378,1
+shelbyville,1849,11
+beechwood,455,4
+hanson,1151,1
+klickitat,1350,2
+newfields,311,7
+klickitat,1430,12
+pinesdale,957,0
+hanson,1205,5
+lindenwood,1746,1
+pomaria,244,2
+newfields,145,0
+newfields,478,4
+lakeville,1841,9
+cosmos,523,2
+cosmos,283,1
+hiteman,57,2
+stockman,189,3
+coffeen,981,3
+forkland,817,0
+lindenwood,1391,2
+cosmos,473,9
+marstons,1506,1
+hiteman,1222,5
+shelbyville,273,3
+shelbyville,517,3
+marstons,1970,4
+klickitat,1611,0
+stockman,1187,5
+onaga,581,2
+tolstoy,177,0
+shelbyville,2753,0
+shelbyville,150,1
+shelbyville,1292,0
+leonardo,833,3
+lindenwood,2212,13
+woodbine,1245,1
+klickitat,131,2
+cosmos,775,10
+coffeen,1145,0
+lindenwood,1349,7
+klickitat,1316,2
+klickitat,1448,2
+coffeen,561,4
+leonardo,1279,2
+pinesdale,289,6
+stockman,1014,5
+hiteman,586,4
+pinesdale,246,0
+hiteman,673,1
+wainscott,174,2
+lindenwood,2670,8
+leonardo,359,22
+coffeen,103,1
+stockman,1111,7
+wainscott,692,1
+ranchester,1097,0
+coffeen,944,1
+marstons,883,4
+tolstoy,1514,2
+ranchester,260,1
+marstons,1745,1
+shelbyville,1872,14
+lindenwood,817,5
+klickitat,926,5
+marstons,1975,5
+merom,1118,4
+hiteman,1829,1
+hiteman,281,4
+forkland,1187,6
+shelbyville,2551,5
+lakeville,119,6
+leonardo,1814,1
+shelbyville,1817,2
+lakeville,319,2
+lindenwood,742,3
+lakeville,557,3
+hiteman,1780,0
+mifflinburg,417,0
+hanson,1405,0
+coffeen,378,3
+hiteman,1073,1
+shelbyville,2384,5
+pinesdale,1410,3
+benevolence,814,0
+pomaria,1495,6
+hiteman,611,2
+hiteman,1338,5
+tolstoy,1138,0
+newfields,1095,4
+pomaria,666,0
+pomaria,7,2
+tolstoy,310,11
+klickitat,173,9
+lindenwood,59,11
+forkland,645,0
+marstons,2352,3
+newfields,661,5
+stockman,614,7
+shelbyville,1946,3
+stockman,425,0
+marstons,2366,3
+mifflinburg,862,1
+woodbine,1120,2
+leonardo,670,0
+lindenwood,1184,1
+mifflinburg,932,5
+klickitat,209,1
+allensville,440,2
+coffeen,1389,6
+lindenwood,1415,7
+lindenwood,1644,0
+woodbine,1938,4
+wainscott,1311,5
+woodbine,810,5
+merom,278,9
+coffeen,988,1
+cosmos,67,6
+wainscott,845,0
+marstons,201,0
+shelbyville,2499,4
+beechwood,964,2
+cosmos,152,6
+klickitat,2075,6
+klickitat,9,6
+woodbine,861,1
+merom,576,0
+beechwood,979,4
+leonardo,1266,0
+wainscott,107,4
+klickitat,931,4
+tolstoy,375,5
+leonardo,768,3
+newfields,279,0
+leonardo,2093,1
+lindenwood,702,14
+cosmos,639,3
+tolstoy,434,3
+stockman,1141,2
+lakeville,1104,6
+hiteman,652,0
+newfields,25,4
+hanson,1605,3
+klickitat,519,5
+ranchester,343,5
+woodbine,1071,0
+lakeville,1731,11
+stockman,35,7
+woodbine,1369,11
+klickitat,472,6
+woodbine,697,1
+marstons,394,2
+shelbyville,2288,6
+cosmos,558,3
+shelbyville,2014,8
+lakeville,1860,8
+hanson,1633,5
+newfields,1346,2
+shelbyville,603,11
+klickitat,775,4
+hanson,814,13
+forkland,1136,0
+ranchester,945,0
+hiteman,6,3
+beechwood,1088,2
+woodbine,594,14
+marstons,947,11
+ranchester,895,16
+hiteman,1698,4
+wainscott,705,7
+lakeville,544,3
+hanson,944,3
+lindenwood,2471,1
+forkland,516,5
+pomaria,672,2
+lakeville,485,0
+leonardo,1735,4
+tolstoy,1063,2
+shelbyville,693,0
+pinesdale,335,3
+coffeen,1205,0
+leonardo,1816,2
+klickitat,1935,3
+pomaria,1544,12
+leonardo,54,0
+klickitat,635,8
+mifflinburg,294,1
+lakeville,1028,6
+hiteman,1166,0
+shelbyville,1154,5
+mifflinburg,850,0
+newfields,1558,4
+lindenwood,685,12
+ranchester,1580,4
+ranchester,1028,0
+wainscott,1048,0
+ranchester,275,0
+coffeen,762,2
+woodbine,1958,0
+stockman,549,3
+wainscott,899,0
+marstons,2477,0
+newfields,62,1
+shelbyville,329,13
+newfields,975,13
+leonardo,1523,1
+merom,974,4
+ranchester,1522,0
+woodbine,1030,5
+marstons,1285,0
+klickitat,453,2
+cosmos,321,7
+hanson,552,5
+shelbyville,2642,1
+lindenwood,906,10
+klickitat,24,0
+beechwood,807,10
+coffeen,784,2
+stockman,1377,1
+leonardo,1324,1
+beechwood,200,4
+leonardo,1875,1
+klickitat,1686,4
+wainscott,1378,2
+coffeen,263,1
+shelbyville,1952,6
+marstons,1021,0
+wainscott,558,0
+allensville,499,0
+coffeen,1245,1
+benevolence,869,10
+marstons,1155,1
+lindenwood,485,4
+marstons,677,1
+hiteman,105,4
+woodbine,1159,12
+shelbyville,718,13
+shelbyville,1185,7
+woodbine,1276,0
+newfields,254,0
+wainscott,443,13
+lindenwood,1935,4
+lindenwood,574,0
+tolstoy,1264,6
+shelbyville,2497,3
+forkland,770,0
+merom,131,0
+lindenwood,1967,0
+klickitat,1835,0
+tolstoy,1218,17
+shelbyville,2626,0
+hanson,133,8
+hiteman,1253,7
+cosmos,67,5
+wainscott,63,8
+stockman,371,4
+newfields,533,0
+pinesdale,919,4
+ranchester,373,2
+leonardo,1569,0
+cosmos,191,2
+tolstoy,1511,1
+wainscott,344,0
+hanson,1581,4
+tolstoy,110,7
+stockman,15,15
+tolstoy,1164,2
+lindenwood,1812,1
+leonardo,318,1
+hiteman,82,0
+hiteman,1658,0
+woodbine,1392,2
+klickitat,1817,9
+klickitat,2313,2
+coffeen,85,1
+tolstoy,565,0
+lakeville,105,3
+hiteman,1459,6
+pomaria,1171,0
+newfields,1453,5
+lindenwood,1186,0
+leonardo,433,4
+hanson,737,4
+benevolence,786,2
+pomaria,492,0
+marstons,772,1
+hiteman,1017,6
+onaga,52,2
+newfields,308,1
+cosmos,404,1
+pinesdale,751,7
+lakeville,475,11
+cosmos,712,3
+marstons,1200,6
+hanson,460,2
+lakeville,1068,11
+pomaria,112,5
+lindenwood,2295,0
+marstons,1378,2
+wainscott,131,4
+leonardo,1978,4
+hiteman,1696,2
+klickitat,703,6
+hanson,1584,2
+mifflinburg,64,6
+newfields,1232,1
+shelbyville,2283,0
+lakeville,1797,6
+marstons,1433,6
+beechwood,139,4
+stockman,652,5
+merom,1066,4
+klickitat,1509,9
+newfields,346,1
+onaga,238,0
+pinesdale,892,4
+klickitat,1870,3
+cosmos,426,1
+lindenwood,964,12
+lindenwood,729,5
+hiteman,888,0
+coffeen,624,2
+pomaria,940,4
+shelbyville,416,3
+pomaria,646,3
+pomaria,429,0
+klickitat,1809,1
+coffeen,618,3
+wainscott,1743,1
+hiteman,886,4
+klickitat,1984,11
+klickitat,1832,0
+benevolence,424,3
+klickitat,1948,8
+klickitat,1739,6
+klickitat,380,0
+newfields,1506,9
+wainscott,499,3
+allensville,130,1
+lindenwood,1851,1
+cosmos,549,2
+pomaria,1334,0
+stockman,694,3
+leonardo,1081,0
+marstons,2332,10
+woodbine,789,3
+hiteman,1005,4
+marstons,1213,2
+newfields,148,10
+marstons,841,14
+klickitat,2009,3
+beechwood,796,7
+ranchester,1003,3
+tolstoy,607,1
+wainscott,1758,3
+leonardo,563,7
+shelbyville,357,4
+forkland,1166,1
+tolstoy,646,6
+coffeen,757,1
+allensville,139,3
+stockman,1462,2
+marstons,2013,1
+shelbyville,2747,0
+marstons,1130,3
+newfields,197,11
+ranchester,927,3
+hanson,142,6
+wainscott,196,10
+woodbine,1086,3
+lakeville,1502,4
+tolstoy,260,2
+woodbine,1639,23
+wainscott,1238,2
+cosmos,802,4
+woodbine,704,2
+klickitat,1875,0
+klickitat,1845,15
+pomaria,314,3
+forkland,1012,3
+ranchester,496,0
+pinesdale,1046,9
+allensville,279,7
+stockman,1563,2
+onaga,57,4
+pinesdale,415,1
+coffeen,798,4
+marstons,2415,7
+wainscott,1615,5
+lakeville,419,12
+pomaria,1509,2
+pomaria,824,0
+beechwood,737,0
+lindenwood,1076,5
+allensville,340,3
+newfields,516,7
+pinesdale,1515,6
+shelbyville,1862,2
+tolstoy,1018,0
+leonardo,404,6
+lakeville,377,4
+hanson,441,2
+shelbyville,356,1
+hiteman,1266,1
+lindenwood,1021,3
+lindenwood,528,4
+hiteman,843,0
+pomaria,908,1
+mifflinburg,235,12
+cosmos,792,4
+lindenwood,1197,0
+cosmos,127,0
+marstons,882,2
+beechwood,745,3
+hiteman,136,5
+coffeen,1400,4
+coffeen,176,7
+pomaria,899,5
+hanson,403,2
+marstons,1398,0
+cosmos,31,4
+woodbine,1125,8
+woodbine,1027,6
+stockman,1603,0
+leonardo,143,0
+hanson,76,14
+stockman,429,1
+pomaria,1392,3
+newfields,1259,0
+mifflinburg,157,0
+marstons,722,0
+forkland,221,5
+marstons,258,0
+forkland,108,3
+hiteman,935,8
+woodbine,940,11
+mifflinburg,190,0
+leonardo,1861,2
+ranchester,196,2
+ranchester,1328,3
+cosmos,185,0
+tolstoy,213,10
+merom,495,2
+shelbyville,2284,0
+newfields,367,0
+wainscott,371,2
+stockman,1148,0
+marstons,917,2
+leonardo,524,2
+newfields,568,2
+marstons,1838,0
+pomaria,576,3
+marstons,2314,3
+wainscott,1731,4
+pomaria,983,1
+marstons,2176,9
+tolstoy,1421,4
+lakeville,1749,3
+onaga,7,2
+tolstoy,1593,6
+klickitat,1412,13
+hanson,1562,6
+klickitat,65,10
+hanson,238,5
+hanson,610,4
+woodbine,310,7
+klickitat,1304,4
+beechwood,902,2
+klickitat,1574,2
+marstons,999,0
+marstons,266,2
+lakeville,1717,6
+pomaria,1052,5
+benevolence,637,11
+pomaria,477,14
+cosmos,821,1
+wainscott,435,0
+klickitat,1322,2
+hanson,1570,9
+coffeen,266,0
+onaga,145,6
+hiteman,455,4
+onaga,669,3
+marstons,1123,0
+cosmos,132,0
+forkland,159,4
+hiteman,1046,4
+pomaria,1332,8
+tolstoy,1437,13
+tolstoy,144,3
+tolstoy,1524,5
+hiteman,580,2
+lakeville,41,6
+hanson,199,9
+lindenwood,1037,2
+lindenwood,1555,6
+leonardo,241,2
+ranchester,881,0
+mifflinburg,536,1
+woodbine,481,1
+hiteman,1763,7
+woodbine,936,0
+mifflinburg,239,2
+pomaria,1226,2
+lindenwood,152,8
+onaga,166,0
+woodbine,1842,6
+wainscott,959,2
+marstons,2589,5
+marstons,861,4
+shelbyville,1709,15
+wainscott,1449,6
+shelbyville,789,4
+ranchester,1502,7
+hiteman,1000,1
+wainscott,1346,3
+coffeen,1288,2
+lindenwood,1930,0
+coffeen,362,1
+pinesdale,1037,3
+mifflinburg,893,0
+leonardo,115,11
+forkland,750,0
+hiteman,600,1
+woodbine,1152,4
+lindenwood,2420,2
+merom,477,3
+newfields,1095,3
+hiteman,453,7
+lakeville,1459,1
+hiteman,580,7
+newfields,325,15
+woodbine,385,1
+lakeville,1721,2
+marstons,2540,0
+stockman,1553,4
+woodbine,1918,3
+wainscott,1271,1
+hanson,11,6
+klickitat,810,3
+leonardo,1231,2
+stockman,282,4
+ranchester,1276,0
+wainscott,403,5
+onaga,631,1
+merom,642,3
+stockman,1136,0
+hiteman,799,2
+ranchester,222,1
+hiteman,242,11
+marstons,649,3
+marstons,1381,8
+stockman,1056,2
+pinesdale,1406,0
+marstons,1765,10
+wainscott,1674,5
+newfields,367,1
+woodbine,1847,11
+hiteman,721,1
+woodbine,1285,4
+forkland,1033,2
+pinesdale,222,1
+merom,748,0
+lindenwood,1082,7
+tolstoy,1127,1
+hiteman,1318,5
+shelbyville,102,4
+hanson,124,4
+hiteman,422,0
+merom,1117,7
+pomaria,1415,8
+pomaria,1539,12
+newfields,325,1
+pomaria,580,13
+beechwood,461,2
+pinesdale,804,3
+shelbyville,1866,4
+stockman,143,15
+ranchester,1351,5
+pinesdale,325,13
+marstons,1455,8
+marstons,456,9
+leonardo,1197,2
+lindenwood,1167,1
+tolstoy,1678,2
+marstons,1925,6
+lakeville,1477,7
+cosmos,80,8
+onaga,249,3
+pomaria,844,3
+coffeen,517,4
+klickitat,465,0
+klickitat,695,4
+newfields,1168,2
+marstons,1870,3
+klickitat,713,5
+shelbyville,2814,3
+benevolence,445,0
+leonardo,57,1
+hiteman,346,6
+pinesdale,217,2
+newfields,1196,3
+ranchester,546,7
+wainscott,302,0
+shelbyville,1218,4
+shelbyville,1545,10
+coffeen,1226,2
+tolstoy,493,1
+shelbyville,580,5
+leonardo,1542,1
+marstons,1160,4
+forkland,241,0
+marstons,290,0
+woodbine,91,3
+hiteman,1593,7
+cosmos,443,0
+klickitat,399,10
+hanson,905,1
+lakeville,1075,4
+leonardo,24,1
+beechwood,409,4
+shelbyville,780,7
+lakeville,300,2
+lakeville,852,2
+tolstoy,1169,7
+pomaria,91,9
+lakeville,901,6
+newfields,1037,1
+ranchester,1502,13
+hiteman,391,3
+leonardo,792,8
+cosmos,649,7
+woodbine,723,2
+pomaria,88,2
+klickitat,1782,0
+hanson,154,0
+lindenwood,2641,0
+lakeville,273,6
+forkland,643,7
+leonardo,1376,12
+coffeen,600,0
+newfields,472,7
+pomaria,1075,17
+tolstoy,895,2
+tolstoy,934,2
+leonardo,957,6
+mifflinburg,335,3
+coffeen,1177,3
+lakeville,912,0
+lakeville,1247,1
+wainscott,1001,4
+marstons,1081,1
+lindenwood,859,0
+tolstoy,1462,7
+lakeville,937,7
+newfields,130,0
+shelbyville,2436,5
+forkland,266,0
+hiteman,1398,2
+shelbyville,1769,1
+shelbyville,2287,2
+lakeville,1066,2
+forkland,1190,1
+hanson,857,10
+beechwood,72,0
+marstons,400,15
+lindenwood,27,10
+hiteman,383,4
+tolstoy,177,1
+lakeville,1837,6
+ranchester,272,6
+mifflinburg,683,2
+ranchester,1098,3
+ranchester,574,0
+wainscott,1788,6
+marstons,108,1
+hiteman,204,0
+wainscott,1427,4
+stockman,566,2
+pomaria,1011,1
+marstons,407,0
+onaga,313,1
+klickitat,1957,4
+mifflinburg,399,7
+lindenwood,1908,0
+pomaria,178,1
+mifflinburg,822,0
+leonardo,713,2
+tolstoy,236,0
+hiteman,515,2
+hiteman,1681,0
+lakeville,1412,2
+leonardo,1982,2
+hiteman,1822,10
+hiteman,773,2
+tolstoy,534,5
+leonardo,652,5
+wainscott,911,0
+ranchester,1199,7
+pinesdale,814,0
+shelbyville,1838,1
+hiteman,809,3
+hiteman,1663,6
+hiteman,865,8
+wainscott,683,10
+hanson,1425,5
+hiteman,1537,12
+lakeville,681,2
+shelbyville,2077,7
+wainscott,1584,6
+lindenwood,1756,5
+pomaria,474,3
+lindenwood,467,1
+shelbyville,2302,5
+hiteman,907,0
+lindenwood,1890,6
+leonardo,134,1
+wainscott,262,2
+hanson,317,8
+shelbyville,1257,4
+shelbyville,531,12
+newfields,760,5
+hiteman,478,6
+woodbine,2003,0
+klickitat,183,3
+marstons,2514,0
+wainscott,451,6
+merom,360,8
+klickitat,94,5
+beechwood,1080,1
+shelbyville,877,7
+marstons,256,3
+pomaria,1115,9
+allensville,365,3
+mifflinburg,240,2
+lakeville,1118,14
+benevolence,892,2
+lakeville,1173,2
+pomaria,1301,12
+hanson,382,1
+lindenwood,607,3
+hanson,1217,5
+klickitat,2390,5
+mifflinburg,922,3
+lindenwood,2038,1
+tolstoy,636,9
+lindenwood,875,11
+benevolence,288,1
+marstons,147,4
+newfields,1465,1
+onaga,219,2
+hanson,772,3
+ranchester,1419,0
+shelbyville,1138,2
+shelbyville,1018,2
+pomaria,210,2
+leonardo,291,0
+woodbine,837,6
+marstons,1397,1
+merom,243,4
+beechwood,323,2
+pomaria,1283,1
+ranchester,1177,0
+shelbyville,2553,0
+leonardo,78,7
+klickitat,1811,0
+pinesdale,701,0
+lindenwood,2494,7
+cosmos,1045,1
+lindenwood,676,3
+leonardo,1052,1
+lindenwood,850,3
+newfields,373,3
+pomaria,157,6
+shelbyville,1077,17
+lakeville,730,2
+lakeville,1704,12
+pinesdale,1158,7
+wainscott,1399,5
+shelbyville,1100,3
+hiteman,1510,0
+lakeville,1805,2
+newfields,878,1
+shelbyville,750,4
+shelbyville,2586,0
+woodbine,832,2
+marstons,2552,4
+forkland,1151,3
+hanson,1139,1
+shelbyville,204,2
+forkland,609,0
+newfields,538,6
+klickitat,353,2
+tolstoy,1263,0
+shelbyville,1269,6
+marstons,1950,1
+tolstoy,1718,2
+ranchester,1149,12
+forkland,1148,2
+lindenwood,220,0
+ranchester,137,3
+lakeville,750,0
+lindenwood,1914,4
+merom,1001,0
+ranchester,721,4
+hanson,67,4
+klickitat,2350,4
+lindenwood,703,3
+mifflinburg,555,2
+stockman,1168,6
+pinesdale,261,5
+marstons,2533,5
+klickitat,2089,12
+hiteman,1714,0
+shelbyville,194,8
+stockman,1157,2
+beechwood,363,6
+forkland,265,0
+coffeen,943,4
+tolstoy,1560,2
+woodbine,438,8
+woodbine,766,17
+ranchester,1619,3
+hiteman,855,4
+pomaria,1427,3
+pomaria,511,13
+woodbine,502,5
+shelbyville,1410,7
+stockman,1255,0
+coffeen,1072,4
+beechwood,636,0
+stockman,729,0
+shelbyville,2813,6
+cosmos,901,7
+hanson,1499,1
+ranchester,1010,3
+klickitat,1095,2
+coffeen,801,3
+stockman,213,7
+coffeen,563,2
+ranchester,546,10
+ranchester,846,4
+lakeville,822,4
+hanson,1415,8
+pinesdale,133,0
+marstons,1589,8
+leonardo,363,11
+pomaria,1587,0
+allensville,361,8
+hiteman,1447,11
+cosmos,258,9
+tolstoy,951,6
+newfields,1640,3
+tolstoy,674,4
+hiteman,144,13
+hanson,313,3
+woodbine,521,2
+marstons,717,2
+klickitat,1565,7
+wainscott,1054,0
+klickitat,487,0
+shelbyville,2236,5
+newfields,1602,4
+hiteman,1559,2
+newfields,1129,1
+ranchester,646,1
+marstons,140,11
+lindenwood,54,4
+shelbyville,1613,13
+stockman,1479,0
+hanson,1604,2
+merom,746,4
+lakeville,603,0
+tolstoy,1179,6
+lindenwood,486,6
+wainscott,1423,3
+shelbyville,672,9
+pinesdale,1220,6
+lindenwood,1330,0
+marstons,1794,13
+marstons,40,0
+coffeen,458,0
+allensville,8,2
+pinesdale,625,1
+wainscott,889,6
+onaga,377,6
+stockman,539,12
+wainscott,1300,0
+pomaria,603,0
+klickitat,457,2
+newfields,0,0
+coffeen,1503,2
+hiteman,21,1
+ranchester,469,2
+marstons,1800,7
+marstons,735,1
+shelbyville,2662,2
+coffeen,943,0
+newfields,1414,3
+leonardo,1690,1
+leonardo,1358,3
+marstons,128,6
+shelbyville,644,3
+lakeville,1243,0
+ranchester,218,6
+lakeville,859,9
+onaga,390,0
+marstons,98,10
+leonardo,1279,9
+pomaria,1598,0
+woodbine,785,2
+benevolence,938,1
+lindenwood,995,3
+allensville,208,3
+marstons,1047,2
+forkland,781,0
+hiteman,1551,3
+hanson,1305,9
+leonardo,157,1
+shelbyville,1955,0
+stockman,818,2
+shelbyville,435,2
+lindenwood,2212,7
+lindenwood,2238,0
+woodbine,1044,5
+shelbyville,2274,2
+klickitat,1997,3
+klickitat,1889,8
+shelbyville,2299,10
+shelbyville,352,1
+marstons,776,2
+pomaria,1450,7
+wainscott,1290,1
+klickitat,138,1
+leonardo,335,10
+allensville,148,4
+shelbyville,343,4
+ranchester,1174,5
+benevolence,828,0
+onaga,301,2
+pomaria,322,5
+pinesdale,1178,5
+wainscott,1258,2
+leonardo,270,0
+marstons,724,4
+mifflinburg,278,3
+woodbine,636,2
+marstons,319,12
+hanson,811,3
+marstons,1528,4
+newfields,1628,3
+marstons,1014,1
+forkland,128,0
+stockman,536,0
+merom,913,8
+woodbine,62,3
+pinesdale,897,10
+forkland,1169,5
+wainscott,473,4
+wainscott,1167,2
+ranchester,224,3
+woodbine,82,2
+ranchester,1406,4
+lakeville,1600,6
+stockman,15,1
+klickitat,1867,1
+marstons,720,0
+leonardo,776,1
+leonardo,992,14
+beechwood,800,1
+leonardo,352,0
+merom,218,1
+wainscott,177,6
+benevolence,381,0
+stockman,40,5
+klickitat,2296,12
+hiteman,991,3
+shelbyville,523,1
+tolstoy,116,8
+pinesdale,657,1
+shelbyville,1507,10
+shelbyville,534,3
+newfields,360,5
+shelbyville,2174,4
+wainscott,770,1
+klickitat,1261,2
+mifflinburg,325,5
+stockman,1479,5
+klickitat,2242,8
+forkland,163,5
+shelbyville,1711,0
+coffeen,1056,0
+ranchester,650,0
+hanson,177,1
+lindenwood,235,0
+coffeen,355,1
+marstons,969,3
+shelbyville,1531,4
+pinesdale,1111,2
+marstons,1982,2
+shelbyville,2029,7
+ranchester,8,1
+marstons,1622,1
+pomaria,1310,6
+lakeville,600,1
+woodbine,552,7
+lindenwood,1840,3
+stockman,1058,4
+hanson,18,0
+woodbine,675,4
+onaga,240,3
+hanson,1001,7
+klickitat,1178,0
+newfields,252,4
+pomaria,420,5
+ranchester,511,0
+marstons,731,0
+leonardo,1821,9
+newfields,303,6
+lindenwood,1730,1
+leonardo,2008,2
+lakeville,1533,2
+ranchester,842,5
+shelbyville,566,1
+hanson,1461,1
+lakeville,619,12
+pomaria,1178,2
+woodbine,185,0
+wainscott,1517,7
+wainscott,992,1
+wainscott,1505,2
+pinesdale,827,4
+forkland,107,7
+lakeville,1540,2
+newfields,473,3
+woodbine,670,15
+lindenwood,448,10
+pomaria,490,3
+newfields,204,0
+lakeville,333,0
+newfields,734,5
+hiteman,221,5
+merom,208,0
+stockman,61,1
+coffeen,910,1
+forkland,985,4
+hanson,6,10
+merom,809,11
+pinesdale,826,5
+pinesdale,426,0
+newfields,871,4
+pinesdale,618,14
+woodbine,741,4
+beechwood,1132,2
+tolstoy,1153,1
+woodbine,18,1
+pinesdale,550,1
+klickitat,1910,7
+wainscott,1682,4
+cosmos,1016,0
+pomaria,1562,12
+shelbyville,478,9
+hanson,1462,2
+leonardo,1260,0
+woodbine,525,2
+lakeville,1654,2
+allensville,406,0
+marstons,498,2
+forkland,155,1
+lakeville,1343,9
+tolstoy,533,0
+lakeville,1600,1
+klickitat,662,1
+lindenwood,2283,2
+ranchester,1110,4
+lakeville,366,0
+coffeen,1373,9
+cosmos,411,4
+hiteman,13,1
+shelbyville,2493,1
+leonardo,1881,4
+merom,874,4
+woodbine,994,5
+cosmos,107,1
+lakeville,1497,5
+shelbyville,1310,2
+woodbine,544,9
+ranchester,545,1
+coffeen,940,1
+klickitat,798,2
+marstons,1732,3
+stockman,553,0
+newfields,150,2
+lindenwood,2633,0
+lakeville,1540,9
+klickitat,863,4
+hiteman,741,6
+hanson,142,12
+lindenwood,2422,4
+stockman,1223,0
+woodbine,1726,8
+lakeville,432,3
+coffeen,382,1
+coffeen,600,1
+coffeen,1034,3
+tolstoy,169,0
+lindenwood,231,5
+mifflinburg,616,7
+hanson,171,0
+forkland,392,2
+shelbyville,30,4
+pomaria,746,6
+shelbyville,173,2
+onaga,299,3
+mifflinburg,651,1
+beechwood,475,0
+klickitat,282,3
+woodbine,410,6
+leonardo,358,2
+shelbyville,2183,7
+pomaria,1043,9
+newfields,26,4
+marstons,114,2
+lakeville,1038,2
+woodbine,632,1
+lindenwood,695,3
+lindenwood,685,0
+hanson,1377,9
+newfields,1564,0
+woodbine,1928,4
+wainscott,441,1
+pomaria,1093,3
+hanson,650,5
+shelbyville,1815,1
+tolstoy,1312,4
+klickitat,1012,4
+hiteman,1552,1
+stockman,392,4
+shelbyville,922,7
+pinesdale,933,8
+hanson,1279,12
+lakeville,1869,9
+leonardo,742,2
+coffeen,1293,5
+cosmos,124,0
+klickitat,2110,0
+shelbyville,1602,2
+hanson,261,1
+leonardo,1703,4
+lindenwood,1543,5
+leonardo,166,3
+cosmos,296,0
+wainscott,257,3
+shelbyville,1593,5
+lindenwood,468,5
+marstons,769,1
+tolstoy,117,1
+stockman,1345,6
+beechwood,608,0
+klickitat,226,4
+klickitat,983,2
+shelbyville,344,1
+hanson,1022,9
+ranchester,385,5
+woodbine,649,11
+stockman,925,1
+coffeen,1343,0
+lindenwood,197,1
+stockman,159,6
+wainscott,682,3
+klickitat,1761,6
+coffeen,858,1
+shelbyville,1443,1
+lindenwood,1980,6
+shelbyville,559,4
+mifflinburg,563,3
+lakeville,564,0
+beechwood,937,0
+tolstoy,1695,2
+forkland,456,0
+tolstoy,1631,0
+klickitat,1561,5
+forkland,23,0
+shelbyville,1284,1
+marstons,1530,3
+klickitat,1738,6
+pomaria,1389,2
+ranchester,1185,7
+woodbine,1347,0
+wainscott,337,15
+woodbine,245,8
+hanson,142,5
+marstons,694,0
+hiteman,41,4
+pomaria,1601,2
+hanson,1603,3
+lindenwood,2431,2
+ranchester,406,2
+tolstoy,1468,2
+marstons,1967,0
+wainscott,381,2
+lakeville,1459,14
+marstons,2472,1
+marstons,484,3
+woodbine,1875,2
+lindenwood,2112,2
+pomaria,1561,4
+pinesdale,900,1
+onaga,100,9
+hanson,1304,1
+lindenwood,76,0
+hiteman,1323,11
+wainscott,1276,6
+hiteman,173,6
+marstons,94,3
+hanson,1083,1
+tolstoy,664,2
+stockman,774,1
+merom,427,4
+ranchester,814,1
+marstons,2285,3
+merom,195,1
+klickitat,177,2
+tolstoy,1010,0
+lindenwood,1184,2
+newfields,1354,7
+shelbyville,2624,6
+leonardo,1376,5
+cosmos,427,12
+lindenwood,768,1
+leonardo,598,1
+shelbyville,2633,3
+hiteman,431,1
+shelbyville,1546,3
+wainscott,1034,6
+ranchester,1494,6
+woodbine,1771,1
+shelbyville,280,2
+stockman,611,0
+pomaria,1646,6
+hanson,1160,12
+lindenwood,1315,7
+merom,470,9
+marstons,696,11
+forkland,516,6
+hiteman,1075,2
+klickitat,2218,0
+wainscott,840,6
+pomaria,1611,10
+newfields,1226,3
+lakeville,1375,1
+lindenwood,1104,10
+hanson,587,0
+tolstoy,1156,2
+pinesdale,1068,1
+woodbine,217,2
+allensville,2,1
+mifflinburg,853,3
+marstons,1659,6
+hiteman,359,12
+stockman,695,2
+marstons,2287,2
+onaga,589,6
+klickitat,2128,1
+klickitat,1707,7
+hiteman,1406,5
+shelbyville,1877,0
+beechwood,611,5
+marstons,1749,1
+lindenwood,340,0
+wainscott,1098,14
+hanson,1529,1
+marstons,1659,4
+ranchester,301,9
+ranchester,812,1
+wainscott,1468,5
+benevolence,869,0
+hanson,1363,16
+leonardo,1487,0
+leonardo,212,1
+beechwood,98,5
+leonardo,693,4
+lakeville,878,1
+pomaria,422,0
+shelbyville,1869,1
+shelbyville,1738,2
+ranchester,466,5
+shelbyville,641,6
+shelbyville,946,1
+lindenwood,328,8
+hanson,19,1
+hiteman,480,5
+shelbyville,2190,3
+benevolence,708,7
+marstons,1057,8
+wainscott,1437,3
+shelbyville,2778,2
+leonardo,1900,4
+hanson,578,5
+tolstoy,465,13
+lakeville,1822,2
+onaga,46,1
+klickitat,1655,9
+woodbine,1074,3
+newfields,513,0
+klickitat,671,2
+leonardo,1309,1
+leonardo,742,4
+ranchester,1265,9
+lakeville,1300,5
+merom,222,1
+shelbyville,149,3
+cosmos,119,1
+shelbyville,1179,1
+marstons,1102,17
+lakeville,1134,2
+hiteman,1841,8
+onaga,87,6
+lindenwood,1792,2
+lakeville,248,4
+leonardo,1952,21
+shelbyville,311,2
+pomaria,1277,2
+shelbyville,2406,2
+hanson,1444,2
+hiteman,578,13
+leonardo,1554,1
+lindenwood,1228,3
+woodbine,1667,1
+newfields,1458,9
+merom,329,7
+onaga,253,0
+woodbine,82,4
+hiteman,1535,6
+benevolence,979,6
+tolstoy,502,2
+forkland,999,4
+newfields,720,2
+cosmos,641,4
+shelbyville,1698,7
+wainscott,494,0
+stockman,176,0
+beechwood,439,5
+klickitat,281,12
+ranchester,1588,3
+hanson,1659,1
+ranchester,872,3
+marstons,1719,3
+coffeen,851,2
+hanson,481,5
+hanson,1303,1
+leonardo,1196,1
+newfields,1329,2
+hiteman,908,2
+tolstoy,759,2
+newfields,1585,0
+merom,523,2
+shelbyville,2533,14
+lindenwood,2182,2
+marstons,155,0
+mifflinburg,97,1
+lakeville,452,10
+lakeville,943,14
+leonardo,544,1
+lakeville,1347,8
+lindenwood,1543,3
+pomaria,353,3
+hiteman,1242,2
+hanson,1499,0
+klickitat,1918,1
+pinesdale,864,5
+newfields,456,13
+merom,150,8
+woodbine,839,3
+benevolence,80,6
+leonardo,2060,1
+shelbyville,1876,0
+beechwood,578,2
+marstons,632,4
+stockman,789,1
+woodbine,121,6
+hanson,1506,0
+wainscott,702,4
+beechwood,316,3
+coffeen,963,2
+woodbine,284,1
+lakeville,501,4
+lakeville,855,3
+lakeville,965,2
+benevolence,360,1
+ranchester,121,10
+lakeville,1287,2
+pinesdale,1229,3
+lakeville,1136,6
+newfields,1437,3
+wainscott,1180,1
+beechwood,631,5
+hanson,666,3
+onaga,626,2
+leonardo,989,10
+tolstoy,968,13
+stockman,570,2
+shelbyville,895,2
+lindenwood,2551,8
+pomaria,704,3
+shelbyville,2268,2
+klickitat,2390,10
+leonardo,1667,0
+mifflinburg,604,1
+pomaria,1565,3
+shelbyville,932,5
+shelbyville,663,3
+merom,307,8
+woodbine,438,5
+tolstoy,31,6
+marstons,151,3
+pomaria,766,7
+benevolence,308,4
+marstons,1127,11
+wainscott,1524,1
+marstons,310,8
+wainscott,199,0
+wainscott,1453,1
+merom,1010,2
+marstons,378,1
+tolstoy,276,1
+shelbyville,1385,2
+woodbine,1094,0
+newfields,43,4
+lindenwood,153,1
+woodbine,333,2
+pinesdale,855,8
+newfields,378,6
+wainscott,1641,6
+wainscott,817,3
+shelbyville,2533,6
+stockman,784,1
+tolstoy,782,2
+onaga,224,7
+shelbyville,1115,9
+wainscott,136,2
+lindenwood,1996,3
+leonardo,529,8
+wainscott,1159,5
+hiteman,881,2
+pinesdale,929,4
+ranchester,374,0
+klickitat,1540,1
+lindenwood,2408,1
+ranchester,981,3
+wainscott,857,1
+benevolence,803,0
+hiteman,892,6
+ranchester,1179,2
+hanson,1611,6
+wainscott,1462,8
+marstons,1183,2
+benevolence,686,0
+newfields,668,1
+leonardo,38,2
+onaga,157,7
+marstons,261,1
+pinesdale,817,0
+lakeville,297,4
+woodbine,780,1
+lakeville,687,5
+shelbyville,692,7
+forkland,1132,3
+lindenwood,614,4
+hanson,981,9
+hanson,1518,1
+hanson,364,1
+klickitat,1024,15
+lindenwood,608,3
+hanson,1326,1
+lindenwood,460,11
+lakeville,180,7
+leonardo,2050,4
+beechwood,1088,1
+hanson,1539,2
+klickitat,1263,6
+lindenwood,214,6
+woodbine,406,2
+hanson,829,2
+marstons,52,0
+shelbyville,1672,4
+klickitat,366,3
+woodbine,828,4
+mifflinburg,171,5
+hanson,337,0
+stockman,1447,1
+pomaria,507,4
+lindenwood,334,0
+hanson,401,4
+woodbine,190,0
+klickitat,232,4
+woodbine,267,11
+stockman,149,4
+ranchester,1035,2
+hanson,304,12
+ranchester,986,13
+woodbine,710,0
+mifflinburg,801,1
+beechwood,54,5
+pinesdale,381,1
+onaga,481,3
+leonardo,1018,4
+lindenwood,644,1
+merom,690,4
+merom,473,3
+woodbine,262,6
+woodbine,1024,2
+shelbyville,2729,2
+klickitat,882,7
+hanson,143,2
+coffeen,1247,7
+tolstoy,279,13
+marstons,16,2
+marstons,1385,12
+wainscott,1403,8
+leonardo,1360,4
+tolstoy,1393,3
+stockman,99,1
+lindenwood,1666,0
+mifflinburg,730,1
+marstons,917,6
+forkland,537,0
+shelbyville,2348,10
+hiteman,896,8
+beechwood,1057,0
+hanson,1309,4
+forkland,1013,3
+merom,701,3
+ranchester,1335,4
+leonardo,2063,4
+woodbine,1128,11
+hanson,1645,1
+klickitat,611,3
+lakeville,1794,6
+hiteman,1133,1
+marstons,1386,4
+klickitat,2049,19
+lindenwood,1773,0
+tolstoy,261,2
+newfields,689,0
+merom,1097,1
+newfields,815,6
+lakeville,1049,6
+marstons,582,8
+hiteman,500,2
+tolstoy,1273,13
+coffeen,1345,3
+stockman,300,1
+coffeen,291,0
+hiteman,771,9
+newfields,760,0
+newfields,592,11
+hanson,1292,9
+lindenwood,1991,14
+wainscott,1697,1
+leonardo,1021,8
+leonardo,2083,1
+pomaria,281,7
+marstons,1681,9
+forkland,515,5
+hanson,446,9
+ranchester,415,2
+hanson,229,7
+hiteman,303,7
+lakeville,1572,7
+klickitat,2014,2
+pinesdale,822,8
+newfields,1180,1
+woodbine,1443,4
+ranchester,464,2
+newfields,976,4
+beechwood,1098,0
+klickitat,1867,0
+shelbyville,1949,7
+klickitat,513,2
+wainscott,1252,2
+forkland,1189,2
+leonardo,1311,0
+woodbine,1108,4
+shelbyville,636,13
+hanson,228,5
+hiteman,563,2
+leonardo,1635,2
+pomaria,1642,4
+beechwood,904,13
+tolstoy,1513,14
+tolstoy,1339,12
+beechwood,703,2
+pinesdale,1168,4
+klickitat,875,1
+hiteman,1239,0
+lakeville,51,7
+leonardo,462,2
+ranchester,1251,3
+tolstoy,671,0
+lakeville,214,1
+shelbyville,2546,3
+coffeen,836,3
+lindenwood,1345,13
+tolstoy,1589,1
+leonardo,821,0
+shelbyville,531,4
+lakeville,1168,1
+tolstoy,379,2
+stockman,930,1
+forkland,735,0
+hiteman,557,0
+woodbine,1540,0
+coffeen,1446,4
+forkland,1061,2
+tolstoy,1169,4
+hanson,637,0
+lakeville,1118,11
+woodbine,446,1
+klickitat,861,12
+lindenwood,2092,0
+ranchester,1146,2
+klickitat,1826,1
+tolstoy,206,3
+cosmos,737,5
+klickitat,1182,16
+klickitat,337,2
+forkland,572,3
+newfields,672,1
+klickitat,338,2
+stockman,397,4
+lindenwood,538,1
+shelbyville,92,4
+marstons,1962,1
+ranchester,1324,0
+beechwood,431,2
+leonardo,1522,3
+hanson,1022,6
+shelbyville,1737,3
+tolstoy,1477,1
+marstons,1655,4
+tolstoy,1238,5
+wainscott,1237,9
+marstons,1015,0
+pomaria,896,1
+pomaria,538,11
+hanson,1498,5
+woodbine,1724,5
+lakeville,1545,1
+pinesdale,1109,0
+shelbyville,1420,1
+newfields,1301,10
+shelbyville,1161,9
+hanson,291,2
+mifflinburg,230,3
+newfields,213,4
+woodbine,603,13
+lindenwood,660,0
+hiteman,1461,1
+shelbyville,1843,5
+beechwood,820,4
+pomaria,536,3
+newfields,472,4
+shelbyville,2383,2
+hanson,257,9
+lindenwood,1352,2
+lakeville,746,0
+marstons,1322,6
+hiteman,19,6
+merom,1079,0
+hanson,967,1
+hiteman,1563,6
+pinesdale,664,5
+tolstoy,255,7
+newfields,389,3
+ranchester,1570,2
+ranchester,1516,5
+hiteman,813,8
+hanson,404,5
+newfields,541,3
+lakeville,1311,9
+marstons,2495,5
+lindenwood,333,0
+shelbyville,2545,1
+marstons,1550,1
+pomaria,1650,9
+hanson,31,9
+woodbine,126,1
+newfields,1378,9
+newfields,360,13
+woodbine,214,3
+pinesdale,797,12
+pomaria,586,10
+beechwood,1131,5
+klickitat,1671,8
+marstons,1920,1
+lindenwood,633,1
+allensville,250,3
+merom,485,0
+klickitat,2191,0
+shelbyville,799,11
+coffeen,1016,4
+wainscott,1450,0
+pomaria,1636,6
+coffeen,1148,2
+shelbyville,522,2
+newfields,25,1
+onaga,41,5
+stockman,900,2
+newfields,1191,3
+pomaria,444,0
+coffeen,567,12
+lakeville,1525,8
+hiteman,842,5
+cosmos,79,0
+cosmos,369,1
+pomaria,368,8
+pinesdale,759,4
+pomaria,132,4
+pomaria,465,5
+lindenwood,1978,2
+ranchester,423,6
+lakeville,631,2
+tolstoy,1052,2
+hiteman,82,2
+pinesdale,1069,3
+klickitat,550,5
+newfields,1604,3
+beechwood,31,4
+marstons,1188,6
+ranchester,372,9
+klickitat,69,2
+tolstoy,221,0
+hanson,1634,0
+klickitat,2024,7
+newfields,1253,5
+hiteman,709,6
+allensville,384,8
+lakeville,351,2
+pinesdale,669,0
+hanson,898,8
+stockman,1003,0
+forkland,349,1
+newfields,30,3
+ranchester,9,0
+hanson,351,3
+shelbyville,367,0
+pinesdale,790,7
+woodbine,27,6
+coffeen,406,2
+lindenwood,703,2
+pomaria,1082,10
+leonardo,1381,7
+wainscott,1790,8
+pomaria,1061,4
+hanson,597,2
+mifflinburg,879,3
+hanson,773,1
+forkland,699,2
+klickitat,82,0
+klickitat,2112,10
+wainscott,216,0
+hiteman,552,4
+wainscott,750,4
+marstons,2576,8
+pinesdale,612,1
+hanson,849,4
+lindenwood,110,7
+wainscott,260,7
+woodbine,651,3
+lindenwood,2628,16
+klickitat,877,3
+leonardo,1717,1
+newfields,908,2
+stockman,1160,1
+klickitat,1535,3
+shelbyville,1241,4
+shelbyville,1095,2
+newfields,1321,1
+cosmos,737,6
+pomaria,131,2
+lakeville,1676,4
+shelbyville,931,6
+lakeville,5,0
+woodbine,91,0
+ranchester,634,0
+marstons,2581,3
+klickitat,74,20
+lindenwood,2619,5
+ranchester,1498,1
+lakeville,894,5
+newfields,448,4
+marstons,2373,1
+coffeen,1271,6
+tolstoy,768,3
+mifflinburg,233,2
+benevolence,401,2
+marstons,1915,5
+lindenwood,1849,2
+hiteman,1101,0
+cosmos,346,0
+wainscott,556,2
+merom,165,2
+mifflinburg,43,3
+forkland,375,3
+wainscott,1384,9
+newfields,1501,11
+marstons,2005,4
+pomaria,469,7
+stockman,1053,2
+merom,198,0
+klickitat,359,2
+lindenwood,203,1
+onaga,84,1
+marstons,81,13
+wainscott,869,8
+newfields,1220,9
+hiteman,1115,0
+pinesdale,1496,2
+wainscott,122,1
+hanson,508,4
+klickitat,1811,2
+pomaria,1291,4
+coffeen,740,2
+hiteman,730,1
+wainscott,183,15
+lindenwood,1351,3
+pomaria,1157,1
+hanson,360,3
+wainscott,1069,1
+klickitat,1937,9
+marstons,306,3
+hiteman,645,0
+hiteman,653,5
+shelbyville,196,9
+hanson,506,2
+wainscott,890,1
+tolstoy,1343,2
+wainscott,1249,3
+cosmos,298,3
+coffeen,1151,5
+lindenwood,1065,6
+coffeen,1173,1
+stockman,60,8
+stockman,919,4
+hiteman,1506,4
+pomaria,90,3
+ranchester,1317,7
+beechwood,1106,8
+ranchester,414,13
+newfields,1624,2
+leonardo,811,4
+marstons,2091,6
+ranchester,548,8
+benevolence,446,3
+pomaria,194,3
+shelbyville,1978,0
+merom,589,2
+wainscott,1050,1
+hanson,410,7
+pomaria,715,5
+marstons,624,0
+lindenwood,2299,9
+lindenwood,967,2
+hanson,1507,5
+cosmos,420,3
+coffeen,507,3
+klickitat,1267,6
+forkland,1174,1
+woodbine,783,0
+hiteman,993,2
+marstons,628,2
+woodbine,1673,0
+hanson,1255,12
+cosmos,469,2
+marstons,257,0
+woodbine,1099,7
+tolstoy,1243,3
+tolstoy,49,5
+woodbine,1824,5
+klickitat,1334,2
+newfields,1638,0
+lindenwood,655,3
+ranchester,1486,5
+woodbine,25,8
+tolstoy,884,0
+shelbyville,59,2
+newfields,104,0
+coffeen,1477,2
+lakeville,457,7
+pomaria,149,0
+hanson,901,10
+marstons,2288,0
+hiteman,79,1
+hanson,1557,7
+leonardo,85,10
+klickitat,1318,0
+klickitat,384,4
+hiteman,1,1
+hiteman,1038,4
+pinesdale,891,2
+marstons,2590,4
+stockman,135,2
+ranchester,876,2
+newfields,347,4
+marstons,983,9
+pomaria,419,8
+pinesdale,1246,2
+hanson,77,3
+cosmos,620,8
+hanson,256,5
+shelbyville,1589,2
+woodbine,1271,1
+shelbyville,1809,3
+mifflinburg,445,1
+klickitat,954,1
+klickitat,2413,10
+woodbine,376,2
+stockman,1086,3
+onaga,450,4
+pinesdale,454,4
+stockman,1539,2
+woodbine,354,2
+shelbyville,104,1
+ranchester,1612,0
+hiteman,866,11
+leonardo,417,7
+marstons,1944,1
+beechwood,419,7
+klickitat,749,5
+shelbyville,2594,1
+coffeen,1104,6
+lakeville,252,3
+merom,3,7
+woodbine,55,0
+cosmos,826,5
+klickitat,1400,0
+pomaria,467,2
+klickitat,2013,1
+marstons,406,2
+klickitat,2295,3
+lakeville,1761,3
+coffeen,1390,6
+marstons,1780,2
+lakeville,731,0
+lindenwood,2364,1
+klickitat,60,5
+benevolence,532,3
+newfields,663,6
+newfields,941,1
+shelbyville,1545,13
+merom,691,6
+ranchester,415,5
+shelbyville,835,9
+marstons,1523,3
+lakeville,1334,10
+pomaria,912,0
+stockman,363,2
+cosmos,391,4
+shelbyville,974,14
+benevolence,673,12
+pinesdale,764,1
+forkland,782,5
+lakeville,1824,4
+merom,398,2
+shelbyville,1453,3
+lindenwood,1181,3
+ranchester,305,5
+klickitat,1789,0
+marstons,2500,6
+marstons,1208,6
+tolstoy,299,4
+hiteman,1571,6
+klickitat,1587,2
+marstons,1562,4
+leonardo,1704,9
+shelbyville,2388,3
+merom,91,0
+benevolence,311,1
+shelbyville,1291,3
+wainscott,516,4
+tolstoy,474,2
+newfields,793,1
+allensville,226,11
+leonardo,511,4
+shelbyville,1744,3
+leonardo,291,8
+tolstoy,231,5
+newfields,1054,1
+ranchester,379,2
+pinesdale,937,2
+tolstoy,693,1
+stockman,185,2
+cosmos,708,2
+beechwood,127,0
+coffeen,24,2
+ranchester,414,0
+marstons,535,1
+pinesdale,664,6
+woodbine,957,0
+tolstoy,287,2
+tolstoy,226,1
+lakeville,1762,6
+tolstoy,591,12
+hiteman,1782,7
+tolstoy,860,2
+beechwood,315,2
+woodbine,1809,5
+marstons,807,3
+coffeen,1435,0
+shelbyville,258,3
+allensville,449,0
+wainscott,93,12
+coffeen,433,0
+shelbyville,647,13
+woodbine,881,2
+woodbine,1348,1
+woodbine,269,2
+allensville,259,1
+lindenwood,2167,2
+shelbyville,1595,0
+cosmos,219,0
+tolstoy,1479,3
+lakeville,1672,1
+hanson,1236,5
+shelbyville,2556,0
+merom,606,0
+hanson,274,2
+stockman,112,4
+tolstoy,1708,3
+pinesdale,317,0
+woodbine,639,8
+woodbine,704,4
+stockman,1105,2
+lindenwood,663,2
+wainscott,867,5
+woodbine,595,3
+wainscott,521,2
+forkland,690,6
+shelbyville,2650,9
+beechwood,673,5
+klickitat,1974,11
+merom,131,2
+pinesdale,768,4
+tolstoy,236,3
+lindenwood,2134,4
+pomaria,406,3
+tolstoy,1363,2
+cosmos,28,7
+klickitat,2317,1
+klickitat,2195,4
+stockman,1061,1
+lindenwood,353,4
+leonardo,31,1
+leonardo,1872,1
+stockman,179,2
+wainscott,2,12
+coffeen,246,6
+pomaria,1459,8
+ranchester,667,2
+lindenwood,1346,0
+newfields,1514,4
+marstons,1836,13
+merom,475,4
+lindenwood,2451,4
+coffeen,560,8
+marstons,880,11
+cosmos,498,7
+pomaria,1079,9
+hiteman,1335,8
+lindenwood,935,0
+leonardo,843,3
+cosmos,629,0
+leonardo,271,5
+wainscott,1578,1
+shelbyville,618,3
+lakeville,687,7
+shelbyville,1644,6
+klickitat,2126,0
+pomaria,851,10
+tolstoy,370,5
+beechwood,1157,10
+klickitat,1599,7
+hiteman,1109,13
+forkland,80,0
+ranchester,1350,1
+stockman,1237,5
+hiteman,1355,7
+leonardo,1967,5
+lakeville,1068,3
+wainscott,279,2
+benevolence,500,2
+marstons,711,2
+ranchester,468,2
+pinesdale,320,0
+hiteman,52,4
+pinesdale,1439,2
+marstons,2313,2
+shelbyville,2233,4
+hiteman,376,2
+mifflinburg,969,0
+pinesdale,734,6
+forkland,623,4
+cosmos,285,2
+woodbine,2009,9
+lakeville,175,1
+shelbyville,2724,2
+wainscott,1703,7
+pomaria,552,2
+lindenwood,2658,10
+pinesdale,1484,2
+tolstoy,1808,2
+pinesdale,9,0
+lindenwood,1345,5
+shelbyville,1591,1
+lindenwood,1657,13
+shelbyville,1727,4
+leonardo,1309,2
+leonardo,175,0
+lindenwood,2157,0
+klickitat,298,6
+newfields,90,5
+wainscott,1435,2
+lindenwood,326,5
+tolstoy,167,0
+lakeville,84,2
+woodbine,1252,1
+lakeville,1548,1
+cosmos,841,0
+woodbine,761,1
+leonardo,1873,2
+coffeen,378,0
+wainscott,620,2
+marstons,20,9
+wainscott,471,3
+woodbine,40,1
+shelbyville,88,7
+hanson,1452,3
+mifflinburg,443,0
+ranchester,472,3
+klickitat,70,3
+pinesdale,317,5
+pomaria,352,1
+hiteman,736,0
+tolstoy,1616,2
+stockman,768,0
+hiteman,1789,6
+marstons,1003,6
+lakeville,1515,11
+marstons,1613,2
+wainscott,1161,7
+lakeville,982,0
+woodbine,794,11
+tolstoy,549,4
+marstons,33,6
+leonardo,2089,0
+lakeville,898,4
+shelbyville,1815,0
+pinesdale,606,1
+beechwood,56,0
+newfields,504,4
+wainscott,252,0
+lindenwood,251,4
+ranchester,336,13
+mifflinburg,876,3
+lakeville,759,0
+hanson,1196,5
+coffeen,1519,7
+hanson,1510,22
+ranchester,255,4
+woodbine,1315,0
+pomaria,1529,2
+shelbyville,1248,8
+lindenwood,1244,6
+woodbine,1852,2
+hanson,124,0
+wainscott,1307,1
+tolstoy,1411,4
+marstons,338,1
+woodbine,1692,2
+wainscott,1730,7
+hanson,568,8
+marstons,364,3
+hiteman,1475,2
+cosmos,416,1
+lakeville,1222,0
+ranchester,42,2
+onaga,179,2
+pinesdale,1348,0
+klickitat,399,8
+lindenwood,2191,7
+benevolence,304,12
+woodbine,1807,7
+newfields,1064,2
+woodbine,1132,7
+lakeville,1125,4
+stockman,1048,8
+lindenwood,1958,4
+leonardo,970,1
+marstons,1990,3
+pomaria,715,0
+forkland,890,2
+pomaria,42,7
+klickitat,1886,0
+lindenwood,1291,2
+onaga,676,7
+allensville,39,1
+shelbyville,19,6
+hiteman,1415,2
+hanson,266,7
+tolstoy,1633,2
+cosmos,57,3
+pinesdale,695,5
+newfields,1355,2
+mifflinburg,458,1
+coffeen,347,12
+lindenwood,551,2
+stockman,1446,2
+shelbyville,1750,3
+merom,799,6
+tolstoy,120,2
+tolstoy,668,10
+ranchester,190,2
+marstons,1971,3
+tolstoy,1157,8
+lindenwood,119,6
+newfields,266,5
+coffeen,854,6
+woodbine,1728,2
+newfields,818,0
+klickitat,849,1
+lakeville,27,2
+leonardo,661,2
+lakeville,473,3
+newfields,209,1
+stockman,1189,8
+leonardo,1769,0
+cosmos,601,10
+shelbyville,1192,6
+klickitat,371,2
+lindenwood,595,1
+pinesdale,319,1
+hiteman,473,3
+mifflinburg,509,3
+shelbyville,1995,2
+lakeville,1092,10
+newfields,236,6
+lakeville,475,9
+lindenwood,1135,4
+onaga,310,3
+hiteman,1093,0
+newfields,108,1
+pomaria,1492,0
+tolstoy,1105,1
+wainscott,615,2
+wainscott,1085,4
+forkland,650,5
+klickitat,1158,4
+newfields,88,3
+lindenwood,107,4
+leonardo,32,1
+klickitat,760,0
+hiteman,1255,4
+coffeen,626,6
+hanson,1652,1
+pinesdale,1057,2
+marstons,401,0
+lindenwood,491,4
+lakeville,1068,12
+woodbine,962,0
+ranchester,1304,11
+hiteman,379,2
+hanson,199,3
+cosmos,365,1
+pinesdale,298,1
+wainscott,1620,6
+lindenwood,8,0
+mifflinburg,788,2
+shelbyville,2400,1
+pinesdale,453,6
+hiteman,329,1
+woodbine,2005,3
+lindenwood,1955,1
+hiteman,641,3
+shelbyville,2771,6
+hanson,100,0
+shelbyville,784,9
+shelbyville,1754,11
+leonardo,1385,4
+leonardo,92,6
+tolstoy,1554,10
+pinesdale,1176,4
+tolstoy,612,11
+woodbine,1578,2
+wainscott,44,11
+woodbine,1866,8
+ranchester,1437,7
+woodbine,2050,8
+hanson,825,6
+wainscott,75,5
+shelbyville,1279,3
+newfields,834,0
+merom,872,0
+forkland,77,2
+klickitat,541,4
+pomaria,1086,3
+pinesdale,860,3
+shelbyville,1389,4
+stockman,1375,2
+tolstoy,1068,4
+pomaria,996,6
+leonardo,1557,1
+shelbyville,972,7
+pinesdale,736,5
+marstons,1161,0
+tolstoy,916,0
+pomaria,1553,1
+shelbyville,1884,2
+shelbyville,2713,3
+tolstoy,1262,6
+onaga,123,1
+klickitat,504,6
+benevolence,603,3
+wainscott,362,2
+pomaria,1283,0
+leonardo,706,1
+shelbyville,1447,0
+marstons,228,5
+klickitat,268,1
+newfields,56,5
+shelbyville,1147,0
+klickitat,1238,1
+stockman,1581,10
+hanson,736,1
+pinesdale,452,9
+ranchester,1503,0
+merom,985,5
+wainscott,185,1
+klickitat,1730,3
+beechwood,881,2
+forkland,10,1
+benevolence,355,7
+klickitat,1470,7
+pomaria,1063,3
+tolstoy,787,6
+pomaria,1490,9
+ranchester,300,1
+tolstoy,453,12
+klickitat,1695,4
+leonardo,1732,5
+lindenwood,1272,3
+mifflinburg,567,3
+klickitat,612,2
+tolstoy,44,6
+merom,549,0
+pinesdale,895,4
+hanson,308,3
+pinesdale,362,2
+lakeville,756,18
+lakeville,339,5
+leonardo,1782,0
+leonardo,518,3
+stockman,1130,1
+shelbyville,2609,4
+pinesdale,692,3
+klickitat,780,4
+pomaria,1239,5
+leonardo,51,9
+leonardo,820,8
+newfields,1587,9
+lindenwood,1246,0
+ranchester,393,8
+klickitat,881,10
+klickitat,2337,1
+lindenwood,1964,2
+shelbyville,305,4
+wainscott,1296,11
+coffeen,201,0
+leonardo,1102,3
+marstons,1183,1
+allensville,58,6
+pinesdale,498,0
+beechwood,310,3
+tolstoy,1147,6
+hiteman,1799,7
+newfields,927,2
+klickitat,2057,17
+shelbyville,16,1
+klickitat,623,2
+wainscott,1707,2
+lindenwood,471,2
+beechwood,51,1
+woodbine,1501,4
+klickitat,2324,9
+wainscott,572,10
+pomaria,367,3
+hiteman,1551,9
+klickitat,687,0
+lindenwood,1716,1
+beechwood,1015,3
+klickitat,1823,7
+cosmos,118,3
+klickitat,365,6
+lakeville,1301,1
+cosmos,744,2
+lindenwood,1335,9
+tolstoy,28,2
+lakeville,1164,5
+klickitat,447,0
+stockman,432,0
+coffeen,675,2
+hanson,746,7
+lakeville,536,10
+coffeen,1408,5
+lakeville,576,1
+shelbyville,468,1
+lindenwood,427,1
+ranchester,460,1
+coffeen,694,7
+woodbine,225,2
+stockman,1596,5
+woodbine,1044,0
+lindenwood,215,4
+shelbyville,1340,0
+newfields,1278,0
+marstons,2096,1
+leonardo,694,5
+merom,535,0
+shelbyville,1919,0
+hiteman,1023,0
+woodbine,1326,1
+beechwood,507,0
+merom,833,0
+hanson,440,1
+lakeville,1843,4
+leonardo,1988,6
+wainscott,1456,1
+marstons,677,8
+woodbine,2025,0
+klickitat,1030,2
+stockman,1296,3
+pinesdale,708,5
+newfields,674,6
+leonardo,1156,3
+lindenwood,1281,2
+hanson,1656,12
+mifflinburg,818,3
+shelbyville,2310,5
+wainscott,1162,15
+mifflinburg,270,2
+pomaria,196,0
+newfields,1375,2
+lindenwood,1822,4
+forkland,445,2
+marstons,88,0
+shelbyville,1603,17
+lindenwood,2287,5
+hiteman,1687,9
+pomaria,1439,3
+klickitat,1606,15
+cosmos,185,1
+leonardo,939,2
+leonardo,509,3
+woodbine,205,1
+allensville,171,3
+beechwood,195,0
+lindenwood,2341,8
+woodbine,1558,0
+benevolence,147,4
+lindenwood,737,1
+ranchester,1352,0
+lakeville,1038,7
+hiteman,570,10
+newfields,1598,1
+hanson,1429,4
+allensville,248,4
+woodbine,1958,4
+pinesdale,872,2
+stockman,1479,4
+pinesdale,11,0
+pinesdale,306,4
+wainscott,738,0
+hanson,1146,11
+pinesdale,1387,6
+newfields,527,1
+leonardo,973,1
+hanson,1646,4
+leonardo,2083,6
+marstons,1919,7
+newfields,0,1
+leonardo,528,7
+klickitat,395,1
+lindenwood,572,1
+shelbyville,1715,0
+marstons,348,15
+cosmos,569,0
+coffeen,936,1
+tolstoy,1525,7
+tolstoy,717,6
+cosmos,407,4
+wainscott,1547,7
+newfields,710,1
+hanson,629,2
+leonardo,984,0
+lakeville,1186,5
+marstons,975,6
+woodbine,1806,8
+merom,843,0
+shelbyville,2723,0
+leonardo,291,14
+forkland,1078,3
+mifflinburg,247,7
+shelbyville,548,0
+wainscott,1049,4
+lakeville,1726,2
+coffeen,183,2
+newfields,343,2
+newfields,1007,13
+forkland,1049,0
+coffeen,350,0
+pinesdale,34,1
+coffeen,477,3
+klickitat,135,7
+hanson,1505,2
+pomaria,1655,6
+cosmos,443,1
+lindenwood,568,6
+lindenwood,1159,5
+coffeen,926,5
+shelbyville,2158,4
+merom,910,4
+benevolence,454,2
+woodbine,1617,3
+leonardo,1720,0
+leonardo,531,3
+woodbine,745,0
+pomaria,294,1
+stockman,1469,2
+newfields,1068,3
+leonardo,1762,1
+woodbine,760,6
+pomaria,1300,8
+woodbine,786,5
+shelbyville,1301,2
+lindenwood,325,0
+hanson,84,2
+forkland,792,3
+lindenwood,572,5
+newfields,1279,1
+newfields,1575,3
+forkland,856,1
+pinesdale,357,2
+woodbine,114,5
+onaga,195,2
+pomaria,1359,2
+lakeville,1522,4
+stockman,1364,5
+leonardo,337,8
+shelbyville,1265,0
+wainscott,1498,3
+tolstoy,1378,2
+leonardo,1154,2
+leonardo,1842,4
+pomaria,1661,0
+marstons,1367,3
+lindenwood,1473,1
+klickitat,1076,4
+hanson,1522,2
+klickitat,503,13
+marstons,2013,2
+hanson,521,1
+shelbyville,1933,4
+merom,67,1
+stockman,1254,0
+marstons,1255,11
+lakeville,1431,1
+hanson,865,6
+newfields,1584,1
+klickitat,2255,9
+hanson,814,12
+hanson,1225,1
+coffeen,1281,5
+woodbine,1458,4
+shelbyville,1080,2
+hiteman,33,6
+lindenwood,637,7
+coffeen,1109,0
+lindenwood,691,1
+marstons,964,3
+ranchester,992,0
+shelbyville,840,4
+forkland,366,11
+ranchester,80,4
+beechwood,176,1
+wainscott,1640,1
+tolstoy,1416,2
+ranchester,1532,2
+pinesdale,1338,12
+hiteman,321,3
+marstons,1470,2
+woodbine,1500,4
+lakeville,1026,1
+lindenwood,508,2
+onaga,3,5
+hanson,47,3
+pinesdale,734,12
+shelbyville,1083,7
+klickitat,41,5
+shelbyville,1498,10
+beechwood,115,2
+hanson,743,3
+klickitat,1507,9
+ranchester,746,0
+newfields,86,0
+woodbine,1727,6
+woodbine,1757,4
+lindenwood,2197,7
+klickitat,2354,1
+beechwood,1039,8
+marstons,1140,9
+shelbyville,708,4
+shelbyville,1223,0
+wainscott,89,2
+shelbyville,2594,5
+woodbine,388,9
+pinesdale,406,7
+klickitat,1679,8
+mifflinburg,747,3
+pinesdale,706,2
+klickitat,716,5
+forkland,736,5
+ranchester,222,12
+leonardo,356,1
+klickitat,2126,4
+shelbyville,2476,6
+newfields,1642,3
+tolstoy,726,4
+hanson,901,3
+coffeen,1052,8
+leonardo,928,3
+stockman,1568,11
+newfields,1204,12
+pinesdale,963,1
+lakeville,1045,16
+ranchester,668,4
+shelbyville,2576,1
+tolstoy,84,4
+coffeen,614,6
+newfields,676,2
+lindenwood,1932,4
+lindenwood,1493,0
+marstons,1792,1
+shelbyville,2761,9
+marstons,136,4
+newfields,445,7
+marstons,41,2
+stockman,1426,2
+onaga,167,1
+marstons,1698,6
+lakeville,1010,2
+leonardo,1273,7
+lakeville,368,3
+lakeville,1578,2
+ranchester,1267,2
+lakeville,885,0
+cosmos,804,0
+pomaria,703,0
+shelbyville,2058,2
+onaga,244,4
+marstons,1855,0
+wainscott,582,14
+wainscott,1562,1
+klickitat,2209,0
+marstons,1910,4
+hiteman,524,6
+beechwood,119,0
+lindenwood,1178,0
+mifflinburg,805,3
+lindenwood,286,3
+newfields,443,3
+hanson,1315,1
+mifflinburg,187,3
+pomaria,265,2
+wainscott,1356,1
+allensville,267,1
+tolstoy,92,0
+lindenwood,299,2
+pinesdale,1026,5
+ranchester,416,13
+onaga,497,1
+ranchester,1605,6
+marstons,2318,3
+pinesdale,144,0
+shelbyville,2369,3
+woodbine,424,1
+hiteman,639,0
+lindenwood,1576,6
+allensville,226,8
+lindenwood,1547,0
+hiteman,570,6
+newfields,111,2
+lakeville,1779,5
+newfields,445,10
+leonardo,1664,14
+merom,998,3
+merom,741,0
+klickitat,561,3
+woodbine,994,2
+woodbine,923,1
+shelbyville,692,19
+marstons,546,8
+cosmos,330,0
+lindenwood,1466,8
+klickitat,2204,7
+wainscott,1329,11
+hiteman,94,1
+klickitat,1007,11
+lindenwood,513,4
+woodbine,626,6
+tolstoy,658,2
+klickitat,248,1
+pomaria,252,3
+woodbine,1278,2
+ranchester,184,3
+leonardo,276,2
+leonardo,1152,1
+hiteman,1411,1
+ranchester,1367,12
+beechwood,656,0
+klickitat,1487,2
+wainscott,156,2
+marstons,943,2
+hanson,190,3
+marstons,284,18
+hanson,1498,9
+ranchester,363,3
+leonardo,1171,8
+wainscott,862,11
+shelbyville,260,0
+pomaria,320,6
+coffeen,928,6
+ranchester,1304,5
+ranchester,919,1
+lakeville,138,3
+woodbine,594,15
+stockman,1580,1
+marstons,2183,0
+wainscott,1091,0
+leonardo,1580,12
+leonardo,448,13
+pomaria,773,2
+shelbyville,1013,5
+cosmos,540,5
+pinesdale,964,0
+woodbine,374,0
+lindenwood,669,9
+pinesdale,284,9
+hiteman,1562,1
+lakeville,1532,0
+hanson,64,1
+wainscott,370,5
+shelbyville,2571,5
+coffeen,1433,5
+allensville,283,5
+klickitat,1571,2
+hanson,1481,3
+shelbyville,2423,1
+shelbyville,1512,1
+newfields,715,3
+newfields,1012,4
+lindenwood,2307,5
+lakeville,1742,3
+pomaria,1080,4
+tolstoy,1070,3
+newfields,386,1
+pinesdale,233,1
+hiteman,1615,0
+newfields,142,1
+pomaria,201,1
+klickitat,548,8
+shelbyville,866,2
+lindenwood,1817,4
+klickitat,176,1
+lindenwood,1801,2
+ranchester,243,1
+marstons,1656,7
+marstons,2340,7
+pinesdale,269,0
+pinesdale,1044,1
+merom,205,5
+mifflinburg,328,0
+wainscott,808,14
+stockman,1608,1
+stockman,1593,0
+coffeen,1100,0
+newfields,1094,5
+wainscott,532,1
+coffeen,1194,2
+wainscott,817,7
+lindenwood,1683,2
+merom,888,3
+pomaria,476,0
+klickitat,149,4
+marstons,1501,3
+shelbyville,2649,3
+coffeen,1039,4
+marstons,2523,10
+marstons,1782,4
+lindenwood,951,18
+klickitat,1921,13
+marstons,260,1
+shelbyville,162,8
+benevolence,974,9
+hiteman,659,1
+woodbine,1959,1
+mifflinburg,413,0
+ranchester,611,6
+wainscott,876,5
+lindenwood,1148,21
+coffeen,1156,8
+lindenwood,1337,4
+klickitat,788,2
+shelbyville,1295,9
+tolstoy,614,3
+pinesdale,297,4
+leonardo,442,8
+lindenwood,1486,2
+klickitat,867,5
+pinesdale,1040,2
+shelbyville,1816,11
+lindenwood,2129,2
+lindenwood,595,5
+mifflinburg,437,1
+wainscott,728,3
+marstons,1743,0
+klickitat,561,5
+ranchester,819,0
+shelbyville,558,4
+tolstoy,1263,6
+pomaria,415,4
+marstons,819,2
+cosmos,7,1
+tolstoy,629,2
+klickitat,1534,1
+coffeen,6,6
+lindenwood,829,2
+cosmos,420,1
+shelbyville,603,1
+woodbine,807,0
+benevolence,681,5
+hiteman,1036,4
+woodbine,2040,15
+tolstoy,915,5
+lindenwood,466,2
+shelbyville,982,0
+benevolence,741,5
+marstons,944,0
+tolstoy,1012,5
+hiteman,1495,7
+lindenwood,1172,0
+pomaria,1122,16
+pomaria,360,2
+wainscott,704,1
+woodbine,694,0
+mifflinburg,12,0
+forkland,577,5
+hiteman,1401,1
+coffeen,1389,7
+hanson,1304,3
+leonardo,1750,0
+lindenwood,48,2
+cosmos,75,2
+wainscott,909,7
+hiteman,1199,1
+lindenwood,705,3
+coffeen,880,0
+marstons,859,4
+marstons,1513,5
+beechwood,705,7
+pomaria,38,4
+beechwood,853,0
+pinesdale,1037,0
+beechwood,782,6
+lindenwood,574,1
+leonardo,374,1
+woodbine,864,12
+pinesdale,239,4
+benevolence,281,1
+shelbyville,421,7
+lakeville,1399,14
+hiteman,1683,4
+hanson,825,11
+beechwood,11,1
+lakeville,949,0
+leonardo,1808,2
+pinesdale,7,8
+shelbyville,1032,4
+forkland,896,4
+onaga,294,4
+wainscott,13,6
+pomaria,682,4
+shelbyville,1971,9
+lakeville,1665,1
+leonardo,869,3
+klickitat,1219,1
+wainscott,712,9
+lindenwood,1557,4
+lakeville,1406,10
+pomaria,1110,3
+pomaria,1164,2
+hiteman,1441,0
+shelbyville,2162,7
+wainscott,237,6
+newfields,1076,3
+newfields,1184,0
+forkland,418,2
+tolstoy,1218,15
+klickitat,721,7
+marstons,179,5
+tolstoy,901,4
+wainscott,240,12
+hanson,588,2
+tolstoy,1814,4
+newfields,435,18
+klickitat,769,2
+woodbine,612,6
+newfields,401,5
+klickitat,1400,2
+klickitat,2258,5
+merom,712,2
+lakeville,1601,9
+leonardo,1142,3
+ranchester,690,2
+woodbine,1266,1
+marstons,26,0
+stockman,1193,2
+mifflinburg,122,4
+newfields,89,12
+hiteman,239,2
+lindenwood,1440,6
+wainscott,1794,6
+lakeville,212,6
+woodbine,17,0
+ranchester,282,2
+merom,800,8
+klickitat,2283,5
+tolstoy,573,1
+wainscott,1652,15
+marstons,1867,8
+allensville,170,0
+cosmos,65,1
+shelbyville,1330,5
+lakeville,1385,1
+ranchester,1303,3
+merom,909,0
+forkland,197,1
+shelbyville,2365,2
+lindenwood,850,0
+pinesdale,1120,2
+forkland,523,2
+pinesdale,880,1
+marstons,2515,7
+klickitat,1072,2
+hiteman,970,3
+mifflinburg,865,2
+lindenwood,2264,11
+leonardo,528,14
+pinesdale,1471,8
+shelbyville,47,13
+cosmos,228,7
+stockman,1005,1
+shelbyville,1992,2
+klickitat,729,4
+lakeville,14,1
+newfields,13,5
+shelbyville,424,0
+shelbyville,332,3
+cosmos,114,4
+stockman,124,5
+shelbyville,2531,10
+merom,1109,1
+lakeville,1278,8
+pomaria,599,4
+lakeville,116,16
+marstons,1349,0
+marstons,179,8
+beechwood,1112,1
+hanson,54,14
+shelbyville,1815,2
+lindenwood,1472,2
+marstons,1048,0
+klickitat,1944,2
+marstons,434,0
+pinesdale,487,7
+tolstoy,1686,1
+leonardo,1004,11
+merom,178,2
+coffeen,173,1
+stockman,1302,6
+lindenwood,2503,9
+shelbyville,404,13
+marstons,98,9
+newfields,495,1
+allensville,450,2
+klickitat,109,10
+forkland,903,2
+leonardo,427,2
+shelbyville,1071,1
+ranchester,307,5
+tolstoy,1766,3
+pinesdale,1502,8
+forkland,656,5
+woodbine,1633,9
+forkland,248,5
+klickitat,2277,1
+hiteman,1738,1
+hanson,580,0
+beechwood,20,2
+stockman,1069,3
+marstons,1356,6
+newfields,190,7
+forkland,79,1
+tolstoy,1683,1
+woodbine,1270,7
+stockman,263,3
+newfields,675,4
+ranchester,1014,12
+shelbyville,1032,2
+shelbyville,803,2
+beechwood,375,10
+klickitat,394,11
+shelbyville,2742,5
+marstons,1772,0
+pinesdale,1347,2
+shelbyville,1692,9
+shelbyville,2688,2
+stockman,25,3
+leonardo,448,9
+wainscott,985,0
+lindenwood,1414,6
+klickitat,1707,2
+pomaria,1458,2
+klickitat,1915,1
+marstons,1392,4
+woodbine,1466,1
+marstons,1268,3
+woodbine,1675,3
+shelbyville,918,5
+forkland,789,0
+shelbyville,1467,7
+klickitat,1139,6
+stockman,1454,13
+wainscott,1676,3
+lakeville,528,2
+coffeen,130,1
+shelbyville,2074,10
+lakeville,81,6
+newfields,965,0
+hanson,882,3
+coffeen,134,1
+klickitat,2397,3
+hiteman,353,1
+wainscott,1374,5
+wainscott,985,4
+allensville,513,2
+lindenwood,268,5
+marstons,1028,0
+marstons,1203,3
+leonardo,1321,0
+merom,896,0
+lindenwood,1,2
+shelbyville,2732,1
+wainscott,1522,2
+woodbine,1688,7
+lindenwood,823,3
+allensville,35,1
+wainscott,1707,15
+hanson,452,6
+hiteman,230,0
+pomaria,852,1
+marstons,1172,4
+mifflinburg,325,1
+shelbyville,1020,0
+hanson,741,3
+coffeen,1199,4
+coffeen,1384,1
+stockman,64,1
+marstons,1874,12
+hanson,824,4
+marstons,1577,12
+leonardo,540,1
+pinesdale,457,12
+lakeville,1567,3
+pomaria,612,0
+woodbine,1505,2
+hanson,1398,2
+klickitat,360,3
+forkland,347,3
+cosmos,868,6
+lindenwood,1045,0
+coffeen,1142,3
+tolstoy,1252,1
+shelbyville,103,0
+lindenwood,1453,4
+hanson,1136,11
+mifflinburg,557,2
+ranchester,1344,4
+ranchester,1034,4
+shelbyville,2061,6
+klickitat,1555,8
+forkland,1064,1
+leonardo,436,0
+hiteman,781,3
+hanson,1448,5
+coffeen,253,1
+wainscott,208,1
+coffeen,6,10
+beechwood,624,1
+hanson,176,3
+tolstoy,456,7
+klickitat,361,12
+stockman,26,0
+klickitat,1760,9
+lindenwood,2673,1
+beechwood,991,4
+wainscott,703,2
+stockman,497,3
+newfields,10,3
+hanson,1194,3
+stockman,1435,7
+tolstoy,373,2
+beechwood,894,4
+cosmos,168,9
+shelbyville,1000,0
+forkland,715,3
+hanson,1281,2
+mifflinburg,89,1
+shelbyville,1828,5
+beechwood,911,4
+leonardo,1072,6
+tolstoy,190,1
+lindenwood,1055,3
+wainscott,1595,13
+mifflinburg,183,0
+tolstoy,1454,15
+lakeville,1349,2
+newfields,366,1
+tolstoy,1386,4
+lindenwood,667,7
+newfields,221,3
+lindenwood,520,3
+ranchester,459,4
+merom,173,2
+lindenwood,1924,5
+pomaria,1350,12
+hiteman,498,1
+cosmos,648,0
+woodbine,546,2
+hiteman,1395,5
+leonardo,1879,1
+coffeen,575,5
+forkland,166,0
+hanson,546,15
+klickitat,2179,1
+stockman,432,3
+wainscott,1073,4
+lakeville,789,2
+hanson,1650,0
+lindenwood,2161,8
+hiteman,1307,7
+hanson,598,5
+beechwood,355,0
+tolstoy,290,11
+klickitat,2145,2
+newfields,874,0
+lindenwood,869,0
+shelbyville,2174,6
+lakeville,1896,5
+marstons,1712,3
+shelbyville,1414,0
+pinesdale,62,2
+lindenwood,314,0
+shelbyville,1950,4
+woodbine,1800,13
+klickitat,2279,1
+tolstoy,1528,2
+lindenwood,1630,1
+marstons,677,0
+forkland,911,6
+newfields,1146,13
+shelbyville,951,3
+pomaria,1411,2
+merom,279,4
+ranchester,1590,5
+leonardo,1595,3
+leonardo,1287,0
+hiteman,1774,3
+pomaria,1613,2
+pinesdale,135,2
+shelbyville,1891,7
+lindenwood,622,4
+leonardo,216,2
+marstons,2013,3
+shelbyville,2237,0
+pinesdale,875,4
+wainscott,397,4
+leonardo,1533,1
+tolstoy,593,1
+coffeen,567,10
+shelbyville,715,4
+hanson,1453,9
+woodbine,1605,17
+newfields,1094,10
+leonardo,1728,6
+merom,919,4
+beechwood,895,1
+cosmos,424,8
+lakeville,1480,5
+lindenwood,575,3
+forkland,364,1
+lakeville,839,8
+leonardo,2042,11
+marstons,1512,10
+benevolence,800,4
+leonardo,1638,1
+lindenwood,2654,2
+pomaria,1124,2
+lakeville,1208,0
+pomaria,706,3
+tolstoy,1660,0
+pomaria,1002,8
+hanson,642,16
+shelbyville,188,8
+woodbine,1312,7
+hiteman,1732,7
+newfields,824,2
+ranchester,1196,2
+beechwood,1131,3
+hiteman,1849,6
+lakeville,1664,4
+klickitat,1030,0
+woodbine,491,6
+ranchester,108,4
+pinesdale,1152,5
+forkland,889,2
+merom,187,2
+onaga,538,6
+wainscott,69,10
+shelbyville,2611,15
+shelbyville,1328,0
+klickitat,99,6
+newfields,978,3
+wainscott,208,3
+klickitat,163,1
+shelbyville,1115,6
+pomaria,34,0
+lindenwood,2340,1
+shelbyville,862,1
+lakeville,1184,3
+wainscott,1065,7
+ranchester,1091,4
+lindenwood,769,4
+hiteman,660,9
+ranchester,820,5
+leonardo,993,3
+klickitat,2413,0
+pomaria,1044,11
+lakeville,548,1
+hanson,1273,14
+woodbine,2040,1
+shelbyville,694,1
+stockman,994,4
+woodbine,1453,1
+leonardo,888,9
+pinesdale,1088,1
+pinesdale,445,2
+ranchester,469,10
+stockman,1346,2
+tolstoy,465,2
+lakeville,380,4
+mifflinburg,493,4
+beechwood,459,0
+hiteman,414,4
+klickitat,76,3
+stockman,1370,2
+wainscott,937,0
+lakeville,503,0
+tolstoy,1038,3
+leonardo,2100,11
+leonardo,347,7
+leonardo,852,7
+lakeville,6,5
+cosmos,941,4
+tolstoy,493,10
+marstons,732,3
+pomaria,231,1
+pomaria,377,1
+hanson,1351,5
+marstons,2382,4
+wainscott,35,0
+klickitat,445,5
+beechwood,456,0
+marstons,1332,8
+newfields,1349,2
+lindenwood,312,2
+lindenwood,460,4
+newfields,1501,4
+hanson,598,8
+forkland,1189,1
+stockman,1291,3
+hanson,1139,0
+leonardo,803,2
+pinesdale,1454,6
+hanson,557,7
+hiteman,1140,0
+leonardo,1138,1
+pomaria,1548,3
+newfields,697,4
+lakeville,1107,5
+tolstoy,1178,0
+marstons,316,2
+pomaria,769,6
+shelbyville,2307,6
+mifflinburg,691,2
+lindenwood,1402,9
+tolstoy,136,5
+woodbine,843,0
+lindenwood,977,5
+pinesdale,440,4
+coffeen,929,0
+stockman,1335,1
+marstons,2538,4
+leonardo,1854,2
+woodbine,612,4
+lakeville,722,0
+cosmos,954,1
+mifflinburg,487,2
+beechwood,974,2
+lindenwood,1494,6
+marstons,812,8
+woodbine,1836,2
+lakeville,107,0
+lakeville,1099,7
+woodbine,1122,0
+lindenwood,2148,1
+ranchester,652,2
+ranchester,620,0
+shelbyville,705,5
+marstons,1440,0
+tolstoy,542,17
+marstons,1706,2
+klickitat,2190,3
+tolstoy,425,9
+benevolence,295,1
+leonardo,120,4
+coffeen,1358,0
+shelbyville,2444,6
+newfields,555,0
+pomaria,1307,0
+beechwood,259,0
+lindenwood,2251,1
+shelbyville,1177,2
+pomaria,1038,6
+stockman,1050,2
+allensville,209,1
+pomaria,941,3
+newfields,168,4
+hanson,1099,1
+shelbyville,488,2
+benevolence,270,1
+wainscott,562,1
+leonardo,553,9
+shelbyville,104,13
+benevolence,187,1
+ranchester,101,3
+pinesdale,256,2
+wainscott,1656,3
+leonardo,1835,0
+mifflinburg,823,3
+hiteman,443,6
+lakeville,992,3
+newfields,429,0
+cosmos,877,1
+hanson,1394,2
+lindenwood,1566,8
+woodbine,929,8
+leonardo,1829,5
+pomaria,963,3
+forkland,51,1
+stockman,851,1
+pinesdale,820,7
+woodbine,92,11
+klickitat,1339,2
+lindenwood,672,4
+shelbyville,1988,3
+beechwood,260,2
+woodbine,947,2
+stockman,102,0
+tolstoy,630,4
+stockman,932,5
+marstons,1983,0
+coffeen,658,1
+leonardo,1402,1
+leonardo,1773,2
+pinesdale,760,2
+marstons,2175,2
+allensville,194,4
+klickitat,1669,1
+shelbyville,102,1
+lindenwood,636,3
+wainscott,228,6
+marstons,247,4
+lindenwood,1834,1
+coffeen,1140,2
+cosmos,67,7
+wainscott,710,1
+lakeville,1403,12
+marstons,1692,9
+wainscott,122,8
+shelbyville,1934,0
+hanson,1001,9
+stockman,313,0
+klickitat,2272,0
+wainscott,422,2
+pinesdale,829,0
+marstons,435,6
+forkland,542,2
+shelbyville,2654,5
+lindenwood,2469,2
+onaga,120,1
+leonardo,888,12
+ranchester,902,11
+lakeville,1715,15
+hiteman,729,5
+klickitat,2407,9
+lakeville,930,3
+hiteman,988,3
+hanson,752,8
+pinesdale,1340,1
+lindenwood,1731,4
+klickitat,250,0
+pinesdale,305,3
+hiteman,707,2
+pomaria,844,12
+shelbyville,2628,3
+lindenwood,1245,2
+lakeville,1633,0
+shelbyville,2313,4
+hiteman,887,6
+shelbyville,772,5
+woodbine,1605,9
+cosmos,293,12
+lakeville,261,9
+pinesdale,349,5
+shelbyville,207,4
+beechwood,60,0
+tolstoy,1153,6
+marstons,2329,0
+forkland,1087,7
+woodbine,580,4
+pinesdale,973,10
+hiteman,694,6
+pinesdale,1169,4
+shelbyville,1302,8
+pinesdale,796,12
+lindenwood,1543,2
+lakeville,937,3
+marstons,567,2
+tolstoy,674,2
+newfields,1460,2
+newfields,227,0
+newfields,493,11
+pinesdale,1473,0
+leonardo,1196,0
+hiteman,1803,3
+newfields,71,2
+cosmos,492,1
+shelbyville,2482,12
+coffeen,163,2
+wainscott,478,6
+coffeen,569,2
+klickitat,2062,6
+shelbyville,2620,4
+marstons,993,9
+pomaria,480,2
+woodbine,597,4
+cosmos,993,2
+shelbyville,2687,7
+hanson,330,3
+shelbyville,1142,5
+leonardo,349,0
+pomaria,1378,0
+benevolence,720,1
+stockman,788,1
+leonardo,506,9
+hanson,302,2
+beechwood,1120,1
+tolstoy,1398,7
+woodbine,681,1
+pomaria,1489,0
+ranchester,212,1
+hanson,1082,1
+hanson,1637,2
+stockman,694,1
+pinesdale,1317,3
+benevolence,682,2
+leonardo,1066,4
+cosmos,956,9
+newfields,1627,2
+pomaria,92,1
+tolstoy,1568,1
+mifflinburg,394,6
+shelbyville,2119,4
+cosmos,623,5
+pinesdale,1158,2
+shelbyville,177,0
+woodbine,531,4
+pomaria,1537,3
+woodbine,534,0
+marstons,91,0
+stockman,361,0
+cosmos,967,2
+lakeville,450,1
+woodbine,1846,0
+stockman,1019,0
+pomaria,388,10
+newfields,283,2
+lindenwood,2037,1
+leonardo,840,2
+shelbyville,75,3
+klickitat,2103,1
+lindenwood,73,4
+pinesdale,1467,6
+woodbine,1183,15
+coffeen,690,1
+newfields,1025,12
+lindenwood,1761,5
+coffeen,463,0
+wainscott,748,10
+shelbyville,163,6
+leonardo,2114,3
+hiteman,205,5
+beechwood,678,4
+woodbine,1877,7
+klickitat,1266,5
+cosmos,877,2
+stockman,1558,6
+forkland,277,4
+cosmos,410,2
+beechwood,715,4
+leonardo,1564,0
+forkland,55,6
+woodbine,1018,5
+pomaria,599,3
+marstons,2499,0
+stockman,365,2
+shelbyville,665,0
+pomaria,15,4
+marstons,137,4
+lindenwood,1686,1
+beechwood,712,2
+woodbine,12,6
+newfields,1004,2
+stockman,1039,4
+leonardo,1156,2
+beechwood,468,10
+woodbine,7,8
+pomaria,1105,4
+pomaria,1047,0
+allensville,29,4
+lakeville,1422,4
+newfields,792,6
+newfields,629,1
+tolstoy,74,2
+marstons,1692,1
+pomaria,1431,8
+lakeville,68,0
+ranchester,147,5
+ranchester,1011,0
+cosmos,184,1
+ranchester,57,3
+lakeville,1283,0
+coffeen,1419,6
+lakeville,473,9
+hiteman,1725,0
+lindenwood,286,13
+wainscott,986,2
+woodbine,282,2
+coffeen,1261,4
+stockman,65,5
+lakeville,1294,2
+tolstoy,935,5
+marstons,1327,6
+hiteman,1460,2
+mifflinburg,937,1
+lakeville,36,4
+lindenwood,2503,2
+klickitat,2049,3
+shelbyville,1637,4
+leonardo,1985,4
+marstons,524,1
+benevolence,612,6
+forkland,406,0
+merom,11,4
+klickitat,1735,16
+klickitat,2044,7
+merom,120,1
+lindenwood,363,5
+marstons,286,2
+hiteman,1163,5
+wainscott,1798,6
+pinesdale,1180,8
+stockman,1464,0
+lindenwood,575,1
+hiteman,1762,2
+lindenwood,2428,1
+coffeen,526,0
+leonardo,1021,6
+hanson,26,6
+pinesdale,1431,4
+benevolence,898,0
+shelbyville,1620,6
+pomaria,657,3
+allensville,74,0
+marstons,1838,2
+wainscott,618,5
+shelbyville,285,3
+newfields,508,8
+hiteman,555,9
+leonardo,105,0
+merom,558,3
+leonardo,2045,1
+klickitat,2179,6
+pomaria,532,1
+newfields,1160,10
+ranchester,404,2
+onaga,190,3
+leonardo,1335,1
+leonardo,1856,0
+pomaria,933,11
+leonardo,1334,0
+shelbyville,775,6
+stockman,1242,2
+ranchester,1317,5
+tolstoy,329,7
+stockman,331,4
+marstons,983,0
+coffeen,265,1
+stockman,1572,3
+klickitat,13,4
+hanson,743,5
+mifflinburg,501,0
+wainscott,1007,3
+pinesdale,965,6
+klickitat,583,3
+wainscott,673,4
+klickitat,2107,1
+lindenwood,2359,6
+klickitat,280,7
+pomaria,993,6
+ranchester,534,5
+shelbyville,2697,1
+lindenwood,1215,4
+hiteman,1814,3
+lakeville,55,8
+shelbyville,562,1
+mifflinburg,287,1
+beechwood,95,2
+pomaria,419,9
+hiteman,1510,9
+klickitat,1100,8
+shelbyville,1534,1
+shelbyville,2327,8
+shelbyville,642,5
+newfields,1277,0
+lindenwood,770,4
+merom,226,7
+beechwood,200,5
+leonardo,786,4
+klickitat,2362,11
+onaga,15,4
+forkland,748,1
+wainscott,281,3
+woodbine,239,10
+shelbyville,1432,8
+newfields,1413,3
+ranchester,587,4
+shelbyville,2217,2
+beechwood,803,1
+ranchester,94,21
+hiteman,255,1
+newfields,1335,0
+newfields,82,5
+forkland,434,1
+klickitat,2211,0
+mifflinburg,411,2
+shelbyville,2761,16
+shelbyville,1520,0
+wainscott,314,3
+klickitat,542,7
+beechwood,673,4
+lindenwood,1447,4
+leonardo,337,13
+lindenwood,1919,10
+woodbine,815,7
+marstons,2571,0
+woodbine,1598,5
+woodbine,99,1
+lakeville,1464,2
+marstons,1430,6
+klickitat,1624,1
+newfields,94,0
+marstons,1533,11
+forkland,1006,1
+woodbine,1782,12
+hanson,1587,3
+pomaria,566,6
+pinesdale,1460,0
+pomaria,355,7
+wainscott,1628,3
+pomaria,0,5
+beechwood,663,1
+klickitat,1421,0
+hiteman,684,1
+cosmos,489,1
+tolstoy,42,3
+pomaria,586,9
+merom,598,1
+newfields,1605,1
+wainscott,1715,4
+pinesdale,47,5
+ranchester,1524,1
+shelbyville,2107,1
+wainscott,1077,7
+leonardo,417,5
+tolstoy,583,3
+marstons,1359,5
+klickitat,1536,0
+pinesdale,897,2
+allensville,225,5
+klickitat,2115,2
+pinesdale,656,1
+newfields,619,7
+forkland,621,2
+cosmos,930,4
+coffeen,1140,3
+marstons,2584,10
+lindenwood,2142,8
+ranchester,1583,3
+mifflinburg,910,1
+ranchester,1054,9
+woodbine,1306,0
+lakeville,1347,3
+leonardo,737,2
+marstons,1985,6
+onaga,353,8
+lindenwood,1355,6
+wainscott,783,11
+tolstoy,1761,3
+wainscott,1730,5
+leonardo,1455,1
+klickitat,784,7
+hanson,111,3
+ranchester,726,5
+stockman,1521,0
+lakeville,1601,11
+tolstoy,341,0
+pinesdale,1461,5
+shelbyville,2683,3
+forkland,360,5
+beechwood,145,4
+merom,1080,0
+leonardo,1089,4
+newfields,1173,0
+cosmos,456,1
+tolstoy,1116,0
+newfields,1149,1
+pinesdale,421,4
+benevolence,563,2
+stockman,306,6
+tolstoy,993,0
+coffeen,588,6
+beechwood,1072,0
+merom,788,4
+merom,380,2
+tolstoy,1273,12
+hanson,627,0
+benevolence,338,6
+cosmos,595,0
+stockman,1550,0
+shelbyville,2251,3
+wainscott,1652,14
+woodbine,391,2
+lindenwood,774,1
+shelbyville,326,2
+pinesdale,1362,4
+wainscott,1628,2
+ranchester,1351,12
+woodbine,917,2
+forkland,478,6
+leonardo,769,1
+lindenwood,2070,3
+beechwood,944,4
+lindenwood,728,4
+lindenwood,1591,0
+cosmos,39,6
+ranchester,146,0
+klickitat,1394,12
+lindenwood,2341,5
+ranchester,865,9
+lindenwood,2137,9
+stockman,1318,6
+klickitat,1406,3
+pinesdale,206,0
+pomaria,827,7
+ranchester,1624,4
+shelbyville,1537,1
+ranchester,1436,0
+shelbyville,758,16
+shelbyville,1289,5
+wainscott,1118,3
+hanson,383,12
+shelbyville,2367,2
+ranchester,1555,8
+woodbine,781,3
+marstons,2467,5
+pomaria,347,2
+klickitat,4,0
+benevolence,11,4
+hiteman,1026,6
+klickitat,361,15
+ranchester,87,4
+woodbine,186,0
+hanson,1536,0
+pomaria,17,6
+pinesdale,404,11
+pomaria,1214,1
+leonardo,923,3
+woodbine,145,0
+woodbine,1421,1
+shelbyville,2799,15
+hiteman,162,7
+newfields,986,0
+mifflinburg,522,0
+newfields,390,2
+allensville,139,0
+mifflinburg,228,0
+newfields,142,5
+lindenwood,1243,0
+ranchester,988,5
+lindenwood,988,3
+marstons,1213,7
+wainscott,907,14
+cosmos,752,2
+lindenwood,1962,2
+marstons,2309,2
+newfields,611,1
+newfields,63,2
+mifflinburg,637,2
+klickitat,1356,7
+tolstoy,715,2
+hanson,576,7
+pinesdale,1365,5
+pinesdale,135,10
+pinesdale,128,3
+merom,395,3
+stockman,1210,3
+klickitat,117,1
+shelbyville,1585,0
+coffeen,275,0
+leonardo,989,2
+ranchester,1611,9
+ranchester,730,5
+hanson,452,4
+hanson,292,4
+leonardo,381,3
+pomaria,514,2
+stockman,488,0
+benevolence,66,3
+lakeville,1236,4
+pomaria,1330,4
+tolstoy,602,6
+woodbine,298,3
+wainscott,1525,0
+woodbine,1117,3
+lakeville,1212,1
+merom,482,9
+lindenwood,1380,4
+newfields,763,4
+marstons,2246,14
+newfields,1614,1
+lindenwood,936,11
+wainscott,1145,4
+merom,469,2
+merom,919,3
+lakeville,1070,1
+tolstoy,39,9
+leonardo,756,5
+merom,483,3
+marstons,707,0
+cosmos,738,11
+marstons,2084,0
+wainscott,477,8
+lakeville,709,0
+pinesdale,847,5
+stockman,709,3
+klickitat,165,15
+cosmos,429,0
+marstons,389,0
+merom,711,4
+leonardo,152,3
+hiteman,1101,8
+marstons,509,5
+lindenwood,1763,2
+wainscott,869,6
+lindenwood,517,1
+klickitat,735,12
+lindenwood,719,4
+forkland,1039,3
+ranchester,295,3
+stockman,472,1
+marstons,719,3
+tolstoy,1560,7
+klickitat,2152,5
+lindenwood,1775,2
+stockman,609,2
+shelbyville,1320,0
+coffeen,1420,3
+pinesdale,939,7
+leonardo,1192,2
+stockman,998,0
+hanson,628,0
+hanson,260,0
+forkland,1121,0
+mifflinburg,720,6
+lindenwood,2209,2
+hanson,1111,9
+coffeen,1172,3
+lakeville,1446,9
+ranchester,426,0
+stockman,1436,2
+leonardo,1570,1
+shelbyville,969,2
+woodbine,1794,5
+shelbyville,1105,7
+ranchester,897,7
+pinesdale,616,1
+woodbine,1356,2
+klickitat,320,0
+klickitat,2202,10
+marstons,2467,4
+leonardo,123,2
+mifflinburg,910,3
+pinesdale,1165,3
+klickitat,1706,10
+marstons,88,5
+hanson,1112,2
+woodbine,1362,13
+lakeville,1384,13
+stockman,598,8
+pinesdale,1098,7
+hiteman,95,1
+lindenwood,713,9
+coffeen,1048,8
+tolstoy,158,7
+merom,105,0
+woodbine,795,12
+wainscott,1453,0
+lindenwood,1935,1
+shelbyville,433,0
+pinesdale,350,0
+shelbyville,1090,0
+shelbyville,1584,2
+woodbine,1112,10
+lindenwood,2651,6
+ranchester,1511,5
+hanson,1378,5
+pomaria,1171,4
+marstons,2374,3
+pinesdale,217,1
+leonardo,508,1
+klickitat,821,10
+mifflinburg,180,2
+hiteman,1343,3
+hanson,371,2
+hiteman,74,0
+pomaria,276,0
+wainscott,26,2
+cosmos,825,1
+lindenwood,1633,7
+leonardo,1002,6
+woodbine,2042,9
+pomaria,54,8
+pinesdale,695,4
+wainscott,608,9
+beechwood,3,5
+newfields,1106,8
+lakeville,1162,5
+leonardo,1659,0
+woodbine,1654,0
+ranchester,1476,1
+hanson,359,1
+lakeville,201,2
+klickitat,1969,7
+woodbine,697,0
+woodbine,748,9
+pinesdale,1193,2
+pinesdale,302,4
+newfields,621,1
+newfields,555,3
+woodbine,1191,1
+woodbine,542,1
+hanson,254,0
+pinesdale,203,5
+shelbyville,512,6
+lindenwood,952,4
+ranchester,1462,1
+hiteman,892,3
+forkland,14,1
+hanson,943,3
+wainscott,1459,4
+klickitat,376,9
+hiteman,1319,5
+lakeville,1450,0
+leonardo,799,2
+klickitat,2221,6
+woodbine,1367,0
+wainscott,1211,0
+hanson,885,0
+hiteman,512,6
+mifflinburg,291,2
+pinesdale,591,2
+tolstoy,1682,2
+shelbyville,1267,9
+klickitat,2231,9
+lindenwood,255,14
+shelbyville,2188,5
+marstons,2589,3
+lindenwood,402,1
+marstons,2195,2
+newfields,636,11
+merom,9,3
+klickitat,537,4
+klickitat,816,2
+hanson,1202,1
+klickitat,447,2
+leonardo,1645,1
+wainscott,94,0
+shelbyville,1816,9
+forkland,824,1
+shelbyville,1257,2
+wainscott,869,14
+merom,421,2
+pinesdale,998,1
+klickitat,294,2
+shelbyville,608,3
+allensville,126,3
+lakeville,925,6
+tolstoy,1452,19
+lindenwood,414,4
+tolstoy,1822,14
+hanson,1388,11
+shelbyville,746,2
+marstons,1926,5
+klickitat,1846,2
+leonardo,1528,9
+ranchester,338,9
+lakeville,41,2
+leonardo,530,12
+klickitat,300,3
+marstons,2495,4
+shelbyville,2351,9
+lakeville,1671,1
+cosmos,672,4
+pinesdale,572,2
+coffeen,320,0
+marstons,33,0
+marstons,379,0
+hiteman,247,4
+shelbyville,959,7
+lindenwood,1931,9
+lindenwood,171,11
+pinesdale,126,5
+stockman,820,2
+shelbyville,859,6
+forkland,1113,3
+hiteman,29,12
+hanson,51,0
+lindenwood,951,14
+lakeville,822,2
+benevolence,686,9
+lindenwood,1443,9
+tolstoy,1029,3
+hanson,1512,0
+lindenwood,1717,0
+lakeville,1746,2
+hiteman,892,1
+beechwood,1027,4
+ranchester,397,1
+mifflinburg,84,0
+pomaria,673,6
+beechwood,1107,3
+pinesdale,1085,1
+woodbine,340,11
+tolstoy,644,1
+ranchester,227,3
+newfields,1568,6
+allensville,151,3
+coffeen,754,3
+pinesdale,1314,3
+shelbyville,417,1
+woodbine,2038,4
+ranchester,974,1
+tolstoy,857,2
+beechwood,462,4
+cosmos,884,7
+onaga,315,6
+newfields,1234,3
+pomaria,150,10
+lakeville,1576,7
+ranchester,1216,5
+hiteman,1486,0
+coffeen,1248,1
+shelbyville,109,1
+lindenwood,756,4
+coffeen,53,3
+shelbyville,1859,3
+merom,1073,0
+ranchester,1434,12
+lindenwood,2211,1
+beechwood,864,4
+hanson,496,0
+klickitat,1442,1
+woodbine,397,17
+tolstoy,198,1
+hanson,1649,5
+pomaria,1096,7
+pomaria,246,0
+woodbine,1948,0
+pinesdale,154,1
+pomaria,798,1
+pomaria,295,0
+klickitat,1735,8
+marstons,2026,4
+pomaria,379,0
+lindenwood,2111,7
+wainscott,549,0
+lindenwood,1788,1
+woodbine,1313,0
+leonardo,183,0
+pinesdale,1409,7
+merom,649,3
+hanson,881,5
+pomaria,1223,0
+hiteman,411,3
+newfields,1186,5
+klickitat,1739,4
+wainscott,1019,8
+hiteman,771,7
+lakeville,1620,1
+newfields,1392,4
+marstons,2607,7
+marstons,485,9
+ranchester,1358,2
+merom,327,1
+pomaria,1189,3
+ranchester,1543,2
+woodbine,1356,6
+klickitat,1902,3
+beechwood,578,9
+pinesdale,255,0
+cosmos,592,0
+lakeville,231,4
+lakeville,27,0
+stockman,391,1
+ranchester,248,4
+klickitat,1492,0
+hanson,1016,3
+hiteman,530,4
+marstons,2284,10
+wainscott,1192,2
+lakeville,932,3
+lindenwood,1395,4
+lindenwood,444,5
+hiteman,887,3
+beechwood,53,6
+lakeville,1662,4
+marstons,420,0
+tolstoy,435,3
+shelbyville,2391,5
+mifflinburg,276,1
+stockman,284,5
+ranchester,41,5
+lindenwood,73,6
+stockman,1502,1
+ranchester,1469,3
+ranchester,534,3
+hiteman,811,5
+lakeville,564,2
+shelbyville,1430,3
+cosmos,391,6
+allensville,32,2
+hiteman,112,8
+beechwood,764,0
+forkland,319,4
+tolstoy,1100,2
+wainscott,1471,4
+ranchester,743,0
+pinesdale,429,2
+pinesdale,421,0
+benevolence,721,3
+marstons,411,6
+coffeen,1,1
+woodbine,122,0
+hanson,986,5
+tolstoy,1463,10
+leonardo,128,14
+shelbyville,204,15
+lindenwood,630,12
+klickitat,328,1
+leonardo,829,2
+tolstoy,60,0
+ranchester,24,8
+leonardo,1467,3
+lakeville,896,1
+pinesdale,262,3
+lakeville,1462,3
+leonardo,152,9
+lakeville,857,2
+coffeen,1181,3
+benevolence,190,7
+shelbyville,292,1
+leonardo,1624,1
+forkland,390,4
+merom,393,3
+pomaria,469,10
+coffeen,749,3
+pinesdale,821,4
+ranchester,771,1
+ranchester,1527,10
+pomaria,1258,4
+beechwood,444,3
+leonardo,1388,1
+pomaria,860,1
+lindenwood,2553,4
+shelbyville,2030,7
+newfields,864,2
+hiteman,1704,8
+cosmos,951,4
+woodbine,1918,4
+klickitat,2220,4
+lindenwood,139,1
+shelbyville,944,8
+merom,256,2
+shelbyville,981,4
+lakeville,1010,7
+shelbyville,2605,4
+shelbyville,102,2
+leonardo,2059,1
+ranchester,918,1
+beechwood,155,13
+ranchester,1440,2
+merom,1060,2
+allensville,134,0
+pomaria,634,6
+lindenwood,1294,6
+leonardo,1476,0
+benevolence,411,9
+lindenwood,306,3
+tolstoy,1647,7
+stockman,712,2
+marstons,1546,4
+klickitat,2267,7
+lindenwood,895,2
+lindenwood,2510,1
+beechwood,760,8
+stockman,895,2
+shelbyville,1813,2
+woodbine,942,3
+klickitat,808,5
+coffeen,533,4
+klickitat,1664,4
+beechwood,524,2
+hiteman,905,2
+wainscott,1170,11
+cosmos,491,1
+lakeville,1424,10
+benevolence,545,8
+shelbyville,1742,0
+shelbyville,2040,0
+pomaria,1034,0
+woodbine,1365,1
+klickitat,132,6
+coffeen,1219,4
+klickitat,1518,1
+marstons,2447,2
+shelbyville,1763,7
+hiteman,0,2
+klickitat,1471,12
+woodbine,587,11
+coffeen,1240,7
+pinesdale,1,2
+stockman,1291,2
+benevolence,177,2
+mifflinburg,739,0
+coffeen,122,4
+shelbyville,1090,5
+klickitat,736,1
+pinesdale,140,1
+shelbyville,854,0
+leonardo,930,1
+forkland,632,2
+wainscott,990,2
+forkland,45,3
+benevolence,307,1
+newfields,1487,12
+hanson,686,1
+coffeen,415,4
+hiteman,725,2
+forkland,133,1
+lindenwood,1487,1
+marstons,31,6
+hanson,1328,1
+woodbine,2002,1
+ranchester,488,1
+shelbyville,2172,4
+onaga,613,5
+pomaria,1127,0
+klickitat,1764,1
+lakeville,893,4
+klickitat,1487,0
+tolstoy,1359,4
+klickitat,298,0
+lindenwood,1422,3
+shelbyville,124,1
+lakeville,2,11
+newfields,1544,0
+tolstoy,1144,0
+pinesdale,1261,6
+beechwood,612,2
+ranchester,1460,3
+marstons,142,13
+benevolence,787,0
+shelbyville,440,5
+shelbyville,1402,8
+newfields,610,5
+forkland,840,3
+coffeen,636,7
+wainscott,944,0
+pinesdale,1004,1
+onaga,387,6
+leonardo,1973,4
+shelbyville,234,0
+wainscott,1548,0
+leonardo,377,5
+ranchester,1037,3
+forkland,850,0
+hanson,737,8
+klickitat,471,0
+lindenwood,2113,9
+pinesdale,1040,0
+onaga,269,5
+allensville,496,3
+stockman,721,0
+wainscott,455,2
+leonardo,701,2
+lakeville,826,6
+woodbine,799,2
+marstons,109,2
+lindenwood,1848,1
+stockman,594,2
+lindenwood,262,1
+pomaria,813,12
+hiteman,1780,4
+shelbyville,1846,0
+lindenwood,2019,12
+marstons,195,1
+marstons,400,12
+leonardo,1117,2
+pinesdale,786,1
+stockman,1470,2
+hanson,581,4
+hanson,1366,14
+shelbyville,2246,5
+hiteman,436,2
+tolstoy,867,11
+cosmos,666,7
+tolstoy,1106,2
+lindenwood,225,10
+beechwood,951,0
+shelbyville,1570,5
+benevolence,854,0
+forkland,0,2
+shelbyville,2341,1
+mifflinburg,265,0
+coffeen,1331,0
+woodbine,1093,1
+klickitat,2293,6
+hanson,1273,12
+ranchester,1433,5
+mifflinburg,952,6
+lindenwood,1062,2
+mifflinburg,807,1
+beechwood,33,3
+leonardo,1310,4
+hanson,1567,3
+hiteman,453,4
+shelbyville,603,5
+newfields,1091,3
+shelbyville,2816,3
+merom,465,0
+hanson,959,6
+pomaria,139,0
+ranchester,753,4
+stockman,1199,4
+beechwood,203,1
+marstons,583,0
+tolstoy,1130,16
+mifflinburg,860,3
+lakeville,493,3
+klickitat,872,7
+lakeville,561,18
+hiteman,1581,1
+wainscott,155,4
+lakeville,16,7
+hanson,35,4
+onaga,662,3
+ranchester,1345,6
+leonardo,64,1
+marstons,2399,3
+hiteman,311,5
+leonardo,2062,6
+onaga,329,3
+wainscott,1593,4
+newfields,929,0
+tolstoy,586,1
+pomaria,613,7
+ranchester,1378,1
+shelbyville,1398,0
+merom,27,3
+shelbyville,2281,1
+tolstoy,1058,0
+klickitat,800,2
+ranchester,1409,3
+marstons,2344,6
+wainscott,1695,1
+forkland,58,0
+newfields,490,12
+hiteman,891,10
+lindenwood,1410,7
+beechwood,185,10
+shelbyville,1472,5
+lakeville,1334,7
+klickitat,1127,1
+coffeen,356,2
+lakeville,1727,3
+shelbyville,925,8
+klickitat,1279,15
+ranchester,63,1
+hiteman,751,5
+woodbine,888,1
+marstons,1804,0
+wainscott,59,3
+klickitat,2193,2
+tolstoy,373,1
+mifflinburg,246,6
+mifflinburg,751,3
+marstons,488,0
+tolstoy,1260,0
+pinesdale,83,3
+shelbyville,811,0
+leonardo,850,3
+beechwood,931,0
+leonardo,742,7
+hiteman,123,13
+pomaria,25,1
+marstons,1213,17
+ranchester,269,1
+hiteman,137,12
+newfields,576,9
+shelbyville,2425,2
+klickitat,230,0
+woodbine,183,0
+ranchester,986,6
+beechwood,906,3
+ranchester,363,1
+shelbyville,796,11
+ranchester,168,0
+newfields,987,7
+forkland,168,3
+woodbine,1845,6
+lakeville,1809,4
+shelbyville,1849,5
+woodbine,1210,5
+tolstoy,1489,8
+shelbyville,2173,2
+shelbyville,2168,5
+benevolence,701,3
+pinesdale,935,2
+newfields,331,12
+klickitat,1791,0
+pinesdale,304,3
+lindenwood,564,0
+merom,388,2
+klickitat,1893,7
+tolstoy,682,1
+newfields,398,2
+klickitat,1927,3
+shelbyville,2234,0
+newfields,1211,7
+klickitat,742,5
+shelbyville,860,8
+pomaria,1090,17
+beechwood,930,1
+pomaria,1150,0
+shelbyville,1276,7
+wainscott,518,15
+ranchester,610,1
+mifflinburg,746,3
+wainscott,380,2
+woodbine,1510,8
+shelbyville,553,4
+merom,681,4
+lindenwood,1134,4
+tolstoy,267,0
+beechwood,426,0
+lindenwood,1290,10
+hiteman,639,1
+tolstoy,1369,5
+leonardo,268,17
+shelbyville,2562,0
+pomaria,1634,3
+wainscott,730,5
+lakeville,531,1
+lakeville,1121,2
+lakeville,30,1
+hiteman,817,6
+merom,543,8
+klickitat,1701,2
+lindenwood,853,5
+marstons,1608,3
+stockman,263,5
+woodbine,902,7
+beechwood,1027,5
+lindenwood,684,3
+wainscott,681,4
+beechwood,1055,10
+benevolence,571,1
+tolstoy,241,0
+ranchester,1236,2
+leonardo,978,4
+marstons,2056,11
+ranchester,1257,6
+newfields,967,2
+shelbyville,2408,0
+klickitat,1158,1
+lakeville,717,3
+leonardo,904,3
+hanson,1363,15
+lindenwood,2297,5
+pomaria,165,1
+tolstoy,1443,1
+lakeville,1250,14
+hanson,1651,5
+hanson,990,2
+beechwood,858,6
+lindenwood,332,1
+lakeville,227,3
+cosmos,40,8
+ranchester,198,4
+newfields,1106,7
+coffeen,57,1
+wainscott,1455,3
+marstons,2049,7
+benevolence,972,4
+merom,605,3
+stockman,406,1
+klickitat,668,3
+ranchester,307,7
+forkland,1196,2
+klickitat,938,12
+shelbyville,2004,1
+lakeville,116,10
+klickitat,1311,0
+lakeville,1674,4
+ranchester,265,3
+wainscott,94,1
+woodbine,1418,1
+wainscott,1348,3
+lindenwood,2502,0
+marstons,75,0
+wainscott,978,7
+tolstoy,610,8
+shelbyville,2394,0
+newfields,219,3
+woodbine,652,0
+pomaria,618,12
+marstons,2230,0
+klickitat,1036,4
+coffeen,1304,3
+forkland,396,4
+hiteman,1269,1
+pomaria,696,13
+wainscott,945,1
+benevolence,43,1
+hiteman,1,9
+hanson,424,8
+leonardo,2104,1
+shelbyville,366,2
+pomaria,813,4
+pinesdale,1371,9
+wainscott,351,14
+stockman,620,3
+lindenwood,1538,4
+newfields,12,1
+leonardo,1774,9
+hiteman,118,1
+newfields,1659,0
+hanson,1503,1
+wainscott,1670,4
+shelbyville,1797,3
+shelbyville,2681,1
+wainscott,416,8
+shelbyville,1232,0
+stockman,234,0
+hiteman,1199,6
+mifflinburg,137,1
+pomaria,760,2
+klickitat,2290,3
+cosmos,679,1
+marstons,1383,3
+coffeen,1204,5
+shelbyville,717,3
+forkland,305,0
+woodbine,156,1
+marstons,949,5
+wainscott,1284,8
+shelbyville,2084,2
+tolstoy,593,0
+wainscott,215,4
+woodbine,1282,4
+allensville,113,5
+lakeville,52,2
+klickitat,636,2
+tolstoy,1793,3
+lindenwood,129,0
+woodbine,526,1
+hanson,534,2
+lindenwood,1490,9
+marstons,2641,1
+leonardo,1400,10
+onaga,217,3
+pomaria,737,11
+hiteman,1210,1
+tolstoy,1254,2
+hanson,741,15
+leonardo,1125,3
+tolstoy,765,1
+lakeville,1387,0
+woodbine,1858,1
+hiteman,1667,0
+klickitat,2061,8
+newfields,1391,2
+wainscott,720,4
+leonardo,538,4
+ranchester,273,3
+marstons,615,6
+hiteman,1728,2
+lindenwood,1391,10
+hanson,722,3
+hiteman,1020,8
+hanson,78,9
+woodbine,763,1
+hiteman,1246,2
+cosmos,448,9
+leonardo,221,1
+forkland,16,0
+coffeen,964,4
+pomaria,1295,2
+wainscott,677,2
+pomaria,367,2
+klickitat,1401,0
+woodbine,708,2
+coffeen,818,2
+merom,206,0
+forkland,769,0
+shelbyville,1655,5
+hanson,1191,1
+woodbine,1738,10
+woodbine,1895,0
+stockman,1445,1
+pinesdale,1317,13
+beechwood,437,9
+lindenwood,1265,7
+cosmos,479,10
+klickitat,629,1
+wainscott,1443,2
+lindenwood,465,4
+lakeville,1652,3
+ranchester,1414,8
+cosmos,912,6
+tolstoy,637,7
+beechwood,833,0
+leonardo,96,3
+leonardo,2101,16
+marstons,47,2
+beechwood,663,2
+shelbyville,1610,8
+hiteman,225,4
+wainscott,1401,2
+hiteman,441,5
+hanson,180,4
+lindenwood,2546,3
+klickitat,694,1
+leonardo,1839,0
+lakeville,1008,0
+shelbyville,2810,4
+lakeville,65,5
+woodbine,1608,6
+pomaria,1320,8
+tolstoy,126,6
+shelbyville,265,8
+pomaria,1082,5
+stockman,207,8
+marstons,2383,6
+klickitat,865,3
+leonardo,878,4
+leonardo,1688,15
+hanson,1179,0
+wainscott,1625,3
+leonardo,707,6
+lakeville,1583,4
+stockman,961,3
+lakeville,177,2
+tolstoy,1638,8
+pomaria,223,3
+klickitat,2107,2
+lindenwood,250,5
+klickitat,1179,8
+lakeville,107,4
+wainscott,198,7
+newfields,1526,2
+hiteman,754,2
+woodbine,865,5
+lindenwood,533,12
+lakeville,149,1
+hanson,813,0
+leonardo,289,5
+marstons,240,5
+benevolence,227,11
+lakeville,1200,8
+pomaria,377,7
+hanson,1377,18
+klickitat,1865,1
+shelbyville,1599,3
+stockman,764,11
+newfields,1217,1
+hiteman,1678,0
+woodbine,2056,1
+pinesdale,909,0
+tolstoy,1134,1
+klickitat,386,11
+klickitat,1135,5
+newfields,60,2
+marstons,50,0
+klickitat,1552,3
+hanson,703,1
+forkland,314,4
+hiteman,1835,3
+pomaria,854,3
+tolstoy,942,5
+pomaria,1559,6
+marstons,784,6
+woodbine,5,1
+marstons,2370,1
+ranchester,1581,9
+hanson,1400,3
+benevolence,383,0
+lindenwood,1138,12
+lindenwood,2261,6
+leonardo,1955,3
+lindenwood,2628,10
+newfields,969,7
+tolstoy,1035,3
+lakeville,842,9
+wainscott,596,2
+lindenwood,844,1
+shelbyville,605,5
+marstons,377,6
+pomaria,154,7
+klickitat,2299,0
+shelbyville,1999,9
+shelbyville,1692,2
+coffeen,21,4
+hanson,20,1
+benevolence,464,4
+lindenwood,800,5
+pomaria,86,7
+stockman,975,3
+tolstoy,1074,3
+wainscott,222,3
+pinesdale,824,2
+lindenwood,1420,1
+hiteman,1712,0
+lindenwood,572,9
+benevolence,564,2
+newfields,809,6
+shelbyville,2501,4
+coffeen,281,11
+shelbyville,2636,4
+marstons,514,3
+pomaria,1036,1
+onaga,353,7
+wainscott,1501,2
+wainscott,1191,0
+mifflinburg,8,1
+leonardo,1768,3
+forkland,67,4
+hanson,896,5
+beechwood,525,5
+woodbine,1808,7
+allensville,234,5
+wainscott,1363,9
+hiteman,1112,5
+klickitat,1341,0
+leonardo,1815,5
+shelbyville,330,5
+pomaria,855,3
+hiteman,859,0
+tolstoy,1386,6
+klickitat,1594,4
+klickitat,534,7
+ranchester,524,3
+benevolence,514,3
+pinesdale,71,2
+lakeville,848,4
+lindenwood,2116,6
+leonardo,1255,1
+tolstoy,134,0
+marstons,1311,10
+marstons,659,16
+klickitat,1533,0
+shelbyville,1541,0
+woodbine,907,1
+coffeen,1311,1
+wainscott,976,5
+klickitat,1749,1
+klickitat,2121,5
+lindenwood,399,6
+beechwood,480,7
+beechwood,775,4
+stockman,465,2
+lindenwood,1277,9
+lindenwood,1080,2
+forkland,1032,0
+ranchester,167,0
+woodbine,129,5
+wainscott,1499,3
+beechwood,927,8
+klickitat,199,1
+newfields,817,0
+wainscott,792,12
+marstons,1201,4
+benevolence,548,14
+wainscott,1688,0
+beechwood,861,7
+forkland,149,3
+coffeen,215,1
+merom,97,7
+leonardo,1157,2
+stockman,1441,1
+ranchester,1397,0
+mifflinburg,641,1
+hiteman,792,8
+leonardo,533,7
+marstons,2383,5
+leonardo,1492,4
+klickitat,973,3
+woodbine,1821,1
+pomaria,147,8
+lakeville,1407,8
+marstons,1839,14
+wainscott,805,0
+ranchester,669,4
+leonardo,1828,6
+cosmos,147,3
+coffeen,984,3
+beechwood,1062,6
+marstons,1571,7
+cosmos,89,6
+allensville,233,1
+mifflinburg,903,2
+lakeville,733,0
+ranchester,649,3
+wainscott,518,0
+onaga,75,2
+pinesdale,1265,2
+woodbine,677,2
+merom,41,10
+klickitat,1523,10
+tolstoy,1030,3
+lindenwood,1293,6
+newfields,1270,1
+cosmos,337,0
+shelbyville,695,1
+hanson,1459,1
+marstons,2084,6
+stockman,595,10
+cosmos,541,1
+leonardo,945,7
+pinesdale,50,7
+benevolence,841,3
+marstons,611,0
+pinesdale,668,1
+shelbyville,1906,5
+hiteman,1378,4
+klickitat,128,6
+lakeville,610,4
+pinesdale,785,3
+stockman,1324,1
+hiteman,351,0
+pomaria,1261,1
+klickitat,1897,3
+wainscott,974,14
+beechwood,437,2
+pomaria,1160,4
+stockman,1103,4
+lindenwood,2118,0
+pinesdale,1039,2
+stockman,485,0
+ranchester,712,4
+shelbyville,1639,1
+newfields,1630,2
+lindenwood,1229,1
+cosmos,144,1
+newfields,637,9
+leonardo,1061,5
+newfields,1278,2
+marstons,50,1
+lakeville,1205,2
+hiteman,674,4
+klickitat,1719,3
+pinesdale,1143,9
+pinesdale,801,1
+pomaria,1673,1
+ranchester,1092,2
+pomaria,199,2
+shelbyville,1069,1
+onaga,286,0
+hiteman,1295,6
+leonardo,1449,5
+wainscott,1629,7
+hiteman,1635,0
+mifflinburg,316,2
+marstons,2315,10
+leonardo,1208,2
+forkland,458,4
+ranchester,273,5
+lakeville,1296,3
+lakeville,1247,7
+newfields,1003,8
+leonardo,1756,6
+ranchester,1595,14
+hanson,413,3
+klickitat,1389,7
+hiteman,1246,1
+klickitat,1952,6
+newfields,594,3
+merom,148,2
+pomaria,228,0
+forkland,207,1
+woodbine,1658,1
+lindenwood,1795,3
+stockman,1152,1
+cosmos,357,0
+stockman,1401,1
+cosmos,838,2
+klickitat,2398,6
+forkland,448,1
+lindenwood,1070,3
+forkland,1015,0
+woodbine,660,16
+lakeville,1777,0
+pomaria,1305,1
+pomaria,415,1
+tolstoy,887,3
+wainscott,1723,4
+lakeville,1116,4
+klickitat,1389,14
+wainscott,294,13
+forkland,623,2
+hanson,1378,9
+mifflinburg,631,8
+lakeville,1238,12
+stockman,1167,0
+marstons,880,10
+cosmos,217,1
+mifflinburg,732,1
+ranchester,457,0
+lakeville,55,5
+marstons,2240,2
+benevolence,358,1
+shelbyville,1821,12
+lakeville,151,10
+coffeen,809,10
+forkland,1133,0
+forkland,263,0
+wainscott,1212,1
+woodbine,1270,9
+shelbyville,2388,10
+shelbyville,392,1
+coffeen,1335,0
+marstons,1269,4
+stockman,1243,12
+newfields,495,12
+klickitat,2416,4
+shelbyville,1575,2
+shelbyville,2124,0
+marstons,933,5
+wainscott,62,10
+newfields,52,0
+pinesdale,820,4
+allensville,434,1
+tolstoy,1267,0
+newfields,410,4
+cosmos,488,1
+newfields,1257,2
+stockman,367,3
+cosmos,841,10
+newfields,692,4
+lindenwood,419,5
+pomaria,1014,0
+tolstoy,1488,3
+pomaria,650,0
+ranchester,314,3
+leonardo,428,5
+pinesdale,504,5
+marstons,2141,0
+shelbyville,1347,1
+wainscott,1003,0
+leonardo,1952,4
+lindenwood,2145,1
+lakeville,811,17
+marstons,2129,5
+lakeville,1072,5
+hanson,885,2
+newfields,653,3
+newfields,946,3
+newfields,951,2
+stockman,893,3
+lindenwood,1581,0
+wainscott,523,5
+merom,660,2
+klickitat,1509,5
+lakeville,1463,2
+tolstoy,1454,10
+leonardo,324,1
+klickitat,1924,0
+hanson,334,6
+hiteman,643,5
+klickitat,2092,2
+forkland,1164,2
+tolstoy,1010,10
+hanson,1628,0
+lakeville,183,12
+lindenwood,2476,9
+ranchester,598,6
+newfields,360,12
+shelbyville,868,0
+hiteman,871,5
+lindenwood,1745,1
+hanson,1240,0
+leonardo,1359,4
+klickitat,719,7
+coffeen,1199,2
+forkland,335,2
+cosmos,80,4
+stockman,1131,4
+allensville,465,1
+newfields,1109,13
+shelbyville,2761,2
+lindenwood,1326,0
+pinesdale,1072,3
+marstons,1477,2
+beechwood,807,2
+newfields,361,3
+pomaria,975,4
+tolstoy,1815,0
+beechwood,48,8
+coffeen,295,2
+leonardo,505,0
+klickitat,738,5
+pomaria,1524,2
+newfields,1466,0
+onaga,446,6
+marstons,1104,1
+pomaria,615,10
+lindenwood,284,4
+lakeville,1352,3
+pomaria,198,0
+lakeville,1886,6
+hanson,327,5
+newfields,1002,6
+klickitat,2079,2
+cosmos,538,0
+shelbyville,930,11
+hiteman,881,1
+klickitat,1664,9
+klickitat,1646,2
+cosmos,84,1
+tolstoy,1727,3
+newfields,637,16
+wainscott,552,0
+klickitat,543,2
+leonardo,73,1
+hanson,40,5
+lindenwood,1199,11
+coffeen,894,3
+lakeville,1302,1
+marstons,1045,10
+hanson,238,11
+woodbine,1414,2
+benevolence,824,1
+wainscott,1392,3
+marstons,212,0
+lakeville,1714,17
+klickitat,1294,5
+woodbine,2013,5
+pinesdale,343,5
+tolstoy,694,0
+ranchester,40,2
+stockman,609,1
+pinesdale,83,2
+pomaria,180,5
+cosmos,991,6
+newfields,1222,7
+hanson,1052,0
+lakeville,1131,0
+marstons,1173,1
+shelbyville,910,5
+lakeville,1611,0
+lindenwood,1740,5
+hanson,897,2
+forkland,94,3
+newfields,1505,1
+lindenwood,2230,2
+pomaria,1099,3
+coffeen,699,5
+pomaria,578,1
+beechwood,656,6
+hanson,191,0
+ranchester,1460,1
+shelbyville,846,3
+coffeen,1115,2
+mifflinburg,39,3
+marstons,813,1
+tolstoy,1569,2
+woodbine,706,3
+pinesdale,87,2
+forkland,554,1
+pomaria,1437,0
+lakeville,606,4
+marstons,2331,0
+forkland,474,1
+lakeville,473,6
+pomaria,1105,3
+leonardo,2115,11
+wainscott,1738,9
+lindenwood,524,0
+woodbine,1598,13
+wainscott,811,12
+coffeen,112,1
+ranchester,43,2
+wainscott,298,8
+shelbyville,1494,13
+coffeen,1033,7
+cosmos,993,7
+lakeville,970,2
+hiteman,873,2
+shelbyville,1600,1
+lakeville,1322,0
+lakeville,1058,1
+wainscott,1530,0
+marstons,862,2
+wainscott,362,1
+coffeen,132,3
+pinesdale,900,2
+merom,580,6
+pinesdale,1248,8
+shelbyville,1257,11
+stockman,1472,0
+merom,693,1
+shelbyville,1759,3
+cosmos,891,4
+tolstoy,972,6
+cosmos,969,10
+ranchester,277,2
+merom,1071,9
+coffeen,508,3
+lakeville,412,2
+shelbyville,482,6
+stockman,143,13
+hiteman,424,0
+coffeen,33,1
+lakeville,918,6
+cosmos,599,8
+lakeville,153,0
+hanson,1204,5
+shelbyville,597,11
+klickitat,1587,0
+lakeville,12,5
+mifflinburg,588,4
+cosmos,649,4
+lindenwood,1305,0
+leonardo,1127,2
+pomaria,1462,10
+lakeville,1689,9
+lakeville,871,5
+marstons,2035,3
+leonardo,944,0
+shelbyville,2678,2
+tolstoy,1691,4
+ranchester,1037,1
+stockman,1508,0
+beechwood,901,4
+klickitat,612,7
+newfields,1459,2
+mifflinburg,783,1
+ranchester,300,3
+hiteman,641,6
+lindenwood,495,3
+klickitat,886,11
+forkland,1001,1
+tolstoy,1223,1
+leonardo,1724,3
+klickitat,1451,7
+klickitat,1866,3
+marstons,847,5
+lindenwood,1055,9
+merom,1037,1
+leonardo,1344,12
+marstons,1252,3
+pomaria,599,1
+shelbyville,1654,10
+wainscott,263,3
+forkland,528,0
+forkland,1137,3
+onaga,220,1
+pomaria,140,1
+klickitat,2282,2
+lindenwood,2045,1
+pinesdale,1108,0
+lindenwood,939,2
+ranchester,911,0
+lindenwood,441,2
+stockman,18,2
+klickitat,233,1
+shelbyville,1196,5
+tolstoy,248,3
+klickitat,2034,2
+lakeville,1867,1
+lindenwood,1268,13
+marstons,640,2
+lakeville,552,2
+newfields,73,3
+beechwood,963,5
+stockman,1488,5
+klickitat,423,2
+beechwood,178,2
+pomaria,708,3
+klickitat,50,2
+marstons,1082,2
+newfields,429,2
+shelbyville,2622,2
+onaga,200,1
+tolstoy,649,3
+beechwood,1144,1
+pinesdale,1470,10
+newfields,590,1
+shelbyville,594,4
+lakeville,222,0
+shelbyville,2818,2
+hanson,115,3
+woodbine,1639,18
+onaga,74,4
+forkland,839,4
+lakeville,1392,1
+hiteman,648,1
+ranchester,864,8
+hanson,1473,10
+benevolence,377,1
+cosmos,284,3
+shelbyville,574,11
+ranchester,1094,4
+newfields,1382,2
+shelbyville,40,5
+lindenwood,486,13
+coffeen,1329,1
+newfields,187,9
+coffeen,191,5
+leonardo,1079,8
+shelbyville,1292,4
+leonardo,1871,2
+wainscott,1525,9
+lindenwood,970,1
+klickitat,1211,8
+klickitat,1871,4
+merom,159,3
+shelbyville,2212,10
+shelbyville,2527,0
+klickitat,779,11
+onaga,256,0
+ranchester,429,0
+pinesdale,1345,8
+lakeville,1634,3
+coffeen,105,1
+merom,529,4
+beechwood,101,1
+marstons,1503,1
+newfields,1484,2
+mifflinburg,452,0
+cosmos,591,4
+woodbine,144,4
+stockman,936,2
+ranchester,946,2
+coffeen,162,4
+newfields,376,0
+beechwood,123,4
+tolstoy,607,2
+tolstoy,437,6
+klickitat,375,4
+marstons,1717,5
+coffeen,1322,3
+newfields,1130,6
+tolstoy,1101,2
+wainscott,1614,9
+cosmos,49,0
+marstons,1143,1
+woodbine,1069,14
+hanson,1107,0
+hiteman,351,4
+marstons,252,6
+shelbyville,1053,2
+hanson,324,2
+newfields,754,1
+pinesdale,493,5
+hiteman,966,16
+woodbine,1990,2
+coffeen,716,5
+leonardo,102,6
+lakeville,849,8
+allensville,104,6
+tolstoy,720,5
+klickitat,864,6
+pomaria,1328,3
+klickitat,2262,6
+marstons,1580,0
+tolstoy,689,3
+allensville,63,0
+woodbine,1401,4
+beechwood,871,1
+forkland,525,3
+ranchester,1465,0
+klickitat,129,1
+woodbine,140,4
+klickitat,1829,5
+wainscott,1478,0
+lakeville,1770,2
+klickitat,1790,0
+shelbyville,180,0
+newfields,1316,4
+leonardo,1565,8
+stockman,1498,3
+marstons,1401,0
+shelbyville,2525,4
+leonardo,533,6
+stockman,33,1
+marstons,1232,3
+pinesdale,1216,0
+tolstoy,112,3
+benevolence,650,1
+hiteman,1535,2
+lindenwood,97,8
+leonardo,374,4
+shelbyville,2070,0
+benevolence,461,2
+ranchester,864,6
+woodbine,2042,1
+marstons,575,6
+lindenwood,198,3
+ranchester,895,12
+hanson,1461,17
+newfields,696,2
+lindenwood,1303,1
+stockman,218,1
+ranchester,885,4
+cosmos,2,12
+onaga,289,4
+woodbine,148,2
+lindenwood,1906,1
+newfields,1401,8
+cosmos,730,6
+stockman,1522,2
+shelbyville,1181,0
+shelbyville,210,7
+klickitat,714,5
+stockman,124,3
+lindenwood,2062,2
+klickitat,0,3
+lindenwood,1490,15
+wainscott,1387,9
+tolstoy,1137,3
+forkland,167,5
+pinesdale,323,5
+wainscott,320,0
+mifflinburg,678,1
+tolstoy,887,15
+woodbine,1082,5
+leonardo,355,0
+cosmos,1024,8
+marstons,2549,3
+leonardo,1357,1
+allensville,375,1
+hiteman,1117,1
+lindenwood,1621,2
+wainscott,343,0
+klickitat,439,1
+mifflinburg,234,5
+ranchester,1492,5
+pinesdale,32,13
+ranchester,212,2
+hanson,1631,4
+leonardo,1633,1
+hiteman,480,0
+leonardo,1874,2
+shelbyville,2352,1
+ranchester,1394,1
+merom,741,5
+lakeville,1564,0
+woodbine,1284,7
+newfields,573,1
+cosmos,498,11
+leonardo,1241,5
+tolstoy,789,0
+shelbyville,1783,12
+beechwood,2,3
+shelbyville,1231,2
+lindenwood,966,3
+pinesdale,1211,0
+klickitat,467,9
+benevolence,880,8
+cosmos,155,8
+marstons,1038,0
+coffeen,58,5
+tolstoy,884,2
+cosmos,461,1
+onaga,400,0
+coffeen,234,7
+tolstoy,1322,2
+lindenwood,1661,5
+tolstoy,1115,2
+hanson,772,1
+wainscott,281,2
+pomaria,1257,0
+marstons,1497,0
+wainscott,1350,1
+marstons,45,1
+wainscott,904,7
+leonardo,225,9
+merom,245,4
+stockman,345,5
+coffeen,926,2
+klickitat,2114,5
+wainscott,781,7
+woodbine,474,2
+marstons,817,3
+pinesdale,1277,2
+shelbyville,745,1
+leonardo,1570,2
+tolstoy,447,3
+tolstoy,1462,6
+ranchester,51,2
+shelbyville,2304,0
+woodbine,1690,5
+mifflinburg,271,3
+woodbine,820,0
+benevolence,710,1
+ranchester,630,2
+lindenwood,555,2
+leonardo,1488,0
+woodbine,661,6
+leonardo,623,1
+marstons,15,0
+klickitat,2350,7
+pinesdale,603,2
+forkland,787,3
+pomaria,375,3
+pomaria,222,5
+marstons,936,2
+ranchester,651,6
+shelbyville,1566,13
+coffeen,1024,2
+wainscott,44,5
+klickitat,553,3
+woodbine,314,3
+newfields,740,14
+beechwood,672,4
+leonardo,220,2
+lindenwood,1671,0
+newfields,166,11
+tolstoy,491,0
+marstons,1253,3
+klickitat,307,8
+lakeville,999,7
+shelbyville,2580,1
+mifflinburg,698,2
+ranchester,323,4
+shelbyville,996,0
+cosmos,726,2
+klickitat,1154,7
+pinesdale,167,3
+merom,267,0
+hanson,778,2
+leonardo,965,6
+woodbine,325,10
+mifflinburg,86,2
+pinesdale,316,4
+coffeen,894,0
+tolstoy,1646,5
+lindenwood,1238,0
+marstons,1156,6
+woodbine,770,11
+woodbine,1616,5
+lindenwood,124,2
+beechwood,1163,1
+woodbine,1026,5
+marstons,2014,2
+ranchester,1549,0
+klickitat,1474,11
+woodbine,682,12
+hiteman,1208,6
+shelbyville,1278,5
+coffeen,1445,2
+coffeen,775,7
+lindenwood,1805,6
+beechwood,1124,5
+hanson,1509,6
+stockman,429,4
+lindenwood,1355,8
+shelbyville,2590,0
+merom,14,0
+pinesdale,389,5
+klickitat,1285,6
+woodbine,2055,1
+newfields,1108,3
+stockman,1117,0
+marstons,400,6
+klickitat,2089,15
+lakeville,1289,6
+wainscott,773,0
+woodbine,1721,1
+stockman,1186,0
+newfields,61,19
+hanson,1629,4
+lindenwood,2247,0
+klickitat,773,0
+pomaria,688,9
+pomaria,748,4
+klickitat,1307,4
+wainscott,342,3
+shelbyville,2471,15
+allensville,497,5
+onaga,593,1
+ranchester,279,1
+tolstoy,1135,1
+pomaria,1558,7
+mifflinburg,545,4
+klickitat,428,4
+wainscott,660,1
+cosmos,168,1
+lakeville,363,4
+woodbine,686,8
+hiteman,16,8
+beechwood,1020,7
+merom,961,4
+stockman,1411,1
+lakeville,1061,3
+stockman,292,2
+leonardo,170,1
+beechwood,646,2
+klickitat,318,1
+stockman,303,0
+lakeville,1118,13
+woodbine,69,1
+hiteman,961,6
+wainscott,299,2
+lindenwood,2086,6
+tolstoy,1684,3
+lindenwood,1921,6
+leonardo,1931,8
+shelbyville,2447,3
+leonardo,1536,7
+marstons,658,3
+marstons,2589,0
+lakeville,1063,7
+shelbyville,564,2
+hanson,1552,1
+woodbine,85,3
+lindenwood,1008,2
+tolstoy,1202,5
+cosmos,482,2
+pomaria,890,7
+shelbyville,2542,3
+shelbyville,1775,3
+klickitat,1051,3
+klickitat,629,4
+beechwood,661,3
+marstons,1218,7
+cosmos,129,5
+woodbine,513,2
+stockman,111,0
+pomaria,518,2
+woodbine,1883,0
+shelbyville,1650,3
+klickitat,2322,1
+lakeville,789,10
+pomaria,305,10
+woodbine,1506,4
+leonardo,1208,1
+ranchester,1357,7
+pomaria,1628,9
+wainscott,864,6
+coffeen,1514,2
+hiteman,158,3
+klickitat,1774,3
+woodbine,650,3
+klickitat,683,0
+lindenwood,781,1
+klickitat,1980,0
+tolstoy,1127,13
+pomaria,812,0
+ranchester,1033,11
+benevolence,540,1
+benevolence,299,3
+lindenwood,1691,0
+shelbyville,2546,2
+tolstoy,1501,2
+wainscott,1202,1
+merom,392,1
+leonardo,665,12
+lakeville,641,0
+mifflinburg,814,3
+shelbyville,2099,1
+pomaria,1663,1
+woodbine,692,2
+pinesdale,960,6
+lindenwood,736,1
+mifflinburg,706,5
+hanson,1601,3
+lindenwood,601,0
+marstons,2016,0
+ranchester,897,8
+ranchester,670,2
+klickitat,1736,6
+benevolence,797,6
+cosmos,934,7
+marstons,1714,3
+lakeville,926,1
+hiteman,1504,1
+shelbyville,2819,13
+hanson,1471,6
+marstons,1266,3
+woodbine,276,4
+shelbyville,640,3
+ranchester,1627,8
+coffeen,446,2
+marstons,1841,1
+stockman,1509,4
+pinesdale,1514,4
+lakeville,1334,8
+marstons,997,2
+hiteman,741,7
+ranchester,730,1
+shelbyville,983,4
+stockman,561,0
+benevolence,340,1
+wainscott,1364,1
+newfields,1613,1
+ranchester,1244,2
+lakeville,968,0
+lakeville,699,1
+hiteman,599,3
+onaga,42,0
+shelbyville,1965,1
+hiteman,275,11
+leonardo,345,3
+merom,370,1
+merom,1005,1
+wainscott,97,4
+wainscott,484,0
+ranchester,1290,1
+lakeville,522,2
+hanson,1597,4
+wainscott,228,12
+stockman,741,0
+hiteman,37,2
+woodbine,308,8
+wainscott,1394,8
+marstons,2652,2
+ranchester,1370,2
+coffeen,1507,2
+klickitat,2054,5
+lakeville,136,4
+marstons,1819,4
+woodbine,639,6
+coffeen,920,0
+stockman,257,0
+cosmos,522,5
+leonardo,1585,2
+marstons,718,4
+hanson,555,7
+lindenwood,2615,2
+shelbyville,1574,0
+beechwood,341,1
+pinesdale,895,1
+leonardo,1444,4
+hiteman,343,2
+hanson,1601,5
+woodbine,821,4
+pomaria,1297,3
+merom,946,3
+pinesdale,1092,1
+shelbyville,132,6
+coffeen,16,9
+klickitat,312,11
+pomaria,121,12
+wainscott,1207,9
+marstons,2554,5
+woodbine,1389,1
+marstons,145,9
+marstons,315,6
+leonardo,1576,1
+lakeville,132,4
+leonardo,1140,1
+marstons,1813,1
+coffeen,676,3
+pomaria,1377,2
+klickitat,1096,10
+pinesdale,1468,10
+leonardo,489,4
+stockman,971,5
+tolstoy,495,0
+merom,1092,2
+shelbyville,787,0
+lakeville,332,8
+klickitat,1952,9
+marstons,1709,5
+klickitat,1213,12
+merom,805,6
+pomaria,576,1
+beechwood,509,1
+wainscott,1073,1
+marstons,559,2
+leonardo,112,8
+merom,558,5
+forkland,61,5
+shelbyville,24,1
+pomaria,350,4
+mifflinburg,820,3
+shelbyville,1720,2
+wainscott,1454,2
+lindenwood,1281,9
+klickitat,872,5
+woodbine,277,5
+lindenwood,2525,1
+klickitat,1900,2
+woodbine,926,3
+lakeville,1199,5
+pomaria,688,8
+leonardo,330,13
+lakeville,665,1
+stockman,570,3
+lindenwood,1606,6
+shelbyville,2484,6
+benevolence,84,12
+shelbyville,873,4
+shelbyville,2323,0
+hiteman,784,1
+woodbine,782,2
+newfields,853,5
+pinesdale,331,8
+hanson,710,1
+pomaria,633,3
+lindenwood,702,17
+wainscott,278,0
+leonardo,1538,7
+cosmos,636,3
+stockman,1321,3
+marstons,1742,1
+shelbyville,661,1
+shelbyville,72,9
+pomaria,1634,8
+cosmos,849,3
+tolstoy,985,3
+merom,238,3
+benevolence,965,8
+newfields,82,4
+lindenwood,2649,1
+marstons,898,0
+woodbine,1721,2
+merom,1088,5
+woodbine,141,3
+wainscott,1779,0
+ranchester,988,4
+leonardo,1767,1
+leonardo,1656,7
+hanson,1594,2
+lindenwood,860,3
+hanson,570,0
+hiteman,1041,4
+forkland,899,4
+hiteman,1655,3
+lindenwood,2497,2
+cosmos,407,1
+shelbyville,2357,4
+coffeen,667,1
+tolstoy,1821,2
+ranchester,823,2
+beechwood,103,4
+lindenwood,951,7
+marstons,1920,5
+hanson,1097,0
+tolstoy,991,3
+shelbyville,1507,0
+wainscott,65,1
+allensville,212,3
+lindenwood,59,13
+woodbine,1337,7
+shelbyville,1038,10
+merom,968,3
+hanson,1330,4
+lindenwood,1740,1
+shelbyville,1245,2
+newfields,124,10
+merom,345,3
+pomaria,1599,2
+klickitat,1608,6
+klickitat,2126,1
+lindenwood,1818,14
+hiteman,1075,6
+beechwood,291,1
+lindenwood,1473,6
+hiteman,525,4
+newfields,1080,1
+allensville,312,4
+ranchester,683,5
+cosmos,351,2
+klickitat,1151,1
+leonardo,482,1
+shelbyville,2292,4
+leonardo,214,4
+shelbyville,910,3
+hanson,1012,16
+coffeen,804,1
+lindenwood,1765,8
+ranchester,49,6
+allensville,179,7
+stockman,265,4
+leonardo,1528,10
+woodbine,378,0
+pomaria,236,0
+woodbine,1284,6
+pinesdale,590,2
+onaga,340,1
+tolstoy,1408,0
+klickitat,1457,8
+klickitat,252,9
+hiteman,390,0
+marstons,1645,2
+ranchester,75,5
+pomaria,539,0
+coffeen,1119,3
+hanson,571,1
+lindenwood,563,4
+leonardo,1441,1
+coffeen,720,3
+ranchester,546,5
+hanson,516,0
+leonardo,1922,0
+leonardo,1020,3
+newfields,954,17
+pinesdale,1462,9
+forkland,807,2
+hiteman,1461,2
+lindenwood,202,0
+wainscott,477,5
+lindenwood,1872,1
+klickitat,2015,15
+lindenwood,434,5
+hiteman,399,6
+pinesdale,780,0
+pinesdale,1017,8
+hanson,272,0
+shelbyville,2754,1
+newfields,356,1
+woodbine,315,1
+lakeville,67,7
+klickitat,135,3
+wainscott,1478,5
+woodbine,1066,6
+forkland,397,2
+lakeville,1070,5
+newfields,257,3
+newfields,1074,4
+lakeville,913,3
+marstons,509,1
+ranchester,964,1
+beechwood,673,2
+newfields,631,9
+wainscott,43,2
+woodbine,62,11
+benevolence,316,2
+shelbyville,1431,3
+klickitat,26,6
+newfields,1354,3
+pinesdale,413,0
+leonardo,904,5
+lakeville,523,1
+lindenwood,591,1
+klickitat,1476,4
+hiteman,863,1
+onaga,445,0
+shelbyville,1990,8
+allensville,128,1
+shelbyville,1586,0
+klickitat,1278,5
+ranchester,1230,2
+pinesdale,1159,1
+woodbine,514,4
+woodbine,967,2
+ranchester,1081,2
+benevolence,305,3
+mifflinburg,450,3
+shelbyville,2293,2
+lindenwood,2307,7
+hanson,540,2
+lindenwood,1302,6
+cosmos,1041,1
+wainscott,1489,5
+pomaria,1179,15
+leonardo,359,16
+newfields,1387,11
+woodbine,649,6
+newfields,481,13
+beechwood,316,4
+woodbine,2044,5
+hanson,797,3
+lindenwood,627,1
+stockman,1049,1
+newfields,126,6
+lindenwood,2651,14
+hanson,266,6
+mifflinburg,661,3
+marstons,1830,5
+pinesdale,632,0
+ranchester,296,8
+marstons,1238,0
+pomaria,205,11
+hiteman,988,10
+lindenwood,1037,4
+lakeville,847,12
+lakeville,5,5
+hiteman,193,1
+lindenwood,1290,11
+newfields,1357,9
+woodbine,1184,3
+tolstoy,267,2
+klickitat,1615,3
+ranchester,255,10
+hanson,95,0
+wainscott,1657,6
+coffeen,919,4
+lindenwood,2001,1
+leonardo,1884,2
+coffeen,753,3
+hiteman,1788,7
+benevolence,156,15
+shelbyville,2770,10
+lindenwood,717,5
+woodbine,15,9
+marstons,2147,8
+pomaria,813,10
+beechwood,676,2
+stockman,470,12
+benevolence,88,3
+beechwood,768,2
+newfields,133,3
+lindenwood,2498,0
+hanson,1625,1
+tolstoy,1232,3
+hanson,1575,1
+newfields,1207,8
+klickitat,1442,2
+beechwood,427,5
+woodbine,1175,10
+ranchester,941,0
+stockman,938,5
+lakeville,613,3
+pomaria,569,0
+klickitat,2376,2
+allensville,286,2
+ranchester,543,5
+marstons,2475,2
+hanson,1193,1
+beechwood,79,13
+marstons,2375,0
+beechwood,1099,3
+lindenwood,1645,0
+ranchester,866,6
+lindenwood,0,2
+leonardo,1601,4
+marstons,913,6
+pinesdale,982,11
+tolstoy,760,4
+lindenwood,1319,6
+klickitat,1995,6
+lakeville,1211,0
+marstons,1629,2
+cosmos,1066,0
+shelbyville,538,0
+lakeville,694,0
+newfields,518,0
+lakeville,1611,2
+lindenwood,400,1
+newfields,1364,2
+shelbyville,1523,8
+lindenwood,2373,2
+woodbine,34,9
+tolstoy,968,6
+marstons,678,1
+leonardo,115,4
+ranchester,1471,3
+wainscott,1322,6
+wainscott,157,2
+lakeville,769,8
+hiteman,1655,11
+wainscott,1174,0
+lakeville,1406,1
+pomaria,1653,7
+shelbyville,2791,3
+hanson,709,9
+klickitat,748,4
+onaga,552,4
+hanson,1394,7
+lindenwood,920,13
+allensville,254,2
+ranchester,590,2
+benevolence,101,2
+woodbine,510,3
+hiteman,976,6
+lakeville,1545,5
+allensville,95,0
+lindenwood,572,4
+hanson,249,8
+marstons,2157,3
+newfields,590,0
+hanson,13,1
+stockman,788,3
+shelbyville,2748,2
+pomaria,1023,0
+marstons,406,6
+beechwood,1116,8
+mifflinburg,75,3
+pomaria,904,2
+merom,90,1
+marstons,1274,1
+ranchester,1620,2
+klickitat,1296,7
+newfields,300,4
+stockman,405,3
+pinesdale,192,1
+onaga,659,1
+woodbine,2047,2
+tolstoy,990,5
+pomaria,1231,2
+shelbyville,2013,11
+tolstoy,707,0
+tolstoy,1475,2
+tolstoy,670,0
+lindenwood,433,7
+lindenwood,8,4
+onaga,102,0
+tolstoy,1066,1
+benevolence,841,7
+forkland,747,0
+pinesdale,93,1
+beechwood,683,3
+wainscott,82,2
+hanson,1218,0
+hanson,845,1
+woodbine,1950,0
+wainscott,1595,3
+shelbyville,197,7
+woodbine,1005,9
+tolstoy,1111,2
+lindenwood,580,4
+cosmos,240,11
+lindenwood,2103,4
+hiteman,1241,5
+newfields,1128,0
+hanson,1316,1
+cosmos,986,2
+tolstoy,298,0
+ranchester,953,4
+tolstoy,833,1
+wainscott,1199,14
+klickitat,2412,18
+leonardo,283,6
+shelbyville,1500,1
+klickitat,1210,1
+leonardo,1557,6
+hanson,236,5
+wainscott,648,5
+ranchester,794,3
+beechwood,885,5
+woodbine,313,2
+lindenwood,2594,0
+klickitat,2357,10
+newfields,1273,2
+lakeville,1046,0
+coffeen,1032,1
+cosmos,441,2
+merom,43,6
+beechwood,714,7
+shelbyville,1423,4
+lindenwood,1188,0
+marstons,2370,3
+lindenwood,932,3
+hiteman,1761,3
+lakeville,358,19
+lindenwood,2442,10
+shelbyville,2717,0
+allensville,334,2
+shelbyville,96,2
+onaga,36,0
+ranchester,95,1
+ranchester,489,6
+pomaria,227,8
+leonardo,66,6
+wainscott,1404,4
+beechwood,877,4
+klickitat,1455,4
+pomaria,1157,5
+mifflinburg,671,3
+marstons,798,12
+newfields,776,4
+hanson,306,9
+hanson,1547,0
+ranchester,894,0
+wainscott,1395,0
+woodbine,593,2
+marstons,2097,0
+lindenwood,1551,2
+lakeville,832,2
+marstons,1204,3
+mifflinburg,354,1
+wainscott,905,1
+woodbine,774,5
+leonardo,433,3
+lakeville,1406,9
+ranchester,920,3
+pomaria,1117,1
+wainscott,1750,2
+woodbine,1563,0
+woodbine,1867,7
+hiteman,926,7
+leonardo,729,2
+marstons,1045,3
+lindenwood,123,0
+stockman,1049,2
+pomaria,266,4
+klickitat,1366,2
+merom,835,1
+lindenwood,2471,2
+lakeville,166,0
+mifflinburg,881,2
+lakeville,118,5
+tolstoy,383,2
+leonardo,1415,1
+tolstoy,456,14
+benevolence,899,7
+leonardo,1007,0
+cosmos,168,0
+klickitat,163,8
+marstons,1652,8
+klickitat,1673,1
+shelbyville,408,4
+newfields,1539,2
+tolstoy,78,10
+shelbyville,990,5
+forkland,868,4
+klickitat,154,7
+coffeen,671,5
+wainscott,1458,0
+tolstoy,1385,3
+stockman,435,5
+lakeville,139,0
+lakeville,1503,9
+hanson,1426,6
+pinesdale,334,7
+onaga,495,1
+shelbyville,2478,12
+hiteman,1818,4
+coffeen,144,1
+wainscott,1706,9
+tolstoy,1574,5
+hiteman,168,5
+newfields,741,1
+cosmos,929,9
+cosmos,435,4
+coffeen,1227,3
+lakeville,1276,3
+hanson,155,1
+tolstoy,339,4
+wainscott,1103,1
+klickitat,2,3
+shelbyville,2768,1
+shelbyville,1982,3
+wainscott,1304,2
+tolstoy,1104,5
+hanson,410,10
+shelbyville,955,1
+mifflinburg,485,4
+pomaria,615,11
+hanson,468,7
+coffeen,1364,4
+pomaria,664,2
+shelbyville,137,1
+woodbine,271,1
+stockman,313,6
+beechwood,66,4
+pomaria,1484,6
+pomaria,1180,0
+klickitat,2009,6
+hiteman,507,4
+shelbyville,420,2
+lindenwood,2269,10
+hanson,1250,1
+onaga,409,1
+lindenwood,1410,3
+beechwood,666,1
+pomaria,314,4
+marstons,1708,3
+ranchester,520,2
+wainscott,328,1
+allensville,297,3
+stockman,454,0
+pomaria,115,3
+ranchester,1441,2
+klickitat,1892,6
+hiteman,1841,6
+woodbine,1363,2
+shelbyville,1761,6
+pinesdale,1482,0
+wainscott,781,0
+lindenwood,360,1
+leonardo,1059,5
+leonardo,359,15
+shelbyville,1939,6
+pomaria,588,1
+coffeen,204,7
+klickitat,918,2
+tolstoy,1340,1
+leonardo,1044,9
+benevolence,151,0
+shelbyville,540,0
+onaga,0,2
+hiteman,1087,1
+klickitat,1718,4
+coffeen,1433,2
+woodbine,1499,2
+lindenwood,439,3
+shelbyville,986,2
+onaga,496,0
+mifflinburg,140,3
+stockman,1121,2
+pomaria,1113,5
+ranchester,774,0
+leonardo,478,4
+pinesdale,899,3
+tolstoy,1769,10
+stockman,489,6
+pomaria,671,2
+woodbine,1970,5
+beechwood,293,5
+lakeville,836,3
+hiteman,1280,3
+leonardo,843,0
+pinesdale,800,4
+klickitat,1911,2
+klickitat,1561,13
+stockman,128,3
+stockman,633,2
+woodbine,821,5
+ranchester,1070,2
+merom,927,8
+stockman,117,3
+pinesdale,493,10
+lindenwood,1776,0
+lakeville,73,7
+hiteman,305,0
+shelbyville,859,15
+leonardo,1367,4
+stockman,671,3
+mifflinburg,359,1
+tolstoy,1316,2
+shelbyville,1013,9
+pomaria,1500,2
+leonardo,170,8
+forkland,632,3
+shelbyville,1891,10
+klickitat,1088,7
+shelbyville,2218,4
+mifflinburg,689,3
+pinesdale,929,1
+hiteman,756,5
+ranchester,1610,1
+klickitat,1783,9
+klickitat,2075,8
+allensville,191,5
+stockman,89,5
+onaga,492,1
+wainscott,907,15
+leonardo,521,0
+merom,1089,4
+coffeen,1465,0
+cosmos,820,2
+beechwood,90,3
+hanson,87,8
+tolstoy,1834,7
+lindenwood,1448,0
+ranchester,23,4
+wainscott,1559,0
+beechwood,22,2
+tolstoy,1342,1
+coffeen,1246,3
+lindenwood,1481,3
+hiteman,675,5
+woodbine,501,2
+wainscott,864,2
+klickitat,1930,7
+shelbyville,1610,10
+stockman,541,2
+ranchester,1619,2
+hanson,1153,4
+pomaria,515,7
+beechwood,131,4
+leonardo,1806,1
+tolstoy,389,3
+shelbyville,813,0
+ranchester,681,10
+shelbyville,1538,4
+stockman,1353,2
+leonardo,989,12
+pinesdale,1517,6
+lindenwood,522,9
+ranchester,1389,5
+lindenwood,1290,2
+cosmos,384,9
+marstons,2653,0
+marstons,2224,0
+marstons,2261,3
+stockman,1609,2
+ranchester,901,1
+shelbyville,1510,4
+shelbyville,1352,1
+wainscott,495,1
+coffeen,307,7
+woodbine,942,2
+woodbine,1496,1
+ranchester,1569,4
+tolstoy,1448,0
+allensville,452,2
+lindenwood,11,2
+forkland,975,4
+hiteman,378,6
+lakeville,230,1
+pomaria,1392,9
+klickitat,1516,3
+coffeen,1182,2
+newfields,974,4
+shelbyville,772,1
+cosmos,235,6
+tolstoy,628,3
+ranchester,311,6
+beechwood,269,3
+wainscott,1049,7
+hiteman,832,3
+stockman,793,5
+ranchester,168,10
+merom,230,1
+wainscott,1609,3
+forkland,1133,2
+ranchester,1291,1
+newfields,194,1
+cosmos,1051,0
+klickitat,2346,0
+shelbyville,895,4
+wainscott,35,4
+klickitat,2358,6
+newfields,864,3
+lindenwood,882,2
+wainscott,223,0
+newfields,963,0
+klickitat,1027,3
+beechwood,896,0
+forkland,467,0
+lakeville,110,6
+lindenwood,257,2
+merom,429,0
+tolstoy,1222,2
+pomaria,1286,0
+lakeville,113,3
+coffeen,234,5
+woodbine,832,3
+hanson,230,0
+merom,669,7
+pomaria,376,0
+lindenwood,583,0
+pomaria,1376,1
+shelbyville,15,12
+shelbyville,1578,3
+coffeen,133,2
+pinesdale,9,2
+merom,170,0
+woodbine,112,3
+klickitat,1586,2
+leonardo,1536,9
+shelbyville,1766,11
+leonardo,1952,3
+cosmos,217,11
+leonardo,1158,10
+beechwood,52,5
+leonardo,642,0
+pinesdale,629,4
+stockman,727,2
+leonardo,2020,9
+marstons,257,2
+merom,629,1
+wainscott,183,14
+ranchester,1511,3
+stockman,628,0
+lakeville,1101,0
+klickitat,746,2
+cosmos,283,0
+hanson,800,12
+forkland,732,2
+stockman,821,1
+pinesdale,727,12
+pinesdale,1255,1
+leonardo,283,4
+lindenwood,202,4
+woodbine,275,4
+hiteman,1706,3
+stockman,1167,4
+beechwood,883,0
+leonardo,868,4
+benevolence,819,1
+klickitat,587,2
+pinesdale,1268,3
+tolstoy,925,1
+tolstoy,985,1
+beechwood,1072,3
+hanson,1643,0
+klickitat,1230,1
+klickitat,1608,5
+pinesdale,639,1
+coffeen,437,0
+pinesdale,1124,3
+stockman,1273,4
+beechwood,82,3
+onaga,34,1
+leonardo,1248,6
+lakeville,1567,0
+allensville,198,1
+woodbine,1671,2
+ranchester,645,13
+mifflinburg,654,8
+wainscott,173,6
+onaga,470,0
+marstons,1923,2
+pinesdale,1195,1
+lindenwood,2347,5
+lindenwood,2548,2
+hanson,1160,0
+hiteman,447,0
+woodbine,660,13
+woodbine,743,6
+shelbyville,1661,1
+shelbyville,498,20
+newfields,1633,4
+hanson,1136,2
+lindenwood,1241,0
+forkland,904,6
+shelbyville,146,4
+beechwood,76,3
+shelbyville,2011,1
+ranchester,982,11
+pinesdale,326,2
+marstons,642,3
+tolstoy,1735,1
+woodbine,479,9
+ranchester,775,7
+stockman,77,0
+ranchester,743,7
+forkland,119,6
+newfields,265,1
+lakeville,354,3
+shelbyville,2417,0
+beechwood,1150,5
+marstons,42,2
+woodbine,1176,7
+pinesdale,1200,1
+wainscott,770,5
+lindenwood,426,7
+woodbine,833,7
+mifflinburg,757,2
+ranchester,1013,4
+coffeen,628,5
+pomaria,851,0
+shelbyville,2610,1
+pinesdale,848,2
+marstons,140,1
+shelbyville,2665,1
+tolstoy,160,1
+shelbyville,576,1
+wainscott,1053,6
+hanson,498,3
+coffeen,461,5
+woodbine,300,3
+coffeen,10,3
+shelbyville,2491,1
+wainscott,1703,5
+woodbine,1320,2
+forkland,1175,4
+tolstoy,1353,8
+newfields,288,7
+pinesdale,70,1
+klickitat,1474,0
+marstons,1740,1
+forkland,5,6
+tolstoy,1766,8
+leonardo,578,1
+leonardo,1075,0
+shelbyville,258,2
+merom,1062,0
+pomaria,1118,9
+lakeville,1809,1
+ranchester,1035,1
+hiteman,984,2
+cosmos,166,3
+lakeville,777,2
+hiteman,126,9
+wainscott,1091,2
+hiteman,543,1
+coffeen,1483,2
+ranchester,864,1
+pomaria,101,1
+ranchester,82,8
+hiteman,114,5
+merom,1078,1
+klickitat,606,4
+pinesdale,608,3
+newfields,96,5
+lindenwood,1021,12
+onaga,104,0
+coffeen,299,6
+newfields,1355,4
+hanson,97,8
+wainscott,399,5
+lindenwood,1937,4
+marstons,528,11
+hanson,157,3
+pinesdale,236,1
+leonardo,335,6
+woodbine,1923,10
+forkland,868,5
+woodbine,750,1
+leonardo,2013,1
+ranchester,360,11
+tolstoy,1096,1
+woodbine,1428,0
+pinesdale,1128,0
+lakeville,372,0
+stockman,976,6
+hanson,1330,17
+pinesdale,207,1
+shelbyville,2631,4
+wainscott,1752,1
+cosmos,808,9
+lindenwood,2197,8
+leonardo,1216,3
+hanson,1210,2
+cosmos,953,2
+cosmos,270,4
+lindenwood,1756,6
+ranchester,412,2
+stockman,909,2
+woodbine,1493,10
+lindenwood,541,3
+klickitat,539,0
+hanson,1123,2
+lindenwood,313,4
+beechwood,594,11
+leonardo,728,1
+onaga,637,4
+lakeville,1106,0
+cosmos,861,1
+marstons,614,0
+marstons,1267,2
+lakeville,69,5
+newfields,1134,3
+marstons,2262,2
+lakeville,963,3
+woodbine,109,1
+shelbyville,1134,1
+newfields,624,0
+forkland,679,1
+pinesdale,847,3
+stockman,581,3
+shelbyville,2751,8
+newfields,537,3
+woodbine,508,8
+wainscott,34,5
+pomaria,1438,4
+woodbine,414,1
+lakeville,759,14
+coffeen,166,4
+tolstoy,559,5
+pomaria,820,5
+newfields,1224,1
+lindenwood,1148,14
+woodbine,369,2
+shelbyville,2123,10
+shelbyville,1321,0
+pomaria,1372,2
+stockman,376,0
+lakeville,764,3
+marstons,73,4
+shelbyville,2528,6
+hanson,444,2
+lakeville,370,6
+klickitat,697,2
+stockman,166,4
+wainscott,1664,1
+marstons,139,12
+stockman,779,2
+tolstoy,539,6
+wainscott,1374,4
+merom,980,3
+hiteman,1634,2
+woodbine,1075,3
+lindenwood,1853,5
+leonardo,858,2
+pomaria,613,6
+lakeville,634,4
+newfields,798,5
+lakeville,784,4
+wainscott,1147,7
+marstons,2584,4
+woodbine,1542,9
+lindenwood,1224,3
+tolstoy,631,5
+marstons,1718,3
+lindenwood,1496,10
+lindenwood,1319,3
+forkland,179,4
+newfields,1056,7
+coffeen,926,6
+stockman,883,2
+klickitat,1779,1
+pinesdale,566,5
+hiteman,650,7
+klickitat,926,2
+stockman,645,2
+pinesdale,876,3
+beechwood,72,1
+merom,138,2
+benevolence,605,1
+pinesdale,1064,1
+hiteman,1828,2
+pinesdale,817,9
+ranchester,790,9
+marstons,1113,2
+leonardo,1715,1
+hiteman,556,0
+tolstoy,686,6
+cosmos,733,1
+forkland,465,0
+lindenwood,2136,1
+woodbine,1427,7
+wainscott,944,4
+pomaria,369,8
+leonardo,1400,12
+leonardo,73,13
+coffeen,1488,0
+mifflinburg,640,6
+pomaria,574,2
+wainscott,1007,6
+leonardo,544,4
+shelbyville,683,0
+beechwood,328,2
+merom,770,6
+lakeville,484,7
+allensville,169,4
+merom,804,1
+lakeville,938,3
+tolstoy,868,5
+wainscott,835,8
+lakeville,930,5
+pomaria,1601,8
+hanson,1597,5
+lakeville,453,1
+leonardo,1976,2
+leonardo,874,13
+hanson,1055,14
+beechwood,832,12
+stockman,1126,7
+cosmos,926,3
+newfields,772,3
+shelbyville,1980,2
+woodbine,1712,19
+lindenwood,1612,1
+klickitat,1530,0
+lakeville,1062,2
+forkland,416,1
+newfields,1596,2
+klickitat,303,6
+wainscott,798,4
+lindenwood,432,2
+lindenwood,57,3
+leonardo,447,3
+hanson,634,0
+merom,895,1
+klickitat,519,2
+lindenwood,978,1
+klickitat,748,12
+marstons,2392,3
+leonardo,1485,2
+lakeville,1751,10
+shelbyville,330,0
+leonardo,353,4
+leonardo,209,0
+hanson,565,8
+pinesdale,66,1
+lakeville,417,3
+newfields,1576,5
+hiteman,1045,0
+shelbyville,994,12
+lindenwood,895,8
+woodbine,1273,11
+coffeen,148,3
+leonardo,559,13
+lakeville,551,0
+stockman,40,2
+shelbyville,1747,1
+shelbyville,256,0
+leonardo,800,4
+marstons,1290,6
+klickitat,1525,5
+stockman,1525,5
+marstons,1752,7
+ranchester,1607,4
+ranchester,1415,8
+pomaria,231,4
+benevolence,456,9
+hanson,1144,8
+klickitat,1363,5
+tolstoy,1355,0
+shelbyville,1319,2
+pinesdale,519,3
+lakeville,142,5
+forkland,713,1
+klickitat,450,1
+shelbyville,1432,3
+lakeville,1198,1
+lakeville,399,4
+shelbyville,228,2
+pomaria,406,9
+ranchester,350,0
+forkland,621,3
+woodbine,268,3
+wainscott,904,6
+shelbyville,1706,2
+pinesdale,576,5
+marstons,1433,1
+marstons,1261,9
+pinesdale,1183,2
+klickitat,695,14
+lindenwood,1847,0
+hiteman,1137,4
+wainscott,1475,0
+klickitat,558,0
+marstons,14,5
+klickitat,681,2
+forkland,1071,1
+klickitat,1097,1
+forkland,56,2
+beechwood,10,0
+klickitat,204,2
+klickitat,183,0
+woodbine,157,2
+wainscott,1199,4
+shelbyville,942,2
+pinesdale,500,0
+shelbyville,907,0
+forkland,855,2
+klickitat,1647,7
+leonardo,509,1
+tolstoy,1792,2
+mifflinburg,863,3
+pinesdale,414,8
+woodbine,1740,4
+pomaria,777,4
+marstons,461,2
+klickitat,2167,10
+coffeen,148,1
+mifflinburg,416,2
+newfields,440,2
+merom,878,2
+newfields,77,0
+wainscott,1718,7
+newfields,1067,0
+lakeville,740,0
+shelbyville,601,1
+beechwood,732,0
+tolstoy,866,5
+hanson,1615,5
+lindenwood,1621,0
+forkland,592,2
+hiteman,464,2
+newfields,604,6
+klickitat,1449,6
+klickitat,110,8
+pomaria,1487,9
+wainscott,6,0
+shelbyville,31,3
+newfields,1349,0
+shelbyville,1367,1
+leonardo,168,3
+mifflinburg,376,0
+newfields,1554,1
+marstons,544,9
+benevolence,469,9
+wainscott,899,2
+ranchester,1248,2
+hanson,136,12
+marstons,2192,2
+tolstoy,462,2
+pomaria,351,7
+forkland,965,1
+pomaria,275,4
+hiteman,396,1
+lindenwood,33,9
+wainscott,767,2
+lakeville,180,2
+lindenwood,138,2
+klickitat,1024,7
+pomaria,1147,15
+klickitat,1861,6
+woodbine,388,2
+ranchester,1254,2
+marstons,437,1
+forkland,1141,2
+marstons,1938,0
+klickitat,1416,5
+woodbine,1246,9
+shelbyville,489,1
+tolstoy,199,2
+cosmos,681,2
+ranchester,1331,9
+woodbine,1618,0
+lindenwood,947,5
+klickitat,1105,6
+tolstoy,179,8
+allensville,211,2
+pinesdale,671,0
+marstons,2046,0
+leonardo,1994,5
+leonardo,1941,4
+lakeville,1368,9
+klickitat,37,6
+woodbine,1236,0
+lindenwood,2191,6
+lindenwood,1545,4
+lindenwood,60,2
+tolstoy,486,2
+marstons,178,0
+hanson,840,0
+marstons,1288,15
+marstons,19,4
+lindenwood,1169,3
+wainscott,20,0
+leonardo,2014,7
+mifflinburg,102,9
+pinesdale,428,7
+wainscott,365,6
+ranchester,297,4
+woodbine,1613,1
+leonardo,2009,0
+leonardo,1391,1
+hanson,897,13
+marstons,1443,4
+stockman,549,2
+mifflinburg,317,3
+ranchester,1468,3
+beechwood,244,6
+tolstoy,1203,3
+wainscott,627,8
+lindenwood,1321,4
+cosmos,353,7
+benevolence,220,2
+klickitat,1688,4
+lindenwood,1097,1
+onaga,149,2
+ranchester,222,7
+shelbyville,2569,3
+ranchester,1174,10
+stockman,567,1
+lakeville,1380,3
+lakeville,1745,14
+wainscott,1676,2
+woodbine,1362,4
+mifflinburg,800,1
+tolstoy,931,8
+tolstoy,1267,8
+hanson,149,1
+marstons,2141,4
+klickitat,1660,2
+pinesdale,1176,2
+merom,98,1
+lakeville,1400,1
+shelbyville,405,0
+hiteman,131,4
+forkland,697,3
+leonardo,506,2
+klickitat,2189,0
+cosmos,586,0
+woodbine,493,10
+lakeville,277,0
+ranchester,1291,2
+cosmos,534,7
+marstons,2199,2
+lindenwood,141,3
+shelbyville,1675,0
+wainscott,1056,3
+wainscott,1581,4
+woodbine,1848,6
+marstons,2182,0
+cosmos,67,1
+beechwood,464,6
+marstons,1108,2
+onaga,1,2
+pinesdale,1144,2
+leonardo,1630,2
+leonardo,1205,1
+wainscott,909,4
+woodbine,1866,14
+marstons,266,3
+pinesdale,594,11
+cosmos,934,2
+cosmos,533,0
+klickitat,820,5
+woodbine,587,5
+ranchester,1331,12
+newfields,724,2
+woodbine,1043,3
+mifflinburg,913,0
+stockman,328,0
+newfields,242,5
+shelbyville,574,1
+marstons,2067,1
+marstons,1889,3
+lindenwood,432,5
+lindenwood,252,7
+marstons,1707,7
+stockman,454,9
+hiteman,298,1
+pinesdale,725,13
+wainscott,1433,2
+onaga,284,1
+leonardo,1139,7
+klickitat,2322,8
+pomaria,103,9
+pomaria,1346,4
+leonardo,919,2
+benevolence,879,1
+mifflinburg,464,3
+stockman,41,3
+shelbyville,560,0
+klickitat,950,1
+newfields,1548,0
+hiteman,25,2
+shelbyville,14,1
+tolstoy,1363,0
+stockman,915,4
+hanson,346,2
+klickitat,461,3
+wainscott,89,7
+shelbyville,758,4
+shelbyville,244,2
+klickitat,844,8
+beechwood,1046,2
+cosmos,1047,1
+woodbine,742,2
+klickitat,2194,1
+stockman,1412,0
+marstons,1887,2
+woodbine,510,13
+marstons,711,3
+onaga,376,1
+tolstoy,1750,5
+benevolence,627,1
+tolstoy,1821,5
+mifflinburg,170,3
+tolstoy,1262,3
+klickitat,1608,9
+stockman,556,1
+stockman,1386,0
+pomaria,960,2
+lindenwood,1464,0
+hanson,415,2
+merom,851,2
+beechwood,36,0
+leonardo,1780,1
+allensville,57,1
+allensville,62,7
+woodbine,328,2
+ranchester,616,1
+woodbine,1888,5
+coffeen,1391,0
+shelbyville,1644,2
+tolstoy,875,4
+cosmos,1042,5
+woodbine,419,0
+shelbyville,2173,0
+woodbine,1213,8
+tolstoy,1629,8
+pinesdale,376,0
+marstons,1852,3
+klickitat,713,2
+cosmos,193,4
+shelbyville,1280,0
+hiteman,1300,2
+wainscott,1450,3
+hanson,684,7
+beechwood,1144,7
+marstons,1213,4
+woodbine,768,5
+lindenwood,1843,3
+coffeen,7,0
+woodbine,884,13
+lindenwood,212,0
+mifflinburg,579,1
+klickitat,2086,0
+merom,773,0
+newfields,753,2
+marstons,1718,7
+hiteman,932,2
+mifflinburg,477,2
+lakeville,625,2
+shelbyville,2150,15
+newfields,1521,0
+cosmos,583,2
+pomaria,467,7
+pomaria,581,15
+shelbyville,1314,5
+marstons,1493,9
+onaga,177,0
+ranchester,354,2
+marstons,491,11
+lindenwood,592,3
+shelbyville,2341,10
+klickitat,1937,3
+klickitat,2306,2
+pomaria,654,0
+lakeville,1372,0
+hanson,68,0
+pomaria,1015,0
+stockman,539,11
+hiteman,1638,1
+leonardo,579,18
+marstons,1114,7
+leonardo,111,1
+ranchester,1194,0
+mifflinburg,569,4
+lakeville,1723,2
+merom,815,2
+forkland,733,4
+shelbyville,849,7
+wainscott,1160,5
+leonardo,1115,4
+shelbyville,1136,4
+pomaria,160,0
+ranchester,1522,1
+pinesdale,248,13
+lakeville,1163,1
+marstons,1439,5
+hiteman,795,2
+klickitat,732,9
+hiteman,894,4
+woodbine,820,2
+woodbine,1144,6
+tolstoy,1069,0
+klickitat,2330,4
+hanson,1037,9
+klickitat,687,3
+tolstoy,269,2
+lakeville,331,2
+newfields,1117,0
+klickitat,1584,11
+wainscott,1264,1
+pinesdale,1479,1
+cosmos,118,1
+shelbyville,1019,7
+pomaria,1287,3
+leonardo,1928,19
+ranchester,709,0
+hanson,364,2
+allensville,293,1
+merom,651,2
+marstons,1925,8
+klickitat,1301,9
+lindenwood,72,1
+pomaria,725,10
+hanson,1592,15
+wainscott,1634,1
+forkland,341,0
+leonardo,1067,3
+hiteman,892,2
+klickitat,1766,1
+wainscott,468,4
+lakeville,618,2
+merom,934,7
+tolstoy,795,13
+pomaria,482,1
+forkland,408,1
+ranchester,838,7
+klickitat,550,7
+hanson,923,16
+benevolence,768,0
+wainscott,17,6
+klickitat,743,3
+shelbyville,2014,10
+beechwood,89,3
+hanson,677,7
+hanson,778,8
+benevolence,235,12
+pinesdale,922,0
+klickitat,2153,5
+klickitat,592,7
+shelbyville,1898,0
+pinesdale,133,1
+coffeen,258,6
+klickitat,280,6
+wainscott,186,3
+ranchester,1305,2
+merom,985,4
+tolstoy,1312,0
+pinesdale,404,6
+leonardo,135,0
+mifflinburg,757,0
+shelbyville,673,5
+pomaria,486,5
+beechwood,259,1
+newfields,1551,4
+shelbyville,2430,13
+klickitat,1871,8
+pomaria,586,5
+marstons,2158,1
+pinesdale,852,0
+marstons,1357,4
+cosmos,108,1
+tolstoy,51,7
+mifflinburg,764,2
+lindenwood,1507,12
+wainscott,669,6
+klickitat,132,2
+lindenwood,2141,4
+pomaria,524,4
+hanson,1114,7
+marstons,282,1
+shelbyville,878,2
+tolstoy,868,8
+marstons,2458,2
+marstons,1013,3
+newfields,731,5
+hiteman,745,16
+cosmos,710,5
+marstons,226,3
+newfields,1063,5
+tolstoy,914,5
+woodbine,61,1
+lakeville,1471,15
+wainscott,454,3
+klickitat,2044,12
+tolstoy,1132,8
+marstons,602,4
+marstons,1418,1
+merom,223,4
+newfields,1032,1
+cosmos,918,3
+ranchester,1510,2
+leonardo,1833,2
+merom,356,3
+pinesdale,1065,1
+merom,579,4
+ranchester,1161,2
+lindenwood,1230,2
+beechwood,43,1
+leonardo,1998,1
+wainscott,1337,0
+klickitat,793,6
+leonardo,897,9
+forkland,476,3
+leonardo,1257,6
+forkland,463,1
+hiteman,1461,9
+hiteman,1372,1
+lakeville,404,2
+lakeville,1412,7
+newfields,458,14
+klickitat,1916,9
+wainscott,452,6
+lakeville,221,1
+wainscott,794,9
+lindenwood,904,1
+shelbyville,806,10
+cosmos,160,5
+cosmos,730,3
+leonardo,2007,9
+wainscott,1037,7
+tolstoy,1482,1
+marstons,1192,1
+klickitat,300,4
+hiteman,61,2
+hanson,417,3
+woodbine,873,3
+wainscott,1129,4
+ranchester,866,2
+klickitat,991,2
+woodbine,646,2
+marstons,2061,15
+woodbine,137,4
+stockman,1335,4
+onaga,576,1
+wainscott,1327,1
+wainscott,28,3
+hiteman,722,8
+coffeen,1247,3
+leonardo,699,4
+ranchester,147,2
+leonardo,922,4
+marstons,25,4
+klickitat,602,2
+newfields,697,3
+lindenwood,2566,4
+hiteman,273,6
+wainscott,1208,5
+merom,350,2
+newfields,444,6
+lindenwood,2024,1
+coffeen,141,6
+pomaria,1363,2
+beechwood,240,1
+woodbine,1812,4
+lindenwood,2454,3
+leonardo,1880,5
+wainscott,1481,2
+shelbyville,202,1
+shelbyville,2405,2
+pomaria,684,5
+wainscott,168,4
+klickitat,426,6
+lakeville,415,10
+marstons,1780,3
+mifflinburg,23,7
+lakeville,396,4
+leonardo,1762,3
+lindenwood,534,1
+newfields,580,7
+forkland,606,7
+lakeville,26,1
+coffeen,1336,3
+lakeville,1226,6
+woodbine,1224,0
+lakeville,1155,12
+ranchester,810,11
+woodbine,178,3
+lakeville,1816,1
+pomaria,1607,1
+tolstoy,211,7
+ranchester,282,3
+lakeville,1603,5
+wainscott,1429,4
+wainscott,1745,1
+klickitat,2325,2
+benevolence,654,1
+marstons,740,7
+ranchester,669,2
+shelbyville,964,6
+leonardo,1510,7
+shelbyville,1473,5
+lakeville,1333,3
+coffeen,137,1
+shelbyville,1540,4
+ranchester,1531,0
+tolstoy,1527,0
+ranchester,242,9
+marstons,2464,2
+woodbine,1513,11
+shelbyville,443,1
+pomaria,751,0
+shelbyville,2813,13
+shelbyville,2155,7
+mifflinburg,366,2
+wainscott,1717,4
+marstons,1292,4
+klickitat,1008,2
+shelbyville,1466,3
+lindenwood,392,0
+shelbyville,2097,4
+newfields,815,1
+lindenwood,1228,2
+lindenwood,1307,2
+coffeen,120,0
+benevolence,806,0
+wainscott,1168,1
+marstons,446,6
+tolstoy,1012,3
+marstons,1322,4
+klickitat,220,10
+klickitat,1174,4
+ranchester,1420,7
+leonardo,1688,4
+shelbyville,2637,2
+mifflinburg,958,2
+newfields,1377,7
+marstons,1045,14
+hiteman,1777,0
+onaga,491,0
+ranchester,1475,0
+merom,884,0
+lakeville,530,6
+lakeville,746,10
+benevolence,844,7
+hanson,1081,3
+stockman,1147,7
+leonardo,635,5
+tolstoy,1736,1
+hiteman,1173,2
+klickitat,886,10
+lindenwood,441,1
+newfields,481,3
+hanson,383,14
+pinesdale,1039,1
+klickitat,1231,8
+merom,728,2
+newfields,1405,12
+marstons,2411,0
+beechwood,631,4
+shelbyville,1886,4
+pomaria,1318,1
+ranchester,210,13
+newfields,109,1
+mifflinburg,124,9
+merom,21,1
+lakeville,1135,0
+woodbine,1841,6
+lakeville,127,5
+shelbyville,1596,2
+newfields,412,1
+pinesdale,1172,7
+pomaria,587,8
+pomaria,943,10
+mifflinburg,414,4
+lakeville,1085,1
+pomaria,1043,2
+cosmos,267,4
+leonardo,162,1
+lindenwood,1292,0
+stockman,1467,10
+leonardo,1899,1
+pomaria,1263,0
+stockman,415,7
+hanson,21,2
+tolstoy,1584,0
+stockman,725,1
+coffeen,1308,5
+klickitat,2326,10
+lindenwood,269,0
+leonardo,160,3
+lindenwood,1655,4
+shelbyville,1832,8
+wainscott,1285,0
+beechwood,604,0
+merom,987,3
+pinesdale,76,0
+hanson,1128,10
+pinesdale,420,12
+shelbyville,168,1
+lindenwood,2494,6
+coffeen,10,4
+stockman,865,3
+pinesdale,1462,3
+tolstoy,931,0
+lakeville,700,2
+leonardo,1764,1
+allensville,68,3
+lakeville,332,7
+pomaria,999,2
+pomaria,1414,3
+lindenwood,2449,2
+hanson,989,10
+hanson,0,7
+wainscott,1203,1
+leonardo,839,2
+stockman,934,1
+leonardo,1426,0
+lindenwood,1809,0
+newfields,432,3
+pomaria,1289,3
+hiteman,1452,8
+coffeen,1408,6
+klickitat,1212,0
+hanson,1605,6
+shelbyville,2478,5
+tolstoy,96,2
+leonardo,311,6
+leonardo,1899,9
+ranchester,1098,9
+hiteman,736,2
+leonardo,1043,1
+beechwood,736,4
+pomaria,916,3
+ranchester,587,0
+lindenwood,1218,4
+lakeville,455,2
+marstons,1679,1
+allensville,166,6
+wainscott,247,3
+leonardo,2027,4
+wainscott,879,0
+woodbine,159,10
+wainscott,606,0
+pinesdale,1247,11
+leonardo,909,3
+beechwood,1062,4
+wainscott,836,12
+beechwood,769,5
+pinesdale,494,3
+pomaria,172,1
+merom,513,3
+hiteman,795,1
+newfields,1063,1
+merom,188,4
+lakeville,450,5
+lakeville,1666,7
+onaga,467,0
+klickitat,1509,10
+lindenwood,2392,4
+pomaria,486,0
+newfields,1503,11
+tolstoy,1493,1
+ranchester,1468,4
+stockman,358,0
+marstons,1363,4
+coffeen,44,4
+klickitat,1406,4
+marstons,1374,2
+cosmos,334,5
+shelbyville,1910,1
+benevolence,130,7
+hanson,269,3
+klickitat,1492,7
+klickitat,207,6
+lindenwood,375,4
+lakeville,1817,7
+pomaria,443,0
+ranchester,188,0
+leonardo,552,0
+lindenwood,160,2
+pinesdale,1182,5
+newfields,1570,12
+pinesdale,1066,0
+hanson,617,4
+shelbyville,1214,1
+klickitat,324,0
+hanson,1530,7
+klickitat,1520,14
+marstons,1730,9
+klickitat,590,2
+klickitat,2229,5
+newfields,851,1
+wainscott,1550,0
+hanson,680,2
+lakeville,1025,2
+woodbine,1203,3
+ranchester,236,5
+marstons,698,1
+ranchester,991,1
+onaga,332,0
+leonardo,617,4
+forkland,263,2
+hanson,1396,1
+lakeville,1425,7
+mifflinburg,240,10
+marstons,838,1
+wainscott,987,2
+pinesdale,784,0
+shelbyville,2028,0
+marstons,1476,0
+hanson,1482,2
+beechwood,1076,0
+hanson,835,3
+leonardo,616,10
+pomaria,234,6
+shelbyville,550,3
+shelbyville,1251,2
+hanson,1456,2
+shelbyville,1172,2
+lakeville,98,0
+stockman,1396,3
+lindenwood,1345,1
+klickitat,773,3
+woodbine,968,1
+stockman,331,1
+stockman,526,7
+marstons,111,0
+hanson,667,5
+hiteman,1651,0
+pinesdale,135,0
+tolstoy,906,7
+cosmos,146,0
+lakeville,59,3
+shelbyville,1545,16
+ranchester,674,0
+wainscott,1189,8
+newfields,1655,1
+beechwood,550,1
+beechwood,831,2
+onaga,315,4
+klickitat,477,6
+wainscott,1425,6
+lindenwood,1004,6
+lindenwood,1735,15
+leonardo,11,0
+mifflinburg,702,3
+hiteman,686,1
+shelbyville,1835,11
+marstons,2204,2
+marstons,2608,3
+lakeville,1621,2
+woodbine,1999,2
+wainscott,776,5
+merom,626,0
+beechwood,865,0
+pomaria,1367,6
+newfields,142,9
+ranchester,596,8
+marstons,246,3
+beechwood,917,2
+lakeville,292,7
+merom,574,3
+benevolence,38,2
+merom,261,2
+marstons,2096,3
+cosmos,624,6
+hanson,363,4
+woodbine,98,5
+hiteman,349,0
+mifflinburg,225,2
+forkland,842,2
+klickitat,140,1
+tolstoy,351,2
+shelbyville,1516,9
+pinesdale,97,6
+tolstoy,1094,2
+beechwood,245,1
+lindenwood,1477,4
+newfields,508,7
+wainscott,103,5
+hanson,475,4
+leonardo,325,2
+pomaria,75,2
+woodbine,1756,4
+hanson,1295,6
+stockman,344,8
+onaga,465,3
+wainscott,1092,0
+tolstoy,1520,1
+pomaria,1442,3
+wainscott,282,0
+mifflinburg,635,3
+klickitat,2060,9
+wainscott,273,5
+mifflinburg,219,8
+shelbyville,879,4
+wainscott,1557,2
+hanson,1460,10
+leonardo,529,14
+cosmos,33,3
+pomaria,1060,0
+hanson,330,10
+klickitat,2130,1
+woodbine,1881,0
+cosmos,342,2
+coffeen,755,2
+hiteman,32,0
+marstons,2563,7
+newfields,1427,12
+marstons,2090,2
+lakeville,116,7
+pomaria,1239,6
+tolstoy,1107,4
+klickitat,216,2
+coffeen,700,5
+onaga,37,2
+leonardo,2073,1
+hanson,1590,8
+woodbine,1715,0
+shelbyville,2573,9
+pinesdale,1000,0
+stockman,812,2
+lakeville,1049,2
+onaga,41,2
+hiteman,386,10
+stockman,1231,2
+mifflinburg,33,4
+beechwood,796,8
+beechwood,417,0
+merom,316,0
+klickitat,1537,6
+marstons,2524,8
+forkland,800,0
+ranchester,1120,1
+tolstoy,1463,4
+shelbyville,2708,1
+wainscott,46,4
+tolstoy,762,3
+beechwood,664,4
+lindenwood,968,2
+tolstoy,358,0
+allensville,419,7
+onaga,512,1
+wainscott,882,1
+lindenwood,675,3
+shelbyville,400,4
+newfields,973,3
+hanson,223,4
+beechwood,715,7
+lakeville,746,4
+hanson,574,6
+beechwood,1042,4
+pomaria,305,0
+leonardo,1944,2
+wainscott,1556,1
+hiteman,1065,0
+lakeville,923,1
+klickitat,872,2
+benevolence,340,0
+leonardo,1240,8
+pinesdale,857,1
+pinesdale,678,5
+mifflinburg,408,1
+tolstoy,68,11
+pinesdale,76,4
+shelbyville,2456,1
+mifflinburg,832,1
+ranchester,675,3
+mifflinburg,192,7
+hiteman,1655,6
+shelbyville,971,3
+leonardo,659,11
+lakeville,275,2
+pomaria,1315,1
+forkland,643,4
+hanson,1399,3
+lindenwood,791,4
+marstons,1768,2
+klickitat,283,8
+merom,557,2
+cosmos,162,7
+benevolence,620,0
+merom,387,0
+shelbyville,666,12
+leonardo,573,1
+lindenwood,990,5
+leonardo,1820,1
+hanson,1499,6
+pinesdale,662,3
+wainscott,1485,4
+forkland,344,1
+shelbyville,815,7
+coffeen,52,0
+lindenwood,1793,6
+hanson,573,2
+shelbyville,2571,1
+ranchester,259,4
+forkland,604,2
+pomaria,1455,5
+leonardo,210,2
+coffeen,1368,1
+ranchester,1341,0
+stockman,1612,2
+klickitat,2247,6
+hiteman,659,0
+tolstoy,656,11
+forkland,676,6
+marstons,1158,8
+tolstoy,1385,5
+shelbyville,837,6
+wainscott,620,1
+shelbyville,1958,1
+newfields,695,1
+pomaria,492,4
+lindenwood,1385,13
+wainscott,2,11
+ranchester,1530,2
+marstons,1706,0
+allensville,259,3
+lindenwood,43,1
+coffeen,369,1
+lindenwood,732,13
+lakeville,1308,7
+tolstoy,1747,2
+marstons,384,5
+onaga,423,2
+shelbyville,1189,0
+hanson,826,2
+wainscott,1641,1
+stockman,38,2
+leonardo,63,4
+klickitat,324,6
+hanson,1321,4
+klickitat,237,0
+lakeville,1284,10
+wainscott,1385,13
+merom,1036,3
+shelbyville,1310,3
+forkland,275,7
+coffeen,126,7
+tolstoy,528,4
+leonardo,1014,3
+woodbine,57,3
+shelbyville,1088,2
+lindenwood,720,6
+merom,707,0
+woodbine,713,3
+hanson,475,7
+lindenwood,2523,3
+wainscott,776,2
+marstons,2454,5
+mifflinburg,397,0
+klickitat,1953,5
+cosmos,455,5
+tolstoy,1573,4
+pinesdale,578,5
+wainscott,256,2
+pinesdale,1133,0
+lakeville,313,1
+hiteman,530,0
+klickitat,505,3
+stockman,1012,3
+lindenwood,2485,2
+coffeen,1397,7
+hanson,751,1
+marstons,457,5
+wainscott,382,9
+wainscott,674,8
+lakeville,1525,9
+lindenwood,1117,3
+shelbyville,2366,2
+lindenwood,1920,0
+ranchester,898,6
+lakeville,1238,8
+beechwood,359,0
+shelbyville,2624,4
+klickitat,1595,3
+lakeville,651,4
+hanson,569,11
+lindenwood,163,2
+marstons,273,4
+newfields,562,1
+coffeen,930,6
+ranchester,636,3
+cosmos,724,2
+woodbine,423,2
+merom,1117,0
+marstons,479,2
+tolstoy,17,10
+hiteman,281,6
+klickitat,1889,7
+wainscott,1586,4
+merom,899,0
+wainscott,1768,1
+marstons,1585,2
+stockman,554,1
+hiteman,1628,3
+wainscott,356,3
+merom,942,5
+onaga,466,2
+leonardo,1354,11
+pomaria,1443,0
+shelbyville,1035,15
+klickitat,2284,4
+klickitat,1409,0
+hiteman,1710,0
+mifflinburg,819,0
+marstons,65,2
+lakeville,106,2
+stockman,272,4
+lindenwood,666,5
+cosmos,998,3
+leonardo,317,0
+wainscott,806,7
+hiteman,1326,1
+lindenwood,409,4
+lindenwood,711,1
+klickitat,814,6
+klickitat,825,3
+coffeen,1246,6
+klickitat,982,12
+beechwood,348,1
+shelbyville,2656,4
+lindenwood,2011,0
+shelbyville,1317,1
+lindenwood,875,5
+wainscott,1714,5
+tolstoy,1255,5
+shelbyville,1748,1
+pinesdale,902,0
+beechwood,345,1
+shelbyville,2656,5
+hanson,989,9
+tolstoy,622,2
+allensville,275,2
+hanson,148,4
+lakeville,639,0
+klickitat,2295,1
+allensville,197,4
+stockman,485,1
+pinesdale,392,0
+hanson,1006,5
+newfields,1487,15
+marstons,2161,10
+hiteman,1714,3
+leonardo,674,2
+hanson,538,1
+shelbyville,2639,1
+wainscott,1129,5
+leonardo,687,1
+woodbine,1823,6
+woodbine,1542,10
+hanson,1539,8
+klickitat,1351,0
+shelbyville,2585,0
+woodbine,1375,12
+lakeville,46,8
+hiteman,1104,5
+lindenwood,2217,0
+newfields,1629,2
+pomaria,583,7
+marstons,1958,2
+lindenwood,86,6
+klickitat,1893,6
+marstons,155,3
+woodbine,780,7
+klickitat,2064,0
+newfields,1276,3
+mifflinburg,508,2
+klickitat,1832,1
+hanson,1033,4
+wainscott,1464,2
+hiteman,1446,5
+newfields,586,3
+leonardo,1258,1
+pinesdale,872,9
+leonardo,1901,1
+shelbyville,2274,14
+forkland,236,0
+coffeen,1189,1
+shelbyville,1334,10
+merom,1081,3
+shelbyville,2715,0
+marstons,14,2
+pinesdale,106,0
+woodbine,907,7
+pomaria,1416,0
+woodbine,1909,4
+lindenwood,307,0
+marstons,1581,0
+marstons,1001,2
+shelbyville,2299,6
+stockman,1284,1
+marstons,2415,2
+cosmos,1073,2
+beechwood,41,7
+allensville,494,3
+newfields,1242,4
+stockman,1223,1
+ranchester,1226,1
+wainscott,791,12
+ranchester,238,2
+shelbyville,1970,1
+tolstoy,331,5
+beechwood,1069,12
+newfields,1520,0
+stockman,1587,3
+klickitat,755,1
+hiteman,334,4
+merom,861,4
+lakeville,872,5
+hiteman,200,0
+newfields,82,2
+forkland,612,5
+pomaria,297,0
+hanson,1264,0
+stockman,1257,8
+lakeville,461,4
+ranchester,996,9
+lakeville,1837,13
+marstons,2272,1
+cosmos,1034,3
+lindenwood,1402,5
+lindenwood,98,6
+stockman,1140,6
+allensville,374,1
+merom,273,3
+leonardo,1923,3
+beechwood,700,2
+tolstoy,978,0
+klickitat,1260,6
+hanson,1599,0
+coffeen,738,2
+cosmos,498,2
+newfields,32,9
+merom,675,4
+pinesdale,371,3
+wainscott,922,3
+cosmos,187,2
+lakeville,1490,0
+shelbyville,377,3
+mifflinburg,69,3
+shelbyville,1972,1
+lindenwood,116,2
+newfields,1106,5
+hanson,1170,9
+newfields,875,2
+shelbyville,2358,7
+shelbyville,2323,3
+pinesdale,69,9
+stockman,1345,1
+cosmos,150,0
+leonardo,252,7
+shelbyville,575,7
+mifflinburg,247,6
+benevolence,576,2
+shelbyville,1723,3
+allensville,279,3
+hiteman,198,5
+forkland,189,1
+cosmos,584,1
+klickitat,2191,2
+lakeville,1819,3
+onaga,367,2
+wainscott,391,2
+shelbyville,955,2
+coffeen,1015,11
+marstons,621,3
+stockman,548,3
+hiteman,751,7
+lakeville,529,2
+hiteman,1563,4
+pomaria,1279,5
+marstons,2434,4
+hiteman,1428,3
+klickitat,1192,7
+merom,543,1
+pinesdale,1163,3
+wainscott,690,2
+lakeville,1245,2
+woodbine,1218,11
+wainscott,1088,2
+pomaria,1113,16
+merom,245,5
+stockman,1575,12
+pomaria,1450,3
+lakeville,1673,3
+leonardo,969,2
+hiteman,250,3
+stockman,1060,1
+ranchester,132,3
+klickitat,941,3
+stockman,598,14
+lindenwood,504,4
+wainscott,437,10
+pomaria,91,3
+merom,139,3
+hiteman,665,2
+wainscott,1559,16
+ranchester,1158,6
+klickitat,818,0
+shelbyville,2632,0
+klickitat,548,9
+leonardo,877,2
+forkland,288,1
+newfields,1368,1
+lakeville,1181,8
+woodbine,92,8
+pomaria,339,1
+forkland,522,3
+marstons,766,7
+marstons,1201,5
+tolstoy,1118,3
+klickitat,1637,10
+marstons,1001,6
+newfields,551,3
+klickitat,1197,4
+allensville,181,0
+hiteman,319,10
+merom,171,3
+marstons,2657,3
+wainscott,1110,11
+hiteman,1045,3
+leonardo,2097,1
+lakeville,250,5
+beechwood,1147,3
+onaga,422,1
+klickitat,2150,0
+leonardo,705,2
+pomaria,965,5
+lindenwood,2130,11
+coffeen,571,2
+lindenwood,1774,1
+leonardo,1929,2
+beechwood,240,4
+beechwood,17,4
+klickitat,942,5
+coffeen,113,3
+tolstoy,294,2
+woodbine,33,0
+lakeville,68,6
+lindenwood,415,4
+merom,19,1
+hanson,90,3
+woodbine,237,3
+klickitat,977,1
+shelbyville,587,4
+klickitat,2164,11
+shelbyville,891,8
+shelbyville,1810,3
+shelbyville,786,12
+leonardo,40,12
+marstons,374,12
+newfields,300,5
+shelbyville,844,0
+lakeville,1257,2
+shelbyville,1883,2
+hanson,357,2
+klickitat,645,0
+woodbine,1162,1
+shelbyville,2616,4
+newfields,463,0
+marstons,780,0
+ranchester,1131,2
+lindenwood,797,0
+klickitat,881,0
+hiteman,4,2
+marstons,2529,2
+marstons,671,5
+woodbine,523,7
+leonardo,1681,5
+newfields,540,1
+coffeen,1456,4
+pinesdale,1352,11
+klickitat,583,0
+ranchester,1393,4
+tolstoy,291,1
+newfields,1431,0
+beechwood,366,3
+pinesdale,307,5
+woodbine,566,9
+marstons,2056,0
+ranchester,1350,3
+hiteman,1052,3
+shelbyville,1192,13
+cosmos,483,2
+lindenwood,2255,0
+wainscott,1456,5
+hanson,217,4
+benevolence,110,0
+woodbine,488,21
+wainscott,809,0
+klickitat,149,3
+shelbyville,1702,0
+hanson,687,0
+wainscott,183,5
+pinesdale,941,1
+beechwood,790,13
+hanson,108,5
+woodbine,1749,0
+lakeville,1300,7
+shelbyville,2669,0
+newfields,195,1
+lindenwood,1715,5
+lakeville,1576,15
+klickitat,814,7
+woodbine,929,14
+pomaria,1599,6
+newfields,1365,11
+hiteman,553,2
+pomaria,1342,7
+marstons,822,0
+lakeville,221,8
+shelbyville,441,8
+marstons,2496,0
+tolstoy,0,3
+mifflinburg,869,4
+merom,918,2
+merom,948,5
+tolstoy,830,10
+stockman,424,1
+merom,44,4
+pomaria,258,3
+tolstoy,1016,3
+klickitat,2107,8
+pomaria,786,5
+lakeville,1613,10
+klickitat,1667,2
+hiteman,912,0
+marstons,2086,0
+shelbyville,2363,0
+hanson,1333,6
+shelbyville,259,13
+pomaria,252,8
+ranchester,1293,4
+woodbine,261,7
+coffeen,548,3
+ranchester,105,0
+marstons,690,9
+klickitat,280,0
+wainscott,1537,1
+klickitat,1163,9
+newfields,69,10
+lindenwood,1438,0
+lindenwood,2281,11
+pinesdale,332,2
+allensville,49,0
+lindenwood,1142,2
+lakeville,720,4
+stockman,186,3
+marstons,2264,16
+klickitat,2322,6
+hanson,1121,10
+klickitat,312,0
+hiteman,1641,11
+marstons,758,10
+lindenwood,215,2
+beechwood,633,4
+marstons,1147,3
+shelbyville,237,1
+lakeville,500,7
+hanson,999,7
+marstons,1001,5
+shelbyville,585,3
+marstons,14,6
+merom,1046,2
+klickitat,1293,2
+shelbyville,765,3
+klickitat,1916,0
+newfields,1448,4
+stockman,1458,3
+coffeen,1266,3
+lindenwood,1529,0
+marstons,1277,7
+onaga,95,2
+beechwood,439,0
+hiteman,151,5
+newfields,418,5
+lakeville,658,3
+lindenwood,1242,6
+onaga,123,4
+lindenwood,1439,5
+shelbyville,2534,5
+pinesdale,122,0
+ranchester,188,7
+ranchester,559,11
+woodbine,1308,4
+tolstoy,1290,0
+mifflinburg,791,1
+pomaria,1427,12
+lakeville,311,5
+klickitat,1403,3
+wainscott,380,3
+woodbine,1041,2
+merom,925,0
+mifflinburg,30,2
+marstons,2488,2
+hanson,1422,3
+newfields,1327,4
+merom,943,5
+woodbine,367,3
+marstons,252,1
+mifflinburg,253,1
+newfields,558,14
+wainscott,85,6
+klickitat,7,1
+coffeen,655,0
+pomaria,54,13
+merom,66,3
+ranchester,909,1
+newfields,1087,10
+wainscott,1630,17
+stockman,1208,0
+allensville,356,0
+stockman,961,0
+hanson,673,6
+hanson,82,8
+lakeville,597,0
+ranchester,399,2
+klickitat,2043,5
+hanson,1223,4
+lakeville,1833,2
+klickitat,778,0
+woodbine,1376,2
+wainscott,1098,4
+hanson,161,0
+woodbine,60,3
+wainscott,1015,3
+wainscott,1758,8
+lakeville,1724,3
+leonardo,342,9
+woodbine,782,4
+lindenwood,2437,6
+mifflinburg,432,8
+marstons,788,2
+coffeen,223,1
+onaga,598,1
+tolstoy,962,5
+wainscott,955,7
+leonardo,128,2
+onaga,18,2
+merom,1113,1
+tolstoy,1427,0
+lindenwood,1576,5
+forkland,258,12
+klickitat,1242,1
+leonardo,1890,5
+benevolence,359,7
+mifflinburg,864,1
+pinesdale,1018,8
+coffeen,351,7
+shelbyville,2671,1
+wainscott,1047,7
+woodbine,2043,3
+lindenwood,693,9
+leonardo,1257,9
+lindenwood,2527,1
+forkland,836,2
+merom,835,0
+woodbine,1582,0
+pinesdale,845,7
+hiteman,331,7
+pomaria,451,2
+coffeen,482,1
+newfields,294,0
+wainscott,263,12
+tolstoy,1436,4
+wainscott,310,8
+shelbyville,465,6
+ranchester,1151,2
+lakeville,1523,2
+marstons,1220,4
+lakeville,1740,9
+leonardo,1249,1
+pomaria,68,6
+klickitat,516,4
+ranchester,1470,1
+wainscott,384,0
+ranchester,361,3
+leonardo,2100,1
+lakeville,338,2
+pinesdale,543,9
+klickitat,271,2
+shelbyville,1683,2
+cosmos,991,2
+shelbyville,2365,4
+benevolence,338,4
+beechwood,806,12
+wainscott,721,5
+leonardo,525,1
+lindenwood,333,12
+cosmos,378,7
+shelbyville,914,2
+klickitat,693,1
+marstons,1876,9
+hanson,519,10
+shelbyville,854,8
+lindenwood,2099,1
+pomaria,627,0
+marstons,1774,0
+shelbyville,1256,4
+pinesdale,1047,6
+wainscott,1226,2
+lindenwood,2264,10
+woodbine,1121,4
+cosmos,685,3
+leonardo,530,6
+shelbyville,779,2
+woodbine,519,7
+shelbyville,2273,2
+marstons,752,5
+marstons,792,14
+tolstoy,225,1
+tolstoy,1636,1
+tolstoy,667,2
+coffeen,1104,2
+beechwood,59,2
+hanson,602,5
+tolstoy,1308,2
+woodbine,2049,3
+marstons,1659,3
+stockman,710,0
+wainscott,145,2
+leonardo,432,0
+hanson,388,2
+coffeen,987,0
+allensville,238,3
+leonardo,1399,3
+stockman,1193,3
+merom,987,2
+wainscott,1771,4
+coffeen,848,0
+lakeville,365,11
+shelbyville,1790,9
+allensville,76,1
+benevolence,659,2
+pomaria,547,10
+newfields,1579,0
+hanson,261,2
+wainscott,1557,0
+stockman,1062,6
+marstons,1874,15
+newfields,995,2
+shelbyville,498,12
+beechwood,149,3
+shelbyville,679,16
+lindenwood,2080,10
+leonardo,1957,6
+wainscott,1731,5
+newfields,1402,1
+hiteman,456,2
+shelbyville,2663,1
+shelbyville,1328,2
+lindenwood,2303,1
+leonardo,1342,6
+wainscott,2,4
+cosmos,7,0
+hiteman,152,2
+pinesdale,867,5
+ranchester,157,22
+newfields,1416,5
+marstons,502,11
+shelbyville,2031,0
+lindenwood,15,0
+newfields,1233,2
+merom,982,3
+hiteman,522,1
+wainscott,1325,2
+pinesdale,31,0
+woodbine,460,3
+beechwood,864,7
+leonardo,464,0
+beechwood,45,4
+lindenwood,559,5
+stockman,1382,5
+stockman,1465,4
+klickitat,2043,2
+lakeville,1214,0
+coffeen,1215,0
+klickitat,1430,5
+klickitat,2264,2
+wainscott,129,0
+leonardo,893,1
+lakeville,1384,5
+newfields,1385,3
+benevolence,362,3
+newfields,464,2
+hanson,833,4
+beechwood,237,1
+tolstoy,225,4
+marstons,1255,7
+pinesdale,1516,2
+lakeville,1875,4
+onaga,658,2
+mifflinburg,848,1
+leonardo,1949,5
+klickitat,11,0
+wainscott,69,8
+stockman,370,7
+hiteman,1089,2
+beechwood,19,6
+allensville,32,6
+klickitat,2147,3
+allensville,143,4
+hanson,322,4
+cosmos,723,3
+marstons,597,0
+stockman,1254,5
+beechwood,228,1
+leonardo,1389,3
+ranchester,715,6
+newfields,311,4
+onaga,420,0
+shelbyville,2600,3
+ranchester,1638,2
+pomaria,1128,3
+ranchester,1264,2
+woodbine,338,0
+ranchester,999,0
+tolstoy,1026,3
+lindenwood,245,3
+woodbine,1053,6
+leonardo,239,0
+stockman,539,3
+shelbyville,2130,1
+pinesdale,69,3
+woodbine,1994,4
+marstons,1434,4
+benevolence,801,8
+forkland,690,1
+pomaria,1395,0
+tolstoy,1789,0
+pinesdale,1180,5
+marstons,1617,6
+cosmos,330,2
+marstons,1894,3
+marstons,1194,2
+hiteman,1172,2
+klickitat,1956,6
+wainscott,1269,5
+coffeen,1140,1
+pinesdale,42,8
+ranchester,1606,3
+newfields,342,0
+klickitat,506,3
+woodbine,268,5
+wainscott,1399,1
+klickitat,479,22
+woodbine,1088,1
+stockman,887,4
+ranchester,670,6
+woodbine,2008,0
+cosmos,884,4
+shelbyville,1492,1
+newfields,708,1
+woodbine,1854,0
+leonardo,2021,0
+onaga,625,2
+pomaria,484,9
+marstons,20,0
+allensville,72,2
+marstons,1220,9
+newfields,1123,4
+klickitat,1421,1
+lakeville,1120,14
+klickitat,157,6
+pinesdale,792,2
+merom,967,4
+woodbine,1801,4
+coffeen,1033,5
+klickitat,1799,3
+lindenwood,2455,5
+newfields,629,2
+hanson,1292,4
+pomaria,1031,5
+leonardo,643,5
+tolstoy,571,3
+ranchester,242,6
+shelbyville,1204,7
+shelbyville,949,3
+newfields,509,2
+ranchester,399,1
+hanson,26,4
+klickitat,2257,1
+shelbyville,1937,7
+shelbyville,2140,0
+wainscott,30,3
+forkland,452,4
+merom,482,7
+klickitat,571,8
+tolstoy,1102,14
+marstons,221,0
+cosmos,377,2
+coffeen,568,2
+coffeen,319,2
+marstons,2353,1
+ranchester,127,1
+shelbyville,1528,3
+marstons,1027,8
+leonardo,2053,4
+shelbyville,263,5
+lakeville,673,4
+ranchester,1362,2
+leonardo,2026,7
+newfields,1338,12
+klickitat,2351,9
+forkland,1132,2
+lindenwood,1125,8
+hiteman,411,10
+hanson,428,9
+allensville,369,2
+woodbine,15,11
+forkland,1004,1
+shelbyville,2072,0
+woodbine,846,7
+leonardo,1172,3
+hanson,342,13
+newfields,1417,4
+shelbyville,181,0
+pomaria,511,14
+marstons,1736,8
+cosmos,466,2
+tolstoy,1308,1
+hiteman,611,1
+marstons,2437,0
+marstons,2070,0
+klickitat,1129,3
+tolstoy,1821,12
+hiteman,1468,1
+pomaria,28,5
+marstons,364,0
+newfields,1180,3
+pomaria,520,4
+newfields,1654,5
+leonardo,1630,4
+ranchester,350,8
+klickitat,73,3
+marstons,678,0
+hanson,1029,10
+beechwood,315,7
+hanson,58,15
+lakeville,1496,12
+forkland,506,3
+coffeen,210,4
+ranchester,588,0
+forkland,137,7
+stockman,1116,0
+newfields,602,8
+shelbyville,1109,10
+tolstoy,509,4
+hanson,813,12
+coffeen,458,5
+pinesdale,1338,7
+newfields,1520,3
+ranchester,1176,11
+pinesdale,221,2
+lindenwood,1192,5
+merom,628,6
+marstons,2042,2
+leonardo,1942,5
+woodbine,1044,1
+hanson,966,3
+woodbine,42,2
+forkland,173,3
+klickitat,1506,1
+ranchester,1342,5
+ranchester,1058,2
+klickitat,2400,0
+lakeville,1380,2
+hanson,718,1
+coffeen,905,3
+woodbine,1932,5
+marstons,1103,8
+beechwood,597,2
+tolstoy,800,1
+lindenwood,1352,0
+newfields,1030,4
+newfields,484,0
+beechwood,1162,4
+shelbyville,104,9
+pinesdale,110,3
+pomaria,502,6
+pomaria,554,4
+wainscott,388,9
+shelbyville,2306,3
+merom,495,1
+woodbine,880,3
+shelbyville,1374,0
+wainscott,1132,0
+lindenwood,1057,3
+klickitat,1637,5
+lindenwood,1484,1
+shelbyville,486,0
+ranchester,595,0
+lakeville,343,2
+leonardo,2070,0
+klickitat,502,0
+cosmos,948,1
+ranchester,1199,12
+marstons,1914,0
+tolstoy,369,5
+merom,877,0
+hanson,178,3
+lakeville,215,0
+shelbyville,303,3
+marstons,2050,1
+pomaria,101,6
+lakeville,235,5
+shelbyville,1227,1
+wainscott,1350,0
+klickitat,1819,1
+hiteman,1053,0
+stockman,431,0
+klickitat,262,5
+shelbyville,1279,0
+leonardo,1168,5
+lindenwood,450,1
+marstons,1637,1
+marstons,2052,0
+beechwood,1079,1
+wainscott,317,1
+ranchester,427,7
+marstons,1876,5
+leonardo,1160,2
+pinesdale,1203,2
+onaga,659,3
+klickitat,101,9
+ranchester,343,2
+leonardo,1163,9
+lakeville,1405,4
+woodbine,1139,0
+pomaria,369,4
+pinesdale,412,2
+leonardo,921,4
+coffeen,78,4
+beechwood,26,0
+shelbyville,2435,2
+lindenwood,2366,1
+woodbine,567,2
+lakeville,785,7
+klickitat,1416,4
+mifflinburg,133,1
+lakeville,51,0
+beechwood,1088,0
+marstons,1586,5
+stockman,194,2
+lakeville,397,2
+merom,746,1
+klickitat,2413,5
+coffeen,247,0
+hiteman,1740,8
+hiteman,1194,7
+newfields,981,0
+leonardo,1863,11
+cosmos,39,0
+lindenwood,1184,8
+marstons,484,5
+ranchester,809,0
+leonardo,957,9
+marstons,1385,7
+hanson,621,3
+tolstoy,1252,6
+marstons,2513,3
+newfields,244,0
+shelbyville,1973,4
+benevolence,722,7
+shelbyville,1101,17
+hanson,346,0
+benevolence,74,0
+tolstoy,613,4
+lakeville,759,13
+shelbyville,1194,3
+wainscott,1456,2
+allensville,402,9
+newfields,273,1
+wainscott,503,2
+benevolence,327,1
+leonardo,1777,7
+lakeville,638,1
+shelbyville,683,5
+marstons,1909,9
+lindenwood,2622,2
+klickitat,876,2
+allensville,200,3
+hanson,516,2
+ranchester,84,5
+marstons,895,12
+allensville,200,1
+hiteman,1103,2
+forkland,845,1
+pinesdale,569,6
+hanson,1331,6
+shelbyville,403,4
+merom,977,6
+cosmos,616,0
+beechwood,934,3
+merom,284,8
+tolstoy,849,1
+shelbyville,215,6
+marstons,2028,0
+newfields,861,6
+hiteman,320,3
+mifflinburg,141,4
+wainscott,1208,2
+ranchester,1119,1
+hiteman,605,11
+ranchester,461,1
+hiteman,302,2
+pinesdale,821,5
+leonardo,1192,9
+lindenwood,1262,1
+coffeen,35,9
+hanson,1134,6
+marstons,1119,11
+marstons,624,5
+pomaria,300,1
+wainscott,512,1
+shelbyville,553,5
+shelbyville,1956,2
+lakeville,237,1
+pomaria,20,1
+woodbine,1325,1
+hanson,1479,3
+lindenwood,1580,8
+woodbine,671,5
+pinesdale,843,5
+wainscott,1310,0
+wainscott,1534,2
+ranchester,269,6
+marstons,15,12
+newfields,949,1
+marstons,2064,1
+mifflinburg,347,9
+marstons,2160,1
+woodbine,82,5
+hiteman,1578,4
+pomaria,145,3
+marstons,1383,0
+shelbyville,1275,3
+ranchester,1173,7
+hiteman,1626,5
+shelbyville,834,1
+shelbyville,786,8
+klickitat,1913,2
+wainscott,731,10
+pinesdale,623,3
+lakeville,1285,1
+coffeen,414,1
+lakeville,875,4
+onaga,54,0
+lindenwood,1982,1
+ranchester,945,9
+pinesdale,201,3
+forkland,1044,2
+klickitat,2381,10
+lindenwood,512,6
+tolstoy,1549,0
+wainscott,657,7
+tolstoy,1179,16
+shelbyville,2645,1
+hanson,810,4
+leonardo,1803,7
+coffeen,345,3
+marstons,1119,10
+lindenwood,586,5
+wainscott,1255,11
+beechwood,835,0
+lindenwood,1352,5
+marstons,292,3
+lakeville,1394,3
+lakeville,1368,10
+hanson,902,1
+klickitat,480,10
+marstons,1492,12
+wainscott,510,0
+lindenwood,628,6
+lindenwood,1059,4
+shelbyville,1888,11
+pomaria,248,3
+cosmos,298,4
+wainscott,1153,11
+shelbyville,1826,11
+cosmos,712,2
+pinesdale,690,0
+lindenwood,1630,2
+lindenwood,1468,2
+hiteman,248,6
+hanson,936,4
+forkland,618,3
+klickitat,1752,9
+shelbyville,869,2
+marstons,2394,2
+lindenwood,86,8
+pinesdale,472,4
+tolstoy,1323,9
+forkland,375,2
+ranchester,1553,4
+wainscott,368,6
+shelbyville,1039,4
+woodbine,1787,6
+ranchester,1585,3
+tolstoy,1709,0
+beechwood,928,5
+wainscott,116,2
+leonardo,25,5
+ranchester,1402,7
+lakeville,936,15
+leonardo,611,3
+leonardo,2005,9
+lakeville,150,2
+shelbyville,751,0
+leonardo,1436,3
+woodbine,156,9
+marstons,1922,6
+lakeville,87,10
+newfields,1021,2
+lindenwood,1566,11
+onaga,7,0
+leonardo,1411,1
+forkland,153,5
+hiteman,836,3
+pinesdale,765,10
+ranchester,996,8
+marstons,2530,7
+klickitat,117,3
+hiteman,91,4
+tolstoy,1210,9
+newfields,1144,14
+newfields,545,14
+pomaria,721,9
+stockman,170,0
+lakeville,579,6
+tolstoy,888,0
+pomaria,9,0
+allensville,90,2
+allensville,237,6
+mifflinburg,114,8
+lindenwood,821,0
+forkland,509,3
+beechwood,807,4
+shelbyville,990,10
+forkland,1176,1
+lakeville,1490,2
+wainscott,142,3
+allensville,63,5
+wainscott,1202,9
+pinesdale,932,1
+newfields,988,12
+hiteman,9,5
+klickitat,91,3
+hiteman,1560,5
+hanson,862,9
+klickitat,199,0
+cosmos,564,0
+klickitat,1969,0
+klickitat,125,2
+shelbyville,2688,15
+shelbyville,2405,6
+stockman,615,0
+mifflinburg,214,3
+tolstoy,60,1
+hiteman,523,3
+marstons,783,7
+lindenwood,2414,4
+coffeen,768,2
+forkland,833,1
+beechwood,384,1
+lakeville,351,7
+klickitat,127,5
+woodbine,1008,5
+leonardo,494,3
+leonardo,1036,4
+lakeville,1042,3
+allensville,54,2
+benevolence,320,9
+woodbine,310,9
+shelbyville,1146,6
+marstons,753,8
+lindenwood,557,4
+lindenwood,951,16
+lindenwood,1897,2
+woodbine,125,6
+pinesdale,418,6
+beechwood,718,2
+tolstoy,1792,1
+tolstoy,650,2
+cosmos,893,2
+tolstoy,913,6
+onaga,214,0
+marstons,557,2
+hiteman,1290,0
+lakeville,1505,3
+merom,28,3
+pinesdale,979,0
+wainscott,658,6
+lakeville,574,10
+pinesdale,1335,0
+leonardo,438,4
+hanson,944,2
+shelbyville,923,1
+klickitat,2188,10
+pomaria,514,0
+pomaria,872,1
+marstons,384,4
+mifflinburg,329,0
+mifflinburg,763,4
+cosmos,116,6
+lakeville,1663,1
+wainscott,1124,2
+leonardo,1367,6
+tolstoy,887,18
+klickitat,1460,1
+hiteman,740,2
+newfields,1023,3
+woodbine,112,8
+marstons,1244,1
+shelbyville,1045,1
+hiteman,63,7
+lindenwood,1512,4
+wainscott,975,3
+newfields,699,2
+wainscott,1359,1
+merom,169,3
+pomaria,829,4
+ranchester,1094,13
+newfields,804,2
+pinesdale,612,2
+pomaria,637,1
+pinesdale,72,0
+klickitat,109,8
+leonardo,1988,10
+pomaria,1413,0
+marstons,487,0
+wainscott,311,5
+allensville,246,6
+allensville,21,0
+klickitat,1967,4
+klickitat,756,4
+mifflinburg,676,4
+woodbine,295,1
+shelbyville,451,4
+ranchester,1147,0
+allensville,166,7
+pinesdale,934,1
+forkland,903,4
+onaga,674,2
+marstons,908,10
+wainscott,1514,12
+klickitat,2280,1
+tolstoy,712,5
+leonardo,208,2
+ranchester,516,0
+shelbyville,438,13
+cosmos,924,7
+tolstoy,179,17
+lakeville,37,1
+hiteman,157,1
+pomaria,287,10
+marstons,1988,7
+marstons,692,4
+klickitat,377,2
+lakeville,818,8
+stockman,56,4
+klickitat,637,1
+forkland,733,5
+marstons,1525,0
+mifflinburg,205,3
+newfields,1531,1
+lindenwood,2400,4
+woodbine,328,3
+hiteman,557,1
+pomaria,1090,6
+shelbyville,1669,3
+klickitat,1758,3
+klickitat,2278,0
+woodbine,393,12
+tolstoy,1534,4
+leonardo,246,5
+marstons,900,2
+newfields,1645,12
+leonardo,1684,0
+lakeville,358,7
+pinesdale,988,1
+newfields,675,13
+lindenwood,1456,4
+stockman,1367,1
+hanson,857,0
+klickitat,1393,3
+hanson,365,11
+klickitat,913,2
+mifflinburg,258,2
+shelbyville,2274,7
+cosmos,193,12
+ranchester,47,0
+lindenwood,865,5
+klickitat,2008,1
+leonardo,1209,2
+shelbyville,781,11
+marstons,2634,4
+shelbyville,2693,7
+newfields,1400,5
+lakeville,577,1
+woodbine,366,0
+pinesdale,528,10
+allensville,84,1
+tolstoy,1218,3
+woodbine,570,3
+leonardo,346,17
+marstons,943,0
+wainscott,972,12
+leonardo,349,7
+marstons,2436,3
+lindenwood,2456,4
+newfields,1463,2
+wainscott,874,12
+hiteman,1169,9
+allensville,410,3
+ranchester,777,2
+wainscott,1033,0
+coffeen,768,5
+woodbine,1244,0
+hanson,1072,7
+pomaria,414,3
+woodbine,281,2
+klickitat,1233,1
+wainscott,1179,1
+pinesdale,568,0
+lindenwood,316,2
+shelbyville,1907,3
+wainscott,48,7
+tolstoy,1766,1
+newfields,250,1
+woodbine,1962,3
+stockman,226,3
+newfields,891,5
+marstons,2582,2
+marstons,2247,4
+tolstoy,1554,0
+leonardo,1169,3
+tolstoy,567,1
+lakeville,1107,0
+tolstoy,359,2
+leonardo,1008,1
+ranchester,403,5
+tolstoy,1831,4
+hanson,295,0
+hiteman,328,2
+tolstoy,1249,6
+ranchester,408,3
+hanson,238,1
+beechwood,309,2
+merom,309,0
+woodbine,92,3
+lakeville,29,3
+lakeville,756,13
+hiteman,1736,12
+hiteman,469,5
+stockman,164,4
+benevolence,617,6
+klickitat,221,0
+coffeen,1366,2
+lindenwood,2287,9
+lindenwood,2132,1
+hanson,1396,0
+lakeville,1834,1
+lakeville,376,8
+ranchester,26,6
+stockman,456,2
+stockman,968,1
+woodbine,649,0
+leonardo,158,2
+lakeville,1057,10
+marstons,2621,4
+klickitat,952,12
+coffeen,105,2
+stockman,1489,1
+lindenwood,2638,1
+cosmos,812,8
+pomaria,18,2
+woodbine,54,4
+lindenwood,96,0
+beechwood,954,10
+woodbine,948,5
+hanson,482,6
+wainscott,695,3
+stockman,236,1
+hiteman,587,9
+woodbine,1688,3
+cosmos,1054,1
+hiteman,1329,0
+pinesdale,971,3
+mifflinburg,766,2
+stockman,1344,2
+ranchester,1303,1
+newfields,1397,4
+tolstoy,1198,3
+klickitat,1582,2
+lakeville,1414,5
+leonardo,363,9
+lakeville,1432,1
+hiteman,553,0
+lindenwood,228,1
+hanson,1074,3
+leonardo,1608,4
+woodbine,618,0
+coffeen,75,0
+woodbine,1032,2
+shelbyville,2485,3
+coffeen,561,5
+onaga,399,1
+marstons,2533,4
+newfields,1120,2
+klickitat,1910,4
+pinesdale,13,5
+lindenwood,751,4
+wainscott,313,2
+ranchester,1055,1
+coffeen,880,4
+leonardo,738,0
+forkland,543,0
+woodbine,765,3
+hanson,729,3
+ranchester,396,3
+tolstoy,1172,1
+hiteman,1260,6
+shelbyville,1793,6
+woodbine,1556,7
+leonardo,1553,0
+merom,1102,3
+lakeville,1120,9
+woodbine,355,8
+hanson,184,7
+klickitat,374,4
+ranchester,1047,7
+klickitat,552,6
+mifflinburg,541,1
+onaga,675,1
+tolstoy,916,2
+cosmos,726,3
+pinesdale,736,9
+newfields,970,5
+hanson,1520,5
+ranchester,1280,0
+leonardo,581,1
+pomaria,344,2
+onaga,575,5
+wainscott,1345,4
+mifflinburg,442,2
+hiteman,1046,9
+stockman,1265,2
+hiteman,859,4
+stockman,1146,0
+cosmos,644,3
+allensville,16,5
+ranchester,339,2
+forkland,754,4
+cosmos,505,5
+allensville,42,0
+lindenwood,134,1
+klickitat,1777,0
+wainscott,1041,12
+pomaria,1082,12
+shelbyville,210,6
+beechwood,715,13
+lakeville,422,7
+beechwood,738,4
+marstons,1937,3
+newfields,313,5
+woodbine,171,16
+merom,157,5
+wainscott,1424,11
+lakeville,1220,5
+hanson,973,7
+merom,248,1
+tolstoy,66,6
+hiteman,664,2
+hiteman,742,3
+lindenwood,278,1
+stockman,458,0
+lakeville,617,0
+shelbyville,479,7
+marstons,2591,0
+lakeville,27,3
+marstons,2657,4
+ranchester,1590,3
+marstons,45,2
+cosmos,523,7
+klickitat,147,9
+hiteman,1261,0
+pomaria,383,1
+pinesdale,796,5
+marstons,2343,6
+woodbine,501,1
+klickitat,859,0
+cosmos,741,0
+lakeville,101,1
+cosmos,488,5
+lindenwood,176,2
+wainscott,68,12
+shelbyville,657,1
+marstons,405,1
+stockman,1269,0
+beechwood,135,4
+hiteman,1104,0
+cosmos,797,1
+pinesdale,1093,6
+merom,381,0
+allensville,492,4
+shelbyville,1368,2
+shelbyville,1486,1
+wainscott,1040,4
+lindenwood,1599,1
+shelbyville,1105,2
+hiteman,242,9
+marstons,993,8
+shelbyville,2770,4
+hanson,625,6
+lakeville,1859,1
+klickitat,2174,11
+marstons,1135,2
+shelbyville,2522,3
+mifflinburg,861,0
+marstons,2566,0
+newfields,1094,3
+hiteman,1117,0
+coffeen,1107,5
+woodbine,654,3
+coffeen,1345,6
+tolstoy,1104,3
+stockman,701,3
+pinesdale,525,3
+marstons,2573,0
+wainscott,584,15
+shelbyville,1443,9
+pomaria,877,4
+ranchester,1377,7
+lakeville,639,1
+tolstoy,1620,2
+lakeville,1270,0
+lakeville,1268,3
+lindenwood,2067,0
+woodbine,108,6
+shelbyville,1219,4
+pomaria,329,3
+hanson,543,2
+klickitat,90,0
+hanson,1324,13
+hiteman,742,4
+leonardo,1411,12
+marstons,1053,1
+marstons,1288,6
+ranchester,836,14
+woodbine,595,0
+lindenwood,876,3
+lakeville,1850,10
+marstons,758,2
+woodbine,1731,3
+ranchester,955,9
+wainscott,609,1
+hiteman,888,4
+pomaria,518,0
+hanson,1110,13
+shelbyville,1935,2
+newfields,1192,0
+hanson,1087,0
+newfields,877,1
+lindenwood,705,8
+marstons,726,4
+wainscott,1460,2
+klickitat,2133,2
+pomaria,1350,1
+lindenwood,2527,8
+merom,916,4
+marstons,2311,0
+lakeville,0,5
+hiteman,1482,8
+lindenwood,1915,4
+stockman,1618,2
+forkland,874,0
+tolstoy,1306,0
+lakeville,1231,1
+merom,388,3
+woodbine,1260,4
+lakeville,810,1
+wainscott,1262,1
+woodbine,1511,2
+lindenwood,1803,3
+lakeville,1356,3
+lakeville,1832,7
+marstons,794,4
+forkland,670,5
+klickitat,1017,6
+leonardo,1376,0
+ranchester,1163,2
+ranchester,1390,2
+leonardo,1842,1
+hiteman,435,9
+marstons,2313,0
+lakeville,533,2
+forkland,1144,5
+shelbyville,485,1
+wainscott,1095,6
+hiteman,1273,4
+pomaria,314,2
+woodbine,926,2
+hanson,1652,9
+coffeen,411,7
+newfields,1080,4
+wainscott,894,3
+lakeville,1636,8
+pinesdale,927,4
+klickitat,2277,4
+ranchester,1500,2
+tolstoy,1062,8
+pomaria,687,2
+pomaria,1270,0
+newfields,545,8
+coffeen,1452,4
+stockman,1510,9
+wainscott,487,6
+marstons,660,2
+onaga,515,1
+lakeville,1327,10
+leonardo,302,2
+woodbine,911,0
+lindenwood,811,1
+wainscott,895,1
+hiteman,1455,3
+lindenwood,2372,9
+marstons,285,10
+stockman,657,2
+beechwood,462,11
+hiteman,95,0
+shelbyville,2009,8
+hiteman,1804,8
+benevolence,764,3
+leonardo,1648,6
+leonardo,741,4
+shelbyville,1185,9
+leonardo,1009,7
+lakeville,1696,7
+wainscott,332,0
+coffeen,389,1
+wainscott,198,1
+newfields,183,16
+tolstoy,1471,4
+stockman,1531,5
+marstons,1826,4
+ranchester,713,6
+ranchester,1002,3
+benevolence,830,4
+marstons,2489,5
+klickitat,1616,5
+lindenwood,1494,4
+lindenwood,505,6
+hanson,643,1
+tolstoy,957,1
+shelbyville,179,2
+mifflinburg,739,1
+marstons,2463,1
+cosmos,965,2
+stockman,524,1
+shelbyville,171,5
+wainscott,1373,0
+stockman,510,3
+pomaria,319,14
+shelbyville,859,21
+merom,130,3
+hanson,197,1
+lakeville,1782,3
+pomaria,529,8
+pomaria,1466,0
+mifflinburg,446,1
+allensville,379,0
+tolstoy,828,0
+woodbine,609,8
+woodbine,630,0
+pomaria,179,13
+tolstoy,228,0
+shelbyville,389,8
+woodbine,53,4
+tolstoy,106,1
+leonardo,1713,4
+beechwood,755,8
+cosmos,217,0
+shelbyville,1165,12
+beechwood,661,5
+shelbyville,1005,2
+pinesdale,1215,5
+newfields,1632,2
+hanson,869,1
+lakeville,1514,2
+wainscott,875,5
+lakeville,696,0
+shelbyville,181,6
+wainscott,1762,15
+klickitat,1105,0
+lindenwood,2618,5
+pomaria,183,2
+beechwood,865,2
+marstons,2631,2
+wainscott,1393,4
+hiteman,1355,4
+pomaria,766,2
+onaga,376,3
+coffeen,1064,6
+hiteman,444,12
+newfields,1027,5
+marstons,122,3
+marstons,1533,9
+woodbine,984,4
+lakeville,1211,8
+wainscott,220,8
+stockman,456,4
+allensville,287,2
+pomaria,1168,0
+hanson,384,6
+cosmos,374,9
+lindenwood,2094,6
+pomaria,1446,3
+hiteman,326,7
+lakeville,876,12
+stockman,215,8
+klickitat,1003,8
+leonardo,1283,0
+woodbine,1653,4
+woodbine,161,3
+hiteman,1710,3
+beechwood,16,7
+merom,641,0
+leonardo,1879,0
+ranchester,874,0
+pinesdale,862,6
+stockman,528,0
+wainscott,726,4
+pomaria,810,5
+hanson,142,9
+shelbyville,2266,1
+marstons,2292,4
+benevolence,739,0
+hanson,800,1
+shelbyville,1694,1
+wainscott,774,1
+klickitat,819,1
+coffeen,1279,4
+lindenwood,2487,8
+onaga,238,1
+marstons,2069,3
+shelbyville,435,11
+marstons,457,4
+lakeville,1720,8
+marstons,1805,1
+klickitat,1049,0
+allensville,164,3
+newfields,192,3
+leonardo,388,0
+klickitat,1648,1
+pomaria,952,4
+marstons,1580,7
+benevolence,697,2
+benevolence,867,1
+allensville,318,11
+hiteman,543,2
+lakeville,774,2
+allensville,493,1
+marstons,30,2
+klickitat,255,0
+klickitat,1577,15
+klickitat,1388,3
+merom,786,4
+pomaria,1220,2
+wainscott,870,2
+lakeville,1486,9
+marstons,190,0
+lindenwood,915,4
+lindenwood,1736,1
+beechwood,775,13
+shelbyville,918,9
+wainscott,1325,1
+cosmos,289,1
+tolstoy,453,4
+lindenwood,1,7
+onaga,343,2
+forkland,178,6
+pomaria,532,0
+stockman,176,5
+marstons,1586,2
+shelbyville,2214,6
+tolstoy,414,4
+klickitat,598,0
+tolstoy,933,3
+tolstoy,25,4
+lindenwood,119,1
+hanson,653,4
+hanson,1377,3
+beechwood,743,7
+hiteman,953,0
+hanson,852,9
+stockman,651,2
+marstons,1571,2
+lindenwood,1509,7
+stockman,1090,4
+marstons,1501,5
+leonardo,696,0
+forkland,559,6
+merom,829,0
+coffeen,281,1
+hanson,850,2
+klickitat,281,7
+lakeville,311,9
+lakeville,1220,2
+marstons,1771,9
+woodbine,188,8
+shelbyville,2702,1
+klickitat,1024,4
+newfields,445,0
+merom,54,6
+pinesdale,1327,1
+shelbyville,2003,9
+klickitat,2,6
+benevolence,931,12
+shelbyville,1600,2
+tolstoy,131,5
+tolstoy,1176,0
+hanson,829,3
+coffeen,341,3
+newfields,576,5
+shelbyville,46,3
+pomaria,1469,0
+leonardo,338,0
+marstons,1029,6
+wainscott,535,7
+lindenwood,87,0
+pinesdale,817,2
+stockman,520,4
+leonardo,1589,2
+lakeville,880,2
+wainscott,1007,2
+lindenwood,2111,13
+woodbine,1245,2
+pomaria,1305,16
+forkland,856,2
+klickitat,305,3
+wainscott,1479,3
+marstons,1482,1
+wainscott,1029,0
+pomaria,602,6
+lindenwood,1212,2
+hanson,232,1
+newfields,88,5
+woodbine,80,3
+beechwood,1018,1
+lakeville,1471,16
+newfields,1027,6
+merom,581,3
+pomaria,691,2
+hiteman,389,13
+marstons,1976,6
+lakeville,739,10
+klickitat,739,0
+lakeville,358,20
+woodbine,1366,2
+pinesdale,791,1
+hiteman,219,13
+lakeville,94,7
+newfields,633,1
+stockman,686,6
+coffeen,160,4
+woodbine,2049,11
+pinesdale,788,0
+lakeville,53,5
+benevolence,227,9
+woodbine,275,1
+lindenwood,2016,4
+marstons,555,6
+shelbyville,1027,2
+newfields,1157,9
+forkland,365,2
+cosmos,634,2
+newfields,156,2
+marstons,1119,4
+pomaria,1144,0
+klickitat,364,2
+woodbine,169,7
+wainscott,1191,7
+newfields,216,2
+newfields,0,10
+lindenwood,239,0
+leonardo,2094,1
+marstons,888,1
+mifflinburg,594,2
+leonardo,1992,2
+onaga,549,3
+hiteman,1149,2
+benevolence,168,7
+pinesdale,1279,1
+pinesdale,201,6
+lindenwood,2248,2
+pomaria,173,3
+hiteman,110,2
+tolstoy,1104,4
+klickitat,1824,1
+hanson,1579,4
+tolstoy,1433,3
+klickitat,988,3
+woodbine,1314,3
+lindenwood,1723,8
+ranchester,83,2
+wainscott,994,5
+marstons,2622,5
+allensville,183,1
+wainscott,1390,5
+leonardo,964,7
+marstons,2366,9
+shelbyville,104,6
+woodbine,209,3
+lakeville,559,1
+forkland,563,4
+coffeen,392,3
+klickitat,2206,12
+leonardo,530,22
+woodbine,308,3
+lakeville,1376,2
+leonardo,289,0
+leonardo,1772,1
+marstons,1471,1
+klickitat,1592,0
+leonardo,795,3
+woodbine,2013,3
+pomaria,1401,0
+hanson,855,6
+shelbyville,820,5
+hiteman,600,7
+tolstoy,751,2
+leonardo,1004,6
+lakeville,1496,10
+leonardo,1029,3
+tolstoy,1537,2
+cosmos,897,7
+leonardo,784,5
+shelbyville,214,5
+stockman,1022,3
+marstons,76,4
+woodbine,1154,11
+hanson,682,7
+ranchester,295,7
+tolstoy,1012,2
+marstons,1543,13
+cosmos,636,1
+lakeville,1519,3
+marstons,1400,6
+pomaria,1593,14
+woodbine,778,1
+pinesdale,343,8
+hiteman,922,4
+newfields,456,8
+cosmos,1058,1
+klickitat,1311,10
+marstons,1197,3
+lindenwood,62,1
+coffeen,481,5
+pomaria,626,0
+leonardo,2011,2
+pomaria,665,4
+pomaria,1627,0
+shelbyville,2430,8
+klickitat,857,5
+wainscott,660,9
+ranchester,777,5
+pinesdale,1371,8
+tolstoy,1291,0
+marstons,1361,7
+mifflinburg,522,4
+woodbine,1457,5
+klickitat,2239,3
+ranchester,577,1
+wainscott,107,3
+newfields,661,0
+hiteman,512,7
+forkland,819,0
+stockman,696,5
+leonardo,226,7
+ranchester,1260,6
+marstons,1269,2
+newfields,274,2
+marstons,1214,0
+hiteman,1520,1
+newfields,1103,0
+hiteman,1340,2
+hanson,1416,0
+woodbine,696,2
+klickitat,1475,11
+beechwood,540,2
+lindenwood,1493,2
+cosmos,427,0
+shelbyville,2022,0
+klickitat,1325,7
+wainscott,56,7
+newfields,1587,3
+pinesdale,1409,3
+wainscott,1769,0
+merom,407,2
+shelbyville,2210,1
+pomaria,697,2
+pinesdale,1222,1
+hiteman,1208,3
+benevolence,312,0
+newfields,1012,1
+lakeville,526,1
+wainscott,544,8
+marstons,798,16
+pinesdale,1378,1
+klickitat,1552,17
+pomaria,1299,5
+shelbyville,2120,4
+pomaria,799,3
+mifflinburg,523,0
+pinesdale,1229,2
+pomaria,939,4
+allensville,385,3
+hiteman,830,3
+beechwood,31,0
+marstons,990,5
+benevolence,177,5
+beechwood,308,2
+hanson,1008,2
+coffeen,1494,2
+ranchester,306,3
+pomaria,323,1
+shelbyville,290,5
+klickitat,202,11
+benevolence,446,12
+newfields,302,8
+marstons,2395,1
+woodbine,952,13
+onaga,344,8
+ranchester,731,3
+tolstoy,1132,4
+lindenwood,98,10
+pomaria,158,3
+hanson,77,1
+tolstoy,991,5
+klickitat,1838,4
+pomaria,409,11
+shelbyville,954,5
+wainscott,411,1
+lakeville,1396,1
+lindenwood,1998,4
+lindenwood,740,4
+lindenwood,550,5
+forkland,1186,1
+tolstoy,1831,3
+pomaria,129,7
+hanson,1305,1
+wainscott,669,5
+woodbine,1363,12
+lindenwood,475,0
+pomaria,495,4
+shelbyville,2372,2
+lindenwood,476,1
+pomaria,917,5
+shelbyville,2149,0
+shelbyville,1142,3
+klickitat,1224,0
+coffeen,196,0
+lindenwood,253,5
+klickitat,1410,0
+marstons,99,3
+newfields,1609,5
+leonardo,266,2
+stockman,944,2
+stockman,756,3
+shelbyville,599,2
+wainscott,1730,10
+klickitat,764,2
+hiteman,733,6
+tolstoy,926,6
+marstons,314,7
+newfields,756,2
+pomaria,652,1
+cosmos,911,7
+newfields,161,9
+hanson,939,2
+leonardo,1075,3
+pomaria,904,5
+forkland,897,6
+pinesdale,1394,1
+leonardo,537,4
+marstons,754,1
+pinesdale,811,0
+leonardo,677,3
+merom,1017,2
+mifflinburg,307,0
+ranchester,1253,1
+woodbine,1727,12
+klickitat,2143,9
+shelbyville,1660,4
+allensville,454,2
+lakeville,760,3
+pinesdale,644,2
+tolstoy,1784,5
+shelbyville,16,0
+lindenwood,2511,2
+coffeen,826,2
+leonardo,727,2
+cosmos,1015,8
+ranchester,1584,4
+hiteman,1388,8
+lindenwood,1907,3
+pomaria,840,6
+shelbyville,1410,3
+pinesdale,880,9
+marstons,2217,0
+pinesdale,213,2
+tolstoy,229,1
+lindenwood,1102,6
+woodbine,916,3
+pomaria,1537,18
+shelbyville,1392,1
+beechwood,477,0
+woodbine,1147,2
+shelbyville,2114,0
+marstons,1443,3
+cosmos,586,5
+merom,268,0
+woodbine,916,0
+pinesdale,793,4
+coffeen,1412,0
+woodbine,2,2
+marstons,2394,3
+leonardo,1950,8
+coffeen,1363,3
+wainscott,232,6
+marstons,804,4
+coffeen,1039,2
+mifflinburg,770,0
+lakeville,784,3
+wainscott,1682,10
+wainscott,560,0
+pomaria,1163,6
+cosmos,50,4
+coffeen,985,4
+klickitat,1521,6
+newfields,958,4
+klickitat,1323,4
+pomaria,540,0
+ranchester,132,4
+lakeville,816,11
+lakeville,1731,10
+hiteman,1714,8
+woodbine,1018,1
+pinesdale,686,7
+wainscott,548,3
+marstons,2119,4
+hiteman,1170,0
+hiteman,1073,0
+stockman,120,3
+benevolence,409,12
+cosmos,542,0
+wainscott,503,8
+marstons,335,11
+leonardo,1296,0
+klickitat,1838,2
+hiteman,123,19
+stockman,773,1
+lakeville,1643,3
+beechwood,617,3
+lindenwood,2112,1
+shelbyville,1002,4
+newfields,1325,0
+coffeen,639,7
+shelbyville,774,2
+marstons,568,1
+klickitat,1177,12
+benevolence,69,6
+wainscott,35,1
+wainscott,989,2
+lindenwood,641,0
+forkland,691,1
+stockman,1569,8
+coffeen,1418,10
+lindenwood,2011,2
+merom,589,1
+forkland,242,6
+hiteman,1598,2
+woodbine,970,9
+shelbyville,2127,0
+lindenwood,1538,6
+tolstoy,17,0
+coffeen,1323,3
+klickitat,1977,9
+pinesdale,1235,4
+hanson,1247,11
+pomaria,1414,7
+pinesdale,58,4
+hanson,1598,0
+leonardo,1673,10
+woodbine,326,0
+lindenwood,252,11
+shelbyville,2384,1
+coffeen,1378,0
+tolstoy,1293,0
+wainscott,558,2
+hanson,50,9
+newfields,1335,4
+klickitat,126,4
+shelbyville,1513,3
+stockman,1524,1
+wainscott,524,3
+wainscott,1742,7
+hiteman,401,3
+klickitat,716,0
+newfields,1236,1
+pinesdale,599,5
+cosmos,833,4
+hiteman,1758,6
+stockman,1516,5
+mifflinburg,21,2
+lindenwood,2647,1
+hanson,569,15
+ranchester,530,6
+tolstoy,231,2
+wainscott,1254,7
+pinesdale,719,0
+wainscott,856,2
+lakeville,1303,4
+lakeville,54,3
+shelbyville,1429,4
+leonardo,2101,11
+forkland,919,1
+pomaria,1375,5
+lakeville,457,2
+pinesdale,940,0
+pomaria,753,3
+stockman,1061,0
+wainscott,192,6
+merom,749,2
+shelbyville,2047,4
+beechwood,225,2
+lindenwood,1373,0
+pomaria,641,9
+beechwood,752,6
+klickitat,1924,2
+lindenwood,882,1
+hiteman,1272,0
+beechwood,439,4
+tolstoy,76,7
+lakeville,1894,2
+cosmos,515,0
+newfields,1285,3
+hanson,1356,3
+ranchester,1499,2
+hanson,1055,6
+shelbyville,2351,6
+pinesdale,467,5
+pomaria,731,2
+lindenwood,1924,3
+cosmos,545,5
+allensville,164,4
+pinesdale,1200,4
+lindenwood,1793,1
+wainscott,478,9
+lakeville,1005,0
+pinesdale,1342,0
+woodbine,1698,0
+shelbyville,270,8
+lindenwood,346,10
+hanson,799,2
+pomaria,1305,8
+wainscott,602,3
+klickitat,652,2
+lakeville,1762,4
+stockman,331,9
+tolstoy,276,0
+klickitat,1066,9
+coffeen,132,1
+wainscott,1198,6
+tolstoy,1368,5
+lakeville,1232,1
+ranchester,989,2
+forkland,137,3
+newfields,531,1
+shelbyville,2022,2
+tolstoy,118,2
+marstons,1357,3
+onaga,498,2
+lakeville,237,5
+leonardo,884,1
+forkland,422,0
+pinesdale,707,9
+shelbyville,1937,2
+shelbyville,2774,0
+marstons,73,0
+wainscott,1203,10
+hanson,541,1
+lindenwood,379,4
+lindenwood,200,1
+tolstoy,183,7
+shelbyville,288,0
+woodbine,371,5
+tolstoy,1249,4
+mifflinburg,219,6
+lakeville,29,2
+wainscott,1286,12
+wainscott,792,1
+lindenwood,444,3
+hanson,10,13
+lindenwood,1899,0
+klickitat,2161,4
+woodbine,1899,2
+lindenwood,1735,4
+cosmos,509,5
+marstons,1282,3
+lindenwood,0,12
+woodbine,1160,2
+shelbyville,2097,5
+merom,693,2
+marstons,1226,1
+newfields,1638,2
+shelbyville,1087,3
+mifflinburg,387,3
+lakeville,1010,1
+forkland,410,2
+tolstoy,1739,4
+lakeville,227,9
+pinesdale,1030,11
+onaga,469,2
+woodbine,577,0
+ranchester,1148,20
+klickitat,648,6
+stockman,1229,1
+leonardo,536,0
+shelbyville,2356,2
+hanson,184,0
+lindenwood,705,5
+lakeville,1740,7
+hanson,763,0
+stockman,1129,15
+klickitat,555,5
+marstons,1407,2
+klickitat,534,1
+allensville,413,6
+woodbine,315,12
+hiteman,964,3
+ranchester,715,1
+benevolence,750,9
+klickitat,2172,4
+hiteman,1431,0
+newfields,1035,2
+pinesdale,425,2
+pomaria,1231,0
+mifflinburg,271,6
+wainscott,1774,3
+hiteman,1660,7
+beechwood,7,10
+coffeen,1321,2
+wainscott,1776,0
+allensville,109,2
+shelbyville,79,2
+shelbyville,2157,2
+ranchester,512,4
+pomaria,201,4
+leonardo,713,0
+leonardo,808,2
+cosmos,1060,4
+pomaria,183,1
+pinesdale,1190,6
+klickitat,2381,4
+wainscott,129,1
+klickitat,14,18
+hanson,868,2
+lindenwood,906,11
+beechwood,451,0
+marstons,738,5
+marstons,2096,7
+newfields,687,3
+stockman,935,0
+beechwood,832,5
+forkland,864,1
+lindenwood,1911,2
+mifflinburg,558,3
+newfields,602,13
+hanson,691,4
+pomaria,1176,13
+lakeville,136,0
+beechwood,784,2
+pinesdale,276,0
+lindenwood,645,7
+leonardo,2,0
+hanson,1052,2
+wainscott,212,0
+ranchester,1157,1
+shelbyville,2370,4
+klickitat,867,3
+stockman,142,3
+leonardo,1501,3
+hanson,43,11
+merom,1009,2
+marstons,1510,1
+tolstoy,1358,7
+hiteman,1385,1
+lindenwood,1150,2
+stockman,1242,3
+forkland,181,3
+forkland,68,10
+shelbyville,2618,0
+beechwood,443,3
+pomaria,1011,5
+pomaria,682,2
+hiteman,1583,7
+leonardo,176,2
+coffeen,1197,2
+mifflinburg,657,0
+merom,371,6
+lindenwood,867,4
+marstons,1635,2
+marstons,86,1
+shelbyville,533,1
+pomaria,262,6
+shelbyville,723,3
+stockman,1606,2
+lakeville,1004,13
+lindenwood,287,12
+woodbine,1926,0
+hiteman,1333,1
+lindenwood,2579,11
+newfields,99,10
+lakeville,1853,3
+lindenwood,25,4
+coffeen,654,6
+marstons,1881,0
+lakeville,880,0
+lindenwood,1131,0
+hiteman,242,1
+hiteman,225,3
+forkland,861,6
+coffeen,230,5
+hanson,87,13
+beechwood,364,4
+stockman,135,5
+leonardo,1836,4
+woodbine,471,4
+newfields,1506,6
+newfields,1644,6
+coffeen,1071,1
+allensville,343,5
+leonardo,1844,4
+marstons,212,3
+lindenwood,1225,3
+klickitat,345,5
+wainscott,1488,5
+cosmos,305,4
+wainscott,711,9
+hiteman,1558,1
+leonardo,1982,6
+tolstoy,213,0
+marstons,668,1
+tolstoy,556,1
+merom,856,6
+lakeville,317,3
+marstons,689,9
+cosmos,193,0
+ranchester,1304,6
+leonardo,185,4
+pomaria,1626,1
+marstons,1509,2
+hanson,238,12
+hiteman,1495,11
+klickitat,828,2
+stockman,959,3
+leonardo,197,2
+tolstoy,720,8
+cosmos,389,1
+lindenwood,80,4
+lindenwood,403,16
+marstons,2616,1
+marstons,200,2
+tolstoy,443,3
+mifflinburg,585,4
+beechwood,705,9
+beechwood,396,12
+tolstoy,1652,4
+mifflinburg,822,2
+hanson,56,4
+marstons,2465,1
+cosmos,1076,2
+shelbyville,41,2
+onaga,76,4
+beechwood,174,4
+pinesdale,1285,7
+marstons,55,8
+klickitat,1380,2
+tolstoy,629,0
+wainscott,1345,5
+onaga,94,6
+pinesdale,404,2
+forkland,935,3
+klickitat,1867,2
+shelbyville,2697,0
+pomaria,350,5
+tolstoy,1512,1
+coffeen,754,0
+beechwood,473,0
+lakeville,1522,0
+newfields,1035,0
+marstons,2562,7
+hanson,1320,5
+pomaria,827,2
+shelbyville,1810,1
+leonardo,1779,2
+hanson,1009,16
+shelbyville,1363,8
+wainscott,1262,3
+marstons,2275,4
+pinesdale,1157,2
+shelbyville,2792,5
+woodbine,290,3
+marstons,741,8
+marstons,2214,2
+ranchester,1472,6
+lindenwood,2315,1
+hanson,518,4
+tolstoy,1755,12
+marstons,1078,12
+hiteman,16,0
+merom,379,1
+ranchester,289,2
+pinesdale,464,1
+shelbyville,1756,3
+mifflinburg,905,6
+lakeville,311,8
+coffeen,170,1
+hanson,1152,4
+marstons,65,1
+shelbyville,1212,2
+shelbyville,1296,2
+shelbyville,1813,1
+marstons,2185,0
+hanson,1234,3
+newfields,128,0
+leonardo,1387,8
+stockman,292,4
+marstons,850,2
+ranchester,432,3
+cosmos,669,1
+wainscott,821,11
+lakeville,765,4
+ranchester,1436,1
+klickitat,389,1
+stockman,608,1
+lindenwood,2637,0
+tolstoy,1557,3
+hanson,244,9
+wainscott,398,3
+forkland,1137,1
+klickitat,165,5
+lindenwood,2672,2
+klickitat,880,3
+pinesdale,169,3
+cosmos,493,12
+cosmos,494,2
+hiteman,1796,1
+merom,1117,8
+woodbine,1975,6
+hiteman,672,6
+pomaria,196,4
+ranchester,188,1
+shelbyville,2361,12
+marstons,1488,0
+klickitat,1390,1
+tolstoy,787,1
+stockman,911,3
+beechwood,682,5
+hiteman,393,17
+forkland,1112,2
+wainscott,798,0
+wainscott,197,2
+pinesdale,754,4
+pinesdale,1242,0
+klickitat,702,4
+shelbyville,1074,6
+hanson,76,11
+hiteman,393,1
+woodbine,1699,2
+beechwood,45,3
+wainscott,1129,2
+lakeville,1118,12
+newfields,408,3
+marstons,2513,4
+pomaria,484,6
+tolstoy,1810,2
+beechwood,108,3
+benevolence,248,0
+beechwood,1054,7
+klickitat,1100,7
+leonardo,1613,3
+marstons,1781,3
+pinesdale,1076,9
+pomaria,831,5
+shelbyville,1348,5
+hiteman,1388,5
+stockman,400,1
+pomaria,1529,5
+hiteman,1799,9
+klickitat,521,4
+tolstoy,1440,6
+woodbine,945,2
+shelbyville,429,6
+newfields,937,3
+pinesdale,1371,2
+marstons,142,8
+pinesdale,1115,1
+woodbine,1161,7
+pomaria,1263,5
+leonardo,1,3
+wainscott,748,1
+woodbine,1105,15
+benevolence,450,0
+stockman,957,2
+ranchester,115,0
+lakeville,1620,0
+hiteman,1702,6
+hanson,836,0
+lindenwood,1904,0
+shelbyville,2699,2
+wainscott,1049,8
+shelbyville,2284,2
+leonardo,365,0
+wainscott,1248,2
+pomaria,632,4
+ranchester,830,2
+beechwood,736,5
+shelbyville,949,9
+klickitat,1352,0
+merom,619,4
+onaga,514,0
+shelbyville,2164,0
+tolstoy,587,1
+benevolence,324,13
+hanson,358,4
+stockman,646,8
+hanson,304,8
+shelbyville,1265,1
+allensville,234,1
+lindenwood,996,0
+stockman,579,11
+hiteman,1020,0
+forkland,885,3
+lakeville,1820,3
+cosmos,711,0
+allensville,228,2
+hiteman,602,7
+mifflinburg,119,0
+marstons,688,0
+lakeville,1278,1
+lakeville,665,3
+leonardo,957,14
+hanson,613,1
+marstons,177,2
+pomaria,1343,4
+marstons,585,16
+klickitat,658,11
+forkland,866,0
+hanson,8,1
+cosmos,342,1
+coffeen,1334,8
+klickitat,576,0
+lakeville,1144,4
+marstons,137,9
+coffeen,1345,5
+lindenwood,1048,1
+lindenwood,2359,0
+hiteman,885,5
+lindenwood,2292,1
+ranchester,1295,4
+coffeen,840,2
+tolstoy,1628,3
+pomaria,715,3
+lakeville,1706,2
+tolstoy,955,2
+stockman,814,0
+hanson,138,0
+leonardo,737,4
+lakeville,27,4
+leonardo,994,2
+mifflinburg,173,5
+ranchester,185,8
+mifflinburg,45,1
+pinesdale,19,0
+coffeen,141,3
+klickitat,612,6
+klickitat,122,8
+marstons,418,4
+newfields,1453,3
+lindenwood,937,13
+shelbyville,1334,0
+klickitat,2276,6
+merom,543,2
+lindenwood,484,8
+ranchester,1561,6
+klickitat,898,0
+lakeville,1625,1
+hiteman,1789,7
+ranchester,147,11
+klickitat,508,4
+shelbyville,282,6
+klickitat,2412,15
+klickitat,2056,10
+klickitat,202,6
+coffeen,756,6
+ranchester,1458,2
+marstons,1078,3
+klickitat,1779,7
+wainscott,1682,7
+cosmos,765,2
+newfields,886,4
+newfields,281,2
+pomaria,389,0
+ranchester,455,0
+ranchester,391,3
+lakeville,1122,2
+cosmos,498,8
+lakeville,1712,1
+ranchester,1293,5
+klickitat,1279,1
+marstons,1489,1
+cosmos,197,13
+lakeville,393,5
+pomaria,611,4
+shelbyville,1139,5
+beechwood,553,0
+lakeville,229,3
+marstons,1656,11
+marstons,752,2
+pinesdale,861,3
+lindenwood,2130,13
+ranchester,1201,0
+wainscott,1083,13
+shelbyville,2385,7
+leonardo,1013,5
+woodbine,663,0
+beechwood,603,4
+hanson,402,3
+benevolence,181,8
+lakeville,276,0
+pomaria,893,9
+klickitat,732,3
+forkland,476,2
+onaga,589,2
+hiteman,424,10
+hiteman,466,2
+shelbyville,958,5
+hiteman,505,1
+hanson,145,8
+stockman,968,5
+marstons,502,1
+klickitat,36,8
+wainscott,1462,15
+hanson,1566,1
+pomaria,1539,7
+wainscott,264,1
+shelbyville,512,17
+shelbyville,373,0
+leonardo,1563,5
+marstons,495,8
+woodbine,1955,8
+pomaria,1416,10
+pomaria,615,0
+pomaria,227,6
+lakeville,1163,0
+marstons,1361,0
+marstons,2559,0
+cosmos,882,3
+hanson,217,2
+woodbine,1162,4
+klickitat,850,9
+pinesdale,930,1
+tolstoy,215,0
+marstons,2023,6
+lindenwood,964,5
+ranchester,764,3
+coffeen,653,6
+klickitat,2116,1
+tolstoy,1298,1
+lindenwood,573,1
+pinesdale,1073,8
+leonardo,1039,4
+allensville,290,8
+coffeen,619,2
+hiteman,135,0
+marstons,2293,1
+shelbyville,527,4
+onaga,10,2
+hanson,555,10
+klickitat,2290,1
+hanson,1145,4
+marstons,1586,13
+klickitat,592,6
+tolstoy,1739,0
+leonardo,1612,4
+marstons,1805,11
+hiteman,1462,1
+wainscott,1451,1
+shelbyville,2599,5
+shelbyville,2180,6
+tolstoy,494,3
+beechwood,283,2
+lindenwood,1715,2
+leonardo,1691,5
+cosmos,190,2
+newfields,396,1
+newfields,1012,0
+hiteman,691,4
+mifflinburg,293,2
+lindenwood,445,0
+klickitat,50,6
+marstons,753,14
+tolstoy,1720,0
+benevolence,48,2
+lindenwood,1003,6
+pomaria,1427,13
+wainscott,379,8
+lindenwood,1439,1
+lakeville,539,2
+beechwood,130,3
+leonardo,1912,6
+marstons,1228,4
+woodbine,1159,16
+onaga,567,0
+leonardo,231,6
+mifflinburg,149,0
+lindenwood,1702,2
+klickitat,266,5
+marstons,2342,0
+beechwood,664,8
+klickitat,1879,8
+merom,205,1
+klickitat,2282,0
+shelbyville,1960,2
+klickitat,2349,8
+lakeville,900,2
+lakeville,1715,10
+ranchester,1412,1
+marstons,767,0
+marstons,519,7
+hiteman,1744,3
+pomaria,217,1
+leonardo,503,0
+ranchester,825,0
+lindenwood,1098,0
+klickitat,1610,2
+woodbine,1281,14
+benevolence,698,11
+klickitat,148,16
+beechwood,703,1
+marstons,2042,0
+woodbine,171,2
+woodbine,557,0
+woodbine,261,0
+marstons,523,3
+klickitat,1611,5
+shelbyville,23,2
+beechwood,508,1
+wainscott,1190,7
+leonardo,413,2
+coffeen,1512,0
+forkland,846,0
+lindenwood,1125,12
+hanson,138,2
+wainscott,1747,5
+hiteman,1032,1
+leonardo,1308,1
+tolstoy,1801,14
+onaga,626,1
+wainscott,789,5
+ranchester,136,2
+marstons,575,2
+wainscott,1519,0
+lindenwood,1778,0
+hiteman,362,2
+benevolence,896,3
+shelbyville,1223,1
+merom,704,0
+shelbyville,1222,2
+leonardo,411,2
+pomaria,813,16
+beechwood,633,2
+mifflinburg,601,1
+woodbine,1232,6
+woodbine,489,13
+ranchester,1521,8
+marstons,1271,0
+coffeen,660,3
+shelbyville,2361,11
+tolstoy,522,10
+forkland,267,0
+lindenwood,1287,5
+marstons,682,7
+leonardo,724,7
+shelbyville,1840,0
+coffeen,871,0
+tolstoy,1260,2
+lakeville,1030,3
+lindenwood,596,7
+hanson,1126,0
+klickitat,2076,10
+shelbyville,1572,0
+hanson,441,1
+ranchester,121,8
+pomaria,247,1
+marstons,1847,0
+klickitat,1881,8
+newfields,566,3
+coffeen,684,0
+forkland,1193,6
+woodbine,1448,1
+newfields,332,15
+hiteman,1232,2
+wainscott,1525,1
+lindenwood,145,2
+shelbyville,1333,4
+lakeville,51,6
+newfields,1243,1
+stockman,54,1
+woodbine,603,9
+hiteman,878,0
+pomaria,815,10
+lindenwood,1767,0
+forkland,346,1
+tolstoy,1131,5
+lindenwood,2496,2
+beechwood,594,3
+cosmos,635,0
+mifflinburg,581,2
+marstons,208,4
+pomaria,186,9
+marstons,843,0
+leonardo,184,7
+klickitat,388,2
+merom,505,5
+klickitat,1914,7
+tolstoy,1186,5
+tolstoy,1585,0
+cosmos,973,1
+hanson,166,10
+ranchester,702,2
+hanson,238,8
+tolstoy,665,5
+benevolence,463,2
+hanson,1197,7
+shelbyville,1568,0
+klickitat,2285,6
+cosmos,968,2
+cosmos,102,3
+cosmos,275,2
+lindenwood,934,2
+newfields,1150,1
+marstons,2398,1
+cosmos,33,12
+wainscott,275,4
+benevolence,430,2
+cosmos,217,8
+stockman,763,0
+newfields,1187,1
+lindenwood,2178,9
+klickitat,1317,2
+leonardo,1761,4
+benevolence,498,1
+shelbyville,1986,3
+newfields,1228,1
+shelbyville,2781,0
+shelbyville,1098,3
+lakeville,867,0
+hanson,667,6
+lindenwood,590,3
+beechwood,387,6
+newfields,441,10
+klickitat,1583,6
+woodbine,907,8
+klickitat,2363,10
+marstons,663,0
+lindenwood,103,0
+marstons,517,12
+pinesdale,290,4
+hiteman,1329,8
+newfields,287,9
+tolstoy,962,4
+lakeville,1448,2
+lindenwood,3,6
+lakeville,1279,1
+hanson,1188,1
+hanson,14,1
+hanson,251,2
+leonardo,263,5
+onaga,126,2
+klickitat,757,0
+woodbine,1571,10
+hiteman,1361,9
+ranchester,792,16
+hiteman,1234,4
+hanson,1017,4
+klickitat,2404,1
+stockman,902,0
+newfields,802,7
+cosmos,846,4
+cosmos,378,4
+tolstoy,730,4
+coffeen,488,1
+wainscott,458,3
+tolstoy,343,2
+ranchester,712,0
+merom,700,5
+shelbyville,2734,6
+coffeen,280,1
+merom,466,3
+marstons,914,1
+tolstoy,1374,2
+tolstoy,693,4
+klickitat,1463,15
+shelbyville,2393,6
+stockman,627,0
+onaga,536,5
+tolstoy,155,8
+cosmos,9,3
+pomaria,1171,5
+lakeville,152,7
+coffeen,1155,0
+beechwood,326,1
+klickitat,377,0
+cosmos,1044,0
+lindenwood,1821,1
+wainscott,1387,4
+leonardo,1218,2
+shelbyville,722,14
+lindenwood,2034,8
+marstons,1094,1
+leonardo,1990,1
+lakeville,1766,4
+hanson,730,10
+shelbyville,2055,0
+forkland,931,1
+pinesdale,141,1
+wainscott,1698,1
+hanson,1393,0
+shelbyville,2173,9
+merom,418,3
+marstons,1106,1
+newfields,864,6
+lindenwood,2198,0
+lindenwood,1787,5
+shelbyville,2264,2
+marstons,2217,6
+leonardo,1011,1
+hiteman,644,2
+hanson,558,4
+stockman,1071,5
+woodbine,387,2
+ranchester,192,2
+ranchester,789,3
+lindenwood,1786,7
+lakeville,1119,1
+pinesdale,303,1
+wainscott,1367,1
+woodbine,136,1
+forkland,534,3
+hiteman,1466,3
+wainscott,498,0
+woodbine,1127,4
+woodbine,907,3
+wainscott,820,0
+woodbine,515,9
+klickitat,1791,7
+shelbyville,2475,3
+ranchester,1619,5
+lakeville,1347,4
+wainscott,111,0
+pinesdale,162,0
+pinesdale,838,1
+marstons,2246,11
+pomaria,952,0
+tolstoy,1383,2
+leonardo,526,1
+cosmos,811,6
+benevolence,84,6
+merom,757,6
+hiteman,182,5
+klickitat,801,4
+leonardo,1647,0
+hanson,163,0
+ranchester,951,1
+newfields,1489,3
+stockman,752,0
+marstons,2613,2
+tolstoy,898,1
+shelbyville,2645,0
+forkland,993,4
+leonardo,1234,7
+wainscott,495,4
+leonardo,1497,2
+onaga,515,0
+klickitat,971,0
+hiteman,1234,1
+lakeville,1692,3
+allensville,68,5
+pomaria,560,7
+forkland,209,1
+shelbyville,399,4
+wainscott,534,0
+wainscott,499,7
+stockman,1264,3
+klickitat,2054,6
+wainscott,694,0
+tolstoy,1548,3
+shelbyville,2707,9
+marstons,2129,11
+cosmos,644,8
+wainscott,1598,7
+ranchester,588,2
+hanson,92,0
+ranchester,1000,5
+stockman,921,3
+allensville,315,3
+mifflinburg,711,4
+leonardo,1044,3
+pomaria,672,5
+lindenwood,554,2
+coffeen,498,0
+lakeville,1794,0
+klickitat,1689,7
+allensville,123,4
+newfields,947,10
+klickitat,1806,8
+hanson,1038,1
+lakeville,1089,3
+shelbyville,2766,6
+pomaria,1629,1
+merom,750,1
+newfields,1298,2
+marstons,762,2
+wainscott,146,5
+lakeville,1265,11
+woodbine,957,2
+stockman,628,2
+marstons,1660,13
+forkland,314,2
+lakeville,528,7
+marstons,1062,8
+leonardo,966,2
+marstons,1985,8
+wainscott,250,5
+wainscott,103,3
+cosmos,646,3
+woodbine,364,3
+forkland,230,0
+hiteman,253,2
+merom,155,2
+hiteman,1701,3
+forkland,890,1
+shelbyville,1120,7
+cosmos,526,6
+marstons,1203,4
+leonardo,47,1
+leonardo,1168,0
+coffeen,246,2
+shelbyville,2761,13
+newfields,723,3
+marstons,2147,10
+lakeville,1197,3
+shelbyville,2277,2
+klickitat,84,5
+coffeen,437,3
+pinesdale,444,4
+ranchester,386,5
+woodbine,818,4
+lakeville,172,7
+beechwood,458,1
+lindenwood,148,6
+woodbine,1776,0
+stockman,1013,5
+tolstoy,1130,6
+leonardo,2017,3
+marstons,705,8
+woodbine,1432,4
+woodbine,597,11
+coffeen,887,3
+lindenwood,2461,0
+benevolence,80,1
+newfields,1449,1
+lakeville,1083,5
+klickitat,2202,17
+woodbine,1175,6
+tolstoy,1569,5
+klickitat,379,4
+forkland,680,3
+woodbine,350,11
+klickitat,479,3
+klickitat,914,19
+ranchester,509,3
+lakeville,72,4
+cosmos,236,6
+ranchester,915,3
+mifflinburg,855,0
+marstons,302,1
+lakeville,503,4
+marstons,1867,0
+coffeen,473,1
+stockman,37,1
+leonardo,1298,5
+ranchester,1216,2
+benevolence,236,4
+coffeen,364,4
+ranchester,1141,3
+pinesdale,715,5
+newfields,1077,9
+marstons,2431,4
+ranchester,1163,1
+merom,419,8
+pomaria,70,0
+shelbyville,2166,0
+stockman,309,2
+hiteman,908,6
+cosmos,1054,0
+newfields,164,3
+lakeville,1676,3
+shelbyville,1569,7
+lakeville,65,1
+ranchester,718,3
+woodbine,263,1
+hanson,1549,8
+wainscott,503,7
+klickitat,2071,5
+newfields,991,6
+leonardo,235,0
+leonardo,2071,1
+marstons,714,10
+cosmos,694,0
+merom,610,0
+pinesdale,867,8
+pinesdale,1061,2
+woodbine,1319,9
+pinesdale,118,0
+wainscott,1265,4
+stockman,1296,0
+shelbyville,221,12
+marstons,555,4
+beechwood,851,6
+woodbine,1012,1
+pinesdale,1037,2
+woodbine,1206,0
+klickitat,1380,0
+onaga,372,2
+hanson,755,3
+newfields,211,2
+lindenwood,2454,2
+woodbine,1132,12
+merom,863,2
+klickitat,227,1
+lakeville,1033,1
+woodbine,748,15
+pomaria,155,1
+lindenwood,1987,4
+benevolence,857,10
+tolstoy,813,1
+hanson,547,4
+leonardo,1498,0
+shelbyville,2720,2
+leonardo,43,1
+hanson,963,1
+tolstoy,1362,5
+hanson,1173,1
+tolstoy,1490,3
+shelbyville,627,11
+lindenwood,2654,0
+marstons,1690,0
+forkland,1170,0
+allensville,184,1
+woodbine,1855,5
+woodbine,76,4
+newfields,460,5
+shelbyville,2176,6
+leonardo,94,3
+hiteman,1501,6
+onaga,524,0
+marstons,659,4
+shelbyville,2751,7
+onaga,174,0
+marstons,1025,6
+lindenwood,2525,8
+beechwood,596,3
+pomaria,1290,0
+klickitat,1760,5
+woodbine,856,4
+tolstoy,1176,2
+shelbyville,522,1
+cosmos,666,10
+wainscott,1598,1
+merom,170,4
+newfields,462,5
+tolstoy,87,0
+merom,788,0
+shelbyville,2339,1
+lakeville,1268,2
+lindenwood,1305,4
+merom,1012,1
+klickitat,2116,7
+leonardo,1315,1
+hiteman,330,6
+woodbine,1353,3
+coffeen,1339,1
+coffeen,635,10
+marstons,1377,1
+lindenwood,2593,5
+lindenwood,2515,8
+pinesdale,666,5
+lakeville,157,11
+pomaria,403,0
+leonardo,1879,7
+lakeville,1781,3
+tolstoy,64,6
+woodbine,1408,0
+woodbine,1391,2
+mifflinburg,76,1
+lakeville,1318,2
+cosmos,714,5
+klickitat,1606,1
+lindenwood,1087,11
+coffeen,346,0
+klickitat,997,2
+coffeen,16,1
+pinesdale,1206,2
+marstons,1414,5
+merom,377,6
+newfields,790,4
+lindenwood,2472,5
+pinesdale,1436,3
+forkland,663,0
+wainscott,507,4
+lindenwood,843,5
+leonardo,239,2
+pinesdale,169,0
+coffeen,527,0
+pinesdale,1075,5
+lindenwood,2366,2
+ranchester,482,2
+ranchester,44,2
+stockman,552,4
+stockman,1213,0
+klickitat,1576,1
+ranchester,615,8
+klickitat,964,5
+stockman,405,2
+shelbyville,1196,8
+tolstoy,1814,0
+lindenwood,1021,5
+newfields,783,1
+woodbine,297,4
+wainscott,899,3
+pomaria,796,3
+hiteman,469,0
+tolstoy,704,1
+shelbyville,332,9
+hiteman,262,8
+shelbyville,2762,6
+hanson,345,3
+pomaria,651,1
+hiteman,177,2
+lakeville,926,6
+lakeville,387,11
+woodbine,1712,0
+klickitat,2057,16
+klickitat,857,1
+benevolence,536,2
+mifflinburg,322,1
+pomaria,537,0
+newfields,607,5
+woodbine,1165,8
+marstons,2584,11
+tolstoy,1329,0
+hiteman,1209,10
+coffeen,491,8
+ranchester,758,5
+stockman,317,6
+coffeen,259,0
+klickitat,303,5
+hiteman,1626,1
+shelbyville,270,5
+klickitat,2248,4
+onaga,535,2
+shelbyville,1881,0
+pomaria,1515,4
+marstons,61,2
+lakeville,517,3
+stockman,148,1
+lakeville,1524,13
+onaga,265,0
+pomaria,649,1
+coffeen,1234,2
+lindenwood,2017,3
+pinesdale,621,1
+klickitat,1257,2
+stockman,764,8
+tolstoy,618,4
+beechwood,330,1
+coffeen,156,4
+lindenwood,1143,4
+leonardo,1774,3
+hanson,164,6
+klickitat,1585,5
+newfields,532,3
+tolstoy,535,4
+woodbine,1003,12
+ranchester,154,9
+marstons,1881,5
+ranchester,899,2
+lindenwood,1692,2
+ranchester,1601,5
+shelbyville,136,0
+coffeen,223,3
+tolstoy,835,2
+lindenwood,2549,0
+leonardo,2058,7
+wainscott,241,4
+lakeville,510,7
+beechwood,523,0
+coffeen,694,10
+merom,1104,0
+pinesdale,435,3
+woodbine,453,0
+lindenwood,2323,2
+ranchester,140,7
+mifflinburg,425,0
+woodbine,444,1
+ranchester,1255,5
+hiteman,299,2
+wainscott,975,4
+tolstoy,1565,6
+stockman,919,5
+tolstoy,438,0
+tolstoy,1219,0
+woodbine,247,0
+shelbyville,234,8
+pomaria,1157,0
+newfields,649,0
+wainscott,1012,9
+klickitat,839,0
+lakeville,1113,3
+stockman,1322,1
+lindenwood,2540,1
+ranchester,1526,1
+tolstoy,974,2
+klickitat,1390,3
+woodbine,1742,2
+lindenwood,894,4
+ranchester,711,0
+pinesdale,440,0
+tolstoy,1783,3
+shelbyville,1672,0
+tolstoy,1047,8
+hiteman,1801,2
+tolstoy,956,0
+stockman,197,2
+hiteman,567,1
+klickitat,248,3
+marstons,1432,9
+stockman,586,4
+woodbine,1904,1
+lakeville,177,9
+newfields,980,1
+tolstoy,261,0
+pinesdale,769,9
+lindenwood,240,4
+shelbyville,1811,2
+coffeen,491,7
+ranchester,420,5
+klickitat,2290,2
+marstons,2411,8
+hanson,777,8
+lindenwood,2302,9
+hanson,800,2
+woodbine,415,4
+wainscott,166,10
+woodbine,186,6
+tolstoy,1481,0
+klickitat,246,6
+lakeville,619,8
+shelbyville,953,7
+pinesdale,668,0
+cosmos,222,5
+hanson,721,2
+ranchester,876,0
+lakeville,1505,4
+shelbyville,436,5
+lindenwood,97,6
+cosmos,199,9
+klickitat,1066,10
+klickitat,1024,5
+cosmos,977,2
+hiteman,517,1
+ranchester,1199,3
+woodbine,675,12
+lindenwood,819,10
+woodbine,1025,3
+pomaria,12,7
+hanson,1625,0
+wainscott,1352,1
+benevolence,168,3
+newfields,839,5
+hanson,1250,8
+stockman,799,0
+woodbine,622,4
+lindenwood,2086,16
+cosmos,413,5
+woodbine,525,0
+klickitat,226,3
+ranchester,469,1
+benevolence,326,3
+pinesdale,724,6
+marstons,841,4
+hanson,1617,6
+benevolence,181,9
+newfields,228,7
+marstons,2640,2
+lindenwood,1441,4
+shelbyville,2720,13
+beechwood,901,10
+forkland,1096,0
+leonardo,919,0
+woodbine,1510,9
+lindenwood,225,3
+hanson,898,7
+onaga,222,3
+coffeen,1133,6
+coffeen,503,9
+lindenwood,1058,5
+hanson,526,0
+shelbyville,1582,1
+lakeville,1511,0
+onaga,557,0
+shelbyville,1996,0
+lindenwood,1106,3
+coffeen,1419,10
+lindenwood,583,3
+hanson,741,6
+klickitat,411,3
+leonardo,2073,3
+lakeville,567,1
+cosmos,619,4
+woodbine,1690,10
+shelbyville,655,1
+benevolence,814,2
+tolstoy,1138,1
+merom,933,3
+onaga,485,0
+shelbyville,170,11
+pomaria,451,7
+allensville,423,0
+benevolence,234,6
+leonardo,1944,3
+wainscott,820,3
+lindenwood,866,2
+shelbyville,156,10
+klickitat,859,1
+wainscott,1745,9
+tolstoy,964,4
+cosmos,460,9
+marstons,1549,3
+coffeen,1384,5
+forkland,11,11
+pomaria,1208,3
+cosmos,343,6
+coffeen,1150,7
+hanson,62,2
+ranchester,1625,1
+shelbyville,1732,6
+klickitat,284,3
+marstons,1619,3
+benevolence,563,8
+leonardo,1848,0
+klickitat,1255,7
+wainscott,1262,0
+marstons,682,3
+shelbyville,1084,0
+wainscott,362,4
+merom,593,1
+marstons,2334,0
+tolstoy,405,1
+hiteman,1640,4
+ranchester,1147,1
+tolstoy,731,1
+leonardo,1408,0
+wainscott,548,5
+lindenwood,593,2
+marstons,874,6
+klickitat,2396,10
+leonardo,529,17
+leonardo,1979,2
+klickitat,1467,1
+hiteman,204,1
+leonardo,633,0
+tolstoy,299,3
+hanson,107,3
+tolstoy,1205,2
+lindenwood,2222,4
+leonardo,956,0
+marstons,1399,4
+pomaria,497,5
+woodbine,1741,1
+beechwood,1137,5
+allensville,80,0
+hanson,559,6
+woodbine,280,1
+klickitat,356,2
+forkland,1195,0
+woodbine,1654,6
+leonardo,1026,8
+wainscott,1526,2
+lakeville,278,4
+pomaria,305,3
+ranchester,669,8
+beechwood,339,8
+newfields,739,0
+cosmos,403,2
+mifflinburg,973,0
+leonardo,1582,3
+woodbine,436,3
+lindenwood,126,0
+marstons,1412,6
+klickitat,62,5
+wainscott,303,5
+tolstoy,999,1
+hiteman,598,7
+lakeville,504,9
+newfields,851,8
+klickitat,1741,4
+leonardo,51,7
+marstons,347,0
+wainscott,1556,5
+klickitat,386,5
+wainscott,72,8
+woodbine,1655,6
+forkland,329,1
+coffeen,1054,1
+coffeen,1011,1
+klickitat,1054,2
+hiteman,1707,5
+onaga,318,1
+hiteman,556,7
+pinesdale,1303,0
+onaga,293,7
+leonardo,599,3
+wainscott,978,11
+coffeen,279,1
+woodbine,18,9
+ranchester,858,5
+tolstoy,1449,3
+lakeville,1881,2
+hanson,1123,1
+lindenwood,2264,12
+woodbine,1794,7
+klickitat,732,12
+wainscott,233,1
+klickitat,1186,7
+shelbyville,467,5
+shelbyville,648,4
+klickitat,1102,5
+onaga,575,3
+forkland,1146,2
+cosmos,341,4
+hiteman,778,4
+ranchester,979,5
+shelbyville,70,5
+hanson,184,6
+lakeville,1344,11
+lindenwood,851,8
+merom,180,2
+marstons,2159,0
+beechwood,1164,4
+lindenwood,162,3
+lindenwood,2137,19
+leonardo,1012,2
+newfields,1618,3
+lindenwood,313,6
+forkland,907,7
+lindenwood,2369,4
+merom,846,7
+pinesdale,1362,6
+mifflinburg,869,1
+pomaria,26,3
+marstons,551,1
+hiteman,238,1
+onaga,603,4
+lindenwood,925,5
+lakeville,1211,13
+klickitat,1410,5
+lindenwood,2615,0
+leonardo,2087,4
+marstons,802,13
+woodbine,952,9
+wainscott,958,5
+newfields,369,5
+lakeville,234,3
+klickitat,468,10
+woodbine,1092,1
+hiteman,1691,1
+wainscott,1106,3
+lindenwood,1902,4
+stockman,606,3
+marstons,1530,1
+newfields,446,2
+mifflinburg,758,3
+tolstoy,1464,3
+ranchester,992,4
+pomaria,1589,2
+hanson,222,1
+cosmos,297,1
+klickitat,2140,4
+leonardo,103,3
+mifflinburg,239,5
+coffeen,352,2
+stockman,383,3
+woodbine,1023,1
+marstons,1685,2
+lakeville,549,12
+shelbyville,1732,3
+hanson,1303,0
+hanson,549,6
+stockman,1568,3
+shelbyville,1968,4
+woodbine,714,0
+lakeville,340,4
+tolstoy,1182,2
+lindenwood,769,2
+wainscott,808,10
+marstons,236,0
+benevolence,156,9
+marstons,1756,2
+hiteman,1832,0
+pomaria,1562,9
+cosmos,391,7
+klickitat,837,4
+wainscott,636,2
+beechwood,903,6
+benevolence,103,5
+wainscott,1428,0
+shelbyville,140,6
+lindenwood,345,0
+woodbine,1596,3
+hanson,992,6
+woodbine,1183,12
+wainscott,1580,0
+cosmos,1004,0
+shelbyville,2471,5
+pomaria,271,2
+shelbyville,1190,2
+tolstoy,1377,5
+shelbyville,1750,1
+woodbine,1829,5
+hanson,35,9
+onaga,29,2
+ranchester,1148,4
+coffeen,522,4
+shelbyville,2618,3
+leonardo,1734,1
+stockman,756,11
+newfields,275,2
+shelbyville,2616,2
+merom,252,4
+hanson,466,0
+onaga,145,2
+wainscott,361,0
+newfields,278,1
+beechwood,1071,3
+coffeen,1443,3
+newfields,552,2
+lindenwood,907,18
+merom,832,4
+klickitat,125,4
+ranchester,986,10
+lindenwood,1928,4
+stockman,92,4
+tolstoy,1160,2
+hanson,1085,6
+shelbyville,1807,0
+forkland,399,7
+newfields,1178,6
+marstons,474,10
+lindenwood,1003,8
+lindenwood,1985,9
+forkland,50,1
+hanson,388,1
+onaga,543,3
+klickitat,1156,1
+ranchester,147,6
+lakeville,673,2
+hiteman,699,2
+pomaria,156,2
+shelbyville,1702,4
+tolstoy,327,2
+pomaria,583,1
+leonardo,1350,3
+allensville,120,4
+shelbyville,69,3
+wainscott,876,10
+lindenwood,1037,3
+wainscott,1424,15
+newfields,1359,6
+leonardo,1603,3
+stockman,23,2
+hanson,1203,8
+wainscott,547,1
+coffeen,1009,1
+klickitat,2220,1
+lindenwood,1179,8
+beechwood,259,3
+hanson,1064,0
+hiteman,144,8
+klickitat,1255,5
+woodbine,835,0
+klickitat,1584,4
+hiteman,475,3
+woodbine,1605,2
+tolstoy,129,0
+lindenwood,2124,4
+marstons,37,20
+woodbine,1599,10
+newfields,1002,0
+shelbyville,1783,9
+forkland,18,0
+woodbine,467,1
+newfields,831,6
+benevolence,930,0
+wainscott,1083,1
+newfields,1115,2
+lindenwood,1315,0
+woodbine,789,9
+woodbine,1508,8
+beechwood,494,4
+merom,839,3
+newfields,451,13
+lakeville,1676,0
+lindenwood,1442,0
+pomaria,118,6
+klickitat,1792,9
+allensville,290,5
+woodbine,613,0
+klickitat,2078,3
+benevolence,267,2
+beechwood,512,5
+merom,245,2
+newfields,1434,2
+woodbine,1748,0
+marstons,797,0
+ranchester,555,6
+lakeville,767,3
+hanson,1648,0
+lindenwood,197,2
+coffeen,911,5
+wainscott,382,5
+allensville,439,7
+stockman,605,2
+lindenwood,2505,1
+coffeen,1084,2
+woodbine,529,4
+lindenwood,2607,1
+ranchester,262,3
+wainscott,842,3
+beechwood,1058,5
+newfields,755,6
+shelbyville,2262,6
+shelbyville,2761,12
+cosmos,392,5
+mifflinburg,743,3
+marstons,634,1
+hanson,1351,0
+lindenwood,1688,2
+hanson,836,4
+coffeen,48,2
+marstons,1577,0
+ranchester,1559,5
+hiteman,454,4
+woodbine,500,0
+pomaria,943,9
+leonardo,1627,8
+hanson,1378,1
+ranchester,96,0
+newfields,1158,1
+allensville,126,2
+wainscott,1783,0
+shelbyville,349,4
+wainscott,741,7
+ranchester,926,5
+ranchester,1582,1
+newfields,180,0
+shelbyville,1973,7
+lindenwood,2199,8
+klickitat,679,0
+shelbyville,1669,0
+benevolence,546,3
+stockman,869,1
+ranchester,250,7
+pomaria,1569,4
+allensville,484,0
+klickitat,1316,4
+marstons,1268,0
+woodbine,1570,1
+hanson,1479,8
+shelbyville,166,4
+wainscott,494,1
+woodbine,1302,7
+merom,559,8
+klickitat,2357,3
+wainscott,921,1
+stockman,882,4
+cosmos,641,0
+klickitat,721,6
+pomaria,927,9
+lakeville,1692,5
+beechwood,735,0
+leonardo,1409,0
+marstons,333,0
+ranchester,1010,1
+tolstoy,864,2
+cosmos,414,4
+shelbyville,45,1
+klickitat,2236,0
+shelbyville,1330,6
+woodbine,169,3
+hiteman,1487,14
+woodbine,1785,4
+pinesdale,192,3
+pomaria,559,1
+klickitat,363,1
+hanson,681,6
+pomaria,1513,5
+klickitat,552,4
+hanson,1479,14
+cosmos,682,1
+coffeen,1084,10
+klickitat,1388,7
+pomaria,634,3
+klickitat,1231,0
+pinesdale,996,2
+shelbyville,1663,4
+newfields,1439,14
+lakeville,1425,3
+woodbine,1712,17
+pomaria,1136,5
+shelbyville,1559,12
+lakeville,1344,4
+newfields,1538,0
+wainscott,1714,1
+mifflinburg,857,1
+lindenwood,2304,4
+marstons,1752,13
+ranchester,1331,7
+lindenwood,1825,6
+beechwood,1019,5
+newfields,868,0
+shelbyville,1434,2
+pinesdale,534,1
+merom,642,1
+lindenwood,1763,6
+cosmos,772,3
+hanson,1173,11
+woodbine,1821,4
+tolstoy,611,1
+cosmos,799,6
+shelbyville,1336,1
+lindenwood,2264,14
+wainscott,791,13
+newfields,641,7
+lindenwood,379,3
+pinesdale,1006,0
+pomaria,995,1
+shelbyville,2507,1
+wainscott,742,0
+leonardo,670,2
+lindenwood,1637,9
+marstons,84,12
+stockman,1086,5
+newfields,1529,13
+woodbine,756,1
+wainscott,645,1
+shelbyville,2525,1
+hiteman,365,6
+stockman,86,4
+woodbine,1037,1
+shelbyville,314,8
+klickitat,611,11
+shelbyville,403,0
+beechwood,945,5
+klickitat,341,6
+lindenwood,2080,11
+newfields,540,2
+klickitat,745,2
+leonardo,2094,12
+ranchester,747,2
+marstons,1660,12
+marstons,1051,1
+lindenwood,1026,9
+forkland,638,0
+hanson,566,0
+beechwood,473,6
+lindenwood,550,3
+lakeville,1250,16
+marstons,36,3
+tolstoy,744,10
+stockman,741,3
+marstons,1599,1
+stockman,647,8
+woodbine,1588,2
+lindenwood,167,6
+klickitat,1541,4
+woodbine,207,2
+merom,715,8
+marstons,1765,14
+shelbyville,201,6
+pomaria,1486,10
+pinesdale,1419,2
+lindenwood,1455,7
+shelbyville,343,7
+leonardo,990,0
+onaga,490,0
+lakeville,1387,3
+forkland,669,0
+lindenwood,554,8
+leonardo,1717,4
+klickitat,2318,2
+lakeville,237,2
+lakeville,440,3
+allensville,318,7
+pinesdale,48,4
+pinesdale,735,7
+stockman,300,2
+marstons,1444,8
+shelbyville,2139,6
+beechwood,672,0
+wainscott,579,1
+newfields,288,8
+benevolence,9,13
+hiteman,993,4
+lakeville,210,3
+shelbyville,28,7
+shelbyville,1974,0
+shelbyville,90,2
+woodbine,1198,0
+stockman,66,7
+stockman,407,5
+mifflinburg,308,1
+pomaria,1448,3
+newfields,172,8
+stockman,184,0
+marstons,2072,5
+wainscott,309,4
+stockman,1101,5
+forkland,259,1
+benevolence,947,9
+lindenwood,2315,10
+shelbyville,1767,4
+beechwood,316,8
+lakeville,119,4
+newfields,1284,4
+lakeville,1120,0
+woodbine,401,0
+pomaria,1140,1
+pinesdale,369,1
+shelbyville,1998,3
+marstons,606,12
+woodbine,1288,2
+cosmos,197,12
+stockman,1607,1
+marstons,845,2
+hanson,1106,15
+stockman,530,4
+klickitat,1072,1
+stockman,1319,2
+klickitat,1914,10
+klickitat,1734,0
+pinesdale,544,4
+tolstoy,114,3
+ranchester,69,7
+tolstoy,351,3
+mifflinburg,101,3
+wainscott,1717,2
+marstons,298,2
+coffeen,1218,1
+wainscott,155,2
+merom,1004,1
+woodbine,131,2
+pomaria,651,2
+wainscott,1683,5
+coffeen,909,1
+newfields,130,4
+lindenwood,127,1
+shelbyville,1548,13
+wainscott,735,9
+shelbyville,982,5
+pinesdale,688,3
+klickitat,820,4
+beechwood,541,2
+leonardo,307,0
+pinesdale,1295,6
+merom,921,1
+hiteman,573,0
+hanson,523,2
+pomaria,1214,0
+woodbine,1972,0
+marstons,1220,11
+woodbine,791,1
+klickitat,574,3
+klickitat,2171,2
+pomaria,252,12
+merom,1015,1
+stockman,1360,5
+wainscott,1399,6
+marstons,364,4
+marstons,425,4
+ranchester,1375,3
+tolstoy,1315,0
+hiteman,736,3
+cosmos,322,1
+hiteman,1007,5
+cosmos,639,7
+beechwood,880,0
+leonardo,1602,1
+pomaria,1068,3
+pinesdale,251,2
+hiteman,327,3
+pomaria,455,11
+ranchester,185,7
+coffeen,1131,6
+lindenwood,2595,0
+leonardo,256,8
+beechwood,617,0
+woodbine,285,6
+pomaria,292,0
+ranchester,403,1
+pinesdale,1306,0
+wainscott,1346,5
+wainscott,1203,9
+cosmos,91,2
+stockman,76,5
+benevolence,243,5
+pinesdale,916,7
+tolstoy,691,4
+newfields,415,6
+cosmos,717,2
+klickitat,1775,3
+lindenwood,2313,10
+woodbine,1102,3
+klickitat,644,3
+newfields,1645,13
+onaga,639,0
+pomaria,252,6
+marstons,1553,5
+tolstoy,837,8
+shelbyville,439,6
+mifflinburg,77,3
+lindenwood,693,5
+mifflinburg,646,4
+beechwood,931,4
+pinesdale,767,1
+hiteman,1002,1
+leonardo,82,6
+cosmos,318,0
+newfields,1503,13
+coffeen,15,2
+leonardo,1464,2
+klickitat,56,7
+pinesdale,773,0
+lakeville,1164,6
+klickitat,1225,1
+hiteman,1330,1
+ranchester,593,4
+leonardo,944,1
+tolstoy,1287,0
+lindenwood,1955,2
+lindenwood,849,0
+lindenwood,1443,7
+forkland,916,2
+shelbyville,712,7
+coffeen,1381,3
+coffeen,987,3
+klickitat,530,11
+klickitat,2201,12
+wainscott,107,7
+ranchester,1217,0
+tolstoy,427,6
+hanson,473,2
+pomaria,844,0
+wainscott,291,0
+ranchester,1356,0
+lakeville,94,5
+pomaria,1638,8
+hiteman,1148,3
+pomaria,730,5
+stockman,1525,3
+woodbine,2025,3
+tolstoy,982,7
+klickitat,1115,9
+hiteman,855,1
+forkland,872,2
+klickitat,789,2
+lindenwood,653,0
+coffeen,86,2
+benevolence,158,0
+coffeen,562,1
+leonardo,336,2
+mifflinburg,743,0
+tolstoy,1368,1
+mifflinburg,132,9
+woodbine,958,1
+shelbyville,1023,3
+pinesdale,1125,8
+klickitat,1517,4
+wainscott,641,3
+coffeen,1519,6
+shelbyville,2195,0
+klickitat,215,1
+cosmos,178,2
+stockman,211,0
+hiteman,192,5
+forkland,911,1
+shelbyville,1080,12
+leonardo,265,9
+lakeville,314,1
+stockman,1260,1
+allensville,441,9
+woodbine,1645,2
+klickitat,1555,11
+benevolence,471,1
+coffeen,487,3
+hiteman,914,5
+merom,1069,1
+stockman,448,5
+beechwood,790,4
+shelbyville,2060,3
+wainscott,427,2
+cosmos,57,0
+leonardo,1112,0
+ranchester,378,2
+shelbyville,251,2
+ranchester,118,2
+tolstoy,249,4
+klickitat,232,3
+wainscott,694,7
+shelbyville,2608,5
+shelbyville,1189,2
+wainscott,667,1
+forkland,14,2
+hiteman,508,3
+pomaria,766,16
+marstons,2435,0
+shelbyville,2304,3
+allensville,305,6
+woodbine,1245,5
+ranchester,346,2
+leonardo,1593,14
+hiteman,1047,5
+marstons,1842,1
+cosmos,662,9
+lakeville,1252,12
+klickitat,298,5
+leonardo,988,4
+wainscott,249,5
+woodbine,669,1
+hanson,279,0
+ranchester,375,1
+shelbyville,327,4
+shelbyville,1478,2
+woodbine,1644,5
+tolstoy,104,13
+shelbyville,1754,19
+woodbine,875,6
+hiteman,1649,1
+beechwood,952,1
+marstons,2297,7
+hiteman,781,5
+wainscott,1658,1
+woodbine,748,18
+pomaria,963,4
+pinesdale,1418,4
+klickitat,56,5
+cosmos,793,1
+klickitat,524,3
+tolstoy,1783,1
+ranchester,1408,0
+cosmos,90,7
+pomaria,1585,2
+pinesdale,981,5
+merom,863,4
+marstons,512,1
+lindenwood,695,2
+coffeen,233,6
+hanson,860,2
+newfields,934,0
+hiteman,1335,2
+newfields,1536,2
+stockman,226,2
+lakeville,1805,0
+wainscott,44,6
+forkland,711,7
+leonardo,1692,1
+beechwood,1102,5
+coffeen,1235,5
+lakeville,1087,1
+coffeen,45,1
+merom,217,1
+wainscott,467,9
+pomaria,331,3
+lakeville,347,4
+wainscott,166,3
+beechwood,721,0
+newfields,1558,1
+leonardo,1139,0
+lakeville,410,1
+pinesdale,1210,5
+pomaria,1125,1
+tolstoy,263,5
+lindenwood,777,2
+coffeen,125,0
+hanson,150,2
+tolstoy,992,3
+stockman,134,0
+mifflinburg,818,1
+marstons,805,6
+hanson,1187,3
+woodbine,1666,2
+tolstoy,176,11
+newfields,1355,3
+hanson,1380,10
+hiteman,382,1
+lakeville,549,6
+shelbyville,1129,4
+wainscott,865,6
+ranchester,263,6
+ranchester,402,2
+leonardo,1371,3
+leonardo,1311,1
+pinesdale,1472,2
+newfields,913,0
+shelbyville,80,6
+pinesdale,711,5
+ranchester,1569,2
+ranchester,200,3
+woodbine,16,0
+woodbine,1822,13
+klickitat,570,0
+woodbine,1302,6
+hanson,706,3
+forkland,595,3
+klickitat,2379,7
+shelbyville,1918,6
+cosmos,969,3
+lindenwood,2264,9
+shelbyville,2162,3
+newfields,359,2
+lindenwood,286,7
+klickitat,2185,5
+klickitat,1290,3
+woodbine,1140,0
+tolstoy,504,4
+woodbine,1639,0
+shelbyville,494,0
+klickitat,922,6
+lakeville,820,13
+klickitat,576,2
+klickitat,920,1
+tolstoy,1627,3
+leonardo,1160,0
+leonardo,960,6
+leonardo,1349,4
+lindenwood,1059,1
+woodbine,1921,2
+hanson,1531,5
+shelbyville,627,7
+hanson,394,8
+merom,329,8
+pomaria,595,0
+shelbyville,437,1
+hiteman,814,2
+klickitat,92,2
+shelbyville,2551,2
+cosmos,991,8
+wainscott,41,1
+wainscott,1481,4
+beechwood,298,3
+hanson,1361,3
+tolstoy,1697,2
+hiteman,404,2
+lakeville,1475,12
+ranchester,621,0
+pinesdale,214,10
+shelbyville,1195,11
+pomaria,1399,7
+hiteman,998,2
+pinesdale,1083,3
+leonardo,1493,0
+hiteman,1449,4
+woodbine,2045,0
+lindenwood,2555,3
+mifflinburg,932,0
+marstons,1836,10
+cosmos,454,6
+lindenwood,803,0
+hanson,1288,6
+woodbine,386,1
+shelbyville,510,1
+merom,1041,1
+merom,898,2
+hanson,651,1
+newfields,70,2
+cosmos,158,3
+stockman,426,2
+leonardo,839,0
+shelbyville,1704,5
+lindenwood,826,1
+woodbine,136,4
+tolstoy,54,4
+lindenwood,75,2
+shelbyville,597,6
+marstons,1338,4
+allensville,345,3
+tolstoy,1814,3
+shelbyville,1949,10
+onaga,452,7
+leonardo,1249,0
+tolstoy,1715,3
+merom,151,0
+marstons,1518,7
+woodbine,1789,1
+newfields,1095,0
+forkland,511,6
+pinesdale,1440,7
+stockman,298,2
+lakeville,367,9
+marstons,644,1
+merom,254,2
+tolstoy,1015,3
+marstons,1409,1
+tolstoy,935,4
+marstons,2317,0
+hanson,1457,11
+onaga,423,4
+shelbyville,2102,2
+leonardo,476,6
+pinesdale,1427,0
+lakeville,1823,8
+pomaria,1356,10
+ranchester,376,0
+lakeville,915,1
+newfields,557,5
+forkland,356,9
+merom,289,0
+klickitat,161,3
+shelbyville,1297,4
+merom,648,5
+woodbine,547,10
+wainscott,417,0
+tolstoy,573,0
+pinesdale,1111,3
+merom,801,0
+klickitat,1628,9
+wainscott,1026,2
+klickitat,1079,6
+tolstoy,491,10
+pomaria,502,5
+woodbine,1553,7
+klickitat,628,5
+woodbine,564,4
+stockman,641,2
+woodbine,1484,6
+cosmos,991,5
+benevolence,419,0
+tolstoy,744,4
+newfields,954,1
+klickitat,832,2
+leonardo,2111,3
+hanson,504,6
+forkland,963,0
+hanson,997,3
+shelbyville,912,5
+pomaria,78,5
+lakeville,1162,3
+tolstoy,1584,1
+wainscott,1123,6
+wainscott,790,3
+shelbyville,2366,3
+klickitat,137,3
+woodbine,1064,2
+tolstoy,952,2
+hiteman,834,9
+klickitat,1637,0
+shelbyville,875,0
+beechwood,104,4
+leonardo,2045,9
+marstons,2548,8
+merom,40,3
+cosmos,391,2
+marstons,965,8
+leonardo,281,3
+hiteman,236,6
+onaga,394,1
+ranchester,59,0
+beechwood,755,6
+marstons,1220,12
+lindenwood,829,3
+cosmos,152,1
+hanson,1201,1
+beechwood,1065,15
+cosmos,448,12
+merom,554,1
+lindenwood,2557,10
+beechwood,822,4
+benevolence,595,3
+ranchester,57,4
+hanson,1404,7
+newfields,889,3
+lindenwood,1141,5
+hiteman,217,2
+leonardo,798,0
+pinesdale,596,1
+mifflinburg,373,0
+klickitat,939,0
+klickitat,2040,2
+shelbyville,1131,5
+woodbine,718,2
+pinesdale,248,6
+lakeville,947,5
+pinesdale,1384,3
+benevolence,14,5
+ranchester,258,5
+pinesdale,387,0
+wainscott,745,0
+merom,411,2
+leonardo,1163,13
+newfields,1194,0
+ranchester,1531,10
+lindenwood,1757,1
+lindenwood,1920,2
+leonardo,1328,2
+hanson,876,4
+ranchester,1534,8
+allensville,119,8
+lindenwood,600,1
+wainscott,1595,4
+pinesdale,501,5
+shelbyville,1543,1
+woodbine,1307,3
+klickitat,1839,1
+leonardo,1757,4
+hanson,863,2
+forkland,341,3
+pomaria,1586,0
+cosmos,226,1
+lindenwood,729,8
+woodbine,8,0
+lakeville,830,4
+wainscott,1152,10
+klickitat,2190,1
+marstons,758,0
+lindenwood,82,1
+shelbyville,569,0
+merom,925,5
+pomaria,1245,3
+woodbine,425,0
+pomaria,729,3
+pinesdale,760,0
+hanson,431,5
+shelbyville,482,8
+klickitat,1269,2
+mifflinburg,101,4
+shelbyville,2018,1
+tolstoy,1160,3
+shelbyville,2298,2
+lindenwood,1006,1
+marstons,1331,2
+hiteman,1223,6
+pomaria,1469,3
+lindenwood,1994,2
+lakeville,1247,4
+newfields,360,10
+coffeen,48,1
+woodbine,1805,0
+lindenwood,672,3
+woodbine,596,4
+wainscott,792,2
+lakeville,1744,6
+woodbine,268,0
+shelbyville,1929,3
+beechwood,750,7
+leonardo,736,6
+hiteman,1661,0
+cosmos,906,1
+shelbyville,2248,1
+forkland,1015,1
+leonardo,185,7
+marstons,1320,3
+stockman,422,0
+tolstoy,1224,6
+leonardo,1783,3
+pinesdale,201,9
+shelbyville,1238,0
+leonardo,1137,4
+leonardo,1338,5
+marstons,909,6
+tolstoy,1109,5
+allensville,72,4
+coffeen,236,3
+forkland,316,0
+shelbyville,442,14
+wainscott,269,11
+forkland,396,2
+lakeville,655,1
+cosmos,580,1
+klickitat,1885,1
+ranchester,336,9
+shelbyville,2014,3
+forkland,245,3
+klickitat,2281,0
+wainscott,567,0
+marstons,1595,2
+newfields,125,9
+leonardo,530,3
+coffeen,785,7
+beechwood,134,4
+stockman,920,0
+shelbyville,1964,8
+stockman,828,4
+onaga,337,0
+lindenwood,1525,3
+forkland,178,1
+benevolence,861,8
+beechwood,1054,5
+allensville,243,1
+klickitat,1055,3
+leonardo,1141,5
+pomaria,827,4
+wainscott,200,3
+onaga,171,0
+hiteman,850,0
+klickitat,2152,8
+klickitat,839,6
+woodbine,1883,4
+stockman,1529,3
+ranchester,26,4
+forkland,1175,9
+shelbyville,893,4
+tolstoy,563,5
+newfields,1423,1
+merom,268,1
+woodbine,1768,13
+woodbine,1898,6
+woodbine,708,9
+wainscott,996,3
+pinesdale,924,4
+woodbine,1099,1
+wainscott,838,7
+benevolence,641,3
+hiteman,1211,2
+mifflinburg,768,3
+hiteman,928,5
+lakeville,780,3
+pinesdale,1087,2
+ranchester,531,8
+lindenwood,1051,5
+marstons,1037,0
+hanson,554,2
+forkland,54,8
+forkland,676,3
+marstons,1767,4
+lakeville,1536,2
+woodbine,998,4
+wainscott,276,6
+tolstoy,691,6
+lindenwood,1864,0
+newfields,1120,1
+wainscott,1031,7
+lakeville,573,6
+klickitat,0,4
+coffeen,278,2
+ranchester,1015,1
+coffeen,1291,2
+marstons,1099,0
+lindenwood,2418,0
+lindenwood,1682,4
+hiteman,710,5
+wainscott,1576,7
+shelbyville,394,7
+wainscott,1175,8
+cosmos,550,3
+klickitat,2255,0
+forkland,94,9
+tolstoy,523,7
+marstons,1336,4
+marstons,701,2
+klickitat,246,14
+tolstoy,1167,11
+lakeville,889,3
+newfields,1160,0
+forkland,5,1
+wainscott,1425,12
+newfields,1088,0
+beechwood,460,3
+leonardo,1522,10
+shelbyville,805,0
+klickitat,79,2
+shelbyville,7,0
+lindenwood,671,9
+shelbyville,725,11
+ranchester,959,1
+marstons,2606,3
+klickitat,274,11
+marstons,2073,1
+cosmos,470,0
+wainscott,804,0
+lindenwood,1490,14
+shelbyville,470,6
+newfields,802,2
+shelbyville,2617,0
+ranchester,191,2
+ranchester,1390,4
+cosmos,464,5
+shelbyville,490,1
+lakeville,1869,0
+stockman,1542,1
+newfields,612,5
+lakeville,1899,1
+woodbine,1486,1
+tolstoy,1761,1
+lindenwood,613,4
+marstons,541,12
+hiteman,1755,0
+hiteman,1359,6
+newfields,426,1
+tolstoy,857,5
+shelbyville,543,1
+klickitat,2143,11
+tolstoy,777,0
+onaga,585,1
+wainscott,1555,0
+leonardo,1362,4
+tolstoy,1017,9
+hiteman,561,1
+woodbine,1275,0
+shelbyville,663,4
+beechwood,291,5
+klickitat,1030,1
+lakeville,65,8
+newfields,910,5
+pomaria,1067,7
+klickitat,658,2
+tolstoy,848,3
+pinesdale,322,0
+mifflinburg,914,0
+newfields,1625,15
+klickitat,2042,0
+woodbine,898,9
+mifflinburg,597,0
+pomaria,1203,10
+cosmos,32,6
+tolstoy,867,3
+woodbine,1812,3
+woodbine,1841,11
+merom,1098,1
+ranchester,964,6
+wainscott,1322,8
+klickitat,52,1
+tolstoy,1820,2
+pomaria,1029,1
+pomaria,580,0
+hanson,1326,4
+klickitat,1566,4
+shelbyville,1342,9
+marstons,703,0
+stockman,1430,2
+tolstoy,482,0
+coffeen,1427,6
+pomaria,560,13
+newfields,841,0
+klickitat,2330,7
+marstons,1650,8
+coffeen,182,5
+hiteman,1737,3
+tolstoy,1316,0
+tolstoy,497,0
+forkland,292,2
+lakeville,323,7
+pinesdale,1518,3
+leonardo,1409,4
+lindenwood,1953,1
+forkland,61,3
+shelbyville,1652,3
+tolstoy,487,4
+leonardo,1297,0
+leonardo,6,1
+hiteman,1805,0
+hiteman,532,2
+ranchester,1187,3
+ranchester,1209,1
+lakeville,1609,1
+ranchester,1372,0
+onaga,243,5
+hanson,1537,0
+lindenwood,2468,4
+klickitat,534,3
+marstons,2387,8
+coffeen,83,5
+lakeville,869,4
+merom,441,5
+mifflinburg,818,2
+coffeen,818,0
+woodbine,1636,0
+leonardo,648,8
+hiteman,453,1
+lakeville,1142,5
+lindenwood,481,4
+tolstoy,459,1
+lakeville,1796,6
+wainscott,845,1
+merom,704,8
+woodbine,1493,13
+onaga,488,1
+newfields,796,2
+marstons,307,4
+merom,972,4
+allensville,327,0
+lindenwood,138,0
+lindenwood,2046,4
+leonardo,665,0
+hiteman,252,11
+merom,454,1
+allensville,295,4
+marstons,689,6
+pomaria,986,1
+tolstoy,1541,4
+marstons,1692,3
+stockman,19,8
+lakeville,816,10
+klickitat,1272,2
+cosmos,617,10
+forkland,667,2
+hanson,1195,7
+pinesdale,1510,4
+forkland,504,5
+benevolence,872,9
+mifflinburg,124,6
+lakeville,1838,1
+lindenwood,745,5
+onaga,377,8
+cosmos,192,3
+lakeville,38,1
+ranchester,1534,0
+merom,655,1
+marstons,1425,2
+stockman,871,3
+tolstoy,1459,4
+pinesdale,38,2
+tolstoy,1439,5
+marstons,19,1
+klickitat,2122,4
+allensville,500,3
+leonardo,1854,1
+coffeen,23,2
+woodbine,1392,1
+coffeen,851,1
+shelbyville,313,3
+wainscott,1422,3
+wainscott,781,2
+shelbyville,565,3
+tolstoy,1437,6
+ranchester,605,2
+stockman,708,0
+klickitat,1997,8
+lindenwood,156,2
+benevolence,740,1
+stockman,1557,3
+leonardo,1356,6
+pomaria,737,2
+lakeville,187,3
+benevolence,544,3
+hiteman,696,1
+forkland,565,3
+forkland,1077,2
+leonardo,925,5
+mifflinburg,523,1
+marstons,1395,4
+woodbine,77,1
+lindenwood,1723,3
+leonardo,359,1
+newfields,1060,3
+pomaria,1183,2
+onaga,573,2
+benevolence,330,2
+hiteman,1198,1
+pomaria,1528,2
+leonardo,447,21
+newfields,1290,7
+leonardo,3,4
+stockman,1056,8
+woodbine,2005,1
+ranchester,350,2
+hanson,59,1
+lindenwood,1266,8
+newfields,1260,4
+klickitat,1912,1
+coffeen,1478,1
+lakeville,525,7
+tolstoy,462,0
+tolstoy,1205,5
+tolstoy,1008,7
+pomaria,649,4
+pomaria,1406,0
+allensville,486,0
+klickitat,455,0
+allensville,149,3
+beechwood,115,4
+forkland,127,1
+stockman,877,3
+lakeville,365,12
+woodbine,1994,5
+lindenwood,1935,2
+wainscott,1509,1
+leonardo,1542,5
+mifflinburg,822,1
+hiteman,359,5
+coffeen,1439,4
+beechwood,402,4
+newfields,258,4
+pinesdale,1157,0
+pomaria,1570,7
+pomaria,83,11
+newfields,1517,3
+cosmos,20,0
+hanson,483,1
+onaga,637,5
+marstons,1889,5
+marstons,2129,6
+shelbyville,2100,2
+pinesdale,88,1
+tolstoy,519,9
+klickitat,2030,7
+leonardo,1046,6
+marstons,117,2
+beechwood,301,3
+leonardo,543,2
+hanson,1045,4
+leonardo,2095,1
+tolstoy,235,2
+lindenwood,1293,8
+beechwood,929,1
+newfields,519,4
+marstons,2012,1
+onaga,276,0
+marstons,474,2
+shelbyville,311,4
+hiteman,995,4
+hanson,812,14
+pomaria,1617,0
+merom,579,3
+hiteman,1457,1
+shelbyville,1275,4
+newfields,1357,3
+lakeville,365,3
+pomaria,1113,15
+woodbine,925,5
+newfields,770,1
+shelbyville,2058,0
+stockman,326,2
+allensville,409,0
+klickitat,478,5
+wainscott,813,2
+lindenwood,1041,1
+merom,45,9
+forkland,783,0
+tolstoy,1370,4
+klickitat,1437,4
+hanson,223,7
+lindenwood,1671,2
+woodbine,1519,8
+hiteman,86,0
+leonardo,1745,7
+ranchester,1613,4
+marstons,10,11
+newfields,1136,2
+marstons,562,5
+benevolence,462,4
+lindenwood,937,15
+beechwood,913,2
+woodbine,337,3
+tolstoy,1067,1
+lindenwood,268,9
+woodbine,1154,4
+hanson,368,6
+stockman,1189,0
+klickitat,1382,1
+pinesdale,227,3
+pinesdale,278,3
+leonardo,1805,10
+marstons,2515,4
+leonardo,923,4
+shelbyville,1478,0
+hiteman,92,3
+newfields,358,15
+hanson,517,9
+coffeen,883,4
+pomaria,969,1
+lakeville,54,8
+shelbyville,231,0
+woodbine,739,4
+marstons,979,10
+tolstoy,693,12
+hiteman,549,2
+marstons,1780,1
+newfields,1505,3
+woodbine,844,0
+ranchester,721,1
+marstons,1575,15
+stockman,826,2
+lindenwood,201,1
+klickitat,769,6
+cosmos,137,2
+hiteman,538,0
+lindenwood,239,5
+leonardo,1266,4
+tolstoy,1149,2
+stockman,686,11
+pomaria,138,3
+leonardo,817,1
+leonardo,794,6
+leonardo,233,1
+hiteman,1337,4
+marstons,696,2
+ranchester,1018,4
+wainscott,85,2
+shelbyville,2807,1
+marstons,2224,11
+shelbyville,2491,2
+beechwood,258,5
+leonardo,1202,7
+shelbyville,279,5
+wainscott,135,1
+cosmos,367,0
+mifflinburg,200,8
+shelbyville,947,7
+klickitat,109,2
+woodbine,1301,0
+klickitat,1715,3
+pomaria,911,6
+klickitat,1246,14
+leonardo,1578,1
+shelbyville,559,10
+allensville,74,4
+pomaria,846,7
+hanson,1247,4
+hanson,682,3
+coffeen,46,1
+hiteman,1767,3
+lakeville,561,17
+cosmos,504,6
+marstons,1330,7
+klickitat,1754,2
+forkland,307,3
+tolstoy,1369,2
+pinesdale,932,0
+hanson,1558,3
+newfields,435,7
+marstons,2136,16
+shelbyville,1845,5
+woodbine,1461,1
+klickitat,959,3
+stockman,885,0
+klickitat,986,3
+hanson,402,13
+shelbyville,1283,5
+pinesdale,109,2
+tolstoy,902,0
+ranchester,357,3
+stockman,748,4
+newfields,665,3
+lakeville,148,4
+marstons,1237,1
+benevolence,352,11
+coffeen,167,1
+lakeville,1293,1
+shelbyville,1564,3
+pomaria,959,3
+hanson,1029,4
+pomaria,789,2
+beechwood,670,0
+allensville,445,0
+benevolence,780,6
+hanson,1004,1
+marstons,2337,11
+tolstoy,1439,4
+tolstoy,1377,0
+pinesdale,1273,1
+woodbine,1485,8
+pinesdale,1440,0
+coffeen,8,0
+lindenwood,1013,0
+lakeville,692,11
+woodbine,832,5
+marstons,1640,1
+forkland,382,3
+lindenwood,2255,3
+leonardo,38,4
+lindenwood,1181,1
+beechwood,211,2
+lindenwood,1537,6
+klickitat,640,12
+hanson,1549,11
+lakeville,28,2
+hanson,515,2
+ranchester,1051,6
+mifflinburg,186,4
+klickitat,394,10
+shelbyville,391,1
+woodbine,1435,1
+lakeville,1387,10
+stockman,1190,4
+allensville,290,6
+newfields,1466,2
+woodbine,235,11
+ranchester,484,3
+ranchester,608,4
+pinesdale,603,10
+pinesdale,1342,1
+shelbyville,2722,5
+leonardo,542,1
+lindenwood,2036,0
+pinesdale,707,8
+marstons,2549,0
+merom,32,6
+lindenwood,2215,6
+ranchester,52,1
+ranchester,370,2
+klickitat,1267,0
+tolstoy,1437,12
+tolstoy,121,2
+coffeen,83,3
+leonardo,1506,1
+newfields,696,8
+klickitat,695,5
+klickitat,2277,8
+klickitat,2296,6
+wainscott,534,5
+merom,53,5
+ranchester,721,9
+hanson,606,3
+shelbyville,272,2
+marstons,2402,6
+klickitat,480,5
+newfields,1121,3
+shelbyville,2040,3
+wainscott,1046,11
+woodbine,2031,3
+cosmos,871,2
+marstons,2009,2
+pomaria,1418,3
+beechwood,28,0
+lindenwood,1001,1
+klickitat,721,0
+merom,1039,4
+marstons,400,16
+coffeen,188,2
+coffeen,1426,2
+onaga,666,5
+wainscott,976,6
+shelbyville,965,1
+woodbine,1796,14
+klickitat,1618,1
+klickitat,206,4
+hanson,744,3
+leonardo,288,0
+cosmos,791,1
+lakeville,1128,14
+hiteman,694,5
+lindenwood,66,4
+hanson,760,2
+newfields,981,1
+pinesdale,789,10
+marstons,1085,19
+lindenwood,1687,1
+pomaria,178,0
+shelbyville,550,10
+pomaria,1008,10
+cosmos,310,3
+ranchester,112,11
+leonardo,252,15
+coffeen,1156,3
+lindenwood,1304,1
+lindenwood,1407,3
+shelbyville,2452,3
+lindenwood,447,12
+shelbyville,112,1
+tolstoy,1010,1
+leonardo,1768,4
+tolstoy,370,2
+woodbine,377,0
+pinesdale,1360,0
+lakeville,1598,10
+merom,709,6
+klickitat,1298,7
+hiteman,774,0
+hanson,1477,0
+merom,943,2
+allensville,198,6
+merom,967,7
+beechwood,658,2
+pomaria,1676,1
+leonardo,2042,7
+lakeville,629,3
+leonardo,648,2
+woodbine,1526,0
+mifflinburg,361,3
+tolstoy,1408,3
+allensville,370,6
+pomaria,1468,7
+marstons,1439,1
+marstons,2138,2
+shelbyville,1735,3
+woodbine,554,7
+shelbyville,2184,0
+leonardo,1136,0
+coffeen,718,1
+stockman,320,7
+forkland,275,1
+shelbyville,374,0
+lindenwood,60,5
+shelbyville,2179,10
+wainscott,1286,0
+pinesdale,1314,14
+benevolence,524,4
+wainscott,241,15
+lindenwood,1581,5
+woodbine,942,8
+klickitat,1061,0
+ranchester,400,13
+hanson,569,9
+marstons,1595,8
+woodbine,31,15
+pomaria,232,0
+shelbyville,1890,2
+lindenwood,2043,5
+tolstoy,473,3
+pinesdale,410,10
+wainscott,596,3
+tolstoy,499,9
+shelbyville,2529,0
+ranchester,478,0
+coffeen,1281,6
+lakeville,831,5
+klickitat,464,7
+ranchester,1298,2
+wainscott,645,14
+onaga,272,3
+wainscott,1008,7
+onaga,594,1
+hanson,1021,3
+shelbyville,431,3
+marstons,2231,0
+klickitat,1109,9
+marstons,654,6
+shelbyville,279,0
+woodbine,1802,8
+wainscott,791,5
+lindenwood,1522,1
+leonardo,1003,3
+klickitat,419,6
+tolstoy,1247,3
+leonardo,529,4
+wainscott,296,3
+lindenwood,515,2
+mifflinburg,526,1
+forkland,1108,0
+tolstoy,108,2
+marstons,763,7
+lindenwood,1891,9
+newfields,1189,5
+benevolence,100,2
+marstons,1422,11
+woodbine,60,10
+shelbyville,1327,0
+pinesdale,1148,2
+beechwood,313,0
+lakeville,801,7
+marstons,2135,2
+ranchester,169,0
+mifflinburg,556,2
+pinesdale,614,5
+merom,1065,1
+lakeville,60,4
+wainscott,1355,9
+hiteman,540,0
+woodbine,476,4
+leonardo,782,3
+cosmos,142,6
+hiteman,977,2
+klickitat,1335,4
+tolstoy,982,3
+shelbyville,2060,0
+newfields,405,0
+klickitat,873,2
+beechwood,104,3
+klickitat,2044,2
+klickitat,1894,5
+marstons,1817,1
+hanson,1463,6
+pomaria,1633,9
+stockman,977,4
+hiteman,1033,1
+pomaria,1179,7
+coffeen,1439,5
+wainscott,200,0
+newfields,543,2
+marstons,2448,13
+mifflinburg,162,7
+marstons,2438,4
+leonardo,1414,3
+marstons,1188,5
+pinesdale,685,2
+coffeen,608,3
+lindenwood,2178,2
+hanson,1160,9
+lakeville,1253,0
+leonardo,1783,8
+hanson,482,14
+stockman,932,4
+klickitat,548,4
+wainscott,1258,0
+newfields,1489,7
+tolstoy,1570,0
+wainscott,82,11
+shelbyville,2623,5
+hiteman,1620,4
+klickitat,1200,1
+pomaria,1562,8
+beechwood,32,6
+newfields,695,4
+shelbyville,2152,1
+wainscott,826,0
+forkland,1116,2
+wainscott,583,5
+cosmos,454,2
+lindenwood,2335,3
+cosmos,677,2
+wainscott,876,8
+pomaria,1356,9
+klickitat,2142,0
+woodbine,514,10
+shelbyville,1200,5
+stockman,1131,5
+pomaria,973,2
+lindenwood,1148,12
+hiteman,1488,9
+beechwood,8,0
+wainscott,1300,3
+newfields,654,3
+stockman,365,3
+pinesdale,60,12
+pinesdale,439,1
+shelbyville,160,0
+marstons,909,11
+shelbyville,2348,12
+allensville,167,3
+lakeville,1083,1
+merom,241,2
+pinesdale,636,1
+klickitat,797,2
+beechwood,13,0
+woodbine,855,0
+klickitat,907,3
+coffeen,645,3
+forkland,512,3
+wainscott,1039,4
+lakeville,482,3
+lakeville,121,3
+mifflinburg,250,2
+tolstoy,936,3
+lakeville,263,9
+stockman,1216,1
+marstons,1000,10
+lakeville,254,3
+hanson,766,6
+shelbyville,311,3
+klickitat,288,1
+wainscott,1348,8
+pinesdale,1125,7
+coffeen,1180,0
+newfields,1144,4
+lakeville,1703,0
+ranchester,702,5
+wainscott,269,8
+pinesdale,952,1
+wainscott,151,0
+hiteman,1842,4
+lakeville,335,4
+pomaria,1470,3
+hanson,679,1
+merom,1087,9
+pomaria,811,8
+wainscott,179,1
+woodbine,1480,2
+onaga,479,6
+klickitat,1115,10
+hanson,416,0
+klickitat,2356,2
+benevolence,270,0
+pinesdale,243,7
+marstons,1335,1
+shelbyville,2553,8
+marstons,1948,2
+klickitat,1877,5
+shelbyville,1304,4
+shelbyville,1103,0
+marstons,2162,3
+hiteman,98,6
+tolstoy,845,4
+lindenwood,2661,2
+marstons,2593,6
+pinesdale,21,1
+woodbine,1075,5
+pomaria,1148,0
+hiteman,839,0
+cosmos,1037,2
+lindenwood,2333,8
+beechwood,43,4
+leonardo,190,11
+tolstoy,1779,2
+pinesdale,195,0
+marstons,2383,7
+ranchester,1393,7
+beechwood,793,1
+lakeville,199,0
+cosmos,1010,4
+lakeville,1258,2
+newfields,1145,0
+lindenwood,2408,0
+woodbine,701,1
+marstons,210,1
+cosmos,188,5
+marstons,1,6
+stockman,383,9
+merom,859,0
+marstons,1026,1
+shelbyville,571,15
+hiteman,1756,10
+lakeville,1478,8
+pinesdale,410,12
+tolstoy,433,8
+lakeville,879,3
+lindenwood,2593,1
+shelbyville,1765,3
+hiteman,383,2
+coffeen,1402,2
+hiteman,1527,4
+tolstoy,1195,12
+coffeen,952,1
+lakeville,2,7
+wainscott,1304,6
+klickitat,1112,1
+newfields,1129,4
+mifflinburg,761,1
+mifflinburg,847,1
+marstons,2131,2
+marstons,2227,3
+shelbyville,646,3
+pomaria,936,2
+ranchester,1110,10
+hanson,919,4
+woodbine,438,3
+hanson,598,4
+shelbyville,1064,6
+shelbyville,2011,0
+beechwood,1105,3
+beechwood,643,1
+woodbine,66,0
+forkland,879,3
+wainscott,1059,3
+pinesdale,985,19
+klickitat,1648,8
+lindenwood,1059,6
+lindenwood,487,6
+stockman,567,4
+hanson,1025,8
+lakeville,636,1
+shelbyville,1550,8
+ranchester,872,7
+lindenwood,1176,2
+forkland,377,2
+lindenwood,2556,8
+wainscott,1645,1
+stockman,136,1
+pinesdale,752,3
+tolstoy,296,5
+lindenwood,2371,1
+woodbine,1553,6
+hanson,277,1
+klickitat,1848,0
+lindenwood,438,7
+woodbine,1073,1
+marstons,2190,15
+hiteman,327,2
+lindenwood,77,0
+hiteman,1388,6
+ranchester,83,10
+tolstoy,81,2
+woodbine,833,0
+shelbyville,119,2
+pomaria,671,1
+lindenwood,434,7
+lakeville,641,5
+mifflinburg,62,9
+ranchester,916,9
+tolstoy,911,2
+newfields,893,0
+pinesdale,1059,0
+klickitat,217,1
+ranchester,1154,6
+ranchester,1628,6
+coffeen,581,3
+hanson,1095,1
+tolstoy,375,16
+woodbine,188,2
+pinesdale,32,2
+tolstoy,1488,6
+lakeville,16,3
+ranchester,281,9
+tolstoy,519,0
+hiteman,14,2
+shelbyville,257,1
+shelbyville,2451,2
+hiteman,1821,0
+wainscott,1106,8
+lindenwood,1404,7
+wainscott,182,5
+woodbine,1777,2
+hanson,1453,5
+stockman,1575,9
+pomaria,1612,5
+woodbine,1591,7
+allensville,103,4
+tolstoy,643,0
+wainscott,1127,1
+lakeville,610,2
+cosmos,966,0
+pomaria,305,8
+leonardo,1760,1
+marstons,771,9
+coffeen,305,10
+stockman,240,1
+ranchester,625,2
+merom,226,3
+marstons,1012,13
+wainscott,1652,13
+pinesdale,333,7
+stockman,655,3
+ranchester,1205,7
+wainscott,436,5
+shelbyville,1534,0
+ranchester,1511,9
+leonardo,302,3
+shelbyville,972,6
+lakeville,713,0
+marstons,1416,4
+woodbine,1975,14
+ranchester,65,4
+cosmos,668,0
+ranchester,1116,0
+coffeen,65,4
+pomaria,460,0
+marstons,1237,3
+marstons,333,3
+klickitat,1509,1
+wainscott,586,13
+wainscott,704,3
+woodbine,198,2
+klickitat,1519,3
+ranchester,766,0
+wainscott,1391,4
+benevolence,674,7
+beechwood,619,6
+tolstoy,400,0
+klickitat,140,8
+leonardo,2036,13
+leonardo,98,2
+lindenwood,2032,2
+woodbine,2040,11
+klickitat,458,11
+forkland,1163,8
+leonardo,356,3
+woodbine,1479,0
+hiteman,1522,13
+forkland,1141,9
+tolstoy,204,1
+lindenwood,2306,5
+forkland,31,0
+klickitat,851,7
+onaga,625,4
+pinesdale,585,5
+lindenwood,1610,0
+wainscott,682,4
+hiteman,1604,4
+lindenwood,186,3
+hiteman,1737,10
+ranchester,836,5
+lakeville,1856,1
+lindenwood,109,1
+hanson,1426,11
+pomaria,1073,2
+shelbyville,1720,4
+shelbyville,712,3
+newfields,779,0
+beechwood,14,2
+woodbine,1864,12
+stockman,100,3
+marstons,821,4
+klickitat,2248,7
+klickitat,1816,10
+coffeen,632,0
+stockman,519,4
+tolstoy,1551,2
+shelbyville,2355,9
+leonardo,640,1
+stockman,307,4
+shelbyville,725,1
+lakeville,1752,0
+pinesdale,1356,0
+hanson,1175,11
+coffeen,449,3
+klickitat,1060,7
+wainscott,1061,3
+beechwood,455,1
+forkland,530,1
+mifflinburg,38,5
+leonardo,558,5
+tolstoy,467,5
+marstons,1492,9
+newfields,582,1
+coffeen,600,3
+klickitat,1909,5
+forkland,889,1
+pomaria,722,0
+onaga,349,8
+hanson,1042,14
+woodbine,1069,2
+hanson,976,2
+leonardo,926,1
+tolstoy,1706,6
+hanson,1404,6
+leonardo,925,1
+pinesdale,692,1
+cosmos,1061,0
+benevolence,22,1
+newfields,404,10
+hiteman,1104,11
+pomaria,187,0
+tolstoy,1823,4
+leonardo,1234,1
+marstons,1542,4
+ranchester,1570,0
+shelbyville,1742,1
+lakeville,486,0
+lindenwood,1786,5
+hanson,1241,1
+leonardo,1505,4
+lindenwood,2313,9
+tolstoy,509,5
+lindenwood,366,0
+hiteman,269,7
+leonardo,2046,1
+lindenwood,442,7
+wainscott,664,2
+coffeen,354,4
+marstons,1208,10
+newfields,656,8
+lindenwood,533,0
+lindenwood,717,1
+leonardo,967,2
+forkland,713,0
+ranchester,1444,1
+leonardo,1315,0
+cosmos,247,4
+hanson,1630,3
+marstons,571,2
+merom,868,0
+wainscott,612,6
+hiteman,1393,0
+lindenwood,1701,15
+forkland,930,3
+lindenwood,1117,0
+hiteman,556,2
+wainscott,13,5
+pomaria,1274,6
+newfields,1189,0
+lakeville,1100,6
+tolstoy,450,0
+lakeville,345,0
+shelbyville,1301,1
+klickitat,178,3
+hanson,1146,3
+newfields,1421,1
+pomaria,1508,1
+ranchester,1595,12
+lakeville,1765,2
+newfields,1302,8
+coffeen,422,6
+klickitat,1696,7
+newfields,1439,11
+leonardo,672,2
+stockman,1233,2
+tolstoy,433,10
+marstons,1603,0
+coffeen,609,9
+hiteman,1778,2
+lakeville,703,5
+hanson,1001,13
+tolstoy,1333,2
+ranchester,82,1
+shelbyville,895,3
+ranchester,705,1
+ranchester,21,4
+wainscott,1306,4
+pomaria,965,2
+stockman,1246,9
+tolstoy,1809,7
+merom,916,3
+woodbine,423,0
+stockman,1464,3
+marstons,1596,8
+woodbine,1733,3
+tolstoy,465,11
+klickitat,2007,3
+beechwood,630,0
+pomaria,924,0
+stockman,182,1
+woodbine,209,6
+newfields,1390,2
+coffeen,714,4
+hiteman,1317,1
+stockman,1366,0
+hanson,1273,11
+shelbyville,2592,8
+klickitat,250,6
+onaga,248,0
+tolstoy,887,17
+lindenwood,987,1
+leonardo,1203,6
+coffeen,840,4
+stockman,144,2
+hiteman,1823,7
+hanson,1604,8
+woodbine,1959,4
+wainscott,1111,3
+pinesdale,1175,1
+stockman,315,0
+newfields,637,15
+pomaria,1320,7
+newfields,564,0
+ranchester,10,8
+marstons,1106,0
+onaga,124,1
+hiteman,1519,4
+wainscott,684,1
+stockman,464,3
+wainscott,913,9
+newfields,801,3
+mifflinburg,213,1
+pomaria,657,0
+cosmos,116,7
+hiteman,1575,2
+pinesdale,554,11
+pomaria,414,10
+newfields,884,2
+cosmos,232,12
+wainscott,882,14
+shelbyville,1048,3
+woodbine,364,8
+hanson,1363,2
+pinesdale,513,0
+lindenwood,117,6
+coffeen,1043,5
+pinesdale,688,7
+newfields,600,2
+stockman,1314,3
+wainscott,1742,3
+tolstoy,535,12
+coffeen,1173,7
+marstons,1228,3
+ranchester,1566,4
+leonardo,396,4
+marstons,934,2
+cosmos,502,1
+hanson,1639,0
+stockman,1342,0
+newfields,221,6
+stockman,259,1
+marstons,2388,4
+pomaria,498,11
+newfields,1594,0
+lakeville,728,1
+hanson,439,0
+ranchester,27,2
+pinesdale,410,2
+marstons,2150,0
+coffeen,1442,1
+klickitat,2407,0
+woodbine,962,5
+woodbine,737,0
+marstons,230,1
+leonardo,448,2
+lindenwood,1068,3
+lakeville,171,4
+hiteman,1370,4
+shelbyville,2554,1
+lindenwood,2163,11
+tolstoy,202,2
+shelbyville,815,11
+pinesdale,866,6
+marstons,624,4
+wainscott,695,0
+stockman,1173,2
+hiteman,564,9
+woodbine,773,0
+hiteman,1577,0
+woodbine,351,2
+leonardo,1004,4
+coffeen,486,1
+leonardo,2034,3
+shelbyville,2780,5
+leonardo,1482,12
+newfields,477,1
+pinesdale,993,3
+wainscott,1492,4
+hanson,1156,6
+leonardo,1343,2
+woodbine,1560,3
+mifflinburg,116,0
+shelbyville,2135,1
+tolstoy,674,5
+marstons,1749,20
+mifflinburg,900,4
+pomaria,1003,1
+wainscott,490,2
+klickitat,184,2
+wainscott,265,3
+tolstoy,1801,11
+wainscott,658,5
+lakeville,756,3
+lakeville,1477,5
+shelbyville,1303,6
+klickitat,1689,11
+hiteman,583,2
+lindenwood,1550,1
+merom,310,4
+woodbine,315,2
+beechwood,270,7
+klickitat,718,6
+pinesdale,246,5
+shelbyville,1229,4
+pinesdale,895,10
+leonardo,2020,1
+coffeen,8,1
+mifflinburg,774,13
+newfields,152,0
+marstons,368,5
+pomaria,351,0
+coffeen,1318,6
+leonardo,337,9
+stockman,100,1
+hiteman,1276,2
+shelbyville,2537,8
+leonardo,1657,0
+newfields,520,1
+hanson,466,14
+leonardo,245,0
+leonardo,3,2
+lakeville,1837,11
+lakeville,891,3
+lakeville,16,0
+lakeville,171,0
+pomaria,1044,7
+stockman,1380,4
+cosmos,682,9
+shelbyville,335,1
+shelbyville,1978,2
+hiteman,1301,3
+lakeville,998,1
+ranchester,310,3
+klickitat,1831,3
+leonardo,706,0
+beechwood,363,5
+beechwood,878,5
+lindenwood,179,1
+shelbyville,2576,3
+klickitat,1628,0
+stockman,223,0
+pomaria,1167,1
+wainscott,372,1
+marstons,1253,4
+hiteman,1270,1
+pomaria,1138,8
+wainscott,467,13
+shelbyville,2162,5
+leonardo,1314,2
+hanson,429,4
+hanson,1196,6
+hanson,1595,2
+tolstoy,1642,5
+lakeville,111,10
+hiteman,1364,1
+merom,376,7
+woodbine,1506,1
+lindenwood,1195,2
+lakeville,1007,2
+lindenwood,2566,8
+stockman,481,2
+klickitat,1553,4
+cosmos,419,10
+leonardo,1120,0
+woodbine,1573,1
+beechwood,971,0
+woodbine,436,6
+stockman,520,2
+tolstoy,886,4
+hanson,304,1
+klickitat,1366,7
+woodbine,906,2
+hanson,659,12
+lindenwood,2371,5
+ranchester,407,7
+marstons,799,1
+lakeville,1614,1
+hiteman,667,5
+shelbyville,2447,1
+lindenwood,1586,8
+beechwood,897,6
+marstons,1181,5
+leonardo,1352,0
+leonardo,1272,1
+klickitat,858,1
+stockman,1105,3
+merom,754,10
+cosmos,165,8
+coffeen,326,1
+stockman,254,2
+tolstoy,741,4
+lindenwood,542,2
+beechwood,511,0
+forkland,586,2
+hanson,519,1
+stockman,122,4
+lindenwood,617,1
+marstons,762,5
+lindenwood,1999,0
+marstons,2493,5
+marstons,1245,6
+leonardo,648,6
+tolstoy,101,1
+shelbyville,320,1
+forkland,1025,0
+lindenwood,2188,1
+hanson,1345,3
+marstons,875,3
+shelbyville,2385,1
+wainscott,247,1
+forkland,869,1
+woodbine,369,5
+beechwood,336,4
+stockman,276,5
+cosmos,1016,1
+marstons,2196,2
+lindenwood,1059,0
+leonardo,885,7
+onaga,452,3
+hanson,896,6
+pomaria,1632,0
+marstons,1337,8
+shelbyville,816,4
+newfields,932,1
+marstons,1913,0
+hiteman,444,11
+mifflinburg,431,5
+lindenwood,734,0
+benevolence,437,0
+lindenwood,66,9
+ranchester,1161,0
+wainscott,1324,3
+shelbyville,457,0
+tolstoy,1239,2
+newfields,473,2
+lakeville,119,8
+hanson,1515,3
+shelbyville,2761,3
+hiteman,744,2
+benevolence,850,2
+tolstoy,184,12
+marstons,2152,2
+hiteman,391,0
+lindenwood,2555,0
+klickitat,1712,2
+beechwood,792,3
+newfields,200,4
+woodbine,672,4
+klickitat,2283,8
+mifflinburg,423,0
+ranchester,744,4
+leonardo,595,6
+beechwood,140,3
+tolstoy,1794,1
+hanson,1570,0
+hanson,649,6
+lindenwood,963,7
+pomaria,250,2
+lindenwood,454,5
+shelbyville,1468,6
+lakeville,1207,3
+woodbine,731,5
+stockman,640,1
+woodbine,1309,2
+coffeen,796,4
+pinesdale,197,0
+mifflinburg,252,3
+mifflinburg,531,5
+ranchester,1268,2
+hiteman,1259,0
+woodbine,1737,6
+mifflinburg,593,0
+shelbyville,744,0
+cosmos,1061,2
+cosmos,4,1
+hanson,7,8
+hiteman,132,6
+pomaria,1494,10
+wainscott,888,8
+ranchester,922,4
+shelbyville,1705,0
+shelbyville,860,3
+cosmos,334,11
+leonardo,1142,0
+newfields,1027,15
+lindenwood,915,2
+woodbine,408,0
+hiteman,681,1
+ranchester,837,6
+mifflinburg,402,1
+mifflinburg,210,0
+pomaria,606,1
+stockman,1000,3
+hanson,506,9
+merom,400,8
+woodbine,746,7
+klickitat,56,1
+klickitat,782,13
+pinesdale,1269,9
+pomaria,627,17
+leonardo,2048,1
+lindenwood,2199,5
+onaga,12,0
+tolstoy,1758,11
+pomaria,868,0
+tolstoy,1434,1
+ranchester,682,1
+cosmos,929,5
+merom,1006,5
+lindenwood,1413,2
+woodbine,1817,0
+ranchester,1406,0
+klickitat,1454,1
+beechwood,1070,4
+wainscott,1648,0
+cosmos,891,5
+lindenwood,655,4
+wainscott,741,0
+lindenwood,436,1
+shelbyville,758,10
+marstons,33,14
+hanson,859,1
+lindenwood,1410,2
+pomaria,1087,5
+shelbyville,1550,2
+ranchester,536,6
+marstons,2008,0
+wainscott,348,8
+shelbyville,1707,2
+lindenwood,1941,4
+hanson,1442,0
+wainscott,1118,11
+klickitat,1125,1
+shelbyville,1820,3
+leonardo,468,6
+leonardo,726,3
+woodbine,199,15
+klickitat,2010,11
+newfields,1182,7
+hanson,612,0
+shelbyville,1204,2
+coffeen,1311,2
+lindenwood,145,7
+leonardo,456,1
+klickitat,1070,11
+merom,915,2
+lakeville,1792,3
+coffeen,1355,1
+pinesdale,925,12
+merom,824,3
+newfields,1553,2
+stockman,340,1
+beechwood,489,3
+wainscott,26,0
+klickitat,2062,3
+wainscott,1225,4
+shelbyville,654,1
+tolstoy,457,4
+leonardo,2001,0
+newfields,290,0
+klickitat,506,6
+beechwood,465,1
+hanson,1085,4
+beechwood,660,4
+leonardo,530,21
+cosmos,991,4
+leonardo,653,2
+lindenwood,1825,8
+pomaria,1554,6
+marstons,1675,5
+hanson,775,0
+stockman,699,5
+shelbyville,2749,2
+lindenwood,1874,3
+benevolence,647,2
+cosmos,531,1
+lindenwood,2637,4
+lindenwood,1111,6
+marstons,2101,10
+merom,784,5
+klickitat,1079,5
+shelbyville,2018,2
+shelbyville,393,7
+marstons,2275,6
+marstons,2363,1
+lakeville,1015,10
+woodbine,666,1
+lakeville,1031,1
+pinesdale,906,4
+ranchester,966,7
+lindenwood,801,6
+forkland,1044,1
+tolstoy,736,10
+forkland,449,8
+tolstoy,1195,2
+hanson,1631,1
+woodbine,1102,5
+lakeville,608,8
+shelbyville,1882,2
+hiteman,52,2
+klickitat,1324,1
+coffeen,980,1
+stockman,1326,1
+lindenwood,2571,2
+woodbine,324,3
+shelbyville,1901,1
+hanson,1255,0
+shelbyville,378,9
+hiteman,438,2
+pomaria,1594,2
+wainscott,1060,2
+leonardo,1805,8
+benevolence,846,10
+marstons,1293,10
+shelbyville,854,3
+shelbyville,2288,8
+tolstoy,1772,4
+mifflinburg,795,0
+cosmos,633,2
+klickitat,2056,3
+newfields,1003,10
+wainscott,32,0
+hanson,1077,5
+lindenwood,1970,0
+ranchester,1152,4
+shelbyville,1305,0
+klickitat,1449,5
+mifflinburg,697,1
+klickitat,1163,10
+tolstoy,985,0
+ranchester,86,7
+klickitat,280,4
+pinesdale,854,6
+lindenwood,2179,0
+wainscott,1153,9
+marstons,1964,3
+lakeville,428,6
+klickitat,182,0
+wainscott,158,2
+marstons,1062,15
+woodbine,892,15
+shelbyville,2212,0
+marstons,1194,0
+pomaria,667,2
+ranchester,915,0
+shelbyville,2332,0
+leonardo,129,5
+klickitat,2318,6
+leonardo,489,11
+lindenwood,155,0
+pomaria,1448,2
+allensville,106,1
+wainscott,77,2
+woodbine,566,8
+shelbyville,2030,1
+ranchester,525,3
+pomaria,1647,2
+cosmos,567,3
+newfields,484,2
+hanson,1111,12
+hiteman,1069,3
+shelbyville,1868,5
+klickitat,381,3
+woodbine,610,8
+cosmos,891,9
+lindenwood,1385,7
+leonardo,1131,2
+woodbine,478,0
+hiteman,244,0
+forkland,68,8
+benevolence,391,0
+beechwood,434,1
+hiteman,1858,14
+marstons,121,2
+coffeen,1040,3
+ranchester,1466,9
+shelbyville,383,0
+allensville,315,2
+hanson,852,15
+forkland,399,3
+lindenwood,453,10
+shelbyville,1351,4
+stockman,830,5
+ranchester,715,3
+lindenwood,925,12
+klickitat,2206,7
+forkland,87,0
+coffeen,538,6
+tolstoy,867,4
+shelbyville,1097,0
+pomaria,1015,1
+stockman,796,2
+beechwood,1076,2
+lakeville,831,0
+shelbyville,270,12
+pinesdale,543,10
+tolstoy,709,11
+leonardo,521,9
+hanson,639,5
+lindenwood,1642,9
+lakeville,1562,9
+hiteman,421,0
+stockman,44,6
+leonardo,1788,6
+lindenwood,507,2
+hanson,1138,6
+newfields,1187,3
+shelbyville,414,1
+tolstoy,93,4
+forkland,405,1
+lakeville,1763,7
+lindenwood,154,1
+tolstoy,1130,0
+klickitat,822,1
+wainscott,810,2
+woodbine,1454,0
+lakeville,863,0
+lindenwood,652,2
+leonardo,537,3
+marstons,1684,2
+pomaria,1565,4
+marstons,806,0
+tolstoy,911,3
+hanson,1201,12
+woodbine,1654,5
+klickitat,518,1
+hiteman,1760,1
+shelbyville,1944,0
+shelbyville,802,2
+onaga,158,1
+newfields,697,5
+pinesdale,1508,2
+leonardo,2055,8
+lindenwood,1910,4
+pinesdale,458,2
+hanson,1433,11
+cosmos,1063,0
+hanson,992,1
+hanson,1560,0
+ranchester,904,0
+beechwood,1053,3
+wainscott,569,14
+shelbyville,2207,2
+tolstoy,1576,2
+lindenwood,1227,2
+beechwood,965,9
+wainscott,1500,2
+ranchester,159,7
+klickitat,98,3
+lindenwood,1474,4
+shelbyville,2376,0
+shelbyville,1442,0
+coffeen,1479,3
+stockman,607,0
+marstons,2331,11
+pomaria,811,5
+marstons,1109,2
+marstons,40,3
+wainscott,324,2
+tolstoy,1292,4
+mifflinburg,232,6
+merom,885,1
+leonardo,447,9
+wainscott,517,5
+coffeen,95,5
+pomaria,1625,3
+ranchester,1617,10
+lakeville,1023,0
+hanson,309,4
+lindenwood,1687,0
+mifflinburg,32,2
+klickitat,38,1
+hanson,60,2
+pinesdale,1302,1
+forkland,919,6
+pinesdale,719,1
+tolstoy,763,3
+shelbyville,449,1
+coffeen,1392,2
+lindenwood,1844,3
+klickitat,704,7
+lakeville,326,2
+wainscott,1671,0
+shelbyville,1364,8
+newfields,1280,5
+pinesdale,1368,2
+hanson,1468,2
+lindenwood,2513,8
+pinesdale,1126,3
+hanson,712,4
+wainscott,1609,6
+allensville,61,3
+allensville,290,11
+shelbyville,2476,0
+lindenwood,130,6
+marstons,1005,3
+mifflinburg,269,0
+cosmos,803,5
+klickitat,218,0
+pinesdale,1081,9
+pomaria,1012,6
+hanson,951,5
+pinesdale,1397,1
+klickitat,404,1
+woodbine,23,2
+wainscott,1287,1
+wainscott,127,11
+tolstoy,1592,4
+klickitat,539,5
+hanson,835,0
+klickitat,1678,9
+hiteman,242,12
+onaga,638,6
+lindenwood,503,2
+lakeville,571,8
+lakeville,172,11
+coffeen,456,2
+onaga,23,4
+leonardo,880,0
+marstons,528,4
+woodbine,1900,0
+tolstoy,1565,5
+coffeen,638,0
+shelbyville,1643,7
+wainscott,62,0
+wainscott,225,1
+klickitat,1646,9
+wainscott,335,2
+ranchester,1171,2
+woodbine,2015,6
+marstons,2091,18
+newfields,1166,4
+shelbyville,1258,6
+marstons,2479,2
+forkland,1041,0
+hiteman,1302,5
+woodbine,1555,1
+shelbyville,882,1
+woodbine,1871,6
+onaga,240,2
+lakeville,682,6
+klickitat,123,1
+pinesdale,457,8
+lindenwood,1542,7
+newfields,1332,1
+forkland,502,1
+stockman,122,7
+woodbine,43,4
+marstons,84,14
+shelbyville,2713,4
+hiteman,1404,0
+beechwood,1113,2
+pomaria,1258,9
+pomaria,344,3
+shelbyville,1118,3
+pinesdale,725,1
+marstons,964,1
+tolstoy,1174,4
+klickitat,404,4
+ranchester,470,3
+lindenwood,1914,0
+tolstoy,736,1
+hiteman,1131,1
+stockman,634,3
+woodbine,2028,9
+pinesdale,986,4
+tolstoy,68,15
+wainscott,1449,5
+lindenwood,1366,1
+klickitat,1699,3
+coffeen,795,0
+lakeville,274,2
+marstons,2576,7
+lindenwood,633,4
+stockman,520,3
+beechwood,737,5
+forkland,349,2
+marstons,1600,1
+lindenwood,2499,3
+leonardo,1635,7
+pomaria,1674,2
+forkland,821,1
+hanson,305,0
+hanson,353,2
+lakeville,116,8
+ranchester,226,4
+shelbyville,1004,2
+pomaria,1646,10
+onaga,249,7
+leonardo,210,1
+shelbyville,1249,4
+lakeville,1142,1
+lindenwood,1771,4
+lakeville,1287,4
+tolstoy,980,2
+lindenwood,196,6
+lakeville,513,1
+stockman,1536,3
+woodbine,1872,5
+pinesdale,1388,0
+cosmos,912,1
+merom,130,0
+klickitat,2241,1
+hanson,570,2
+onaga,6,10
+newfields,1275,3
+newfields,1458,5
+shelbyville,1038,5
+beechwood,772,0
+beechwood,780,1
+klickitat,1768,0
+forkland,326,0
+cosmos,241,2
+shelbyville,1699,1
+wainscott,1187,2
+marstons,2050,2
+cosmos,470,4
+lindenwood,794,4
+cosmos,374,6
+benevolence,922,1
+ranchester,1049,1
+newfields,892,3
+stockman,1421,1
+leonardo,1130,3
+newfields,581,11
+klickitat,710,0
+pinesdale,263,1
+lakeville,322,3
+lakeville,1284,12
+leonardo,1184,5
+tolstoy,1549,10
+coffeen,733,0
+beechwood,652,0
+ranchester,971,2
+hanson,822,2
+klickitat,594,6
+onaga,607,4
+ranchester,1382,2
+hanson,942,2
+ranchester,124,4
+pinesdale,52,4
+lindenwood,2555,1
+hiteman,1152,0
+pomaria,1458,3
+newfields,1280,3
+klickitat,2049,10
+marstons,2173,2
+merom,33,2
+marstons,412,4
+lindenwood,1442,6
+hanson,672,2
+pomaria,963,16
+hiteman,973,6
+wainscott,1039,5
+newfields,1175,6
+marstons,1886,1
+pinesdale,799,2
+marstons,1302,12
+newfields,1424,1
+marstons,1245,12
+lindenwood,1171,3
+hanson,1313,3
+tolstoy,793,2
+hiteman,439,11
+pinesdale,785,5
+coffeen,644,2
+lindenwood,1725,0
+mifflinburg,86,3
+woodbine,1213,4
+leonardo,1388,4
+stockman,193,4
+hanson,1284,1
+newfields,1086,2
+tolstoy,1598,2
+klickitat,2257,6
+wainscott,1788,5
+hanson,1656,0
+hiteman,1014,2
+ranchester,1203,4
+mifflinburg,80,1
+lakeville,908,3
+klickitat,354,2
+lakeville,294,1
+lindenwood,1051,1
+pomaria,312,2
+lindenwood,1094,2
+tolstoy,1327,2
+lakeville,33,0
+klickitat,1527,10
+mifflinburg,792,4
+lindenwood,1811,8
+newfields,1529,4
+lakeville,51,4
+hiteman,1188,3
+newfields,1384,1
+klickitat,1989,1
+klickitat,411,4
+hiteman,338,5
+klickitat,1198,2
+pomaria,636,11
+shelbyville,2227,7
+lakeville,808,2
+beechwood,854,2
+marstons,1049,2
+hiteman,1762,1
+leonardo,522,2
+stockman,621,2
+lakeville,1467,7
+pomaria,467,0
+stockman,1142,5
+woodbine,2030,2
+shelbyville,1816,1
+woodbine,1800,4
+shelbyville,1844,3
+newfields,812,4
+tolstoy,6,6
+allensville,160,1
+newfields,763,1
+leonardo,152,0
+marstons,2177,7
+onaga,465,1
+cosmos,949,0
+tolstoy,715,4
+newfields,1040,16
+stockman,859,1
+lakeville,157,0
+klickitat,1868,2
+mifflinburg,355,4
+leonardo,1000,3
+tolstoy,1588,2
+wainscott,454,1
+hanson,1264,5
+wainscott,686,7
+beechwood,612,7
+marstons,792,11
+mifflinburg,953,3
+hiteman,1537,7
+marstons,1463,3
+pomaria,84,2
+pomaria,1438,8
+ranchester,915,10
+tolstoy,1645,2
+ranchester,798,1
+lakeville,1597,1
+marstons,702,0
+hiteman,757,1
+tolstoy,818,5
+tolstoy,234,1
+shelbyville,1977,2
+klickitat,1283,9
+klickitat,2254,6
+cosmos,42,10
+benevolence,331,1
+lakeville,749,0
+woodbine,1467,0
+beechwood,516,0
+ranchester,1105,0
+pomaria,917,9
+forkland,463,0
+tolstoy,1665,0
+lakeville,1681,8
+mifflinburg,104,0
+pomaria,719,0
+klickitat,1265,0
+shelbyville,1751,11
+wainscott,1745,12
+marstons,2132,5
+shelbyville,1573,1
+woodbine,691,4
+lindenwood,29,11
+klickitat,472,4
+shelbyville,994,3
+beechwood,814,7
+woodbine,1063,5
+klickitat,14,17
+pinesdale,897,11
+pomaria,1159,6
+pomaria,221,4
+lindenwood,1489,10
+klickitat,944,1
+stockman,1140,0
+shelbyville,2037,2
+shelbyville,240,10
+shelbyville,2097,2
+lakeville,1401,4
+mifflinburg,901,2
+klickitat,47,5
+pomaria,1642,0
+klickitat,205,0
+shelbyville,899,4
+hiteman,223,8
+shelbyville,1280,6
+wainscott,291,2
+stockman,1031,0
+shelbyville,438,15
+lakeville,1213,8
+klickitat,21,2
+beechwood,285,0
+wainscott,28,0
+pinesdale,244,1
+marstons,1383,1
+hiteman,973,7
+shelbyville,922,8
+pomaria,1138,9
+marstons,2486,2
+onaga,379,3
+newfields,1534,2
+klickitat,2392,0
+pomaria,1273,13
+newfields,121,6
+wainscott,665,2
+beechwood,180,4
+lakeville,1520,8
+shelbyville,1780,0
+coffeen,1151,2
+tolstoy,1437,0
+leonardo,1678,4
+hanson,826,0
+coffeen,477,4
+beechwood,458,3
+tolstoy,566,7
+pomaria,764,2
+beechwood,130,0
+woodbine,1582,2
+stockman,760,0
+shelbyville,2222,2
+marstons,1430,10
+forkland,181,7
+newfields,1264,1
+allensville,117,2
+marstons,1966,4
+woodbine,1523,2
+lakeville,750,5
+shelbyville,1300,2
+klickitat,311,1
+wainscott,1178,6
+lakeville,1860,2
+klickitat,1937,7
+mifflinburg,905,5
+lakeville,113,6
+pomaria,1079,1
+pinesdale,452,6
+tolstoy,1388,5
+marstons,1694,1
+wainscott,1233,7
+marstons,235,2
+stockman,1452,2
+forkland,308,1
+klickitat,2097,4
+hiteman,414,3
+beechwood,252,4
+wainscott,762,2
+shelbyville,1397,2
+cosmos,619,5
+leonardo,202,0
+beechwood,965,6
+ranchester,1417,1
+tolstoy,22,2
+lindenwood,2674,2
+shelbyville,435,4
+hanson,403,10
+leonardo,877,3
+leonardo,1447,2
+lakeville,285,1
+mifflinburg,71,2
+shelbyville,556,3
+klickitat,2082,1
+marstons,1759,0
+coffeen,266,2
+hiteman,286,3
+merom,894,3
+hanson,944,12
+lakeville,488,8
+pomaria,50,9
+ranchester,1171,1
+leonardo,681,2
+lindenwood,544,3
+stockman,1324,3
+stockman,1239,1
+hiteman,701,0
+lakeville,1430,3
+lindenwood,1112,1
+klickitat,2057,9
+shelbyville,2564,12
+marstons,122,4
+shelbyville,2188,6
+onaga,301,3
+shelbyville,1141,16
+pomaria,1601,7
+pomaria,446,3
+hanson,482,8
+lindenwood,1200,1
+onaga,169,1
+ranchester,113,3
+merom,69,2
+leonardo,4,0
+klickitat,60,0
+pomaria,1534,11
+leonardo,835,0
+hanson,1220,5
+lakeville,1830,6
+klickitat,577,0
+klickitat,272,0
+coffeen,295,5
+lindenwood,182,0
+wainscott,726,2
+shelbyville,1624,4
+marstons,187,3
+marstons,2015,2
+marstons,805,1
+wainscott,285,2
+coffeen,625,6
+klickitat,1302,14
+pomaria,759,8
+hiteman,1442,2
+allensville,8,0
+newfields,723,7
+cosmos,929,6
+marstons,298,0
+leonardo,1688,18
+stockman,1439,1
+klickitat,1909,13
+marstons,1618,2
+leonardo,1299,2
+shelbyville,2707,6
+wainscott,1180,6
+stockman,1512,1
+shelbyville,1744,4
+hiteman,1483,1
+shelbyville,220,3
+wainscott,1653,4
+stockman,1481,7
+marstons,2322,0
+leonardo,1358,25
+ranchester,264,4
+coffeen,209,1
+hanson,914,3
+marstons,2021,14
+hiteman,1813,5
+lakeville,1838,3
+wainscott,1725,3
+leonardo,362,4
+stockman,1054,0
+cosmos,205,2
+merom,1088,7
+pinesdale,680,0
+stockman,20,1
+pomaria,1461,3
+lakeville,584,2
+marstons,1476,2
+hiteman,1487,1
+tolstoy,52,7
+merom,221,1
+klickitat,1271,12
+marstons,2110,4
+merom,15,0
+marstons,882,7
+lindenwood,67,4
+lindenwood,854,2
+woodbine,430,4
+ranchester,1065,0
+shelbyville,2807,2
+hanson,1098,3
+marstons,801,1
+tolstoy,876,9
+shelbyville,586,10
+woodbine,1281,0
+leonardo,519,1
+cosmos,755,0
+stockman,355,5
+coffeen,1497,5
+hanson,1016,7
+shelbyville,1620,13
+klickitat,461,1
+wainscott,1574,2
+ranchester,1430,0
+woodbine,733,0
+leonardo,2035,13
+marstons,1030,1
+lakeville,136,5
+leonardo,2108,1
+tolstoy,1201,2
+klickitat,1103,2
+stockman,996,1
+woodbine,1753,5
+wainscott,1314,7
+shelbyville,1812,0
+woodbine,495,1
+beechwood,650,5
+marstons,1365,8
+tolstoy,751,5
+leonardo,1214,1
+woodbine,1505,0
+hiteman,1350,7
+hanson,1280,7
+cosmos,490,2
+merom,1084,2
+tolstoy,1503,3
+pomaria,457,0
+klickitat,2393,4
+stockman,720,8
+merom,195,0
+mifflinburg,25,3
+wainscott,1030,7
+wainscott,1314,5
+klickitat,1124,7
+merom,319,0
+hiteman,1479,1
+tolstoy,619,0
+woodbine,875,4
+wainscott,585,3
+hiteman,150,4
+pinesdale,1217,1
+ranchester,1492,9
+woodbine,1017,1
+tolstoy,1476,3
+pomaria,1448,0
+woodbine,1091,2
+tolstoy,1644,8
+klickitat,1482,2
+leonardo,261,19
+newfields,725,1
+lakeville,898,0
+newfields,415,11
+merom,730,3
+pomaria,389,5
+hiteman,1312,2
+merom,672,2
+lindenwood,2315,11
+tolstoy,1200,6
+pomaria,971,3
+wainscott,1360,2
+wainscott,349,3
+beechwood,875,0
+pomaria,190,3
+klickitat,1715,14
+hiteman,1541,2
+woodbine,1048,2
+shelbyville,1702,1
+marstons,543,4
+lakeville,251,8
+benevolence,236,7
+shelbyville,1200,4
+merom,1104,2
+onaga,663,8
+lindenwood,231,2
+ranchester,1599,4
+hiteman,742,0
+marstons,1172,0
+merom,554,5
+hiteman,1024,9
+leonardo,17,4
+pinesdale,1235,7
+lindenwood,276,4
+lindenwood,1809,3
+klickitat,1141,2
+leonardo,1848,3
+lindenwood,86,7
+pomaria,333,2
+woodbine,1596,1
+pinesdale,536,2
+hanson,492,2
+newfields,1184,2
+newfields,631,2
+pomaria,745,4
+klickitat,2127,12
+woodbine,234,4
+hanson,154,5
+woodbine,1823,7
+coffeen,8,3
+wainscott,522,0
+ranchester,703,8
+shelbyville,1887,5
+pomaria,1056,2
+shelbyville,1441,0
+shelbyville,1599,0
+benevolence,747,0
+klickitat,389,4
+beechwood,832,4
+lakeville,1004,1
+ranchester,236,1
+hanson,1307,6
+forkland,233,4
+shelbyville,159,1
+shelbyville,507,7
+hanson,226,14
+shelbyville,2212,5
+lakeville,1714,20
+pinesdale,1417,2
+merom,245,11
+tolstoy,133,8
+marstons,944,2
+klickitat,696,3
+newfields,1,5
+merom,245,14
+leonardo,721,2
+shelbyville,1181,2
+pinesdale,413,2
+newfields,767,0
+woodbine,1223,3
+beechwood,1015,2
+hanson,700,0
+stockman,1373,4
+woodbine,1394,2
+hanson,773,2
+klickitat,415,11
+pomaria,557,3
+merom,58,0
+pomaria,943,2
+newfields,1149,8
+leonardo,1307,6
+marstons,1929,2
+benevolence,480,0
+shelbyville,1861,0
+coffeen,810,5
+shelbyville,1628,4
+newfields,660,5
+klickitat,1921,2
+tolstoy,892,6
+hiteman,1466,0
+wainscott,398,9
+leonardo,211,0
+merom,456,9
+allensville,332,2
+newfields,1208,0
+tolstoy,489,5
+stockman,389,3
+klickitat,1780,5
+ranchester,1250,0
+lindenwood,1265,10
+hiteman,952,8
+shelbyville,575,1
+lindenwood,1306,4
+lindenwood,767,4
+lakeville,316,0
+forkland,1187,9
+klickitat,1413,0
+klickitat,2182,4
+hanson,403,12
+leonardo,230,1
+beechwood,60,4
+onaga,393,5
+cosmos,316,2
+lakeville,1053,0
+onaga,615,0
+pinesdale,1337,1
+ranchester,1095,5
+leonardo,1661,4
+woodbine,1543,2
+stockman,669,1
+coffeen,478,7
+ranchester,874,2
+lindenwood,1978,4
+leonardo,1847,3
+pomaria,94,6
+ranchester,729,1
+woodbine,978,2
+stockman,491,4
+klickitat,1375,0
+newfields,55,1
+leonardo,330,8
+onaga,223,1
+shelbyville,2133,16
+wainscott,264,2
+woodbine,53,0
+tolstoy,680,1
+klickitat,485,3
+beechwood,775,8
+stockman,1491,1
+ranchester,241,7
+pinesdale,780,3
+benevolence,477,5
+klickitat,1457,1
+shelbyville,2714,4
+hanson,503,3
+marstons,2401,9
+hanson,572,5
+lindenwood,2462,2
+pomaria,449,2
+newfields,1046,11
+leonardo,392,8
+pomaria,613,3
+merom,180,0
+woodbine,769,1
+wainscott,151,1
+tolstoy,1241,5
+lindenwood,1043,1
+leonardo,593,3
+wainscott,271,2
+pinesdale,1046,3
+wainscott,1718,13
+woodbine,826,1
+lakeville,384,1
+lindenwood,2443,3
+leonardo,236,1
+forkland,793,2
+hanson,1393,5
+wainscott,54,2
+forkland,728,0
+klickitat,830,2
+woodbine,1516,0
+merom,118,7
+tolstoy,1011,3
+shelbyville,2697,11
+ranchester,1330,5
+lindenwood,1863,0
+allensville,434,2
+shelbyville,867,1
+stockman,1493,4
+tolstoy,384,5
+newfields,30,6
+mifflinburg,874,1
+leonardo,1511,2
+forkland,68,4
+hiteman,125,3
+tolstoy,1157,7
+lindenwood,1367,2
+allensville,258,0
+hiteman,1158,1
+wainscott,1147,11
+pomaria,862,3
+merom,939,0
+leonardo,1677,6
+beechwood,812,5
+hanson,1432,7
+klickitat,751,9
+coffeen,1513,5
+shelbyville,860,9
+tolstoy,1557,6
+leonardo,1869,9
+lakeville,822,1
+onaga,492,3
+pomaria,1023,5
+lindenwood,1009,2
+woodbine,483,3
+beechwood,471,2
+hiteman,38,1
+leonardo,788,2
+leonardo,552,2
+tolstoy,1659,0
+klickitat,315,1
+klickitat,411,6
+pinesdale,33,4
+klickitat,2407,6
+shelbyville,2274,0
+pomaria,339,4
+woodbine,768,1
+beechwood,443,2
+newfields,179,6
+marstons,243,13
+marstons,1535,3
+hiteman,1161,0
+hiteman,580,0
+lindenwood,1474,2
+mifflinburg,905,2
+pomaria,582,11
+forkland,415,0
+pinesdale,69,7
+shelbyville,944,2
+merom,329,6
+woodbine,1597,0
+marstons,1919,1
+pomaria,1212,1
+benevolence,762,0
+marstons,1704,4
+lindenwood,1991,4
+woodbine,1913,0
+ranchester,85,3
+cosmos,229,2
+pomaria,979,3
+onaga,427,0
+klickitat,2376,1
+allensville,234,0
+hanson,1549,0
+lakeville,1478,7
+shelbyville,2097,0
+wainscott,1761,2
+shelbyville,2263,0
+shelbyville,779,3
+merom,960,2
+hanson,731,14
+ranchester,93,0
+lindenwood,2006,4
+hiteman,1206,11
+newfields,505,0
+leonardo,1713,0
+stockman,230,1
+newfields,672,4
+hiteman,1346,1
+onaga,445,1
+marstons,1269,1
+woodbine,612,3
+leonardo,887,0
+cosmos,532,3
+lindenwood,753,4
+tolstoy,1811,0
+leonardo,1965,6
+beechwood,840,13
+klickitat,1901,0
+woodbine,352,4
+lindenwood,63,0
+ranchester,1002,7
+marstons,2525,4
+newfields,844,4
+newfields,1463,5
+wainscott,1180,14
+tolstoy,310,7
+hanson,1218,1
+tolstoy,270,4
+lindenwood,2256,4
+marstons,1710,0
+lindenwood,2450,4
+pinesdale,518,9
+hanson,226,3
+newfields,941,2
+forkland,321,2
+marstons,1626,0
+hiteman,866,10
+klickitat,828,5
+marstons,46,2
+lindenwood,1702,0
+pinesdale,707,5
+klickitat,151,6
+hiteman,134,0
+hanson,506,8
+klickitat,45,0
+mifflinburg,621,3
+pomaria,259,16
+newfields,288,6
+hiteman,74,1
+shelbyville,237,4
+marstons,918,0
+shelbyville,711,12
+shelbyville,2600,5
+lakeville,1434,3
+leonardo,1804,5
+beechwood,353,0
+leonardo,110,6
+wainscott,1564,2
+forkland,1150,3
+beechwood,1030,1
+woodbine,1579,1
+newfields,1203,0
+marstons,1016,0
+coffeen,924,9
+newfields,1652,1
+cosmos,71,0
+hanson,60,12
+beechwood,875,2
+cosmos,532,2
+hiteman,847,0
+pomaria,1416,6
+wainscott,835,5
+lakeville,763,1
+cosmos,493,2
+hiteman,820,11
+shelbyville,1280,13
+shelbyville,2349,1
+marstons,20,8
+mifflinburg,343,2
+wainscott,691,7
+hiteman,801,0
+forkland,387,4
+woodbine,9,5
+klickitat,1940,10
+lindenwood,968,3
+hiteman,1661,1
+shelbyville,2487,3
+tolstoy,969,8
+hanson,1647,5
+newfields,736,2
+stockman,1184,6
+marstons,2486,0
+tolstoy,377,2
+ranchester,1607,2
+hiteman,920,2
+marstons,1730,8
+klickitat,864,1
+tolstoy,1748,0
+klickitat,1034,3
+lindenwood,167,2
+woodbine,645,0
+pomaria,550,2
+hanson,1497,1
+klickitat,566,2
+coffeen,472,0
+hiteman,555,6
+beechwood,1070,6
+coffeen,1032,8
+beechwood,360,5
+leonardo,1500,1
+klickitat,1061,2
+hanson,1411,6
+shelbyville,1039,1
+pomaria,381,3
+beechwood,791,5
+hanson,1201,2
+lindenwood,1678,8
+lakeville,649,14
+pinesdale,810,4
+merom,76,4
+klickitat,1220,1
+ranchester,528,3
+onaga,272,0
+pinesdale,1027,7
+shelbyville,2656,3
+ranchester,481,1
+marstons,500,9
+wainscott,632,7
+pinesdale,545,3
+beechwood,437,7
+marstons,1305,3
+pinesdale,26,1
+marstons,1850,6
+coffeen,1240,0
+forkland,1104,1
+newfields,1606,0
+leonardo,753,4
+lakeville,958,9
+tolstoy,58,3
+klickitat,717,1
+wainscott,1244,2
+wainscott,1259,6
+ranchester,267,2
+marstons,1817,0
+leonardo,2049,1
+hiteman,1230,0
+mifflinburg,432,7
+stockman,66,0
+pinesdale,1023,6
+wainscott,722,5
+shelbyville,1472,4
+marstons,1415,3
+klickitat,1258,3
+woodbine,418,0
+leonardo,2039,15
+woodbine,492,0
+hiteman,972,0
+pomaria,1185,5
+coffeen,183,0
+tolstoy,1286,1
+ranchester,8,6
+forkland,234,1
+ranchester,173,4
+hiteman,781,2
+hiteman,1623,1
+cosmos,334,7
+lakeville,1144,8
+forkland,713,2
+marstons,437,0
+marstons,372,7
+mifflinburg,729,7
+wainscott,1409,8
+newfields,270,1
+shelbyville,2195,5
+pomaria,599,6
+mifflinburg,375,3
+hanson,1518,13
+lindenwood,426,3
+hanson,568,10
+ranchester,842,1
+mifflinburg,49,5
+shelbyville,2544,12
+stockman,283,1
+lakeville,219,0
+pinesdale,791,3
+marstons,1400,4
+woodbine,1982,2
+lindenwood,2472,10
+hiteman,71,3
+pomaria,513,6
+shelbyville,1066,7
+lindenwood,596,0
+klickitat,523,0
+wainscott,740,0
+marstons,1604,6
+klickitat,2402,2
+ranchester,1276,1
+beechwood,177,0
+leonardo,284,4
+shelbyville,2496,6
+shelbyville,1661,2
+lakeville,277,2
+shelbyville,1927,0
+pinesdale,643,4
+hanson,1632,9
+stockman,430,5
+lindenwood,416,4
+forkland,756,2
+shelbyville,2548,3
+klickitat,986,8
+lakeville,666,0
+klickitat,435,1
+forkland,105,2
+tolstoy,361,5
+ranchester,1561,0
+lindenwood,2352,5
+shelbyville,2698,9
+tolstoy,435,6
+merom,436,1
+shelbyville,353,3
+lakeville,1654,3
+tolstoy,106,5
+klickitat,1770,2
+klickitat,135,6
+wainscott,540,9
+tolstoy,1715,4
+lakeville,1279,2
+stockman,258,1
+woodbine,1396,4
+marstons,142,11
+klickitat,728,10
+ranchester,399,5
+woodbine,2053,1
+shelbyville,310,6
+hiteman,419,5
+shelbyville,2494,2
+lakeville,97,2
+stockman,743,3
+hanson,254,10
+shelbyville,223,6
+pinesdale,1073,4
+klickitat,1150,0
+wainscott,1765,2
+marstons,986,1
+marstons,2176,7
+shelbyville,467,0
+shelbyville,1280,4
+hanson,1056,6
+pinesdale,857,3
+newfields,991,9
+tolstoy,1797,2
+cosmos,526,4
+forkland,145,6
+hiteman,1777,2
+leonardo,1680,5
+hiteman,57,1
+forkland,900,8
+lindenwood,978,4
+klickitat,39,9
+cosmos,386,2
+stockman,271,5
+newfields,13,2
+cosmos,422,1
+mifflinburg,81,0
+lindenwood,1435,0
+hanson,1122,2
+tolstoy,1439,11
+onaga,126,0
+lindenwood,2274,4
+hiteman,519,3
+klickitat,1303,1
+klickitat,1302,12
+woodbine,1590,4
+ranchester,696,2
+lakeville,153,8
+onaga,256,1
+hiteman,1354,5
+hanson,242,1
+shelbyville,1776,2
+wainscott,1395,3
+woodbine,1327,9
+newfields,679,9
+pinesdale,1139,2
+lakeville,1468,1
+newfields,1093,13
+wainscott,978,0
+klickitat,1763,6
+hiteman,33,5
+newfields,569,4
+klickitat,2407,7
+cosmos,36,2
+lindenwood,701,0
+shelbyville,1002,2
+lakeville,1128,6
+wainscott,283,2
+pinesdale,1232,2
+lakeville,1715,12
+leonardo,1980,4
+wainscott,272,4
+pomaria,85,2
+newfields,1378,0
+marstons,2247,6
+tolstoy,1130,8
+lindenwood,2368,10
+mifflinburg,328,4
+forkland,97,2
+forkland,1056,3
+cosmos,401,1
+hanson,623,12
+shelbyville,2204,3
+lindenwood,2620,2
+woodbine,1366,0
+cosmos,165,6
+stockman,729,1
+pomaria,676,7
+shelbyville,1806,1
+lindenwood,369,8
+leonardo,1062,3
+newfields,32,5
+pomaria,1092,5
+hanson,136,6
+beechwood,1113,3
+pinesdale,239,2
+newfields,983,0
+newfields,1419,5
+hiteman,1439,3
+pinesdale,529,1
+klickitat,370,0
+mifflinburg,950,1
+merom,882,6
+klickitat,2405,0
+klickitat,271,3
+tolstoy,1623,3
+woodbine,57,2
+coffeen,1355,3
+shelbyville,1657,4
+shelbyville,2565,0
+stockman,227,3
+tolstoy,969,4
+marstons,2346,3
+lakeville,57,1
+leonardo,556,1
+lindenwood,674,6
+newfields,1098,2
+allensville,37,2
+klickitat,621,7
+newfields,422,9
+newfields,1264,0
+wainscott,682,6
+cosmos,251,2
+hiteman,162,4
+woodbine,625,9
+pomaria,510,5
+marstons,1821,3
+hanson,374,6
+marstons,2313,8
+wainscott,1158,2
+cosmos,752,8
+leonardo,303,3
+shelbyville,1474,5
+lindenwood,1651,11
+beechwood,914,1
+lindenwood,1133,2
+pomaria,1375,2
+leonardo,642,5
+pinesdale,1248,1
+pomaria,743,3
+ranchester,1066,8
+klickitat,1080,4
+onaga,360,1
+wainscott,1668,1
+lakeville,937,2
+wainscott,1792,5
+tolstoy,820,5
+hiteman,477,2
+lindenwood,1496,4
+hanson,1443,1
+hanson,74,3
+marstons,1096,0
+shelbyville,531,17
+stockman,1603,6
+marstons,401,4
+leonardo,1688,11
+lindenwood,2445,7
+wainscott,1444,7
+ranchester,1289,4
+hiteman,1525,7
+coffeen,251,1
+hanson,4,1
+newfields,315,6
+wainscott,519,2
+shelbyville,960,9
+marstons,882,9
+hanson,1079,4
+wainscott,44,4
+tolstoy,1011,4
+coffeen,520,3
+coffeen,567,9
+newfields,658,3
+hiteman,1094,0
+woodbine,1210,6
+merom,209,1
+forkland,844,5
+marstons,753,10
+wainscott,1197,10
+woodbine,1887,1
+shelbyville,1201,0
+benevolence,957,0
+wainscott,934,12
+newfields,1314,1
+merom,19,7
+lakeville,703,7
+marstons,1142,4
+leonardo,1928,15
+lindenwood,1288,0
+pinesdale,364,8
+pomaria,913,1
+pomaria,204,5
+pinesdale,254,1
+allensville,5,0
+pomaria,426,7
+klickitat,1770,0
+shelbyville,2663,0
+klickitat,1529,4
+leonardo,1796,2
+lindenwood,2278,4
+leonardo,78,3
+shelbyville,171,3
+hanson,1510,4
+tolstoy,14,2
+hanson,741,7
+newfields,1273,0
+lakeville,251,0
+woodbine,1803,5
+shelbyville,1572,5
+wainscott,1031,0
+merom,409,2
+pinesdale,1505,2
+shelbyville,1570,4
+hanson,1419,8
+wainscott,891,9
+woodbine,708,15
+tolstoy,440,3
+lakeville,1419,8
+woodbine,1918,7
+shelbyville,392,0
+lindenwood,2518,1
+onaga,373,0
+klickitat,2045,2
+beechwood,811,0
+hiteman,667,9
+pomaria,14,2
+stockman,396,1
+shelbyville,2244,0
+pomaria,260,6
+lindenwood,1157,5
+wainscott,1428,6
+woodbine,336,1
+lindenwood,626,3
+lindenwood,2553,3
+forkland,172,1
+tolstoy,1443,3
+beechwood,59,9
+hiteman,387,3
+woodbine,1053,5
+pomaria,758,8
+hanson,1331,13
+allensville,406,5
+pomaria,680,7
+hanson,1419,10
+lindenwood,2673,4
+hiteman,988,6
+ranchester,1349,0
+klickitat,555,8
+klickitat,1340,1
+forkland,676,5
+pinesdale,98,10
+leonardo,1357,7
+lindenwood,1323,0
+klickitat,938,3
+stockman,675,2
+merom,141,0
+lindenwood,803,1
+marstons,1255,2
+pomaria,1186,6
+lindenwood,1490,7
+newfields,1519,3
+klickitat,1930,13
+lindenwood,2090,5
+stockman,752,1
+shelbyville,736,0
+benevolence,591,0
+ranchester,369,2
+hiteman,1092,0
+mifflinburg,719,0
+tolstoy,318,0
+wainscott,652,0
+pinesdale,1081,7
+wainscott,1084,3
+tolstoy,538,9
+marstons,2609,4
+woodbine,1196,5
+stockman,1448,3
+hanson,336,2
+newfields,1342,9
+marstons,2082,1
+tolstoy,1626,2
+newfields,174,2
+woodbine,1995,4
+newfields,129,1
+klickitat,1859,0
+coffeen,668,0
+woodbine,731,4
+lakeville,502,0
+lakeville,1798,1
+beechwood,312,0
+coffeen,1077,2
+newfields,1525,5
+beechwood,927,5
+coffeen,1178,1
+newfields,298,1
+pomaria,511,8
+shelbyville,2195,6
+shelbyville,2470,13
+shelbyville,1727,6
+hiteman,1526,2
+cosmos,134,0
+forkland,883,0
+stockman,337,5
+lakeville,1231,3
+hiteman,10,5
+lakeville,355,8
+lindenwood,1199,4
+coffeen,38,0
+marstons,1794,15
+klickitat,1294,0
+newfields,717,6
+woodbine,1588,4
+klickitat,1138,0
+shelbyville,837,3
+shelbyville,767,0
+shelbyville,573,3
+mifflinburg,132,5
+cosmos,1064,2
+allensville,103,6
+lakeville,1217,9
+ranchester,1392,10
+shelbyville,1236,5
+lindenwood,914,9
+leonardo,1161,5
+lindenwood,913,7
+klickitat,1936,7
+beechwood,813,2
+lindenwood,878,0
+leonardo,610,9
+onaga,98,2
+wainscott,397,0
+klickitat,2136,6
+shelbyville,185,4
+tolstoy,712,0
+pinesdale,454,10
+onaga,482,2
+forkland,852,1
+marstons,453,10
+pomaria,624,2
+lakeville,1308,5
+leonardo,1862,0
+leonardo,1404,4
+onaga,356,2
+pomaria,1216,0
+pomaria,129,12
+hiteman,1451,1
+woodbine,469,9
+shelbyville,1563,2
+klickitat,809,5
+shelbyville,2409,3
+tolstoy,1731,0
+tolstoy,155,13
+lakeville,280,3
+coffeen,503,1
+lindenwood,2482,1
+shelbyville,122,5
+hiteman,1817,3
+woodbine,1461,2
+tolstoy,106,11
+benevolence,525,12
+onaga,138,1
+leonardo,1012,6
+marstons,1751,2
+shelbyville,852,0
+hiteman,1526,3
+shelbyville,1,1
+cosmos,542,1
+klickitat,681,3
+shelbyville,2401,1
+leonardo,1772,5
+stockman,668,1
+shelbyville,1318,9
+hiteman,1756,13
+wainscott,836,3
+tolstoy,1109,0
+pinesdale,1191,4
+shelbyville,2207,3
+onaga,212,5
+stockman,1513,5
+tolstoy,864,8
+hanson,814,5
+woodbine,472,0
+marstons,1593,1
+shelbyville,491,6
+wainscott,1393,0
+shelbyville,1585,1
+stockman,765,6
+tolstoy,877,7
+tolstoy,1701,4
+benevolence,253,5
+shelbyville,1251,5
+newfields,576,1
+pinesdale,1036,5
+newfields,40,2
+pomaria,1292,0
+newfields,88,4
+stockman,1220,2
+shelbyville,773,2
+lindenwood,2452,5
+lindenwood,1968,3
+lindenwood,2221,7
+shelbyville,794,4
+coffeen,146,2
+merom,587,2
+shelbyville,1335,0
+wainscott,1145,8
+pinesdale,61,0
+shelbyville,22,6
+leonardo,1028,0
+lindenwood,2020,5
+pomaria,1098,8
+coffeen,672,2
+beechwood,925,2
+shelbyville,1308,11
+newfields,144,3
+hanson,1321,0
+marstons,105,0
+lindenwood,110,5
+wainscott,1790,13
+lindenwood,2644,0
+hanson,1131,15
+mifflinburg,539,1
+marstons,1766,4
+tolstoy,404,0
+leonardo,190,4
+hanson,304,10
+wainscott,233,5
+pinesdale,1054,1
+benevolence,729,8
+lindenwood,2159,1
+klickitat,2145,0
+shelbyville,1196,11
+lindenwood,1647,6
+klickitat,1007,4
+ranchester,756,5
+woodbine,1961,0
+pomaria,517,0
+newfields,222,4
+hanson,886,2
+wainscott,1474,1
+lindenwood,480,1
+lakeville,1451,4
+onaga,233,2
+hanson,457,5
+cosmos,505,3
+hanson,168,8
+shelbyville,2159,1
+mifflinburg,715,1
+onaga,473,0
+coffeen,7,2
+woodbine,829,3
+wainscott,432,1
+leonardo,1089,6
+lakeville,568,12
+tolstoy,1817,2
+leonardo,1241,3
+lindenwood,1626,2
+shelbyville,404,12
+woodbine,103,7
+forkland,861,4
+hiteman,1568,4
+stockman,1295,0
+hanson,1323,3
+lindenwood,2580,0
+lindenwood,191,3
+stockman,164,1
+cosmos,259,5
+wainscott,1708,6
+shelbyville,483,5
+lindenwood,2074,2
+tolstoy,1603,5
+wainscott,1200,2
+wainscott,396,6
+stockman,615,3
+pinesdale,1365,0
+woodbine,1425,1
+hanson,1414,2
+newfields,1637,3
+mifflinburg,26,2
+lindenwood,2577,1
+lakeville,16,8
+wainscott,584,6
+shelbyville,1633,8
+shelbyville,2061,7
+shelbyville,2074,4
+pinesdale,1449,3
+marstons,687,4
+newfields,420,6
+newfields,1589,1
+woodbine,1644,4
+hanson,1528,2
+newfields,1367,15
+lakeville,1562,10
+tolstoy,608,1
+allensville,342,2
+shelbyville,1646,6
+lindenwood,1503,4
+mifflinburg,234,4
+wainscott,563,0
+ranchester,839,2
+shelbyville,946,5
+lakeville,1241,2
+woodbine,93,3
+wainscott,1250,3
+wainscott,1751,4
+marstons,2507,1
+lindenwood,1124,5
+merom,585,0
+leonardo,1818,0
+wainscott,1054,3
+newfields,809,5
+stockman,537,1
+klickitat,1749,5
+pinesdale,750,1
+forkland,737,6
+forkland,501,0
+coffeen,616,0
+pomaria,753,7
+forkland,258,0
+newfields,1381,3
+hanson,1044,4
+lakeville,1742,8
+newfields,274,4
+klickitat,1463,3
+klickitat,1786,0
+ranchester,637,3
+pomaria,1456,1
+leonardo,1888,6
+shelbyville,1589,6
+lakeville,1193,0
+leonardo,493,2
+cosmos,714,6
+coffeen,454,1
+hiteman,1737,11
+shelbyville,993,0
+hiteman,258,5
+lindenwood,2091,5
+forkland,1074,2
+ranchester,1411,10
+ranchester,508,0
+pomaria,1299,11
+pinesdale,246,4
+mifflinburg,842,2
+hanson,137,5
+marstons,1761,7
+shelbyville,378,12
+benevolence,138,3
+pomaria,1432,5
+lindenwood,219,7
+ranchester,368,0
+pomaria,1262,6
+shelbyville,2539,0
+mifflinburg,453,7
+tolstoy,903,2
+pomaria,13,1
+marstons,2053,3
+lakeville,329,2
+hiteman,450,1
+wainscott,690,1
+beechwood,1121,8
+wainscott,1662,10
+hanson,1437,6
+lakeville,1459,8
+tolstoy,397,4
+benevolence,587,2
+lakeville,943,6
+klickitat,1401,5
+newfields,292,10
+tolstoy,535,1
+newfields,557,3
+pinesdale,1398,1
+lakeville,1265,14
+shelbyville,2816,2
+klickitat,1523,8
+stockman,675,0
+ranchester,303,3
+shelbyville,1671,5
+ranchester,579,4
+marstons,2553,8
+shelbyville,2815,1
+pomaria,821,4
+hiteman,1422,2
+newfields,35,3
+onaga,270,2
+newfields,909,5
+pinesdale,663,1
+shelbyville,2271,3
+marstons,1205,0
+lindenwood,580,3
+hiteman,874,11
+pomaria,984,5
+hanson,928,0
+lakeville,857,1
+coffeen,1139,0
+merom,384,7
+lakeville,1504,1
+woodbine,980,2
+marstons,753,1
+newfields,538,5
+lindenwood,1396,3
+leonardo,40,14
+pomaria,836,0
+lakeville,787,2
+benevolence,525,0
+leonardo,1829,4
+lakeville,350,3
+pinesdale,231,1
+newfields,232,3
+hanson,287,3
+tolstoy,322,1
+leonardo,1009,3
+shelbyville,2559,7
+mifflinburg,467,1
+stockman,391,2
+marstons,1215,2
+wainscott,1630,6
+beechwood,368,1
+klickitat,2204,2
+woodbine,1051,6
+lindenwood,905,3
+onaga,335,11
+hiteman,660,16
+lindenwood,249,0
+marstons,1137,2
+woodbine,544,3
+ranchester,1357,5
+marstons,2528,0
+marstons,563,6
+tolstoy,612,7
+beechwood,105,0
+hiteman,1755,16
+mifflinburg,708,1
+wainscott,485,3
+hiteman,374,3
+lakeville,242,0
+leonardo,1366,3
+hiteman,428,4
+woodbine,1755,1
+marstons,597,9
+wainscott,74,1
+pomaria,108,0
+woodbine,1149,1
+lindenwood,2392,1
+allensville,424,4
+hiteman,1221,4
+wainscott,1511,6
+klickitat,2246,0
+pinesdale,1254,3
+klickitat,2259,8
+marstons,513,15
+stockman,1504,0
+leonardo,1391,2
+wainscott,797,8
+marstons,1267,0
+marstons,728,2
+pomaria,1230,4
+stockman,1121,1
+shelbyville,1539,5
+hanson,1562,2
+newfields,1315,0
+pinesdale,1158,4
+hiteman,1485,2
+cosmos,617,8
+lakeville,1036,4
+lindenwood,752,2
+klickitat,2366,2
+lakeville,676,3
+lindenwood,879,1
+klickitat,1793,1
+marstons,796,0
+hiteman,437,0
+shelbyville,936,3
+hanson,1172,1
+hiteman,71,1
+wainscott,1375,2
+marstons,1020,3
+coffeen,205,3
+stockman,1072,4
+cosmos,812,3
+klickitat,1308,6
+shelbyville,122,3
+cosmos,194,2
+lakeville,408,4
+hanson,1434,9
+hiteman,304,3
+tolstoy,340,0
+wainscott,1607,13
+wainscott,599,3
+beechwood,862,3
+stockman,1208,2
+ranchester,39,0
+pinesdale,412,1
+newfields,1314,4
+mifflinburg,249,4
+beechwood,571,3
+woodbine,513,1
+marstons,2239,5
+coffeen,195,3
+beechwood,1104,2
+lakeville,533,4
+marstons,130,1
+klickitat,786,0
+lakeville,123,0
+leonardo,1666,2
+lakeville,1064,4
+pomaria,1215,2
+leonardo,943,4
+hiteman,966,4
+wainscott,987,1
+pomaria,135,0
+coffeen,789,3
+tolstoy,319,10
+lakeville,1753,2
+newfields,460,6
+wainscott,328,2
+leonardo,565,2
+shelbyville,1680,2
+shelbyville,1548,11
+forkland,945,1
+newfields,469,1
+marstons,2542,2
+lakeville,1571,4
+newfields,497,8
+marstons,1355,4
+woodbine,523,5
+shelbyville,1832,6
+pomaria,1594,8
+mifflinburg,768,0
+forkland,906,0
+wainscott,354,10
+lindenwood,1385,4
+klickitat,88,6
+pomaria,267,7
+hiteman,552,1
+lakeville,602,13
+tolstoy,528,7
+cosmos,876,1
+tolstoy,1332,2
+coffeen,1232,1
+wainscott,695,7
+pinesdale,901,5
+forkland,805,3
+hiteman,1433,2
+forkland,642,1
+benevolence,733,4
+klickitat,1203,0
+forkland,100,14
+lindenwood,1549,2
+shelbyville,1467,2
+marstons,1434,0
+tolstoy,1061,5
+shelbyville,1526,7
+lakeville,1886,15
+tolstoy,747,2
+mifflinburg,790,3
+klickitat,1632,1
+mifflinburg,621,4
+woodbine,469,1
+onaga,269,2
+coffeen,363,2
+klickitat,1977,0
+pomaria,1039,0
+cosmos,952,0
+lindenwood,1844,1
+stockman,1567,4
+pomaria,1470,11
+shelbyville,2014,2
+beechwood,602,7
+woodbine,1675,1
+pinesdale,596,0
+leonardo,1048,0
+shelbyville,9,4
+marstons,2063,2
+ranchester,1110,7
+shelbyville,117,2
+wainscott,1152,3
+lakeville,1798,9
+klickitat,455,5
+klickitat,2231,5
+leonardo,1525,4
+hiteman,1726,1
+klickitat,2090,9
+shelbyville,1731,0
+hanson,1600,0
+forkland,662,5
+klickitat,1003,9
+allensville,354,2
+ranchester,1028,7
+ranchester,448,0
+newfields,1018,0
+shelbyville,375,7
+pomaria,217,9
+shelbyville,2764,3
+newfields,351,2
+wainscott,1647,0
+lakeville,953,3
+ranchester,509,2
+newfields,1375,0
+woodbine,151,9
+klickitat,782,10
+pinesdale,933,2
+forkland,797,7
+lindenwood,956,4
+forkland,784,5
+pinesdale,259,2
+lakeville,1160,16
+klickitat,1128,0
+marstons,439,2
+cosmos,382,6
+forkland,872,3
+hanson,625,2
+beechwood,804,4
+pomaria,1473,0
+hanson,463,1
+beechwood,497,2
+pinesdale,146,3
+pomaria,1113,10
+cosmos,322,5
+forkland,511,10
+klickitat,840,10
+beechwood,544,2
+tolstoy,1213,5
+hanson,1105,0
+benevolence,163,6
+shelbyville,556,13
+hiteman,1648,0
+tolstoy,369,4
+hanson,1065,0
+newfields,87,2
+lindenwood,1746,7
+forkland,613,1
+klickitat,398,8
+coffeen,1413,2
+klickitat,952,11
+wainscott,1107,2
+pinesdale,617,4
+marstons,117,0
+klickitat,2093,2
+klickitat,734,0
+tolstoy,1642,4
+klickitat,1670,3
+stockman,868,1
+marstons,2635,2
+newfields,17,3
+hanson,1613,1
+lindenwood,774,3
+wainscott,477,2
+shelbyville,2482,11
+shelbyville,2202,7
+merom,837,3
+tolstoy,1598,0
+woodbine,315,14
+woodbine,1171,0
+klickitat,789,6
+pinesdale,748,3
+cosmos,934,10
+klickitat,1909,15
+klickitat,880,0
+leonardo,1991,0
+leonardo,1279,11
+klickitat,1680,1
+lindenwood,2590,2
+newfields,217,15
+lindenwood,8,5
+woodbine,1361,14
+wainscott,166,6
+hiteman,1159,2
+klickitat,806,2
+woodbine,104,6
+marstons,404,4
+woodbine,1198,12
+marstons,1453,0
+lindenwood,570,7
+tolstoy,218,2
+woodbine,373,0
+wainscott,294,9
+hiteman,447,5
+stockman,765,3
+wainscott,1706,0
+onaga,207,7
+pinesdale,1245,2
+shelbyville,2216,0
+marstons,1910,3
+lindenwood,2157,6
+leonardo,1667,3
+shelbyville,1957,6
+shelbyville,2287,4
+benevolence,697,4
+lakeville,348,4
+leonardo,1594,10
+forkland,234,6
+pinesdale,1184,8
+beechwood,519,3
+shelbyville,148,3
+merom,306,4
+lakeville,475,14
+hiteman,214,3
+woodbine,275,13
+marstons,689,2
+newfields,591,3
+klickitat,2233,1
+merom,196,1
+wainscott,789,4
+ranchester,1480,4
+merom,359,8
+beechwood,1033,1
+shelbyville,162,10
+tolstoy,1198,4
+tolstoy,1729,2
+marstons,2286,4
+lakeville,628,0
+hiteman,1055,8
+wainscott,228,2
+stockman,244,1
+marstons,1193,3
+leonardo,296,2
+lindenwood,681,1
+wainscott,209,2
+klickitat,1294,2
+tolstoy,1485,2
+tolstoy,808,13
+woodbine,1975,8
+hiteman,415,4
+cosmos,768,0
+mifflinburg,889,3
+coffeen,651,0
+leonardo,1823,2
+pomaria,1662,2
+tolstoy,769,12
+wainscott,780,3
+hiteman,1671,1
+hiteman,1065,2
+pomaria,1294,4
+hanson,45,2
+hanson,651,14
+marstons,1596,13
+marstons,2599,7
+beechwood,392,2
+beechwood,422,2
+newfields,470,1
+marstons,1269,7
+pomaria,1479,7
+pinesdale,1295,5
+ranchester,255,1
+shelbyville,928,17
+ranchester,855,1
+merom,1087,11
+tolstoy,122,5
+mifflinburg,432,10
+klickitat,2172,0
+beechwood,483,2
+wainscott,512,7
+woodbine,944,0
+forkland,355,1
+klickitat,663,5
+hiteman,1772,12
+marstons,347,11
+wainscott,803,4
+leonardo,488,2
+wainscott,1031,5
+shelbyville,1965,8
+allensville,518,1
+klickitat,1450,3
+klickitat,247,0
+hiteman,875,3
+onaga,305,4
+leonardo,985,1
+mifflinburg,561,4
+beechwood,109,10
+pinesdale,117,0
+merom,93,5
+pinesdale,1384,9
+lakeville,1312,2
+lindenwood,1872,2
+woodbine,1267,2
+klickitat,207,5
+tolstoy,1464,0
+ranchester,1301,3
+cosmos,1059,2
+leonardo,1398,11
+wainscott,146,0
+wainscott,37,2
+lakeville,351,13
+lindenwood,1601,0
+allensville,56,0
+klickitat,2338,5
+marstons,2486,1
+klickitat,2271,12
+wainscott,1356,5
+ranchester,489,1
+pomaria,1278,2
+wainscott,117,11
+pomaria,1161,0
+pinesdale,53,0
+leonardo,2016,1
+benevolence,25,3
+wainscott,54,0
+pomaria,413,6
+cosmos,881,5
+marstons,1146,8
+newfields,1430,0
+lakeville,1342,3
+marstons,2391,8
+wainscott,603,10
+marstons,1500,8
+shelbyville,2031,2
+klickitat,198,0
+coffeen,821,0
+woodbine,563,6
+klickitat,556,0
+merom,561,1
+klickitat,1135,4
+ranchester,359,2
+hiteman,1332,2
+stockman,392,3
+pinesdale,702,1
+wainscott,1,0
+merom,726,5
+lindenwood,2374,2
+woodbine,1263,0
+merom,301,4
+klickitat,2079,0
+marstons,2002,1
+ranchester,895,1
+beechwood,1092,1
+coffeen,1143,0
+wainscott,1623,3
+hanson,1089,4
+hiteman,1076,4
+forkland,423,2
+newfields,902,5
+pinesdale,404,4
+coffeen,301,7
+beechwood,376,6
+cosmos,244,4
+wainscott,953,2
+lindenwood,2509,2
+ranchester,200,1
+pomaria,1333,7
+pomaria,1203,8
+leonardo,1448,6
+marstons,27,0
+lindenwood,848,5
+leonardo,494,0
+lakeville,1872,10
+lakeville,1679,2
+woodbine,3,2
+marstons,266,9
+ranchester,430,3
+hiteman,1079,3
+lindenwood,1263,0
+benevolence,481,6
+merom,891,0
+shelbyville,2232,4
+benevolence,863,4
+hiteman,116,1
+onaga,85,6
+wainscott,1365,0
+shelbyville,1318,8
+klickitat,1507,7
+woodbine,146,3
+onaga,299,5
+leonardo,1817,0
+wainscott,1630,10
+newfields,161,13
+klickitat,2324,3
+newfields,1594,4
+forkland,1118,1
+wainscott,1792,2
+leonardo,200,3
+wainscott,1790,4
+woodbine,1443,5
+klickitat,1673,0
+newfields,694,9
+hiteman,386,3
+leonardo,1207,1
+pomaria,751,1
+woodbine,1239,7
+leonardo,2051,2
+marstons,2166,2
+shelbyville,2133,7
+hanson,670,0
+marstons,203,1
+newfields,81,1
+lindenwood,1052,4
+marstons,84,11
+marstons,439,3
+klickitat,62,1
+onaga,676,6
+stockman,453,0
+marstons,2487,5
+marstons,1840,3
+woodbine,365,1
+pinesdale,450,1
+leonardo,170,16
+wainscott,1179,8
+lakeville,591,7
+stockman,200,1
+cosmos,868,11
+woodbine,1180,9
+mifflinburg,455,2
+pinesdale,379,4
+tolstoy,1092,1
+hiteman,500,0
+lakeville,744,11
+pinesdale,638,10
+hanson,188,0
+stockman,1420,0
+woodbine,381,5
+tolstoy,199,6
+leonardo,326,1
+merom,499,0
+cosmos,101,1
+marstons,169,0
+ranchester,1416,2
+hanson,973,8
+beechwood,889,4
+klickitat,2089,16
+newfields,633,2
+klickitat,2190,9
+hiteman,105,0
+cosmos,580,10
+klickitat,1671,5
+shelbyville,793,0
+pinesdale,308,10
+ranchester,1218,10
+hiteman,1687,3
+lindenwood,443,0
+woodbine,1908,0
+lakeville,1707,3
+pinesdale,557,4
+woodbine,1367,2
+hanson,199,8
+pinesdale,1317,6
+forkland,527,2
+pinesdale,152,12
+forkland,150,4
+mifflinburg,574,0
+onaga,511,4
+ranchester,289,1
+leonardo,594,0
+hiteman,1753,0
+newfields,1461,0
+pinesdale,1202,0
+leonardo,630,4
+lindenwood,1238,3
+wainscott,974,13
+cosmos,224,0
+lindenwood,314,4
+shelbyville,145,2
+pinesdale,648,0
+hiteman,866,6
+tolstoy,1061,6
+mifflinburg,573,0
+tolstoy,1086,3
+forkland,248,2
+shelbyville,322,2
+leonardo,29,1
+leonardo,1018,6
+tolstoy,1594,7
+wainscott,1677,5
+shelbyville,1892,9
+lindenwood,2609,5
+hanson,252,6
+pomaria,1239,0
+woodbine,1440,3
+stockman,654,0
+hanson,1048,1
+marstons,2023,1
+onaga,5,2
+lindenwood,1969,0
+wainscott,1281,10
+marstons,602,1
+klickitat,460,0
+pinesdale,827,3
+cosmos,499,9
+klickitat,2159,5
+hiteman,480,1
+marstons,15,16
+pomaria,733,8
+klickitat,2186,1
+wainscott,1712,4
+cosmos,754,1
+klickitat,380,7
+stockman,85,0
+shelbyville,2308,4
+merom,961,1
+shelbyville,1055,7
+ranchester,64,2
+marstons,504,1
+ranchester,267,5
+klickitat,2387,5
+hiteman,1602,1
+hanson,672,11
+newfields,1547,8
+pomaria,1365,1
+hiteman,1645,8
+mifflinburg,767,0
+klickitat,1500,7
+leonardo,1173,0
+stockman,538,4
+lakeville,1879,0
+shelbyville,1804,3
+merom,287,1
+newfields,119,4
+shelbyville,974,8
+shelbyville,877,6
+wainscott,510,1
+marstons,375,9
+tolstoy,1319,5
+woodbine,730,2
+newfields,1147,4
+coffeen,1031,0
+wainscott,838,5
+tolstoy,1360,0
+cosmos,301,2
+hanson,569,17
+pomaria,1163,4
+leonardo,245,3
+pinesdale,1509,2
+wainscott,904,5
+lakeville,599,3
+shelbyville,686,3
+beechwood,786,1
+leonardo,1594,2
+forkland,781,4
+newfields,1560,4
+cosmos,995,4
+wainscott,1425,7
+wainscott,1036,2
+forkland,300,4
+klickitat,1093,5
+lakeville,1439,3
+woodbine,210,3
+woodbine,468,2
+leonardo,1013,6
+lindenwood,367,2
+newfields,370,5
+tolstoy,50,3
+lakeville,1853,2
+lindenwood,2003,2
+marstons,2166,3
+stockman,1285,4
+tolstoy,1133,2
+shelbyville,87,8
+hiteman,1487,4
+klickitat,354,10
+lakeville,663,13
+tolstoy,800,3
+woodbine,151,10
+klickitat,1329,6
+klickitat,281,9
+allensville,268,0
+wainscott,1382,0
+benevolence,826,0
+merom,883,2
+lindenwood,1121,2
+onaga,248,3
+shelbyville,1566,7
+hanson,1191,0
+newfields,1209,1
+lindenwood,452,1
+woodbine,1085,8
+benevolence,770,5
+shelbyville,974,15
+wainscott,1464,3
+shelbyville,2731,4
+beechwood,659,2
+klickitat,1363,0
+lakeville,1314,3
+hiteman,463,2
+lakeville,764,1
+ranchester,767,3
+newfields,412,8
+cosmos,715,6
+newfields,872,8
+leonardo,1397,0
+pinesdale,1251,2
+shelbyville,2664,3
+woodbine,1854,1
+lindenwood,1917,1
+lindenwood,1126,3
+pinesdale,848,4
+hanson,767,10
+hiteman,1673,0
+marstons,2419,6
+klickitat,1822,5
+wainscott,970,3
+lindenwood,1586,3
+pomaria,423,4
+woodbine,529,5
+wainscott,1500,1
+marstons,2273,15
+klickitat,1778,11
+leonardo,2118,1
+coffeen,1207,4
+hiteman,688,8
+tolstoy,340,5
+woodbine,319,7
+stockman,301,3
+marstons,1119,9
+lindenwood,2617,0
+marstons,99,7
+leonardo,1671,9
+pomaria,1072,0
+marstons,1505,2
+lindenwood,352,0
+pinesdale,632,3
+tolstoy,1025,1
+leonardo,2017,4
+hiteman,1853,2
+pomaria,179,14
+benevolence,823,9
+coffeen,1503,4
+leonardo,1928,4
+cosmos,871,1
+pinesdale,796,7
+wainscott,773,3
+wainscott,1558,3
+marstons,2368,3
+lakeville,839,5
+klickitat,522,0
+lindenwood,1266,7
+pinesdale,386,0
+stockman,1097,4
+lindenwood,1540,3
+beechwood,392,1
+pinesdale,173,1
+onaga,389,2
+merom,241,6
+marstons,1065,2
+tolstoy,809,3
+lindenwood,1316,10
+woodbine,422,4
+woodbine,498,6
+ranchester,409,2
+shelbyville,2375,1
+leonardo,337,18
+newfields,559,3
+lindenwood,117,7
+tolstoy,961,2
+pinesdale,1274,1
+klickitat,1811,15
+stockman,1402,3
+newfields,1182,8
+klickitat,1168,2
+lakeville,1054,3
+lindenwood,1109,5
+ranchester,124,11
+pomaria,669,1
+pinesdale,783,4
+pinesdale,1316,4
+newfields,395,3
+marstons,1465,7
+pinesdale,134,1
+newfields,200,10
+wainscott,285,1
+hanson,1428,11
+pomaria,820,1
+shelbyville,1254,2
+pomaria,875,2
+forkland,418,1
+benevolence,297,2
+shelbyville,2191,0
+mifflinburg,247,2
+pomaria,1190,5
+wainscott,220,9
+lindenwood,2602,2
+stockman,1317,1
+woodbine,2040,3
+pomaria,225,1
+woodbine,1653,8
+beechwood,38,0
+hiteman,276,11
+woodbine,1357,5
+lindenwood,1357,1
+newfields,1347,1
+marstons,1325,12
+klickitat,800,0
+pomaria,1301,13
+marstons,1589,3
+hiteman,988,0
+onaga,656,3
+klickitat,1096,9
+ranchester,467,8
+cosmos,371,4
+lindenwood,1960,6
+stockman,1375,0
+lindenwood,347,1
+pomaria,288,1
+woodbine,438,2
+pomaria,1620,2
+leonardo,854,2
+ranchester,1510,8
+tolstoy,133,6
+klickitat,1092,15
+coffeen,1498,1
+forkland,1060,1
+hiteman,269,2
+tolstoy,653,4
+hiteman,1521,1
+wainscott,9,5
+hanson,925,1
+pomaria,1079,4
+tolstoy,266,3
+shelbyville,594,0
+pomaria,1369,0
+woodbine,398,8
+ranchester,911,2
+leonardo,1682,5
+wainscott,874,9
+cosmos,983,7
+pinesdale,1149,10
+woodbine,1508,1
+shelbyville,197,5
+marstons,2232,0
+marstons,2232,13
+allensville,18,4
+woodbine,793,6
+tolstoy,1401,3
+coffeen,223,5
+woodbine,919,0
+hiteman,386,8
+shelbyville,2681,5
+tolstoy,1426,9
+lindenwood,1425,8
+pinesdale,108,4
+tolstoy,1113,3
+beechwood,1055,1
+merom,711,3
+lakeville,361,3
+pomaria,130,0
+lakeville,1557,2
+wainscott,1264,10
+klickitat,1998,0
+ranchester,43,4
+hanson,1349,4
+hiteman,766,1
+mifflinburg,466,0
+lindenwood,729,7
+marstons,1117,2
+newfields,311,1
+ranchester,686,3
+hiteman,1703,2
+hanson,1570,2
+wainscott,1189,7
+tolstoy,321,3
+wainscott,1707,14
+shelbyville,415,0
+coffeen,793,2
+ranchester,876,1
+klickitat,1606,8
+pomaria,541,2
+lakeville,59,12
+shelbyville,1351,2
+shelbyville,1613,5
+ranchester,1072,3
+shelbyville,885,1
+klickitat,2015,19
+hanson,392,3
+shelbyville,531,8
+hiteman,376,11
+lakeville,834,3
+shelbyville,2000,3
+ranchester,1336,2
+woodbine,1438,0
+benevolence,142,9
+onaga,212,4
+shelbyville,2660,4
+wainscott,1423,1
+lakeville,267,8
+allensville,93,0
+ranchester,1511,6
+wainscott,3,5
+merom,1057,5
+wainscott,393,0
+coffeen,13,0
+leonardo,1771,4
+lindenwood,286,9
+marstons,1504,9
+lakeville,11,1
+shelbyville,2695,5
+newfields,1116,5
+hanson,444,3
+beechwood,705,0
+lindenwood,2042,3
+pomaria,1085,4
+marstons,1085,13
+klickitat,1937,6
+allensville,154,0
+pomaria,211,1
+wainscott,1450,4
+cosmos,140,2
+pinesdale,82,4
+hiteman,1778,1
+woodbine,1971,1
+klickitat,1553,6
+hiteman,1211,0
+pomaria,1131,6
+hiteman,216,4
+shelbyville,165,3
+shelbyville,837,2
+coffeen,1308,0
+tolstoy,650,0
+ranchester,1162,5
+leonardo,360,1
+stockman,52,1
+wainscott,86,4
+tolstoy,381,5
+pomaria,1656,1
+coffeen,41,1
+leonardo,1205,2
+wainscott,461,11
+marstons,1495,6
+pomaria,1455,3
+lakeville,1068,9
+cosmos,316,3
+leonardo,854,5
+hanson,1328,0
+marstons,167,2
+lakeville,1445,3
+klickitat,129,14
+woodbine,1701,0
+hiteman,765,2
+marstons,1303,3
+lakeville,14,4
+pomaria,1357,1
+tolstoy,294,5
+wainscott,708,4
+leonardo,998,0
+lakeville,1399,12
+forkland,282,1
+merom,687,2
+marstons,1207,10
+woodbine,1084,1
+lakeville,838,5
+allensville,281,1
+cosmos,437,3
+klickitat,451,2
+cosmos,738,10
+hiteman,975,1
+newfields,541,15
+hanson,1590,9
+lindenwood,1488,4
+shelbyville,2724,3
+stockman,464,1
+beechwood,828,1
+wainscott,1062,4
+lakeville,1030,0
+tolstoy,842,1
+tolstoy,1379,3
+wainscott,1554,6
+leonardo,1971,15
+lakeville,845,3
+lindenwood,2066,4
+shelbyville,269,4
+woodbine,2049,7
+marstons,1486,7
+hanson,520,7
+pomaria,1675,2
+pinesdale,598,0
+tolstoy,1755,4
+woodbine,158,1
+tolstoy,542,0
+benevolence,405,2
+coffeen,269,1
+ranchester,1502,12
+pinesdale,1065,5
+lindenwood,2324,2
+shelbyville,2421,1
+stockman,116,6
+pomaria,2,1
+cosmos,572,9
+stockman,1257,12
+tolstoy,1477,13
+lakeville,557,4
+klickitat,1240,2
+wainscott,348,9
+benevolence,163,7
+forkland,178,4
+shelbyville,1805,7
+woodbine,145,1
+leonardo,171,0
+cosmos,53,0
+hiteman,851,4
+leonardo,78,11
+woodbine,557,14
+klickitat,1117,9
+tolstoy,138,1
+mifflinburg,286,1
+marstons,1545,6
+lindenwood,1870,2
+hiteman,1619,2
+merom,455,3
+shelbyville,2707,3
+lindenwood,1862,2
+pinesdale,920,4
+shelbyville,1192,2
+leonardo,456,2
+lindenwood,547,7
+beechwood,512,8
+newfields,200,0
+lakeville,178,2
+hanson,120,0
+lindenwood,906,15
+hanson,217,13
+shelbyville,1038,7
+pomaria,1161,4
+pinesdale,628,1
+leonardo,461,5
+lakeville,1586,0
+tolstoy,917,0
+allensville,8,1
+pomaria,356,2
+forkland,357,6
+onaga,259,2
+coffeen,1453,1
+lakeville,1682,1
+shelbyville,318,1
+marstons,72,4
+pomaria,1195,0
+shelbyville,2064,0
+newfields,1258,5
+mifflinburg,805,0
+wainscott,118,2
+lindenwood,970,2
+marstons,2563,2
+klickitat,556,2
+leonardo,1232,5
+beechwood,1095,0
+mifflinburg,744,3
+hiteman,464,8
+benevolence,874,2
+leonardo,1671,3
+klickitat,1802,2
+stockman,1487,0
+marstons,1353,0
+lindenwood,1270,4
+woodbine,498,7
+lakeville,323,6
+wainscott,1682,2
+newfields,1597,4
+pomaria,352,0
+wainscott,195,0
+lindenwood,481,8
+klickitat,1570,0
+newfields,90,3
+beechwood,341,2
+lakeville,365,9
+klickitat,1558,8
+cosmos,669,2
+lakeville,3,2
+klickitat,2121,0
+klickitat,1614,2
+shelbyville,2440,7
+hanson,1659,6
+beechwood,886,4
+klickitat,880,9
+klickitat,2303,5
+pomaria,52,0
+hanson,1615,2
+marstons,191,3
+lakeville,1226,2
+klickitat,1793,2
+beechwood,577,2
+hanson,436,0
+hanson,851,4
+hanson,1085,9
+cosmos,498,0
+hanson,654,0
+klickitat,869,5
+leonardo,1681,8
+lakeville,1092,3
+hanson,415,5
+stockman,1422,2
+beechwood,135,8
+leonardo,346,13
+tolstoy,488,0
+marstons,1774,3
+cosmos,627,1
+pomaria,1571,3
+pomaria,86,15
+wainscott,1322,2
+woodbine,817,2
+lakeville,316,12
+newfields,568,1
+lakeville,100,7
+lakeville,1267,2
+lakeville,1898,0
+tolstoy,1059,1
+hanson,1510,21
+wainscott,542,1
+tolstoy,1666,2
+ranchester,1387,0
+hanson,949,6
+leonardo,191,3
+newfields,36,7
+marstons,1756,0
+klickitat,693,4
+hiteman,917,1
+pomaria,1249,4
+leonardo,998,2
+newfields,1107,2
+lindenwood,985,6
+klickitat,352,1
+tolstoy,982,5
+ranchester,1,11
+wainscott,1608,1
+woodbine,1659,4
+woodbine,405,4
+beechwood,580,3
+mifflinburg,591,2
+wainscott,721,3
+shelbyville,2551,7
+marstons,2525,7
+wainscott,368,1
+lindenwood,1254,6
+marstons,927,3
+wainscott,1483,1
+newfields,32,15
+marstons,606,13
+leonardo,114,0
+tolstoy,1444,0
+hanson,1390,5
+woodbine,945,10
+shelbyville,452,5
+forkland,575,1
+hanson,1207,1
+pomaria,180,11
+pomaria,185,3
+pomaria,1401,2
+woodbine,199,7
+beechwood,558,5
+pomaria,289,3
+wainscott,1347,1
+klickitat,129,2
+benevolence,433,1
+woodbine,1257,5
+cosmos,205,3
+merom,781,10
+marstons,186,1
+klickitat,279,2
+newfields,1290,0
+ranchester,1014,5
+shelbyville,614,4
+tolstoy,1333,7
+beechwood,380,0
+pomaria,835,4
+lindenwood,676,2
+marstons,1794,1
+ranchester,97,1
+wainscott,1396,2
+leonardo,319,1
+benevolence,84,9
+lindenwood,2137,7
+tolstoy,1755,10
+newfields,1202,0
+klickitat,263,4
+leonardo,1580,4
+stockman,387,0
+klickitat,69,8
+shelbyville,609,0
+marstons,545,1
+stockman,1048,9
+shelbyville,1365,2
+hanson,915,1
+merom,690,1
+hiteman,1691,2
+wainscott,811,6
+lindenwood,2210,0
+stockman,943,1
+klickitat,1960,2
+leonardo,1050,4
+woodbine,1513,9
+benevolence,790,3
+klickitat,1971,3
+woodbine,115,4
+lakeville,1250,10
+lakeville,1240,8
+lindenwood,1930,4
+woodbine,14,6
+pomaria,956,5
+pomaria,357,0
+marstons,2387,1
+marstons,90,2
+forkland,1167,2
+hiteman,1389,3
+pomaria,356,1
+lindenwood,141,1
+pomaria,353,7
+woodbine,1396,3
+wainscott,1290,7
+hanson,518,11
+pomaria,934,6
+ranchester,1104,0
+beechwood,912,0
+pomaria,209,3
+shelbyville,2187,10
+onaga,130,1
+wainscott,1736,0
+beechwood,825,0
+ranchester,1089,7
+hiteman,14,9
+leonardo,1468,4
+shelbyville,536,0
+woodbine,457,2
+klickitat,628,11
+merom,247,1
+ranchester,1598,1
+marstons,547,2
+lindenwood,688,6
+marstons,2448,2
+hiteman,1071,5
+hanson,976,1
+hanson,1073,9
+woodbine,1316,7
+marstons,1064,2
+klickitat,1153,3
+allensville,438,3
+newfields,1238,10
+woodbine,1128,8
+hanson,1273,2
+wainscott,1770,1
+forkland,1148,1
+cosmos,1038,6
+hanson,909,2
+hanson,1161,3
+stockman,216,1
+lakeville,444,6
+cosmos,330,1
+shelbyville,1110,5
+woodbine,1228,4
+newfields,1245,7
+pomaria,330,16
+cosmos,543,3
+lindenwood,1673,1
+cosmos,13,0
+woodbine,26,5
+lindenwood,681,6
+hiteman,874,12
+woodbine,1138,18
+leonardo,1821,4
+hanson,815,3
+hanson,286,2
+ranchester,203,1
+shelbyville,2134,7
+marstons,1062,10
+pomaria,510,1
+woodbine,691,16
+shelbyville,1068,1
+hanson,457,6
+mifflinburg,214,1
+marstons,10,10
+woodbine,593,17
+lindenwood,1507,9
+cosmos,526,0
+woodbine,1315,3
+lakeville,1734,11
+pinesdale,369,7
+klickitat,1971,7
+pinesdale,727,6
+marstons,1575,13
+shelbyville,2101,6
+tolstoy,1101,0
+pomaria,1229,4
+hiteman,1595,4
+marstons,456,6
+marstons,1,4
+stockman,367,0
+forkland,736,4
+leonardo,501,8
+pomaria,1560,4
+marstons,2038,4
+hiteman,689,1
+lindenwood,728,1
+wainscott,1649,7
+ranchester,235,1
+lindenwood,1619,5
+tolstoy,1157,2
+marstons,2230,1
+marstons,710,9
+lindenwood,1358,1
+newfields,152,1
+stockman,912,6
+marstons,1674,5
+marstons,1475,4
+merom,220,2
+cosmos,38,0
+leonardo,964,4
+klickitat,1580,0
+cosmos,730,0
+shelbyville,1964,3
+pomaria,1024,6
+shelbyville,2803,3
+lindenwood,2280,4
+newfields,417,8
+shelbyville,1424,15
+cosmos,274,3
+wainscott,1409,9
+stockman,1239,7
+shelbyville,71,5
+klickitat,1131,3
+lakeville,1652,0
+ranchester,680,0
+marstons,603,5
+hanson,1453,3
+hanson,309,8
+pinesdale,201,1
+tolstoy,1529,5
+hanson,218,1
+leonardo,670,3
+hanson,75,10
+hiteman,6,1
+lakeville,162,2
+stockman,1406,1
+mifflinburg,705,1
+hiteman,74,12
+wainscott,778,0
+hiteman,662,7
+newfields,1274,8
+cosmos,52,0
+shelbyville,1171,0
+stockman,1052,1
+woodbine,938,1
+onaga,479,4
+woodbine,488,3
+hanson,1257,0
+leonardo,2113,4
+woodbine,1788,14
+woodbine,1692,16
+forkland,683,0
+mifflinburg,824,1
+hiteman,219,3
+wainscott,724,6
+coffeen,75,2
+hanson,1022,7
+merom,864,1
+hanson,820,11
+benevolence,404,12
+cosmos,850,9
+shelbyville,1476,2
+shelbyville,1154,4
+allensville,500,2
+hanson,267,0
+newfields,89,6
+shelbyville,1932,1
+woodbine,740,1
+klickitat,919,0
+cosmos,122,3
+lindenwood,958,0
+hiteman,756,1
+beechwood,556,8
+tolstoy,1464,1
+lakeville,216,1
+ranchester,658,0
+klickitat,649,8
+woodbine,1621,3
+newfields,921,6
+lindenwood,1786,3
+pinesdale,439,2
+wainscott,1478,3
+forkland,314,3
+klickitat,2230,4
+lindenwood,2347,6
+tolstoy,1743,10
+hanson,445,0
+newfields,214,4
+tolstoy,73,2
+klickitat,626,5
+pinesdale,889,1
+merom,940,8
+lindenwood,1428,6
+marstons,2651,7
+marstons,1604,11
+shelbyville,2600,6
+newfields,1218,0
+klickitat,8,4
+merom,1066,0
+shelbyville,437,4
+hanson,76,7
+shelbyville,2803,13
+mifflinburg,724,3
+shelbyville,1699,8
+forkland,657,2
+woodbine,2055,9
+ranchester,193,2
+lakeville,975,6
+leonardo,1506,2
+newfields,734,0
+lindenwood,124,8
+allensville,53,2
+leonardo,170,9
+wainscott,1191,9
+beechwood,1042,1
+hanson,104,7
+lindenwood,2650,2
+hiteman,292,3
+marstons,2047,2
+hanson,853,2
+pinesdale,1474,2
+leonardo,1017,0
+marstons,1827,11
+klickitat,2208,7
+hiteman,397,0
+hiteman,1032,2
+newfields,422,10
+marstons,1583,11
+marstons,1970,2
+hanson,1007,0
+klickitat,245,8
+shelbyville,1105,9
+newfields,1559,0
+leonardo,1579,13
+benevolence,8,7
+wainscott,1329,12
+ranchester,415,7
+klickitat,2306,3
+newfields,233,4
+pinesdale,1260,3
+shelbyville,1005,5
+wainscott,898,7
+hiteman,1089,4
+shelbyville,2720,16
+hanson,1202,9
+newfields,869,4
+klickitat,2152,6
+tolstoy,1567,2
+hiteman,585,4
+wainscott,334,3
+stockman,815,8
+stockman,393,2
+hiteman,1127,5
+shelbyville,219,2
+marstons,1228,0
+shelbyville,562,6
+lindenwood,1115,9
+leonardo,2097,6
+leonardo,1239,6
+lindenwood,663,0
+pomaria,496,4
+wainscott,353,5
+beechwood,282,3
+lindenwood,1375,1
+tolstoy,983,1
+stockman,953,3
+leonardo,334,0
+leonardo,1206,3
+newfields,919,12
+woodbine,1060,2
+ranchester,1555,3
+leonardo,610,0
+wainscott,1558,4
+wainscott,1571,9
+lakeville,1455,11
+pomaria,1011,0
+lakeville,1384,6
+pinesdale,884,0
+shelbyville,1269,5
+klickitat,1949,7
+klickitat,373,5
+shelbyville,1924,1
+hanson,1255,6
+mifflinburg,167,11
+pinesdale,748,1
+leonardo,346,9
+lakeville,1541,0
+pinesdale,907,1
+klickitat,964,6
+ranchester,547,2
+ranchester,814,0
+ranchester,1,3
+stockman,581,2
+beechwood,1116,3
+merom,432,0
+marstons,606,7
+hanson,1034,2
+hiteman,243,4
+marstons,40,10
+forkland,682,3
+ranchester,851,3
+shelbyville,1937,1
+pomaria,1237,1
+lindenwood,2463,6
+ranchester,1098,0
+marstons,1880,0
+pomaria,332,7
+hanson,1573,1
+marstons,380,2
+lakeville,804,0
+tolstoy,506,3
+hiteman,1083,19
+klickitat,10,12
+shelbyville,2078,0
+leonardo,1660,1
+shelbyville,775,8
+coffeen,1341,3
+woodbine,974,2
+wainscott,1721,7
+lakeville,1015,1
+tolstoy,1016,0
+pinesdale,398,0
+newfields,584,2
+woodbine,1277,2
+allensville,311,1
+tolstoy,945,2
+ranchester,96,5
+newfields,270,16
+onaga,677,1
+tolstoy,1675,2
+newfields,465,5
+lindenwood,1388,2
+hanson,1541,0
+wainscott,985,11
+pomaria,221,2
+lindenwood,680,4
+ranchester,1229,2
+merom,278,0
+pomaria,1646,7
+ranchester,1613,5
+coffeen,597,2
+coffeen,329,3
+mifflinburg,81,4
+marstons,2074,4
+leonardo,141,1
+ranchester,975,2
+klickitat,699,0
+beechwood,750,4
+woodbine,665,2
+tolstoy,269,1
+lakeville,1627,2
+lindenwood,1893,1
+pinesdale,38,0
+shelbyville,2034,5
+newfields,1477,2
+woodbine,1625,2
+forkland,426,1
+wainscott,1745,7
+lindenwood,1805,1
+lindenwood,1602,6
+coffeen,892,4
+wainscott,954,5
+marstons,1596,15
+woodbine,1781,5
+tolstoy,1158,2
+klickitat,1043,13
+marstons,2614,18
+newfields,46,1
+klickitat,1516,1
+wainscott,133,0
+shelbyville,2765,1
+lakeville,24,3
+shelbyville,2296,7
+leonardo,228,3
+lindenwood,2137,5
+beechwood,649,0
+ranchester,426,1
+shelbyville,1088,1
+beechwood,492,3
+pomaria,707,5
+beechwood,852,2
+woodbine,848,1
+stockman,861,1
+stockman,314,1
+hiteman,715,2
+woodbine,660,17
+hiteman,1446,2
+klickitat,908,1
+lakeville,1524,11
+wainscott,1350,4
+pomaria,124,9
+shelbyville,2364,3
+woodbine,875,9
+cosmos,150,8
+stockman,696,2
+newfields,1525,13
+hiteman,133,0
+marstons,959,2
+tolstoy,1173,2
+pomaria,1257,3
+hiteman,1447,4
+lindenwood,816,8
+beechwood,237,3
+lindenwood,783,4
+cosmos,936,7
+hiteman,1687,4
+lindenwood,1980,1
+newfields,282,1
+lindenwood,1668,3
+wainscott,1047,8
+wainscott,1765,0
+shelbyville,101,2
+hiteman,541,0
+pomaria,170,2
+marstons,1839,13
+marstons,2021,12
+woodbine,1521,2
+marstons,1190,2
+marstons,1245,10
+leonardo,1666,4
+woodbine,1611,14
+leonardo,1792,5
+lakeville,475,15
+wainscott,325,2
+wainscott,1157,0
+klickitat,1437,14
+ranchester,164,2
+forkland,776,1
+shelbyville,2523,9
+klickitat,555,2
+leonardo,1400,2
+marstons,1602,3
+hiteman,968,8
+lindenwood,564,2
+ranchester,340,3
+merom,305,6
+pinesdale,381,7
+marstons,1545,13
+tolstoy,1734,0
+lindenwood,395,4
+hanson,819,1
+klickitat,142,4
+hanson,687,1
+marstons,2603,1
+lindenwood,793,3
+lakeville,428,9
+newfields,656,3
+lindenwood,1148,16
+pomaria,1415,3
+lakeville,1720,9
+marstons,859,0
+hanson,253,0
+onaga,456,4
+lindenwood,548,1
+lindenwood,951,9
+stockman,260,0
+marstons,1830,4
+allensville,145,3
+hiteman,1418,2
+marstons,1216,0
+ranchester,1218,2
+shelbyville,1412,0
+woodbine,535,4
+klickitat,96,1
+lindenwood,2312,6
+wainscott,46,9
+coffeen,395,1
+shelbyville,1993,2
+shelbyville,988,1
+shelbyville,2141,2
+marstons,642,0
+hanson,26,14
+onaga,295,0
+coffeen,830,3
+benevolence,434,3
+cosmos,912,5
+leonardo,1799,1
+ranchester,457,4
+woodbine,1547,0
+coffeen,1072,2
+lakeville,1103,3
+allensville,323,4
+hiteman,215,3
+woodbine,489,12
+leonardo,1464,3
+tolstoy,1673,8
+marstons,528,13
+marstons,2212,3
+marstons,543,3
+beechwood,443,0
+leonardo,969,1
+klickitat,1119,5
+lakeville,1549,2
+allensville,492,2
+pinesdale,489,2
+cosmos,764,6
+wainscott,1766,0
+wainscott,119,0
+marstons,2425,3
+lindenwood,76,1
+ranchester,100,0
+pinesdale,274,4
+tolstoy,268,6
+tolstoy,612,1
+hanson,1388,3
+klickitat,560,0
+marstons,1922,7
+klickitat,49,2
+hiteman,1488,4
+coffeen,177,0
+hanson,691,2
+cosmos,662,3
+klickitat,2232,3
+pinesdale,1154,1
+lakeville,1799,2
+marstons,1076,1
+klickitat,2244,2
+leonardo,1931,0
+wainscott,1313,4
+wainscott,547,7
+hiteman,1347,5
+leonardo,1308,7
+shelbyville,1318,1
+forkland,799,3
+beechwood,449,1
+lakeville,1268,0
+marstons,779,3
+lindenwood,2193,2
+hanson,568,6
+mifflinburg,162,1
+pomaria,1499,1
+marstons,2633,8
+leonardo,7,13
+forkland,369,2
+forkland,843,1
+tolstoy,506,5
+hiteman,213,3
+lakeville,1602,6
+pomaria,1503,6
+hiteman,442,0
+marstons,548,6
+klickitat,724,2
+shelbyville,1789,2
+hanson,891,1
+klickitat,8,18
+leonardo,167,13
+pomaria,956,1
+leonardo,369,4
+onaga,475,2
+ranchester,355,1
+benevolence,682,8
+ranchester,265,1
+pomaria,31,4
+lakeville,1594,9
+ranchester,518,1
+leonardo,1139,15
+klickitat,427,7
+shelbyville,271,5
+hiteman,653,3
+newfields,256,3
+coffeen,566,3
+tolstoy,540,1
+pomaria,1295,0
+lakeville,500,6
+leonardo,1570,0
+newfields,826,2
+merom,579,5
+lakeville,1789,4
+forkland,70,6
+shelbyville,859,11
+leonardo,1907,2
+leonardo,167,3
+ranchester,619,2
+marstons,117,1
+ranchester,1375,5
+wainscott,568,3
+hanson,1000,4
+marstons,2388,5
+klickitat,328,2
+hanson,648,1
+beechwood,478,0
+leonardo,1631,0
+shelbyville,44,1
+marstons,721,3
+pinesdale,1224,2
+shelbyville,206,0
+newfields,305,2
+hanson,526,1
+pomaria,1482,0
+allensville,173,1
+hiteman,795,8
+woodbine,2025,7
+leonardo,757,4
+shelbyville,198,0
+lakeville,618,8
+hanson,693,1
+marstons,546,0
+hiteman,1139,0
+forkland,348,3
+lakeville,930,4
+lindenwood,677,5
+hiteman,390,4
+allensville,245,2
+hiteman,1043,1
+forkland,646,2
+ranchester,121,6
+marstons,1925,7
+klickitat,2048,3
+woodbine,1707,2
+ranchester,739,1
+woodbine,1618,5
+stockman,249,1
+tolstoy,663,1
+leonardo,1671,8
+cosmos,523,12
+newfields,1080,0
+pomaria,944,14
+coffeen,390,0
+woodbine,368,8
+woodbine,1349,9
+tolstoy,681,5
+hiteman,575,0
+onaga,359,0
+lakeville,780,8
+woodbine,1510,3
+hiteman,1754,2
+klickitat,1291,0
+newfields,1040,1
+klickitat,682,3
+pomaria,121,2
+lindenwood,1230,1
+marstons,243,8
+pomaria,1105,1
+cosmos,970,4
+lindenwood,1879,1
+klickitat,500,5
+cosmos,911,10
+coffeen,1401,0
+pinesdale,678,4
+stockman,500,1
+leonardo,854,4
+cosmos,712,4
+lakeville,1501,10
+ranchester,663,2
+onaga,634,1
+lakeville,1208,5
+marstons,223,4
+marstons,1831,1
+marstons,1880,3
+klickitat,1446,1
+shelbyville,1559,7
+pinesdale,1388,1
+beechwood,1013,3
+lindenwood,547,10
+stockman,630,3
+woodbine,766,10
+leonardo,707,2
+forkland,881,1
+woodbine,1050,0
+shelbyville,2631,0
+pinesdale,1201,2
+marstons,1736,4
+ranchester,288,1
+woodbine,691,9
+woodbine,586,5
+cosmos,792,2
+pinesdale,130,5
+newfields,1546,6
+leonardo,187,1
+forkland,1033,0
+merom,559,2
+klickitat,440,3
+shelbyville,1425,8
+klickitat,163,0
+leonardo,1899,4
+pomaria,1412,1
+allensville,307,2
+klickitat,365,11
+leonardo,507,5
+pinesdale,801,5
+woodbine,1068,7
+klickitat,1026,9
+merom,728,0
+leonardo,1253,0
+leonardo,2082,3
+tolstoy,981,3
+klickitat,1975,2
+wainscott,420,0
+pomaria,670,2
+wainscott,1648,2
+pomaria,1541,1
+wainscott,916,6
+onaga,65,4
+lindenwood,693,3
+hanson,634,3
+newfields,445,5
+stockman,217,1
+onaga,390,1
+klickitat,860,4
+shelbyville,121,2
+tolstoy,1195,8
+klickitat,2275,2
+coffeen,284,0
+cosmos,478,8
+hiteman,68,2
+marstons,493,4
+hiteman,1248,3
+beechwood,1071,1
+woodbine,1313,13
+hanson,453,6
+hanson,784,3
+ranchester,1606,1
+pomaria,317,14
+lakeville,111,18
+hanson,1522,1
+wainscott,900,0
+hanson,1367,2
+shelbyville,410,4
+shelbyville,1140,7
+pomaria,1147,17
+leonardo,932,19
+wainscott,1188,5
+coffeen,279,9
+woodbine,1487,0
+klickitat,378,6
+wainscott,1591,6
+tolstoy,1583,8
+klickitat,1194,14
+pomaria,1037,3
+shelbyville,1067,2
+leonardo,586,9
+woodbine,1951,8
+hanson,293,3
+tolstoy,1196,4
+marstons,1091,8
+ranchester,191,0
+lakeville,866,0
+marstons,1521,2
+forkland,449,6
+klickitat,2107,5
+stockman,209,6
+newfields,502,3
+cosmos,588,5
+shelbyville,1425,10
+leonardo,1364,1
+lindenwood,1130,0
+marstons,2635,5
+marstons,1010,1
+hiteman,355,10
+klickitat,1547,4
+shelbyville,765,1
+benevolence,49,7
+wainscott,730,0
+woodbine,824,4
+lakeville,1690,2
+shelbyville,2746,5
+woodbine,986,7
+shelbyville,2528,10
+woodbine,669,0
+leonardo,697,2
+leonardo,517,0
+woodbine,369,17
+hiteman,927,4
+pinesdale,475,5
+hiteman,259,4
+shelbyville,839,4
+shelbyville,769,3
+ranchester,826,2
+marstons,2120,0
+shelbyville,2044,2
+lakeville,1496,5
+tolstoy,766,1
+newfields,647,0
+lindenwood,1276,2
+shelbyville,2468,10
+leonardo,1318,0
+leonardo,2050,0
+woodbine,449,3
+lindenwood,1202,2
+allensville,377,2
+leonardo,1359,5
+marstons,1356,8
+coffeen,1262,3
+pinesdale,1371,3
+leonardo,778,0
+coffeen,50,0
+tolstoy,410,11
+pinesdale,803,2
+cosmos,504,14
+cosmos,1013,0
+hanson,679,2
+stockman,380,2
+merom,737,1
+marstons,1836,15
+shelbyville,2109,0
+pinesdale,353,3
+leonardo,1534,6
+forkland,382,1
+woodbine,399,1
+hanson,166,2
+lindenwood,2608,1
+newfields,1007,7
+hiteman,123,6
+klickitat,125,3
+newfields,961,1
+hanson,1320,0
+marstons,2116,4
+klickitat,1206,5
+shelbyville,1459,7
+pinesdale,230,1
+marstons,1743,10
+hiteman,386,4
+newfields,1060,4
+shelbyville,221,6
+shelbyville,2017,0
+woodbine,575,2
+wainscott,302,2
+lindenwood,2345,12
+hiteman,291,2
+shelbyville,2372,3
+woodbine,3,7
+pinesdale,1455,0
+merom,917,4
+klickitat,1764,11
+wainscott,1439,3
+ranchester,797,1
+ranchester,1260,4
+newfields,565,1
+merom,502,4
+hanson,1108,5
+merom,370,5
+lakeville,224,2
+coffeen,336,0
+leonardo,1949,1
+klickitat,560,4
+marstons,446,5
+marstons,508,3
+beechwood,1013,12
+pomaria,252,9
+cosmos,149,2
+lakeville,1727,1
+newfields,1110,1
+lindenwood,754,9
+woodbine,256,6
+klickitat,972,2
+woodbine,1638,6
+lakeville,1676,1
+hiteman,1035,7
+hiteman,15,2
+woodbine,1225,9
+onaga,499,2
+merom,355,7
+ranchester,1176,3
+ranchester,607,0
+forkland,559,3
+hiteman,76,4
+pinesdale,627,6
+beechwood,717,4
+lindenwood,1567,2
+wainscott,1657,3
+ranchester,1556,0
+ranchester,474,5
+woodbine,832,14
+pomaria,876,3
+shelbyville,2404,7
+marstons,1664,0
+woodbine,93,2
+lakeville,88,2
+hiteman,418,1
+wainscott,516,2
+cosmos,628,7
+shelbyville,21,0
+benevolence,610,3
+hiteman,648,0
+marstons,1368,0
+pinesdale,298,10
+onaga,473,1
+stockman,751,2
+shelbyville,750,8
+hiteman,1637,1
+woodbine,1109,3
+tolstoy,1110,5
+ranchester,1117,0
+hanson,59,2
+hanson,1121,0
+woodbine,1012,5
+hiteman,171,2
+hanson,1006,2
+ranchester,1263,11
+mifflinburg,678,3
+coffeen,1500,0
+wainscott,751,0
+forkland,534,1
+wainscott,340,2
+stockman,1599,1
+hiteman,994,0
+hanson,1293,4
+woodbine,1572,7
+hiteman,654,2
+marstons,2491,0
+leonardo,887,3
+marstons,58,5
+lindenwood,710,3
+woodbine,625,6
+pinesdale,1352,9
+wainscott,240,2
+newfields,492,11
+forkland,366,9
+marstons,2283,4
+pomaria,195,1
+shelbyville,1814,5
+ranchester,824,6
+wainscott,1161,2
+cosmos,276,12
+shelbyville,1843,4
+wainscott,661,4
+woodbine,1066,0
+beechwood,1125,6
+ranchester,1219,2
+stockman,562,1
+hiteman,1261,9
+pinesdale,1096,1
+lindenwood,2046,0
+pomaria,821,0
+merom,832,3
+stockman,45,2
+woodbine,118,9
+pomaria,671,5
+marstons,1725,3
+marstons,1459,2
+klickitat,123,10
+ranchester,755,2
+cosmos,428,2
+klickitat,2231,6
+lindenwood,2628,9
+lakeville,237,0
+newfields,102,7
+stockman,1483,2
+leonardo,213,0
+pinesdale,806,5
+merom,137,4
+leonardo,403,2
+lindenwood,2345,7
+hanson,1331,15
+onaga,281,1
+onaga,13,3
+lakeville,1773,1
+lindenwood,1148,9
+wainscott,1211,1
+pomaria,238,2
+shelbyville,1943,0
+lindenwood,46,8
+lakeville,47,3
+forkland,1068,0
+forkland,869,4
+pinesdale,431,3
+cosmos,643,1
+tolstoy,143,12
+woodbine,1684,11
+beechwood,242,1
+marstons,922,6
+forkland,1153,0
+coffeen,733,1
+leonardo,521,11
+forkland,924,0
+klickitat,1358,2
+stockman,1396,4
+tolstoy,41,2
+cosmos,613,8
+benevolence,468,5
+tolstoy,1273,8
+wainscott,1419,5
+hiteman,562,2
+lindenwood,1211,4
+lakeville,1237,2
+klickitat,655,2
+merom,62,0
+onaga,517,3
+ranchester,1083,0
+onaga,206,3
+hanson,972,3
+woodbine,181,0
+beechwood,39,0
+woodbine,1065,2
+shelbyville,198,6
+lindenwood,2554,8
+newfields,250,4
+cosmos,329,6
+marstons,459,1
+leonardo,513,0
+ranchester,420,3
+shelbyville,450,0
+newfields,451,11
+hanson,814,9
+hiteman,1166,1
+ranchester,1220,5
+hiteman,1386,3
+shelbyville,2277,5
+leonardo,1557,7
+lakeville,157,7
+pomaria,414,0
+beechwood,429,2
+coffeen,301,3
+leonardo,1398,6
+lindenwood,1511,11
+klickitat,2139,1
+newfields,697,0
+hanson,393,5
+pinesdale,1212,1
+pomaria,1309,5
+stockman,1077,5
+forkland,994,4
+merom,1018,6
+wainscott,674,1
+marstons,2595,2
+lindenwood,1045,8
+leonardo,335,2
+lindenwood,1511,1
+hiteman,1740,3
+leonardo,189,4
+lindenwood,1250,4
+wainscott,182,1
+wainscott,1740,0
+klickitat,1440,2
+marstons,529,6
+klickitat,2259,11
+lindenwood,423,12
+pomaria,361,2
+pinesdale,82,9
+shelbyville,123,6
+klickitat,1430,1
+mifflinburg,784,10
+lindenwood,3,2
+lindenwood,2445,3
+pomaria,1516,6
+lakeville,1291,3
+merom,76,0
+shelbyville,80,7
+ranchester,186,0
+lindenwood,1813,2
+leonardo,1259,2
+woodbine,1798,4
+wainscott,1362,5
+wainscott,550,10
+lindenwood,1545,0
+hanson,898,0
+marstons,1739,1
+hiteman,1027,1
+pinesdale,573,15
+lakeville,1374,9
+marstons,1380,1
+klickitat,1457,3
+woodbine,1110,2
+shelbyville,19,2
+newfields,477,2
+hiteman,1215,7
+mifflinburg,399,2
+shelbyville,1689,3
+lindenwood,1904,5
+hiteman,952,12
+klickitat,148,9
+wainscott,1178,3
+forkland,156,3
+woodbine,1214,3
+cosmos,310,6
+hiteman,227,1
+marstons,1442,8
+pomaria,108,1
+lindenwood,843,3
+mifflinburg,163,8
+pomaria,1475,9
+shelbyville,553,15
+marstons,110,9
+merom,376,5
+klickitat,1032,4
+marstons,1392,0
+hiteman,1121,4
+merom,533,4
+marstons,1544,9
+klickitat,1458,2
+merom,1003,3
+pomaria,105,4
+lindenwood,2464,2
+klickitat,539,1
+tolstoy,1297,3
+shelbyville,1881,2
+klickitat,983,4
+stockman,1113,3
+woodbine,1194,0
+marstons,238,2
+beechwood,770,11
+klickitat,530,6
+lakeville,90,3
+shelbyville,523,6
+mifflinburg,679,4
+newfields,783,3
+coffeen,1241,5
+hanson,1203,6
+forkland,558,1
+wainscott,1692,0
+klickitat,2195,11
+cosmos,542,2
+hanson,903,0
+coffeen,1010,1
+beechwood,580,5
+lakeville,1310,0
+cosmos,988,1
+wainscott,1445,7
+pomaria,79,0
+cosmos,75,7
+stockman,373,0
+marstons,671,7
+merom,396,2
+shelbyville,2302,4
+shelbyville,1905,1
+lakeville,1837,1
+mifflinburg,506,5
+hanson,1202,5
+klickitat,366,2
+beechwood,437,3
+lindenwood,818,0
+shelbyville,1346,3
+hanson,1170,13
+ranchester,1526,0
+tolstoy,194,0
+beechwood,236,2
+klickitat,303,10
+klickitat,1571,0
+shelbyville,479,5
+lakeville,1670,20
+woodbine,292,1
+hanson,60,15
+woodbine,150,1
+pinesdale,1453,3
+klickitat,571,10
+ranchester,72,5
+lindenwood,1675,11
+shelbyville,818,1
+forkland,1069,3
+lakeville,1798,12
+woodbine,966,3
+beechwood,628,0
+woodbine,886,4
+onaga,198,1
+wainscott,771,1
+lindenwood,2105,3
+shelbyville,1469,7
+ranchester,412,1
+tolstoy,741,1
+newfields,546,5
+pinesdale,94,0
+onaga,519,3
+woodbine,2046,8
+lindenwood,1195,4
+marstons,1488,3
+cosmos,1011,2
+leonardo,987,3
+ranchester,1250,13
+pinesdale,1208,5
+pomaria,952,12
+leonardo,263,8
+leonardo,929,6
+pinesdale,997,1
+hanson,553,7
+lindenwood,46,5
+beechwood,713,5
+hiteman,1118,3
+coffeen,461,6
+woodbine,867,11
+marstons,279,2
+lakeville,1468,15
+hiteman,1319,12
+merom,797,0
+coffeen,338,2
+wainscott,1086,1
+woodbine,1685,1
+woodbine,587,1
+leonardo,1892,0
+shelbyville,1729,3
+pomaria,938,2
+hanson,1202,3
+coffeen,292,2
+lindenwood,2200,1
+shelbyville,142,12
+benevolence,545,6
+hanson,982,1
+tolstoy,13,3
+newfields,1127,2
+klickitat,2025,7
+merom,338,2
+woodbine,266,15
+newfields,1489,13
+shelbyville,1773,11
+stockman,277,7
+leonardo,246,6
+ranchester,1109,0
+mifflinburg,299,1
+hanson,606,4
+coffeen,65,7
+pomaria,1126,7
+hiteman,1333,3
+woodbine,411,3
+marstons,1731,8
+lakeville,989,4
+cosmos,741,1
+lakeville,329,0
+ranchester,268,6
+wainscott,1010,4
+marstons,2123,5
+hiteman,1566,2
+hiteman,1845,3
+coffeen,872,2
+ranchester,617,0
+marstons,1909,3
+lakeville,110,7
+pomaria,582,9
+klickitat,348,3
+woodbine,52,0
+shelbyville,736,1
+woodbine,534,4
+tolstoy,1681,0
+lakeville,1538,3
+stockman,1081,0
+ranchester,1065,2
+ranchester,1253,0
+klickitat,1188,2
+merom,188,6
+klickitat,671,1
+merom,1118,3
+klickitat,1512,0
+newfields,1078,0
+klickitat,1032,7
+wainscott,79,3
+shelbyville,1362,1
+lindenwood,271,1
+lakeville,948,0
+onaga,275,4
+stockman,1547,9
+cosmos,907,8
+pinesdale,1122,7
+woodbine,714,3
+shelbyville,1809,0
+beechwood,692,2
+forkland,481,6
+beechwood,701,0
+hiteman,946,0
+shelbyville,2129,2
+pomaria,948,0
+forkland,34,1
+lindenwood,1237,7
+forkland,428,2
+pinesdale,1518,7
+hanson,1247,13
+beechwood,270,3
+pomaria,1445,5
+lindenwood,1708,0
+cosmos,157,0
+tolstoy,321,4
+woodbine,1037,7
+lakeville,1244,2
+lindenwood,1321,9
+onaga,36,2
+cosmos,564,1
+lindenwood,1146,3
+marstons,182,3
+coffeen,1057,1
+woodbine,722,6
+klickitat,774,13
+shelbyville,507,0
+pinesdale,942,3
+shelbyville,610,2
+wainscott,199,5
+shelbyville,2714,6
+pomaria,107,3
+newfields,578,2
+leonardo,1423,23
+lindenwood,691,4
+hiteman,996,3
+leonardo,14,0
+beechwood,600,2
+hiteman,1408,0
+stockman,911,0
+merom,850,5
+marstons,1232,4
+lakeville,217,1
+lakeville,1763,3
+ranchester,786,10
+coffeen,577,5
+lakeville,1351,5
+lakeville,202,2
+marstons,1677,1
+leonardo,1920,8
+ranchester,1491,9
+lindenwood,2413,6
+coffeen,706,2
+shelbyville,1746,2
+beechwood,846,1
+woodbine,151,8
+wainscott,889,14
+lakeville,1787,4
+wainscott,1729,3
+ranchester,1466,3
+marstons,584,9
+lindenwood,423,1
+stockman,1351,3
+benevolence,209,0
+merom,437,2
+newfields,989,8
+shelbyville,2009,2
+tolstoy,106,3
+wainscott,1618,4
+pinesdale,1096,3
+woodbine,670,18
+hiteman,185,2
+lindenwood,2485,4
+ranchester,1055,6
+lindenwood,1818,9
+ranchester,272,2
+shelbyville,2478,2
+marstons,2267,9
+newfields,1453,4
+forkland,682,1
+woodbine,1586,3
+pinesdale,987,5
+woodbine,1398,2
+marstons,554,10
+tolstoy,1158,0
+stockman,907,2
+hiteman,367,0
+lindenwood,1458,11
+shelbyville,273,6
+shelbyville,200,1
+hanson,400,2
+woodbine,1572,3
+beechwood,361,2
+klickitat,707,6
+lindenwood,1195,1
+newfields,1134,8
+coffeen,1317,0
+klickitat,696,12
+lindenwood,1512,10
+lakeville,113,0
+ranchester,512,1
+hiteman,1265,3
+lindenwood,2094,2
+shelbyville,1903,3
+lakeville,1118,8
+cosmos,870,2
+woodbine,233,3
+merom,738,0
+woodbine,137,3
+woodbine,1696,0
+lakeville,239,0
+hiteman,606,2
+pinesdale,1489,3
+benevolence,823,6
+tolstoy,724,7
+ranchester,261,1
+hanson,1517,6
+stockman,280,3
+lindenwood,2385,10
+leonardo,220,5
+woodbine,2037,5
+marstons,391,15
+hanson,825,17
+newfields,458,8
+ranchester,393,3
+wainscott,34,10
+pinesdale,444,3
+cosmos,548,0
+shelbyville,285,7
+ranchester,1621,1
+wainscott,321,1
+hiteman,478,4
+marstons,1985,0
+pomaria,1450,4
+cosmos,507,2
+coffeen,158,0
+hanson,429,0
+leonardo,442,9
+coffeen,1491,3
+pinesdale,410,4
+lakeville,1606,5
+merom,91,2
+newfields,1084,4
+shelbyville,1875,2
+lindenwood,228,4
+cosmos,153,0
+pomaria,149,5
+ranchester,1482,0
+cosmos,464,7
+woodbine,479,7
+woodbine,1108,13
+wainscott,418,5
+stockman,780,1
+ranchester,206,2
+newfields,330,3
+coffeen,870,0
+benevolence,818,4
+pomaria,665,0
+leonardo,1928,9
+hanson,300,8
+klickitat,2063,1
+mifflinburg,465,2
+leonardo,1072,7
+tolstoy,717,0
+ranchester,1592,2
+wainscott,1366,3
+lindenwood,550,0
+tolstoy,1340,3
+stockman,421,5
+lakeville,515,6
+benevolence,187,0
+lakeville,940,0
+shelbyville,1070,5
+benevolence,513,0
+klickitat,1541,5
+marstons,139,4
+woodbine,1333,1
+klickitat,2066,1
+newfields,796,7
+hanson,1171,0
+klickitat,1568,5
+marstons,1515,8
+pomaria,320,2
+merom,195,2
+woodbine,1014,0
+leonardo,1127,4
+hiteman,986,1
+lindenwood,634,4
+tolstoy,640,1
+lindenwood,2679,4
+ranchester,1140,10
+ranchester,1532,8
+hiteman,801,1
+marstons,2553,0
+tolstoy,1277,1
+forkland,1043,1
+hiteman,335,0
+pomaria,1482,7
+hanson,731,16
+woodbine,589,10
+woodbine,388,4
+hiteman,1057,0
+lindenwood,636,1
+lindenwood,313,13
+klickitat,1670,5
+stockman,134,2
+stockman,404,2
+hanson,464,2
+hanson,534,10
+tolstoy,245,2
+stockman,962,3
+newfields,451,2
+ranchester,528,0
+wainscott,452,4
+beechwood,182,2
+klickitat,977,5
+mifflinburg,931,0
+lakeville,213,0
+marstons,791,11
+lindenwood,359,2
+marstons,694,4
+marstons,2073,10
+mifflinburg,724,2
+lakeville,503,2
+newfields,409,5
+hanson,1246,4
+hanson,565,11
+leonardo,1158,6
+marstons,1912,5
+pomaria,213,0
+shelbyville,1293,8
+woodbine,376,3
+wainscott,1388,0
+pinesdale,473,3
+tolstoy,495,2
+pomaria,246,1
+pinesdale,515,2
+coffeen,1299,0
+stockman,91,5
+merom,833,1
+lindenwood,893,2
+woodbine,1203,4
+klickitat,711,7
+tolstoy,883,3
+benevolence,274,0
+marstons,499,5
+woodbine,193,3
+beechwood,1004,4
+klickitat,1046,8
+lakeville,1735,2
+newfields,574,2
+tolstoy,848,8
+klickitat,1628,10
+lakeville,1883,0
+newfields,375,1
+lindenwood,600,6
+coffeen,1122,2
+tolstoy,379,3
+newfields,1088,13
+woodbine,1864,4
+woodbine,1764,8
+wainscott,104,7
+onaga,625,0
+cosmos,583,0
+leonardo,1959,0
+wainscott,15,2
+benevolence,113,13
+forkland,1032,3
+stockman,330,2
+ranchester,1422,9
+newfields,500,5
+klickitat,2294,3
+stockman,1314,0
+coffeen,1062,0
+ranchester,1165,4
+newfields,975,3
+pomaria,1050,5
+pinesdale,1461,3
+coffeen,92,4
+lindenwood,2538,4
+shelbyville,2472,2
+ranchester,1414,3
+klickitat,511,2
+lindenwood,755,8
+wainscott,1731,6
+shelbyville,2274,6
+klickitat,925,1
+shelbyville,2560,13
+tolstoy,676,0
+lakeville,106,3
+beechwood,827,0
+klickitat,230,6
+shelbyville,2108,3
+merom,795,2
+shelbyville,404,2
+hanson,774,11
+hanson,959,5
+pomaria,1258,0
+hanson,469,1
+woodbine,150,4
+leonardo,346,5
+marstons,181,1
+woodbine,614,0
+forkland,1136,1
+coffeen,775,1
+hiteman,1742,0
+ranchester,915,9
+ranchester,1430,2
+wainscott,727,0
+ranchester,1571,0
+mifflinburg,162,3
+woodbine,940,9
+hiteman,201,8
+klickitat,2396,3
+marstons,2224,3
+cosmos,384,8
+pinesdale,1299,1
+wainscott,1581,1
+tolstoy,1748,6
+marstons,500,8
+woodbine,1767,5
+hanson,1346,7
+leonardo,279,3
+hiteman,1585,5
+hanson,308,4
+benevolence,129,2
+klickitat,648,0
+woodbine,1870,1
+lindenwood,1134,7
+lindenwood,1458,2
+newfields,284,3
+ranchester,533,1
+hiteman,1859,0
+leonardo,1566,4
+beechwood,103,1
+lindenwood,1951,1
+wainscott,412,0
+woodbine,1720,3
+hanson,516,8
+marstons,1217,0
+merom,687,0
+marstons,1504,4
+wainscott,667,2
+woodbine,1983,15
+shelbyville,1843,8
+marstons,142,1
+shelbyville,2372,4
+coffeen,683,2
+klickitat,165,14
+ranchester,1316,4
+forkland,315,4
+marstons,1063,4
+marstons,2609,0
+onaga,42,3
+klickitat,1791,3
+newfields,1623,9
+ranchester,536,0
+forkland,621,1
+wainscott,311,7
+shelbyville,278,0
+woodbine,506,9
+newfields,341,8
+marstons,579,2
+wainscott,823,11
+stockman,783,2
+tolstoy,609,3
+klickitat,1804,2
+leonardo,1159,2
+merom,1057,7
+tolstoy,1179,1
+newfields,882,1
+mifflinburg,895,4
+hiteman,1195,5
+lindenwood,1931,4
+beechwood,29,9
+pinesdale,1226,0
+klickitat,141,9
+shelbyville,69,1
+marstons,741,9
+marstons,11,5
+lakeville,1703,4
+hiteman,1627,1
+woodbine,325,11
+klickitat,1569,6
+marstons,1830,6
+pomaria,1060,2
+hiteman,1333,5
+shelbyville,1049,1
+woodbine,1642,2
+lindenwood,460,2
+wainscott,1071,1
+marstons,1879,3
+tolstoy,697,2
+lakeville,1471,3
+ranchester,891,3
+lindenwood,1419,0
+marstons,834,1
+stockman,1136,7
+lindenwood,2312,0
+shelbyville,309,0
+marstons,1451,2
+shelbyville,2670,3
+coffeen,734,5
+wainscott,1178,2
+pomaria,1380,0
+leonardo,2002,4
+klickitat,1432,3
+woodbine,1375,7
+ranchester,1106,3
+lakeville,939,4
+lindenwood,1135,7
+hiteman,135,7
+shelbyville,2358,12
+leonardo,1624,5
+ranchester,182,0
+beechwood,40,4
+wainscott,1681,3
+merom,844,5
+ranchester,870,0
+stockman,500,0
+pomaria,1026,11
+cosmos,848,1
+leonardo,703,5
+woodbine,221,3
+coffeen,215,0
+wainscott,945,0
+merom,1072,10
+woodbine,1866,4
+hanson,1438,5
+woodbine,69,13
+hanson,1171,4
+marstons,2419,5
+tolstoy,1707,0
+onaga,192,2
+marstons,1064,1
+woodbine,652,3
+allensville,175,2
+hiteman,386,1
+marstons,2614,0
+lakeville,943,8
+benevolence,967,0
+marstons,228,2
+woodbine,1172,3
+mifflinburg,700,5
+lakeville,1756,3
+klickitat,1501,2
+allensville,40,2
+shelbyville,1971,16
+lindenwood,1138,4
+pomaria,846,8
+leonardo,570,3
+beechwood,1137,1
+shelbyville,1282,4
+lindenwood,639,3
+stockman,320,1
+pinesdale,1050,7
+wainscott,139,1
+marstons,1672,1
+lakeville,436,8
+stockman,1255,4
+klickitat,2127,11
+cosmos,435,8
+benevolence,777,1
+wainscott,62,2
+pomaria,192,0
+shelbyville,820,0
+shelbyville,1992,1
+pomaria,906,3
+tolstoy,254,0
+pomaria,882,0
+benevolence,452,11
+klickitat,1604,7
+pinesdale,1046,7
+beechwood,241,5
+ranchester,1513,3
+forkland,825,1
+beechwood,1092,4
+marstons,2231,3
+beechwood,1052,4
+benevolence,368,1
+leonardo,846,11
+ranchester,684,2
+wainscott,1492,12
+lakeville,5,4
+mifflinburg,187,2
+pomaria,759,3
+leonardo,489,9
+benevolence,561,2
+tolstoy,1561,0
+pomaria,993,5
+marstons,668,0
+wainscott,1562,6
+benevolence,397,0
+klickitat,550,8
+leonardo,293,3
+wainscott,1617,11
+lindenwood,223,1
+pomaria,843,3
+pinesdale,228,0
+wainscott,784,4
+merom,373,3
+klickitat,1402,7
+lakeville,67,6
+marstons,1484,1
+merom,134,4
+mifflinburg,729,1
+klickitat,1315,2
+tolstoy,1076,7
+woodbine,628,0
+marstons,659,17
+hiteman,1318,6
+hanson,820,3
+forkland,1015,6
+leonardo,610,4
+beechwood,162,3
+newfields,886,5
+klickitat,916,14
+woodbine,809,9
+tolstoy,1791,6
+marstons,2434,7
+hiteman,1794,0
+onaga,338,1
+newfields,1470,4
+hanson,295,3
+shelbyville,969,4
+beechwood,331,5
+woodbine,31,0
+hiteman,161,1
+newfields,1474,14
+hiteman,64,2
+pomaria,1289,8
+leonardo,717,0
+woodbine,1032,1
+woodbine,1514,1
+ranchester,1593,5
+beechwood,101,2
+pinesdale,73,5
+hanson,1542,3
+cosmos,201,2
+wainscott,517,15
+woodbine,2058,4
+ranchester,804,3
+shelbyville,211,1
+lakeville,1853,4
+marstons,659,14
+leonardo,1769,2
+forkland,206,2
+forkland,1078,0
+shelbyville,725,2
+hanson,1280,10
+woodbine,937,6
+woodbine,713,12
+hanson,839,3
+stockman,1257,7
+cosmos,717,11
+marstons,291,4
+hiteman,1809,1
+tolstoy,11,0
+pomaria,353,5
+stockman,15,3
+klickitat,2227,4
+marstons,538,7
+klickitat,653,9
+wainscott,1781,0
+wainscott,1517,11
+lakeville,648,2
+wainscott,1692,10
+wainscott,1621,6
+shelbyville,2358,13
+lakeville,679,8
+coffeen,708,1
+woodbine,884,0
+marstons,1084,3
+beechwood,493,2
+newfields,388,5
+cosmos,7,4
+hanson,771,4
+pinesdale,231,12
+hiteman,1632,0
+hanson,407,6
+shelbyville,2775,7
+tolstoy,1293,3
+newfields,948,1
+wainscott,1233,4
+lindenwood,1907,4
+woodbine,1631,5
+klickitat,1739,10
+marstons,2415,4
+woodbine,1380,11
+stockman,1463,4
+allensville,183,3
+klickitat,1956,8
+benevolence,798,3
+stockman,168,1
+forkland,851,4
+tolstoy,195,0
+newfields,1280,0
+newfields,536,0
+marstons,516,1
+woodbine,2015,3
+cosmos,913,3
+lindenwood,987,0
+leonardo,1318,7
+coffeen,4,0
+marstons,2378,13
+beechwood,146,4
+cosmos,1052,3
+cosmos,556,2
+wainscott,1200,1
+forkland,328,1
+klickitat,900,4
+hanson,539,0
+newfields,481,15
+hiteman,1214,2
+marstons,2403,3
+wainscott,1773,0
+hanson,249,6
+lakeville,875,12
+shelbyville,1955,3
+klickitat,971,4
+hanson,1082,12
+shelbyville,219,12
+newfields,1274,6
+cosmos,193,10
+woodbine,1808,0
+marstons,2620,1
+pinesdale,687,2
+ranchester,109,0
+pomaria,926,7
+lakeville,1865,1
+marstons,1306,0
+shelbyville,1440,4
+pinesdale,1421,3
+coffeen,1192,7
+shelbyville,895,6
+marstons,1503,0
+newfields,792,4
+pomaria,383,0
+wainscott,1559,2
+hanson,1576,1
+lindenwood,1344,1
+shelbyville,2624,7
+marstons,2118,1
+mifflinburg,423,7
+klickitat,1825,2
+klickitat,467,4
+newfields,905,5
+lindenwood,2657,3
+tolstoy,1131,6
+beechwood,1062,1
+pomaria,863,5
+marstons,909,13
+ranchester,1448,0
+klickitat,1007,5
+cosmos,435,5
+pomaria,1148,1
+marstons,2031,0
+shelbyville,1722,2
+forkland,1096,8
+lindenwood,244,3
+klickitat,1940,9
+lakeville,573,8
+marstons,1695,1
+hiteman,208,1
+lindenwood,298,1
+hanson,1146,0
+shelbyville,1880,3
+lindenwood,419,7
+forkland,309,2
+tolstoy,1775,0
+pinesdale,206,3
+leonardo,285,1
+klickitat,410,1
+shelbyville,1095,5
+tolstoy,459,7
+lakeville,1232,3
+pinesdale,845,2
+woodbine,1401,0
+leonardo,373,12
+leonardo,610,7
+coffeen,614,3
+shelbyville,2002,4
+shelbyville,636,5
+pinesdale,853,0
+pomaria,1413,1
+coffeen,93,1
+coffeen,38,6
+wainscott,788,3
+lindenwood,391,5
+marstons,520,1
+woodbine,1821,10
+woodbine,9,9
+klickitat,1363,4
+forkland,805,1
+lindenwood,663,4
+stockman,470,5
+beechwood,339,4
+shelbyville,2770,11
+merom,625,1
+ranchester,837,0
+pomaria,1217,4
+wainscott,975,13
+wainscott,795,1
+lindenwood,2103,15
+ranchester,1479,2
+ranchester,1065,6
+cosmos,660,4
+ranchester,498,3
+stockman,57,2
+wainscott,1121,6
+woodbine,1989,0
+marstons,1891,2
+lindenwood,2427,2
+tolstoy,1685,3
+klickitat,1939,0
+beechwood,897,8
+newfields,447,5
+pinesdale,1066,5
+hiteman,1024,0
+klickitat,523,1
+marstons,1314,0
+benevolence,42,1
+woodbine,2025,1
+tolstoy,664,1
+wainscott,1265,0
+hanson,82,5
+marstons,2421,2
+ranchester,210,4
+coffeen,1515,3
+tolstoy,1382,2
+merom,705,4
+lindenwood,1179,7
+hanson,1367,3
+hanson,107,0
+leonardo,850,11
+mifflinburg,252,2
+tolstoy,1011,8
+tolstoy,1797,9
+wainscott,1739,5
+klickitat,1227,0
+shelbyville,2432,1
+cosmos,384,5
+klickitat,1038,14
+lakeville,359,0
+lakeville,775,4
+shelbyville,30,1
+pomaria,1171,1
+stockman,951,4
+wainscott,1189,12
+woodbine,603,6
+woodbine,907,13
+pomaria,1409,1
+marstons,88,4
+benevolence,713,2
+shelbyville,1490,8
+newfields,309,0
+shelbyville,509,1
+lakeville,230,2
+cosmos,145,1
+lakeville,786,1
+newfields,313,2
+wainscott,527,2
+merom,478,5
+shelbyville,24,13
+lindenwood,949,2
+leonardo,1815,0
+marstons,993,1
+wainscott,628,0
+hanson,122,0
+newfields,288,0
+onaga,232,3
+lakeville,565,0
+tolstoy,1090,0
+klickitat,611,20
+shelbyville,344,2
+shelbyville,1871,0
+marstons,570,11
+onaga,358,3
+pomaria,1068,11
+coffeen,1272,5
+shelbyville,156,8
+ranchester,843,4
+pomaria,146,0
+beechwood,232,2
+tolstoy,1324,0
+ranchester,1508,19
+wainscott,823,2
+wainscott,1212,5
+tolstoy,305,2
+hanson,1087,4
+wainscott,429,6
+coffeen,514,5
+benevolence,756,2
+lakeville,1654,0
+newfields,1211,2
+newfields,461,0
+marstons,1982,0
+lakeville,944,7
+lindenwood,1832,0
+wainscott,791,8
+tolstoy,1615,1
+onaga,673,1
+onaga,486,3
+lakeville,493,0
+leonardo,2069,4
+leonardo,636,6
+lakeville,1504,0
+marstons,1752,0
+wainscott,592,0
+stockman,80,11
+ranchester,482,1
+pinesdale,438,3
+hiteman,1523,1
+mifflinburg,488,6
+merom,913,1
+shelbyville,1971,3
+mifflinburg,405,1
+shelbyville,903,6
+hanson,965,3
+marstons,2295,3
+shelbyville,1516,10
+pomaria,164,3
+leonardo,1448,8
+tolstoy,675,1
+shelbyville,2504,4
+klickitat,110,0
+coffeen,133,3
+hiteman,1190,1
+lakeville,957,5
+leonardo,65,6
+newfields,782,2
+wainscott,1032,5
+wainscott,462,3
+shelbyville,2053,1
+coffeen,403,3
+merom,731,3
+lindenwood,1548,10
+lindenwood,95,2
+lindenwood,1947,3
+tolstoy,1804,2
+woodbine,962,10
+woodbine,657,2
+newfields,975,5
+forkland,393,4
+woodbine,809,3
+stockman,142,0
+leonardo,571,5
+wainscott,769,3
+hanson,166,6
+lakeville,298,1
+marstons,468,0
+stockman,686,15
+lakeville,475,0
+leonardo,1376,2
+lakeville,64,3
+cosmos,1011,8
+wainscott,1043,6
+marstons,764,9
+leonardo,465,1
+hiteman,1675,0
+cosmos,123,3
+shelbyville,2520,6
+beechwood,1079,0
+klickitat,320,3
+hanson,56,6
+shelbyville,2472,6
+lakeville,1477,4
+newfields,230,2
+tolstoy,581,2
+shelbyville,2477,0
+hiteman,1251,0
+beechwood,1161,0
+pomaria,1554,5
+tolstoy,206,6
+shelbyville,351,8
+marstons,2132,7
+marstons,1480,8
+marstons,710,5
+wainscott,1599,1
+hiteman,1237,7
+newfields,263,1
+woodbine,682,4
+pinesdale,1491,0
+wainscott,1196,3
+woodbine,1986,1
+woodbine,90,6
+leonardo,47,2
+coffeen,374,0
+lakeville,1300,2
+lindenwood,2581,8
+marstons,983,10
+lindenwood,947,3
+woodbine,1458,8
+woodbine,760,1
+shelbyville,884,0
+newfields,135,0
+hanson,1198,2
+coffeen,116,0
+klickitat,2387,1
+lindenwood,790,4
+marstons,1970,8
+lakeville,183,9
+lakeville,34,1
+klickitat,1330,5
+pomaria,288,5
+wainscott,1024,1
+lindenwood,599,0
+stockman,829,2
+ranchester,573,2
+klickitat,1736,3
+tolstoy,976,7
+hiteman,39,0
+onaga,537,1
+lindenwood,241,2
+tolstoy,1312,3
+wainscott,960,6
+wainscott,1221,6
+shelbyville,1136,1
+lakeville,1780,2
+lindenwood,2542,2
+shelbyville,612,5
+lindenwood,1307,9
+hiteman,611,3
+shelbyville,2322,9
+klickitat,976,3
+forkland,351,7
+ranchester,226,5
+tolstoy,1230,8
+hanson,87,0
+marstons,908,7
+wainscott,463,1
+tolstoy,371,2
+lindenwood,2361,1
+leonardo,1112,2
+lindenwood,1602,13
+hanson,875,7
+lakeville,1732,1
+ranchester,1484,0
+allensville,402,2
+pomaria,1267,0
+pinesdale,740,2
+woodbine,1107,3
+hanson,1468,5
+coffeen,696,3
+hiteman,735,4
+ranchester,103,0
+ranchester,1235,6
+hanson,419,2
+leonardo,157,8
+forkland,618,2
+tolstoy,1744,0
+klickitat,2264,6
+wainscott,1597,7
+hanson,724,10
+hiteman,1640,3
+woodbine,751,8
+pomaria,1586,3
+tolstoy,1435,7
+beechwood,289,6
+woodbine,1167,2
+ranchester,428,0
+stockman,316,4
+ranchester,298,0
+wainscott,1424,2
+woodbine,1892,4
+stockman,317,1
+pinesdale,489,0
+mifflinburg,524,4
+tolstoy,1141,1
+klickitat,1760,10
+ranchester,1490,2
+klickitat,2060,1
+lindenwood,1181,5
+lakeville,1790,0
+merom,790,3
+wainscott,37,4
+ranchester,1317,14
+marstons,1390,8
+benevolence,281,2
+lakeville,415,2
+woodbine,104,8
+newfields,1487,3
+klickitat,531,9
+hiteman,519,5
+lindenwood,2312,7
+wainscott,1201,8
+marstons,1925,11
+hanson,556,4
+marstons,1686,2
+coffeen,434,1
+leonardo,1591,5
+merom,897,1
+hiteman,1505,2
+marstons,1078,14
+pomaria,403,1
+marstons,2189,8
+stockman,33,0
+wainscott,149,9
+marstons,1388,2
+shelbyville,137,2
+beechwood,448,3
+lindenwood,1977,8
+hanson,453,4
+leonardo,1841,2
+lindenwood,2017,1
+shelbyville,1329,5
+shelbyville,2070,2
+wainscott,763,1
+tolstoy,886,3
+hanson,557,0
+marstons,2484,3
+marstons,1772,3
+lindenwood,1829,5
+beechwood,692,0
+woodbine,819,3
+newfields,1448,8
+benevolence,931,6
+mifflinburg,721,1
+shelbyville,2214,5
+hiteman,439,10
+tolstoy,887,12
+lindenwood,1506,0
+merom,985,11
+pomaria,706,0
+tolstoy,450,2
+klickitat,937,6
+pinesdale,1111,4
+mifflinburg,575,1
+leonardo,496,6
+klickitat,2329,14
+forkland,878,2
+beechwood,109,7
+onaga,582,3
+mifflinburg,251,0
+hanson,811,6
+merom,279,0
+forkland,46,0
+newfields,1484,0
+shelbyville,2446,0
+wainscott,942,10
+lindenwood,538,6
+klickitat,974,7
+ranchester,281,11
+newfields,437,2
+lindenwood,1832,1
+lakeville,633,3
+benevolence,908,8
+ranchester,1262,2
+marstons,355,2
+wainscott,1246,1
+klickitat,2143,12
+ranchester,691,5
+wainscott,784,3
+klickitat,1867,3
+lindenwood,1682,9
+coffeen,1011,4
+benevolence,39,4
+hiteman,1337,5
+shelbyville,378,6
+wainscott,785,5
+lakeville,618,3
+stockman,526,0
+pinesdale,254,0
+leonardo,290,2
+benevolence,196,3
+leonardo,401,4
+lakeville,842,0
+ranchester,278,7
+marstons,929,9
+newfields,1645,8
+shelbyville,1443,11
+allensville,518,3
+forkland,472,1
+forkland,99,4
+hiteman,328,1
+hiteman,1032,3
+merom,852,2
+hiteman,1588,3
+klickitat,528,0
+leonardo,897,7
+marstons,221,2
+tolstoy,143,0
+pomaria,1506,6
+woodbine,1298,0
+cosmos,884,5
+pinesdale,945,7
+coffeen,1467,3
+newfields,61,12
+wainscott,738,6
+beechwood,910,3
+coffeen,968,1
+newfields,436,3
+shelbyville,1454,10
+leonardo,195,1
+hanson,663,3
+mifflinburg,300,1
+ranchester,1588,11
+merom,893,6
+wainscott,994,7
+pinesdale,1288,3
+lakeville,1514,7
+klickitat,45,1
+leonardo,1349,9
+cosmos,636,2
+tolstoy,231,12
+stockman,330,0
+onaga,388,0
+shelbyville,170,7
+wainscott,110,9
+marstons,831,3
+merom,1003,11
+shelbyville,2003,4
+hanson,1136,5
+lindenwood,1147,6
+wainscott,1025,3
+lakeville,1704,7
+woodbine,1488,1
+hiteman,870,8
+marstons,2373,5
+leonardo,1648,1
+lindenwood,1376,6
+tolstoy,616,3
+cosmos,880,7
+tolstoy,1194,4
+cosmos,930,13
+beechwood,1177,2
+klickitat,1102,4
+shelbyville,1174,1
+pomaria,136,8
+hanson,529,3
+lindenwood,1626,4
+tolstoy,1760,3
+klickitat,1348,4
+forkland,324,1
+wainscott,1444,0
+lindenwood,743,0
+forkland,541,4
+klickitat,1253,1
+woodbine,118,18
+cosmos,425,2
+pomaria,1176,7
+shelbyville,2492,2
+newfields,1086,4
+merom,323,2
+shelbyville,1304,0
+cosmos,524,8
+pinesdale,286,0
+merom,764,3
+stockman,1361,0
+klickitat,882,5
+wainscott,331,14
+coffeen,13,7
+mifflinburg,22,5
+klickitat,776,4
+klickitat,1478,2
+shelbyville,2066,5
+shelbyville,1446,1
+coffeen,234,4
+pomaria,944,9
+stockman,825,0
+hiteman,998,3
+pomaria,876,2
+hiteman,373,7
+onaga,182,4
+woodbine,1929,0
+cosmos,218,1
+hiteman,687,8
+lakeville,336,0
+beechwood,862,1
+wainscott,608,4
+coffeen,305,3
+ranchester,1597,3
+shelbyville,2151,1
+wainscott,280,0
+woodbine,746,13
+newfields,1382,1
+stockman,14,0
+pomaria,1427,21
+mifflinburg,541,3
+newfields,534,9
+newfields,1190,6
+ranchester,501,2
+lindenwood,2243,1
+cosmos,40,12
+shelbyville,2370,3
+wainscott,997,2
+klickitat,1405,0
+woodbine,1680,6
+ranchester,1531,6
+pomaria,1579,7
+hiteman,550,5
+shelbyville,1048,6
+hanson,388,4
+woodbine,1513,0
+pomaria,1611,5
+shelbyville,719,0
+newfields,1023,2
+stockman,1233,3
+klickitat,259,1
+benevolence,389,7
+leonardo,496,5
+leonardo,22,3
+shelbyville,275,9
+marstons,2293,3
+shelbyville,2322,16
+hanson,313,2
+cosmos,182,2
+klickitat,959,1
+coffeen,59,2
+wainscott,517,9
+coffeen,772,4
+marstons,1385,4
+hiteman,112,7
+hanson,186,2
+ranchester,1294,3
+pinesdale,576,6
+beechwood,419,4
+pomaria,704,2
+ranchester,1025,3
+hiteman,1129,1
+hiteman,632,4
+klickitat,2262,10
+leonardo,1217,1
+tolstoy,1350,8
+lakeville,400,2
+lakeville,723,2
+leonardo,1191,2
+ranchester,1252,3
+lindenwood,1989,2
+shelbyville,820,9
+newfields,1623,1
+wainscott,353,7
+newfields,1007,11
+klickitat,782,12
+newfields,1611,6
+pinesdale,715,3
+newfields,913,1
+lakeville,1590,1
+marstons,2237,5
+wainscott,513,7
+woodbine,1490,4
+lindenwood,2230,1
+pomaria,724,1
+lindenwood,1897,12
+wainscott,9,8
+shelbyville,572,2
+cosmos,311,1
+stockman,1465,3
+woodbine,1332,4
+shelbyville,2577,5
+beechwood,407,0
+benevolence,58,8
+stockman,1018,0
+beechwood,900,2
+stockman,642,8
+cosmos,258,10
+newfields,1402,3
+newfields,880,4
+marstons,1084,5
+leonardo,1158,13
+forkland,1009,0
+hanson,1425,0
+marstons,1777,0
+lakeville,1217,4
+tolstoy,763,0
+hiteman,962,2
+newfields,1295,5
+lindenwood,1130,3
+newfields,277,3
+merom,556,7
+shelbyville,1961,4
+onaga,552,6
+pinesdale,1390,0
+cosmos,24,0
+klickitat,1767,4
+lindenwood,2530,3
+mifflinburg,443,4
+newfields,798,3
+klickitat,287,4
+klickitat,1125,5
+coffeen,680,1
+beechwood,151,0
+beechwood,335,2
+marstons,931,3
+merom,333,2
+coffeen,733,3
+tolstoy,1835,1
+beechwood,580,0
+benevolence,713,3
+pomaria,846,6
+hiteman,1250,3
+tolstoy,1786,5
+lindenwood,146,2
+shelbyville,673,2
+hiteman,1783,0
+hanson,1160,4
+marstons,1662,2
+klickitat,1973,0
+lindenwood,3,3
+merom,497,0
+lakeville,875,7
+woodbine,1081,14
+forkland,878,1
+klickitat,262,2
+leonardo,315,0
+hiteman,725,3
+wainscott,821,1
+lakeville,182,3
+tolstoy,938,3
+lakeville,256,4
+woodbine,462,2
+hiteman,1468,12
+forkland,336,0
+cosmos,523,6
+marstons,1213,1
+klickitat,1818,7
+merom,1087,1
+marstons,1244,4
+lakeville,298,4
+hiteman,1177,0
+forkland,637,0
+forkland,872,0
+pomaria,260,1
+hiteman,704,2
+newfields,1046,9
+tolstoy,1270,5
+shelbyville,1489,5
+marstons,1302,6
+leonardo,1681,0
+shelbyville,1807,2
+wainscott,431,2
+lindenwood,1243,3
+lindenwood,2633,9
+coffeen,727,2
+pinesdale,1239,6
+leonardo,1327,2
+pinesdale,108,1
+klickitat,1485,5
+coffeen,487,2
+woodbine,739,0
+leonardo,7,0
+klickitat,1548,0
+stockman,408,3
+onaga,74,5
+stockman,1308,5
+pomaria,690,2
+mifflinburg,928,6
+ranchester,1232,6
+stockman,138,7
+merom,757,9
+pinesdale,733,4
+klickitat,1241,0
+stockman,526,8
+shelbyville,2717,1
+stockman,416,0
+lindenwood,873,0
+onaga,433,1
+coffeen,885,4
+newfields,501,2
+woodbine,1905,2
+shelbyville,1873,4
+lindenwood,635,4
+beechwood,911,5
+ranchester,1612,1
+lindenwood,529,4
+cosmos,312,3
+hiteman,1502,4
+newfields,1133,2
+pomaria,1593,13
+wainscott,411,10
+hiteman,1591,3
+klickitat,609,5
+pomaria,914,6
+lindenwood,618,5
+pinesdale,1362,1
+lindenwood,787,2
+tolstoy,712,9
+pomaria,0,0
+tolstoy,1659,1
+wainscott,4,10
+lakeville,1779,1
+woodbine,779,8
+hanson,627,6
+tolstoy,93,0
+benevolence,383,2
+woodbine,995,0
+klickitat,1859,5
+merom,11,0
+hanson,1023,1
+wainscott,260,6
+klickitat,847,0
+beechwood,818,2
+beechwood,431,1
+newfields,1031,12
+leonardo,198,7
+pomaria,966,0
+beechwood,620,0
+shelbyville,445,1
+stockman,586,2
+woodbine,1605,7
+woodbine,237,2
+hanson,947,3
+lindenwood,725,4
+hanson,87,4
+hiteman,1011,4
+hiteman,116,0
+mifflinburg,517,1
+pomaria,805,14
+beechwood,650,4
+marstons,2471,2
+stockman,925,0
+leonardo,1915,3
+lakeville,667,1
+klickitat,390,6
+stockman,1344,1
+lakeville,1486,1
+wainscott,1747,10
+shelbyville,2629,4
+wainscott,258,7
+ranchester,326,0
+hiteman,708,3
+marstons,1866,3
+shelbyville,2106,0
+lakeville,1710,3
+pomaria,45,1
+forkland,1035,2
+klickitat,1873,3
+shelbyville,2163,5
+wainscott,1655,5
+pomaria,136,6
+lindenwood,1693,1
+wainscott,637,3
+woodbine,2009,6
+klickitat,1868,3
+pomaria,1175,8
+lindenwood,1269,4
+leonardo,958,6
+mifflinburg,889,2
+wainscott,84,10
+pomaria,488,16
+lindenwood,54,5
+stockman,476,4
+shelbyville,53,1
+lakeville,1116,9
+hanson,7,0
+woodbine,173,8
+woodbine,371,1
+coffeen,749,6
+marstons,1421,1
+mifflinburg,723,2
+hanson,1280,9
+beechwood,117,5
+merom,859,5
+pinesdale,95,0
+lakeville,200,0
+tolstoy,861,0
+merom,197,5
+marstons,2279,1
+wainscott,71,1
+shelbyville,685,1
+marstons,581,0
+leonardo,1335,5
+coffeen,99,3
+lakeville,1306,5
+wainscott,409,7
+marstons,1102,15
+klickitat,610,1
+pinesdale,586,0
+lakeville,1489,8
+beechwood,1010,3
+pomaria,150,4
+tolstoy,138,2
+mifflinburg,211,4
+woodbine,1081,4
+wainscott,1440,4
+klickitat,1687,0
+lindenwood,2307,10
+pinesdale,522,8
+lindenwood,994,2
+klickitat,404,0
+allensville,243,2
+klickitat,1290,4
+marstons,995,0
+stockman,40,6
+hanson,1084,0
+pinesdale,988,4
+leonardo,1557,0
+lakeville,259,0
+stockman,678,1
+woodbine,1373,2
+marstons,1455,4
+klickitat,535,8
+ranchester,1323,0
+woodbine,1016,2
+hiteman,1306,2
+wainscott,1099,8
+wainscott,1696,3
+lindenwood,2011,4
+shelbyville,703,1
+allensville,218,8
+beechwood,151,3
+lakeville,983,7
+coffeen,1203,3
+leonardo,1393,2
+wainscott,1162,5
+lakeville,710,1
+wainscott,1490,4
+forkland,29,1
+allensville,51,3
+shelbyville,1468,7
+lindenwood,398,0
+tolstoy,429,3
+newfields,325,7
+leonardo,268,5
+forkland,182,0
+pinesdale,127,2
+leonardo,1438,0
+hiteman,559,1
+pinesdale,812,0
+woodbine,308,9
+lindenwood,828,14
+pomaria,268,5
+leonardo,1322,2
+lindenwood,1482,7
+klickitat,167,4
+wainscott,159,3
+hiteman,26,1
+coffeen,1010,0
+hanson,558,6
+cosmos,4,3
+merom,494,1
+merom,367,5
+onaga,323,0
+benevolence,282,4
+tolstoy,872,3
+ranchester,863,2
+shelbyville,2372,9
+wainscott,1278,4
+marstons,237,0
+wainscott,1193,14
+coffeen,1022,1
+lakeville,1757,0
+lakeville,1200,13
+woodbine,817,3
+leonardo,161,0
+lakeville,406,3
+tolstoy,374,0
+hanson,586,1
+shelbyville,2537,7
+newfields,1602,7
+shelbyville,2348,3
+leonardo,2109,2
+leonardo,1731,3
+newfields,972,4
+hanson,1392,4
+lindenwood,225,6
+hanson,1567,0
+wainscott,851,2
+benevolence,398,2
+ranchester,997,0
+merom,776,4
+marstons,1239,0
+klickitat,1349,3
+hiteman,756,3
+marstons,2304,0
+marstons,1194,3
+tolstoy,332,1
+newfields,1508,2
+shelbyville,286,2
+cosmos,426,4
+merom,704,4
+pomaria,963,7
+hanson,687,2
+merom,502,2
+coffeen,975,1
+stockman,463,2
+pinesdale,1145,11
+newfields,1456,1
+benevolence,736,0
+leonardo,1988,5
+lindenwood,2252,8
+wainscott,682,11
+hiteman,1207,2
+merom,511,3
+shelbyville,658,2
+allensville,330,3
+pinesdale,472,5
+lindenwood,2019,11
+stockman,1455,4
+woodbine,823,4
+tolstoy,346,1
+tolstoy,926,7
+hiteman,1743,3
+shelbyville,1733,4
+shelbyville,1626,4
+klickitat,55,5
+shelbyville,120,1
+ranchester,820,2
+tolstoy,264,4
+forkland,994,0
+coffeen,339,4
+lindenwood,206,0
+benevolence,80,0
+shelbyville,165,4
+lindenwood,820,0
+coffeen,960,2
+wainscott,797,2
+tolstoy,984,2
+klickitat,2081,6
+lindenwood,1784,1
+lindenwood,1651,13
+hanson,1287,1
+hanson,651,6
+ranchester,416,11
+leonardo,291,15
+pinesdale,224,0
+wainscott,1134,1
+pinesdale,1496,3
+merom,681,1
+lindenwood,813,12
+stockman,1289,4
+woodbine,1531,2
+stockman,532,2
+mifflinburg,453,2
+hanson,697,0
+hanson,145,3
+hanson,539,8
+hiteman,5,4
+lakeville,290,4
+lakeville,183,1
+hanson,1037,7
+pinesdale,1087,1
+marstons,1749,16
+stockman,931,3
+shelbyville,2281,2
+klickitat,2172,5
+newfields,613,4
+shelbyville,1389,6
+leonardo,274,9
+leonardo,709,3
+shelbyville,1656,3
+hiteman,865,12
+leonardo,649,5
+woodbine,1182,3
+wainscott,814,2
+pomaria,640,2
+benevolence,531,3
+marstons,1093,7
+lindenwood,2559,3
+pinesdale,7,11
+stockman,1583,1
+shelbyville,465,5
+allensville,57,2
+newfields,458,4
+tolstoy,1354,10
+klickitat,1629,0
+shelbyville,1821,6
+pinesdale,497,3
+ranchester,115,4
+tolstoy,1440,3
+forkland,733,1
+hiteman,601,0
+hiteman,665,6
+benevolence,754,6
+benevolence,775,2
+shelbyville,944,11
+hiteman,202,4
+marstons,2407,7
+marstons,1482,13
+hanson,1463,2
+lindenwood,2520,4
+klickitat,2087,0
+woodbine,664,3
+leonardo,425,4
+tolstoy,1815,2
+marstons,1355,11
+woodbine,58,4
+ranchester,1285,9
+leonardo,891,0
+marstons,2149,3
+marstons,2483,7
+merom,869,5
+klickitat,140,17
+marstons,517,1
+benevolence,528,7
+pinesdale,679,1
+lindenwood,1390,1
+leonardo,29,5
+onaga,224,0
+coffeen,567,0
+klickitat,75,12
+lindenwood,1373,6
+shelbyville,2701,1
+wainscott,238,3
+marstons,2451,1
+woodbine,1755,5
+ranchester,979,1
+forkland,1160,2
+klickitat,999,2
+ranchester,1251,1
+marstons,581,1
+marstons,1027,9
+leonardo,2099,4
+shelbyville,2687,2
+woodbine,675,2
+woodbine,243,1
+lakeville,1493,10
+lakeville,252,4
+hanson,1016,8
+tolstoy,1043,0
+stockman,558,2
+pomaria,1254,2
+hiteman,402,3
+tolstoy,994,0
+merom,961,6
+hanson,135,7
+shelbyville,812,7
+klickitat,739,9
+coffeen,382,4
+shelbyville,1893,2
+pomaria,287,8
+hiteman,902,7
+klickitat,591,0
+shelbyville,2683,2
+lindenwood,2087,8
+pomaria,805,6
+klickitat,339,0
+pomaria,1420,2
+marstons,102,0
+beechwood,865,4
+leonardo,1204,4
+klickitat,1909,11
+pomaria,155,0
+coffeen,420,2
+lakeville,904,13
+lindenwood,2456,6
+tolstoy,1353,6
+benevolence,101,0
+lakeville,16,4
+klickitat,525,1
+hiteman,1849,2
+tolstoy,631,1
+marstons,1999,1
+ranchester,807,0
+mifflinburg,631,10
+hanson,1366,7
+lakeville,1315,3
+stockman,1413,0
+klickitat,1743,1
+shelbyville,2512,12
+woodbine,943,2
+benevolence,51,4
+ranchester,311,1
+lindenwood,1091,1
+pomaria,48,1
+marstons,867,4
+ranchester,1551,1
+leonardo,499,7
+coffeen,1145,2
+lindenwood,2253,3
+newfields,32,0
+coffeen,471,1
+hanson,1286,5
+pinesdale,894,3
+forkland,426,2
+lindenwood,110,1
+merom,974,0
+tolstoy,78,12
+tolstoy,607,3
+hanson,576,5
+ranchester,1502,3
+lakeville,1670,16
+pomaria,544,0
+lakeville,1118,10
+merom,524,0
+beechwood,388,3
+forkland,807,4
+hiteman,1433,3
+klickitat,2385,2
+hiteman,29,16
+lakeville,591,1
+lindenwood,147,10
+lakeville,279,1
+newfields,415,4
+forkland,144,4
+marstons,1826,2
+newfields,884,0
+pomaria,1354,1
+lindenwood,1693,4
+klickitat,622,2
+woodbine,899,3
+ranchester,451,2
+merom,1004,5
+tolstoy,570,1
+allensville,355,6
+hanson,933,2
+cosmos,907,7
+hanson,1349,2
+beechwood,987,2
+ranchester,499,4
+tolstoy,36,4
+hiteman,1793,1
+lakeville,1463,5
+klickitat,2109,12
+leonardo,1037,6
+leonardo,231,10
+hiteman,924,0
+wainscott,202,10
+hiteman,605,2
+woodbine,542,2
+pomaria,261,2
+newfields,1071,6
+merom,1070,3
+leonardo,408,3
+pinesdale,985,7
+stockman,686,12
+lindenwood,1005,2
+marstons,1829,12
+marstons,2618,0
+forkland,1172,0
+lindenwood,683,10
+newfields,1179,5
+wainscott,1780,0
+coffeen,1304,1
+marstons,869,2
+pinesdale,23,3
+wainscott,1719,4
+allensville,418,5
+beechwood,510,7
+merom,118,1
+shelbyville,1729,6
+woodbine,2044,4
+shelbyville,2786,5
+woodbine,44,4
+pomaria,692,7
+stockman,1575,15
+pomaria,1427,20
+hiteman,1777,1
+merom,120,2
+lindenwood,651,5
+shelbyville,2790,3
+beechwood,38,3
+allensville,130,2
+wainscott,1316,0
+klickitat,1939,1
+benevolence,663,2
+benevolence,800,5
+hiteman,1586,0
+woodbine,907,5
+marstons,1102,3
+tolstoy,904,4
+tolstoy,403,4
+newfields,875,1
+wainscott,1131,2
+hiteman,89,2
+hanson,1377,4
+shelbyville,143,8
+pomaria,83,15
+leonardo,576,11
+allensville,88,1
+marstons,2098,4
+lakeville,977,2
+hanson,1451,0
+lindenwood,1584,0
+marstons,1175,9
+hanson,366,0
+wainscott,1206,8
+lakeville,1493,1
+shelbyville,2451,3
+lakeville,1768,6
+allensville,374,8
+pinesdale,551,0
+woodbine,288,4
+pomaria,805,5
+marstons,883,12
+hanson,226,2
+beechwood,169,2
+onaga,217,4
+shelbyville,799,5
+lakeville,74,11
+wainscott,1329,4
+tolstoy,80,0
+lakeville,56,1
+stockman,590,2
+klickitat,2111,6
+klickitat,943,9
+wainscott,974,0
+marstons,297,3
+woodbine,1952,13
+tolstoy,1545,2
+pinesdale,1363,5
+hiteman,1628,2
+pinesdale,1335,1
+marstons,585,5
+shelbyville,2288,5
+coffeen,697,0
+benevolence,375,1
+woodbine,1282,7
+woodbine,407,1
+forkland,162,5
+forkland,1024,9
+ranchester,952,1
+klickitat,2378,0
+merom,210,0
+ranchester,202,0
+woodbine,1908,2
+pomaria,490,9
+marstons,532,0
+shelbyville,2008,0
+allensville,30,1
+pomaria,1135,0
+shelbyville,2664,4
+leonardo,1018,5
+shelbyville,2663,8
+forkland,391,2
+allensville,421,5
+klickitat,581,1
+wainscott,889,15
+klickitat,1943,1
+newfields,1351,0
+forkland,760,4
+cosmos,488,4
+klickitat,8,14
+ranchester,737,7
+shelbyville,2816,1
+woodbine,1144,10
+lindenwood,1709,4
+stockman,1119,3
+klickitat,1778,1
+woodbine,1502,2
+lindenwood,2078,4
+marstons,848,1
+pinesdale,208,1
+woodbine,1955,7
+klickitat,793,0
+hiteman,637,2
+hanson,238,10
+lindenwood,250,0
+pinesdale,1444,5
+marstons,1660,1
+pinesdale,60,9
+leonardo,1727,1
+tolstoy,1262,5
+klickitat,2195,24
+shelbyville,1515,4
+hiteman,275,1
+ranchester,99,1
+lindenwood,403,10
+klickitat,1774,5
+mifflinburg,583,0
+klickitat,1581,0
+marstons,1874,6
+klickitat,838,2
+marstons,2372,1
+hanson,1634,8
+tolstoy,1777,0
+pinesdale,1335,2
+leonardo,1295,11
+hiteman,1444,3
+pomaria,1176,18
+mifflinburg,975,3
+wainscott,375,2
+marstons,1312,2
+stockman,66,14
+hiteman,1736,2
+lakeville,1451,5
+lindenwood,338,4
+coffeen,635,6
+klickitat,1679,12
+coffeen,335,0
+marstons,1007,0
+pinesdale,423,2
+hanson,353,9
+beechwood,235,2
+beechwood,573,4
+lakeville,1649,0
+ranchester,1273,2
+lakeville,250,7
+pomaria,1102,5
+wainscott,990,3
+ranchester,548,1
+cosmos,526,1
+beechwood,809,4
+lakeville,117,0
+hanson,220,6
+stockman,1174,3
+klickitat,89,7
+hanson,1643,3
+klickitat,363,7
+lindenwood,1919,11
+coffeen,31,3
+hiteman,105,1
+klickitat,1374,5
+wainscott,136,5
+ranchester,132,17
+beechwood,484,5
+tolstoy,710,1
+hiteman,1788,10
+wainscott,719,2
+shelbyville,1510,1
+lindenwood,1478,3
+pinesdale,718,2
+wainscott,448,0
+leonardo,448,10
+lindenwood,2002,0
+lindenwood,2536,8
+newfields,561,2
+forkland,699,1
+forkland,221,4
+marstons,1639,4
+stockman,292,5
+stockman,642,2
+shelbyville,1318,15
+lakeville,1498,0
+hiteman,458,2
+tolstoy,1601,7
+lindenwood,2581,7
+stockman,524,2
+marstons,2626,1
+lakeville,1894,3
+shelbyville,15,9
+tolstoy,1004,2
+leonardo,1639,1
+lakeville,868,8
+woodbine,576,1
+leonardo,1032,1
+stockman,1057,0
+klickitat,2267,1
+lakeville,1628,5
+shelbyville,1081,5
+marstons,2246,5
+newfields,1354,6
+lindenwood,1120,1
+hanson,74,19
+shelbyville,1171,6
+coffeen,504,5
+lindenwood,432,1
+stockman,585,1
+hiteman,866,3
+merom,945,3
+newfields,488,4
+leonardo,1187,1
+shelbyville,617,7
+wainscott,1582,2
+tolstoy,17,13
+beechwood,550,6
+lindenwood,616,2
+stockman,409,4
+pomaria,538,7
+newfields,153,4
+lakeville,291,3
+marstons,1515,9
+hiteman,1783,3
+tolstoy,468,4
+woodbine,1241,2
+marstons,1541,6
+ranchester,1398,1
+stockman,1457,2
+woodbine,266,8
+stockman,989,4
+lindenwood,1576,2
+cosmos,150,3
+klickitat,1134,5
+leonardo,1707,10
+coffeen,1011,6
+leonardo,1892,4
+hiteman,1671,14
+marstons,1127,10
+lindenwood,721,5
+coffeen,766,2
+hanson,442,2
+hanson,428,0
+cosmos,106,8
+woodbine,477,4
+mifflinburg,183,3
+marstons,1677,2
+onaga,106,1
+leonardo,7,8
+hanson,716,2
+lindenwood,198,2
+shelbyville,113,8
+woodbine,1001,0
+pinesdale,625,2
+allensville,46,4
+tolstoy,1701,5
+hanson,414,2
+newfields,514,6
+lindenwood,443,1
+tolstoy,1701,3
+pomaria,1634,4
+shelbyville,1007,15
+shelbyville,2201,0
+marstons,1480,5
+merom,986,2
+newfields,820,2
+allensville,134,1
+pinesdale,1511,2
+onaga,539,1
+merom,348,0
+klickitat,1856,1
+klickitat,2293,7
+pomaria,54,9
+lakeville,1422,6
+wainscott,271,6
+hiteman,1488,7
+tolstoy,698,1
+shelbyville,2231,10
+wainscott,1322,13
+leonardo,1351,9
+pomaria,437,4
+tolstoy,183,4
+lakeville,1721,1
+lindenwood,2653,1
+pomaria,236,1
+onaga,81,1
+cosmos,657,4
+ranchester,1501,3
+shelbyville,1195,8
+allensville,438,5
+newfields,1156,1
+merom,573,6
+lindenwood,746,5
+wainscott,714,0
+pomaria,758,6
+coffeen,455,2
+lakeville,860,3
+pinesdale,1266,2
+tolstoy,1364,2
+beechwood,1019,1
+ranchester,240,2
+lindenwood,277,5
+shelbyville,2024,1
+leonardo,74,3
+hanson,247,11
+marstons,908,4
+lindenwood,1453,0
+lindenwood,485,10
+wainscott,726,1
+hanson,1421,2
+cosmos,193,3
+ranchester,642,13
+coffeen,1030,0
+leonardo,1861,3
+beechwood,105,1
+klickitat,2392,6
+merom,816,0
+leonardo,1229,7
+woodbine,664,12
+lakeville,1638,2
+pinesdale,1124,0
+klickitat,708,14
+klickitat,2160,12
+pomaria,1327,0
+woodbine,1837,2
+tolstoy,419,2
+lakeville,261,7
+stockman,1350,0
+ranchester,1161,1
+wainscott,758,11
+lindenwood,1616,1
+shelbyville,558,3
+hanson,770,2
+merom,2,5
+merom,297,3
+hiteman,1174,1
+lindenwood,1953,4
+wainscott,758,1
+forkland,161,2
+merom,464,0
+leonardo,268,4
+beechwood,716,2
+lindenwood,779,1
+woodbine,1513,5
+hanson,790,4
+leonardo,905,6
+lindenwood,2014,3
+coffeen,34,1
+klickitat,1570,4
+shelbyville,585,0
+ranchester,1449,0
+pomaria,590,7
+newfields,274,3
+newfields,1198,0
+klickitat,95,7
+pomaria,355,8
+lakeville,974,5
+coffeen,765,4
+marstons,315,0
+leonardo,1866,2
+leonardo,675,0
+coffeen,925,0
+hanson,1259,5
+marstons,31,4
+merom,744,0
+newfields,379,4
+forkland,1091,1
+allensville,49,1
+onaga,147,1
+lakeville,416,9
+woodbine,2002,2
+woodbine,877,2
+shelbyville,274,3
+klickitat,732,0
+cosmos,459,2
+beechwood,468,14
+shelbyville,2738,3
+lindenwood,1238,8
+forkland,627,5
+lindenwood,1547,4
+klickitat,1566,2
+shelbyville,671,0
+woodbine,60,6
+lakeville,1513,7
+mifflinburg,461,4
+pinesdale,1217,6
+wainscott,315,3
+pinesdale,975,3
+klickitat,1528,1
+klickitat,1362,4
+pinesdale,1073,5
+woodbine,1355,20
+forkland,795,3
+hiteman,109,3
+marstons,2125,0
+lakeville,1071,3
+mifflinburg,804,2
+lindenwood,2493,5
+lindenwood,1034,3
+pomaria,945,7
+marstons,1337,6
+ranchester,22,1
+hanson,373,2
+shelbyville,460,0
+lakeville,1805,9
+tolstoy,975,3
+klickitat,2320,0
+tolstoy,965,1
+stockman,385,3
+stockman,1412,3
+forkland,266,4
+lakeville,762,2
+cosmos,538,9
+pinesdale,873,5
+leonardo,50,5
+lakeville,1522,1
+hanson,101,1
+pomaria,241,11
+leonardo,1161,4
+marstons,2018,4
+forkland,438,4
+lakeville,110,8
+forkland,639,10
+tolstoy,362,5
+lakeville,60,3
+hanson,1157,1
+klickitat,1077,1
+klickitat,1593,3
+lakeville,70,1
+cosmos,493,11
+tolstoy,1173,3
+leonardo,738,7
+wainscott,1484,1
+klickitat,1696,0
+marstons,2165,8
+hanson,467,2
+lakeville,1237,1
+klickitat,636,1
+pinesdale,915,1
+tolstoy,805,0
+hiteman,1026,5
+lakeville,387,10
+benevolence,323,10
+pomaria,1456,0
+leonardo,1899,8
+beechwood,462,5
+hanson,1579,10
+merom,603,1
+klickitat,1852,0
+tolstoy,595,2
+shelbyville,2101,12
+woodbine,389,3
+forkland,15,8
+lindenwood,2482,0
+hiteman,1541,3
+newfields,1274,1
+shelbyville,162,6
+woodbine,1232,0
+pomaria,927,12
+klickitat,1982,4
+klickitat,1996,1
+hiteman,913,2
+marstons,1970,10
+onaga,408,1
+forkland,737,2
+mifflinburg,328,1
+lakeville,291,0
+lakeville,447,5
+ranchester,937,1
+tolstoy,671,2
+marstons,1745,5
+stockman,767,5
+newfields,732,1
+forkland,605,1
+hanson,1553,5
+shelbyville,696,3
+leonardo,1874,0
+lindenwood,203,0
+shelbyville,847,0
+allensville,320,5
+merom,308,3
+forkland,1006,2
+hiteman,1134,1
+lindenwood,2021,1
+lakeville,1275,2
+leonardo,547,4
+pomaria,1324,5
+forkland,1009,2
+tolstoy,1523,11
+wainscott,583,2
+stockman,252,2
+hanson,1044,1
+leonardo,861,8
+stockman,645,1
+pomaria,918,0
+lindenwood,2503,1
+coffeen,156,3
+lindenwood,2098,2
+cosmos,442,2
+beechwood,782,2
+lakeville,944,3
+woodbine,1593,3
+coffeen,1364,8
+pomaria,787,0
+marstons,993,4
+cosmos,805,9
+woodbine,1112,2
+marstons,486,2
+ranchester,1127,5
+pomaria,1465,12
+forkland,788,2
+klickitat,128,3
+lindenwood,1576,8
+klickitat,831,8
+marstons,2635,8
+lindenwood,2187,4
+benevolence,772,2
+klickitat,2056,1
+shelbyville,2221,2
+newfields,1426,3
+klickitat,360,2
+pomaria,681,6
+klickitat,2358,5
+hiteman,1522,9
+woodbine,867,12
+shelbyville,2416,0
+klickitat,2182,7
+onaga,294,6
+woodbine,1227,6
+hanson,133,2
+marstons,2439,1
+newfields,991,0
+marstons,1810,5
+tolstoy,98,0
+coffeen,218,0
+pinesdale,314,0
+forkland,32,1
+merom,868,5
+klickitat,906,2
+stockman,766,1
+lindenwood,1202,0
+shelbyville,2372,1
+leonardo,1081,1
+woodbine,593,6
+cosmos,265,2
+stockman,366,4
+leonardo,435,8
+stockman,324,0
+stockman,737,3
+marstons,1007,5
+shelbyville,1574,5
+leonardo,1580,8
+hanson,647,8
+cosmos,343,5
+stockman,1272,2
+wainscott,641,9
+cosmos,553,3
+hiteman,619,1
+pomaria,623,3
+klickitat,2419,4
+beechwood,597,0
+mifflinburg,412,2
+woodbine,156,2
+tolstoy,754,1
+marstons,248,0
+wainscott,161,5
+hanson,1308,10
+pomaria,1462,4
+lindenwood,2113,1
+coffeen,867,4
+beechwood,877,2
+klickitat,636,8
+pomaria,613,4
+lindenwood,2635,11
+lindenwood,683,13
+leonardo,1705,4
+lindenwood,477,1
+woodbine,553,0
+forkland,642,0
+ranchester,353,2
+lindenwood,651,1
+lindenwood,287,9
+wainscott,673,2
+woodbine,1212,4
+lindenwood,1803,2
+forkland,69,1
+newfields,955,1
+leonardo,1507,9
+beechwood,821,4
+hiteman,485,0
+hanson,383,7
+klickitat,78,0
+woodbine,1081,5
+lindenwood,1438,2
+pomaria,1557,2
+wainscott,427,3
+woodbine,1510,4
+hanson,1379,12
+hanson,271,3
+lindenwood,1726,5
+marstons,1347,2
+shelbyville,965,3
+wainscott,1457,2
+cosmos,735,1
+pomaria,139,1
+lindenwood,2104,0
+onaga,150,1
+hiteman,474,1
+ranchester,7,3
+tolstoy,62,2
+stockman,861,3
+beechwood,180,2
+tolstoy,949,0
+coffeen,529,2
+benevolence,182,10
+leonardo,1031,2
+tolstoy,154,6
+lakeville,1045,7
+wainscott,416,10
+pomaria,912,2
+marstons,1419,0
+stockman,774,5
+cosmos,798,4
+lindenwood,671,7
+newfields,204,6
+hiteman,784,2
+hanson,694,5
+pomaria,1386,2
+pomaria,1679,2
+lindenwood,2037,2
+klickitat,623,7
+newfields,681,2
+onaga,236,1
+shelbyville,1413,3
+wainscott,1011,4
+klickitat,1615,0
+klickitat,947,1
+marstons,1217,4
+shelbyville,928,2
+marstons,1819,1
+lakeville,660,6
+pinesdale,468,1
+lindenwood,697,1
+shelbyville,1311,8
+pinesdale,1177,1
+woodbine,385,0
+leonardo,18,0
+lakeville,1099,0
+tolstoy,1330,0
+marstons,773,6
+klickitat,2394,10
+beechwood,620,1
+klickitat,795,4
+allensville,376,1
+mifflinburg,941,4
+tolstoy,1649,8
+cosmos,524,9
+forkland,721,1
+tolstoy,90,4
+beechwood,929,3
+woodbine,1819,2
+tolstoy,729,0
+marstons,1245,20
+mifflinburg,679,3
+cosmos,862,1
+pomaria,429,1
+lakeville,472,5
+cosmos,211,1
+shelbyville,285,4
+ranchester,608,6
+marstons,1066,6
+tolstoy,882,8
+pomaria,1199,2
+klickitat,1577,9
+lindenwood,430,1
+woodbine,1841,7
+lindenwood,2161,7
+marstons,2290,7
+tolstoy,538,11
+pomaria,1233,8
+leonardo,737,3
+lindenwood,1239,0
+shelbyville,1738,6
+hanson,1531,7
+merom,965,2
+lindenwood,1,3
+shelbyville,1156,3
+newfields,360,4
+hanson,1262,0
+cosmos,1030,1
+lakeville,910,1
+shelbyville,302,2
+newfields,1542,0
+wainscott,1366,0
+forkland,725,2
+marstons,242,8
+pinesdale,1135,1
+benevolence,881,6
+stockman,1421,3
+marstons,2593,0
+onaga,580,4
+lakeville,818,3
+pinesdale,1196,2
+stockman,867,0
+merom,992,1
+lakeville,1517,1
+shelbyville,2533,13
+lindenwood,1635,2
+stockman,1406,7
+shelbyville,345,1
+hiteman,815,2
+stockman,904,0
+marstons,70,4
+klickitat,2025,11
+tolstoy,1303,3
+coffeen,1174,7
+coffeen,35,0
+forkland,674,3
+newfields,100,1
+newfields,593,4
+wainscott,1653,5
+marstons,547,6
+mifflinburg,954,0
+hiteman,651,2
+shelbyville,1377,4
+shelbyville,2491,11
+ranchester,1495,0
+marstons,941,1
+onaga,3,0
+shelbyville,83,6
+marstons,2561,5
+wainscott,965,5
+lindenwood,574,7
+coffeen,911,9
+ranchester,1132,0
+klickitat,2065,4
+beechwood,416,2
+lindenwood,1813,1
+wainscott,384,3
+hiteman,1448,1
+cosmos,1007,1
+wainscott,628,3
+marstons,1809,5
+leonardo,616,0
+forkland,44,0
+lindenwood,745,4
+hanson,81,0
+coffeen,1253,2
+forkland,264,2
+lindenwood,29,4
+forkland,709,1
+marstons,2011,6
+shelbyville,1425,4
+coffeen,378,1
+leonardo,753,0
+merom,74,3
+shelbyville,1872,13
+hiteman,747,0
+hiteman,1317,0
+lakeville,1733,7
+shelbyville,1302,2
+leonardo,230,7
+lindenwood,1700,5
+tolstoy,1641,0
+lakeville,1289,0
+stockman,247,0
+hiteman,444,0
+ranchester,1478,1
+hanson,795,0
+tolstoy,467,14
+lakeville,1827,1
+klickitat,2265,3
+ranchester,1207,0
+hanson,119,2
+onaga,109,8
+coffeen,529,5
+allensville,385,2
+coffeen,1156,7
+shelbyville,1823,1
+beechwood,700,0
+hanson,1178,5
+stockman,138,3
+shelbyville,1077,13
+shelbyville,587,1
+lakeville,1601,14
+pinesdale,768,1
+lakeville,1655,3
+hiteman,1644,0
+shelbyville,2060,4
+allensville,184,0
+woodbine,1374,2
+benevolence,687,0
+pomaria,222,1
+tolstoy,984,11
+hiteman,755,1
+hiteman,999,2
+forkland,707,3
+klickitat,652,1
+shelbyville,2122,3
+coffeen,533,0
+hanson,484,7
+wainscott,1707,6
+cosmos,705,2
+stockman,1304,0
+stockman,455,13
+hanson,821,4
+klickitat,1466,1
+shelbyville,2363,1
+shelbyville,1841,1
+marstons,367,1
+hanson,1264,3
+forkland,1184,0
+pomaria,968,1
+pinesdale,591,5
+pinesdale,23,4
+marstons,856,1
+merom,1040,1
+newfields,1070,6
+newfields,1325,4
+pomaria,405,1
+stockman,121,4
+cosmos,470,6
+klickitat,751,2
+lakeville,1116,5
+leonardo,330,12
+hanson,746,4
+beechwood,492,0
+wainscott,429,1
+marstons,1354,1
+woodbine,489,11
+mifflinburg,564,5
+marstons,2562,0
+leonardo,1084,1
+lakeville,973,4
+shelbyville,30,5
+shelbyville,2694,6
+cosmos,698,2
+pinesdale,713,4
+lindenwood,1869,3
+allensville,396,6
+hanson,48,4
+newfields,872,11
+marstons,250,3
+lindenwood,2503,8
+klickitat,1170,0
+woodbine,611,1
+hiteman,1736,4
+coffeen,382,7
+onaga,548,0
+marstons,1482,12
+klickitat,1405,8
+lindenwood,1372,4
+wainscott,1067,1
+cosmos,671,6
+lindenwood,2013,2
+stockman,463,1
+klickitat,1584,13
+woodbine,970,4
+ranchester,1073,5
+leonardo,807,2
+marstons,2119,1
+stockman,771,2
+leonardo,1916,0
+ranchester,1607,3
+hanson,484,2
+woodbine,392,4
+newfields,1417,8
+ranchester,1609,6
+mifflinburg,90,8
+marstons,1783,0
+hanson,520,6
+marstons,497,7
+marstons,1861,2
+coffeen,940,6
+wainscott,698,3
+marstons,2058,7
+stockman,565,1
+pomaria,625,2
+lindenwood,565,0
+ranchester,2,1
+lakeville,524,6
+leonardo,849,1
+newfields,1033,7
+forkland,958,4
+leonardo,8,2
+newfields,463,2
+beechwood,883,11
+klickitat,1369,13
+hiteman,471,5
+marstons,2053,7
+klickitat,914,8
+leonardo,892,3
+pinesdale,549,2
+wainscott,701,0
+shelbyville,2734,3
+hiteman,932,1
+shelbyville,444,3
+marstons,1127,8
+coffeen,481,4
+klickitat,351,1
+klickitat,1749,3
+marstons,2063,11
+merom,394,0
+lindenwood,2389,0
+klickitat,611,12
+hiteman,497,3
+tolstoy,46,0
+woodbine,379,5
+lindenwood,600,4
+woodbine,560,1
+coffeen,616,7
+onaga,538,2
+woodbine,155,6
+shelbyville,2712,3
+marstons,140,12
+hanson,569,5
+merom,263,1
+coffeen,921,6
+marstons,1963,5
+marstons,1733,8
+lakeville,399,3
+woodbine,1529,7
+lindenwood,994,3
+stockman,565,4
+stockman,449,2
+pinesdale,498,13
+cosmos,379,8
+benevolence,451,7
+pinesdale,796,13
+shelbyville,2513,1
+marstons,308,3
+onaga,179,1
+stockman,1253,3
+stockman,767,3
+wainscott,1540,0
+leonardo,19,0
+woodbine,554,11
+pomaria,1268,3
+newfields,1044,2
+marstons,581,10
+mifflinburg,666,1
+leonardo,734,3
+lakeville,253,3
+hiteman,1735,2
+lakeville,649,9
+mifflinburg,165,0
+lakeville,1160,5
+stockman,1140,3
+leonardo,21,5
+klickitat,1258,0
+leonardo,932,21
+marstons,1241,0
+pomaria,1629,9
+wainscott,9,9
+cosmos,504,7
+hanson,1098,0
+leonardo,887,8
+woodbine,1650,10
+marstons,2605,2
+mifflinburg,838,0
+hanson,1394,0
+klickitat,1658,8
+stockman,724,3
+shelbyville,904,8
+pinesdale,1493,9
+beechwood,870,0
+beechwood,600,4
+ranchester,91,1
+pomaria,1455,6
+lindenwood,2153,3
+marstons,1113,14
+beechwood,113,3
+woodbine,770,5
+klickitat,1731,2
+benevolence,776,4
+forkland,473,0
+leonardo,182,2
+shelbyville,2496,8
+stockman,872,1
+marstons,578,2
+lindenwood,274,1
+woodbine,1535,5
+lindenwood,915,5
+newfields,438,3
+lindenwood,1090,1
+tolstoy,859,5
+wainscott,1300,10
+shelbyville,2127,3
+lindenwood,2474,0
+coffeen,155,2
+wainscott,1652,0
+beechwood,698,2
+lindenwood,986,3
+lindenwood,802,1
+cosmos,522,2
+hiteman,355,1
+woodbine,1596,0
+forkland,882,2
+wainscott,82,7
+lindenwood,2103,12
+tolstoy,360,1
+tolstoy,789,3
+stockman,133,2
+pinesdale,1483,3
+ranchester,1581,8
+hiteman,198,15
+forkland,524,0
+shelbyville,1009,3
+lakeville,422,11
+pomaria,1576,2
+coffeen,339,3
+mifflinburg,329,4
+merom,325,3
+shelbyville,2768,4
+pomaria,1450,5
+hanson,1377,17
+lindenwood,1275,4
+leonardo,466,1
+beechwood,302,4
+shelbyville,238,9
+hiteman,844,5
+pinesdale,1159,6
+hanson,856,4
+lindenwood,1804,1
+klickitat,1983,2
+beechwood,1061,2
+lakeville,1181,3
+lakeville,1167,3
+merom,39,3
+pinesdale,1141,11
+shelbyville,412,4
+klickitat,1302,2
+forkland,555,1
+pomaria,134,3
+ranchester,885,5
+ranchester,1156,2
+marstons,2547,3
+wainscott,1425,3
+lakeville,936,13
+marstons,1612,2
+lindenwood,581,5
+hiteman,795,4
+woodbine,24,4
+leonardo,883,0
+hiteman,1094,7
+coffeen,1001,6
+shelbyville,621,7
+pinesdale,824,3
+shelbyville,2302,7
+woodbine,966,4
+lakeville,755,1
+marstons,306,4
+pomaria,1151,0
+wainscott,465,3
+klickitat,239,4
+merom,671,1
+leonardo,305,3
+woodbine,405,2
+forkland,861,8
+klickitat,2298,4
+mifflinburg,716,3
+marstons,708,2
+woodbine,1918,6
+cosmos,1012,5
+lindenwood,1021,11
+pomaria,1327,1
+klickitat,372,5
+tolstoy,1462,5
+shelbyville,1985,7
+woodbine,342,4
+pinesdale,1152,1
+shelbyville,1959,6
+lakeville,499,0
+ranchester,1247,11
+allensville,431,0
+klickitat,2326,13
+wainscott,641,11
+lakeville,1399,9
+forkland,228,2
+leonardo,1436,6
+leonardo,1928,13
+wainscott,177,2
+merom,806,1
+wainscott,382,0
+shelbyville,1435,2
+shelbyville,1196,7
+hiteman,309,2
+leonardo,975,3
+forkland,1108,1
+wainscott,1476,3
+hiteman,1714,7
+newfields,415,8
+lindenwood,1228,4
+lindenwood,2219,2
+klickitat,2078,8
+lindenwood,172,2
+wainscott,570,14
+beechwood,576,0
+hiteman,957,6
+lindenwood,1904,2
+pinesdale,59,0
+onaga,670,2
+allensville,59,4
+lindenwood,646,2
+allensville,488,2
+ranchester,651,2
+pinesdale,369,6
+hanson,1158,9
+woodbine,60,5
+stockman,1031,1
+hanson,658,1
+shelbyville,2768,6
+lakeville,1114,3
+klickitat,141,7
+hanson,496,5
+wainscott,1740,2
+hiteman,1485,0
+pinesdale,1349,1
+newfields,1646,1
+hiteman,137,11
+beechwood,1060,0
+lakeville,355,4
+shelbyville,1402,6
+ranchester,902,4
+lakeville,530,1
+lakeville,715,0
+lakeville,1747,1
+stockman,574,2
+beechwood,135,6
+hanson,1224,0
+woodbine,21,3
+forkland,17,6
+tolstoy,753,6
+cosmos,505,4
+lakeville,1260,4
+marstons,1424,10
+shelbyville,1401,14
+klickitat,1261,1
+leonardo,1353,3
+cosmos,292,8
+ranchester,1115,3
+pinesdale,68,11
+tolstoy,542,13
+beechwood,1167,6
+marstons,1,2
+woodbine,840,12
+wainscott,781,3
+shelbyville,1443,3
+stockman,213,8
+ranchester,163,4
+newfields,415,0
+pomaria,1113,4
+stockman,1475,4
+beechwood,48,7
+klickitat,1269,5
+onaga,334,0
+newfields,1309,0
+klickitat,1703,1
+marstons,202,13
+shelbyville,2576,0
+ranchester,743,6
+hiteman,349,1
+wainscott,453,3
+pomaria,536,12
+pomaria,1436,6
+klickitat,159,2
+tolstoy,78,0
+lakeville,294,0
+hiteman,380,4
+tolstoy,1440,10
+stockman,1210,4
+ranchester,719,5
+beechwood,850,0
+ranchester,998,7
+woodbine,6,0
+tolstoy,1309,1
+lindenwood,463,2
+klickitat,432,0
+klickitat,1447,7
+ranchester,1531,4
+newfields,1657,1
+hiteman,137,9
+lindenwood,35,4
+forkland,793,7
+hiteman,1751,0
+tolstoy,1688,4
+klickitat,1577,0
+hanson,887,0
+onaga,236,4
+shelbyville,1194,0
+leonardo,694,4
+allensville,172,5
+pomaria,1254,8
+cosmos,327,3
+hiteman,788,0
+klickitat,1161,2
+shelbyville,1449,9
+onaga,144,3
+tolstoy,27,0
+ranchester,59,4
+pinesdale,1286,5
+marstons,1147,0
+hanson,1034,9
+forkland,393,3
+coffeen,479,2
+newfields,568,0
+woodbine,892,4
+lakeville,461,3
+tolstoy,1586,1
+beechwood,527,0
+shelbyville,2373,2
+hanson,571,5
+woodbine,597,3
+newfields,1111,14
+forkland,449,7
+hanson,1475,13
+marstons,1922,0
+mifflinburg,114,5
+shelbyville,1212,1
+tolstoy,147,1
+lakeville,200,4
+lindenwood,2130,0
+woodbine,720,3
+newfields,1177,4
+lakeville,1842,1
+pomaria,581,11
+newfields,713,10
+mifflinburg,95,0
+pomaria,920,6
+leonardo,610,13
+leonardo,1849,2
+allensville,340,0
+newfields,845,2
+klickitat,1254,0
+coffeen,1452,6
+lindenwood,767,3
+stockman,206,0
+ranchester,769,1
+stockman,676,1
+cosmos,763,1
+stockman,397,0
+ranchester,1056,0
+coffeen,1144,1
+tolstoy,1581,0
+tolstoy,1023,5
+benevolence,733,2
+shelbyville,1095,10
+woodbine,1493,5
+wainscott,673,0
+coffeen,498,1
+lindenwood,922,0
+wainscott,669,7
+klickitat,2325,3
+leonardo,1132,2
+lindenwood,16,0
+hiteman,1116,3
+tolstoy,689,4
+mifflinburg,743,1
+klickitat,2351,13
+klickitat,1671,10
+woodbine,171,6
+lindenwood,1254,4
+hanson,888,7
+mifflinburg,286,0
+klickitat,555,0
+wainscott,1791,1
+merom,807,0
+hiteman,1587,2
+woodbine,132,1
+leonardo,1568,2
+stockman,1135,0
+hiteman,1571,5
+shelbyville,2104,0
+ranchester,1013,2
+coffeen,493,1
+klickitat,1481,4
+tolstoy,1389,5
+tolstoy,985,8
+shelbyville,597,3
+hanson,516,7
+hanson,1113,2
+marstons,528,9
+stockman,1126,0
+mifflinburg,686,2
+tolstoy,101,9
+lindenwood,1031,1
+pinesdale,775,2
+lakeville,1260,3
+shelbyville,2515,4
+lindenwood,506,1
+lakeville,1571,0
+lakeville,801,9
+woodbine,360,5
+shelbyville,822,2
+pinesdale,599,8
+klickitat,800,5
+lakeville,602,6
+lindenwood,754,6
+lakeville,614,7
+allensville,438,6
+leonardo,809,2
+leonardo,587,1
+woodbine,427,1
+hanson,848,1
+tolstoy,695,2
+leonardo,699,24
+lakeville,1136,10
+beechwood,387,8
+forkland,1026,6
+marstons,2186,5
+shelbyville,2309,10
+woodbine,267,5
+beechwood,19,0
+beechwood,231,3
+pinesdale,703,4
+leonardo,962,0
+hiteman,221,6
+marstons,1979,0
+lakeville,1400,3
+stockman,466,8
+lindenwood,514,1
+klickitat,937,3
+hiteman,995,19
+ranchester,385,6
+woodbine,1314,2
+newfields,1358,2
+lindenwood,816,9
+coffeen,748,3
+coffeen,1161,1
+coffeen,565,2
+merom,191,1
+lakeville,589,2
+coffeen,1046,0
+pomaria,671,3
+marstons,2260,0
+tolstoy,1465,0
+onaga,84,5
+hiteman,600,5
+newfields,235,2
+klickitat,1991,2
+newfields,410,5
+marstons,1299,1
+hanson,875,3
+hanson,119,1
+leonardo,553,4
+shelbyville,1258,4
+hanson,1163,0
+tolstoy,129,1
+marstons,727,1
+onaga,606,1
+pomaria,1475,5
+stockman,38,0
+shelbyville,2746,2
+allensville,505,2
+hanson,320,1
+klickitat,63,6
+coffeen,249,7
+beechwood,1056,7
+hanson,1465,4
+marstons,453,7
+lakeville,1567,2
+lakeville,566,10
+leonardo,598,4
+beechwood,989,1
+pomaria,263,13
+tolstoy,1772,0
+beechwood,1037,2
+beechwood,1029,7
+tolstoy,75,3
+cosmos,667,2
+lakeville,114,5
+hanson,1459,2
+ranchester,15,8
+shelbyville,2271,4
+ranchester,1617,11
+forkland,911,0
+shelbyville,846,6
+marstons,1571,4
+lakeville,1526,6
+klickitat,2371,3
+lakeville,888,2
+leonardo,211,4
+pomaria,260,5
+shelbyville,153,3
+benevolence,113,1
+cosmos,934,4
+klickitat,1547,12
+newfields,1615,10
+shelbyville,883,2
+hiteman,1017,4
+mifflinburg,38,4
+woodbine,800,0
+tolstoy,897,4
+klickitat,558,10
+pomaria,214,7
+coffeen,272,0
+pomaria,1080,1
+shelbyville,375,0
+hanson,1176,0
+ranchester,60,1
+lakeville,116,1
+klickitat,636,3
+wainscott,1633,1
+klickitat,2354,5
+benevolence,876,0
+hiteman,845,0
+klickitat,150,1
+allensville,159,4
+tolstoy,126,0
+marstons,304,1
+ranchester,176,3
+pinesdale,985,3
+pomaria,1611,0
+tolstoy,1035,9
+allensville,280,5
+shelbyville,1604,6
+hiteman,223,2
+shelbyville,1658,0
+coffeen,514,4
+tolstoy,728,5
+cosmos,745,5
+woodbine,109,7
+marstons,2523,13
+shelbyville,1102,9
+klickitat,571,2
+coffeen,1154,5
+wainscott,1484,0
+newfields,229,2
+woodbine,597,5
+marstons,2415,14
+klickitat,1829,1
+pinesdale,142,2
+wainscott,1745,0
+marstons,1112,2
+pomaria,352,2
+leonardo,1131,0
+woodbine,1168,2
+wainscott,1221,3
+klickitat,115,1
+wainscott,1193,8
+newfields,298,5
+marstons,1224,8
+pinesdale,861,2
+pinesdale,721,8
+forkland,64,1
+lindenwood,1414,9
+hiteman,411,2
+hanson,1330,16
+hiteman,319,15
+marstons,2521,4
+klickitat,1711,2
+beechwood,437,4
+klickitat,291,0
+marstons,2116,5
+woodbine,1349,3
+hanson,410,4
+marstons,181,2
+forkland,185,3
+leonardo,1934,0
+onaga,184,1
+newfields,1540,5
+marstons,1562,3
+pinesdale,969,2
+shelbyville,368,4
+mifflinburg,814,2
+leonardo,904,2
+shelbyville,1550,7
+shelbyville,1990,1
+lindenwood,2593,7
+klickitat,1416,11
+lindenwood,1283,1
+klickitat,2087,12
+tolstoy,93,1
+shelbyville,129,4
+stockman,686,14
+onaga,230,2
+wainscott,934,2
+shelbyville,2278,4
+ranchester,436,4
+shelbyville,2252,1
+klickitat,2061,3
+marstons,1257,2
+lindenwood,1905,11
+lakeville,233,1
+hiteman,1588,2
+woodbine,985,12
+klickitat,1561,4
+leonardo,529,3
+leonardo,1313,3
+merom,924,5
+beechwood,1121,11
+ranchester,1074,2
+marstons,1814,13
+shelbyville,665,1
+hiteman,1271,11
+wainscott,109,1
+newfields,452,3
+wainscott,1523,7
+wainscott,840,0
+pinesdale,339,0
+stockman,944,1
+leonardo,1486,3
+leonardo,460,0
+beechwood,1124,4
+wainscott,694,3
+coffeen,422,4
+cosmos,682,6
+hanson,1087,1
+leonardo,1858,16
+cosmos,136,1
+lindenwood,352,7
+shelbyville,1484,2
+leonardo,10,5
+ranchester,1377,13
+woodbine,1046,3
+hiteman,1170,4
+beechwood,230,2
+lindenwood,1370,9
+benevolence,437,4
+shelbyville,2717,10
+ranchester,533,5
+pomaria,810,2
+woodbine,171,1
+hiteman,607,0
+marstons,1668,2
+lindenwood,2646,0
+coffeen,320,2
+wainscott,1553,1
+allensville,219,0
+coffeen,109,1
+tolstoy,1195,13
+marstons,2602,3
+shelbyville,2197,3
+leonardo,601,18
+hiteman,874,10
+shelbyville,2161,9
+allensville,397,0
+hanson,553,13
+coffeen,283,3
+merom,806,3
+marstons,1766,1
+forkland,732,4
+pinesdale,1045,8
+shelbyville,1270,0
+lindenwood,2269,12
+wainscott,489,3
+hiteman,216,3
+wainscott,598,1
+hiteman,144,1
+hiteman,211,2
+merom,615,1
+woodbine,1363,8
+pomaria,249,2
+onaga,246,1
+stockman,699,10
+klickitat,300,1
+lindenwood,1043,2
+woodbine,750,7
+lakeville,1809,17
+hiteman,1763,1
+newfields,1245,4
+shelbyville,489,2
+ranchester,1603,4
+shelbyville,1271,3
+tolstoy,126,5
+leonardo,1958,3
+pomaria,388,2
+tolstoy,1782,2
+klickitat,1998,1
+shelbyville,734,5
+lindenwood,953,4
+marstons,528,12
+cosmos,232,13
+leonardo,2100,12
+tolstoy,492,1
+marstons,1893,6
+pomaria,31,3
+mifflinburg,702,4
+klickitat,679,1
+beechwood,39,3
+beechwood,415,2
+wainscott,1786,4
+lakeville,1468,13
+pomaria,1142,1
+wainscott,296,4
+klickitat,1760,20
+klickitat,1612,9
+newfields,1299,0
+pomaria,966,2
+leonardo,1703,8
+klickitat,1549,0
+hanson,644,0
+woodbine,1318,4
+lakeville,194,2
+newfields,1287,1
+onaga,335,9
+hiteman,1201,1
+pinesdale,1207,0
+shelbyville,2545,0
+newfields,824,8
+newfields,1416,3
+newfields,1415,2
+wainscott,1635,1
+lindenwood,2271,6
+stockman,973,2
+beechwood,437,12
+hiteman,1438,0
+lakeville,865,8
+ranchester,1038,1
+marstons,2083,4
+marstons,1792,8
+lindenwood,1783,12
+hiteman,1346,4
+wainscott,1492,2
+klickitat,1510,2
+mifflinburg,241,2
+pomaria,1528,1
+lindenwood,535,8
+shelbyville,2438,2
+beechwood,1177,1
+ranchester,1093,2
+marstons,2264,1
+klickitat,1875,1
+marstons,2586,1
+shelbyville,990,2
+marstons,717,1
+pinesdale,1484,1
+lakeville,1631,5
+hanson,1377,12
+shelbyville,2311,0
+newfields,1084,3
+lakeville,794,5
+marstons,1217,7
+marstons,2065,0
+pomaria,450,8
+ranchester,1393,16
+tolstoy,300,9
+tolstoy,1770,4
+lindenwood,1385,0
+lakeville,1310,3
+woodbine,1369,6
+klickitat,1596,4
+marstons,2524,2
+stockman,1536,2
+shelbyville,779,4
+leonardo,874,3
+tolstoy,548,5
+woodbine,718,1
+hiteman,608,1
+pomaria,267,5
+tolstoy,234,0
+woodbine,221,1
+lakeville,340,0
+woodbine,1536,0
+klickitat,372,0
+stockman,600,1
+mifflinburg,405,2
+tolstoy,1376,4
+woodbine,972,1
+shelbyville,647,10
+coffeen,762,1
+leonardo,1806,0
+lindenwood,1280,0
+shelbyville,1007,11
+woodbine,2037,0
+tolstoy,511,4
+shelbyville,1648,2
+coffeen,1013,2
+klickitat,1438,2
+lindenwood,1274,2
+tolstoy,1569,9
+marstons,319,13
+cosmos,258,8
+lindenwood,2240,10
+newfields,1151,2
+marstons,2567,0
+ranchester,783,1
+marstons,37,4
+shelbyville,1981,4
+lakeville,1309,13
+hanson,1314,3
+wainscott,1390,7
+forkland,69,3
+hiteman,235,2
+shelbyville,745,2
+newfields,303,0
+lindenwood,678,12
+pinesdale,1295,2
+benevolence,633,3
+shelbyville,1586,1
+marstons,1801,3
+benevolence,471,0
+klickitat,2259,3
+coffeen,1008,5
+shelbyville,1314,9
+newfields,125,6
+pomaria,969,5
+hanson,1515,4
+merom,838,2
+ranchester,1599,1
+hanson,1611,5
+hiteman,401,4
+newfields,552,0
+lakeville,1094,2
+hanson,722,2
+lakeville,273,4
+pomaria,62,3
+wainscott,788,1
+lindenwood,2329,3
+marstons,2329,1
+hanson,1417,9
+woodbine,265,6
+ranchester,775,15
+shelbyville,2153,10
+woodbine,71,0
+wainscott,587,6
+benevolence,673,9
+pomaria,1560,10
+stockman,1536,6
+marstons,628,13
+tolstoy,1626,0
+klickitat,2293,1
+hanson,814,7
+coffeen,213,1
+klickitat,2379,5
+cosmos,717,4
+forkland,318,3
+pomaria,1487,7
+ranchester,1426,11
+pomaria,1390,2
+pomaria,90,6
+forkland,890,0
+lindenwood,596,5
+ranchester,1583,6
+lindenwood,1319,7
+wainscott,1395,4
+newfields,1338,0
+woodbine,129,3
+shelbyville,2667,6
+tolstoy,399,3
+lindenwood,2466,2
+marstons,2566,2
+woodbine,644,1
+klickitat,1638,1
+benevolence,739,3
+cosmos,783,6
+beechwood,1060,1
+pomaria,560,8
+klickitat,2321,8
+marstons,1478,7
+newfields,574,4
+klickitat,1047,2
+wainscott,1436,7
+lakeville,280,5
+shelbyville,1241,3
+pinesdale,1047,3
+woodbine,404,3
+lindenwood,111,2
+newfields,679,5
+woodbine,1414,8
+shelbyville,2477,5
+woodbine,1354,7
+hiteman,558,1
+marstons,1055,3
+wainscott,632,1
+tolstoy,279,7
+benevolence,140,3
+leonardo,840,0
+allensville,289,3
+beechwood,760,4
+lindenwood,1966,4
+lindenwood,533,6
+shelbyville,1438,4
+klickitat,1437,6
+lakeville,1419,10
+lindenwood,2307,9
+shelbyville,2284,7
+lindenwood,1569,2
+pomaria,1011,10
+beechwood,1171,2
+hanson,429,2
+cosmos,317,1
+tolstoy,498,4
+hiteman,123,15
+tolstoy,199,5
+tolstoy,1703,0
+merom,932,4
+leonardo,817,5
+lakeville,1239,5
+hanson,1428,6
+allensville,205,6
+hiteman,203,1
+wainscott,1241,7
+pinesdale,935,10
+lindenwood,447,6
+leonardo,1213,11
+pomaria,758,7
+tolstoy,1823,1
+marstons,2201,9
+newfields,968,4
+marstons,1045,18
+wainscott,1486,8
+cosmos,304,4
+newfields,58,5
+forkland,771,10
+shelbyville,249,4
+lindenwood,1816,1
+newfields,694,2
+shelbyville,131,2
+woodbine,261,8
+hiteman,1679,1
+woodbine,562,0
+stockman,645,4
+ranchester,726,9
+pinesdale,1284,0
+beechwood,389,3
+shelbyville,2726,0
+tolstoy,1770,9
+hanson,894,6
+hiteman,798,0
+wainscott,928,10
+lakeville,182,8
+cosmos,315,5
+lakeville,1680,1
+newfields,1406,7
+marstons,1208,7
+shelbyville,369,0
+ranchester,905,4
+wainscott,1387,2
+pinesdale,1490,0
+shelbyville,2497,4
+lakeville,1412,3
+lakeville,1008,1
+pinesdale,582,5
+lakeville,1623,5
+hanson,654,2
+merom,953,2
+hiteman,211,4
+coffeen,1187,4
+lindenwood,253,4
+hiteman,153,0
+klickitat,733,0
+wainscott,1188,7
+tolstoy,1171,1
+allensville,198,2
+klickitat,1519,0
+merom,49,1
+wainscott,259,2
+merom,170,1
+pomaria,1262,3
+lakeville,1577,5
+shelbyville,139,6
+pomaria,204,3
+onaga,459,1
+onaga,274,2
+klickitat,1129,1
+tolstoy,1056,2
+lakeville,1229,0
+benevolence,569,2
+benevolence,886,2
+leonardo,12,8
+lindenwood,890,4
+woodbine,1821,7
+wainscott,234,13
+klickitat,2372,4
+cosmos,854,1
+pomaria,1451,7
+merom,639,5
+shelbyville,2364,2
+leonardo,725,5
+leonardo,1723,0
+woodbine,1151,2
+stockman,394,2
+leonardo,74,5
+leonardo,702,3
+shelbyville,1519,6
+marstons,771,7
+newfields,1125,3
+stockman,737,0
+newfields,980,0
+tolstoy,22,0
+hanson,1301,3
+marstons,204,8
+stockman,287,3
+hanson,613,0
+merom,482,5
+allensville,419,11
+marstons,5,6
+hiteman,1452,14
+cosmos,1046,3
+cosmos,296,3
+leonardo,748,3
+newfields,920,3
+mifflinburg,900,0
+lakeville,1008,4
+leonardo,906,3
+woodbine,1838,1
+woodbine,479,11
+lindenwood,2651,10
+wainscott,1163,2
+tolstoy,1208,9
+newfields,120,6
+marstons,59,1
+newfields,953,9
+beechwood,259,2
+tolstoy,1553,2
+wainscott,1315,0
+woodbine,723,0
+cosmos,422,8
+wainscott,1583,6
+hanson,1043,2
+newfields,1488,5
+leonardo,1584,0
+klickitat,1209,7
+benevolence,163,4
+wainscott,1339,7
+newfields,1476,3
+stockman,520,0
+tolstoy,592,2
+hanson,363,2
+shelbyville,1255,0
+hiteman,599,5
+tolstoy,826,0
+lakeville,1160,12
+pomaria,1346,13
+lindenwood,407,1
+klickitat,606,0
+pinesdale,1075,2
+lindenwood,303,2
+beechwood,906,1
+hiteman,1629,16
+lakeville,803,3
+marstons,1985,11
+hiteman,1104,1
+onaga,165,2
+shelbyville,132,8
+newfields,625,1
+stockman,494,4
+lakeville,196,1
+klickitat,1837,6
+wainscott,815,3
+hiteman,380,1
+marstons,1186,0
+tolstoy,1742,2
+wainscott,728,1
+wainscott,243,1
+pomaria,351,1
+woodbine,1378,5
+beechwood,1117,1
+newfields,1178,9
+newfields,1591,6
+ranchester,1173,5
+cosmos,894,1
+hiteman,336,0
+lakeville,1309,9
+stockman,903,3
+pomaria,953,6
+tolstoy,1435,9
+shelbyville,81,2
+klickitat,379,6
+pinesdale,366,4
+ranchester,702,6
+merom,379,2
+cosmos,644,4
+hiteman,1669,1
+tolstoy,115,2
+merom,229,7
+klickitat,107,2
+pomaria,624,5
+shelbyville,561,3
+ranchester,303,8
+onaga,473,2
+lakeville,1151,6
+klickitat,485,1
+pinesdale,1362,3
+klickitat,1389,9
+newfields,403,7
+lindenwood,10,6
+marstons,2560,2
+woodbine,223,4
+wainscott,256,5
+shelbyville,884,4
+newfields,683,0
+mifflinburg,235,1
+pomaria,1104,0
+hiteman,1323,1
+tolstoy,145,5
+allensville,32,1
+coffeen,474,7
+pinesdale,544,7
+ranchester,1100,3
+lakeville,362,0
+shelbyville,2814,2
+shelbyville,2256,2
+coffeen,238,0
+pinesdale,617,0
+lindenwood,2567,4
+tolstoy,971,7
+wainscott,669,12
+woodbine,125,4
+lindenwood,2319,7
+shelbyville,985,3
+newfields,47,0
+lindenwood,2083,8
+lindenwood,1052,0
+hiteman,1595,3
+hiteman,1060,4
+lakeville,1844,0
+lakeville,1045,0
+ranchester,1199,0
+cosmos,441,1
+leonardo,298,3
+wainscott,795,3
+shelbyville,2111,1
+lindenwood,2634,1
+coffeen,1148,6
+lakeville,321,0
+woodbine,107,1
+shelbyville,789,0
+ranchester,873,6
+shelbyville,1626,3
+klickitat,144,4
+newfields,1018,10
+pinesdale,369,4
+tolstoy,1031,3
+pomaria,1598,5
+klickitat,532,12
+stockman,437,2
+coffeen,1108,1
+marstons,1734,4
+ranchester,623,2
+woodbine,1705,3
+wainscott,14,8
+lindenwood,1080,0
+leonardo,1869,8
+leonardo,235,7
+hiteman,428,9
+tolstoy,940,0
+wainscott,231,3
+wainscott,92,1
+shelbyville,600,1
+leonardo,2026,8
+forkland,301,1
+pinesdale,278,11
+ranchester,1437,5
+ranchester,1060,7
+lindenwood,594,2
+allensville,502,2
+leonardo,1974,2
+klickitat,888,0
+tolstoy,820,2
+newfields,760,6
+newfields,1157,7
+lindenwood,1951,7
+shelbyville,371,0
+onaga,67,3
+stockman,1441,13
+marstons,1867,3
+marstons,2495,8
+lindenwood,563,3
+merom,708,1
+shelbyville,221,7
+coffeen,468,0
+marstons,2375,2
+lindenwood,1126,1
+pomaria,961,2
+pomaria,1253,1
+ranchester,372,5
+leonardo,1228,4
+lakeville,254,1
+shelbyville,1258,5
+marstons,2420,10
+pinesdale,890,2
+coffeen,1503,1
+ranchester,1599,3
+tolstoy,775,9
+lindenwood,1428,9
+leonardo,1084,0
+shelbyville,1430,1
+hiteman,1162,5
+benevolence,406,1
+leonardo,907,2
+newfields,636,7
+hiteman,86,2
+leonardo,351,2
+lakeville,335,3
+wainscott,760,9
+marstons,250,4
+shelbyville,859,5
+pinesdale,97,2
+leonardo,469,4
+shelbyville,2515,2
+onaga,143,1
+merom,815,0
+newfields,957,1
+coffeen,623,2
+hanson,122,3
+marstons,1346,3
+merom,903,2
+merom,208,6
+onaga,135,0
+marstons,128,4
+shelbyville,141,0
+marstons,2471,0
+hanson,86,9
+marstons,1396,1
+hanson,295,1
+pomaria,802,3
+hanson,1286,2
+leonardo,597,4
+pomaria,317,10
+beechwood,349,2
+ranchester,1040,0
+shelbyville,1467,3
+pinesdale,720,9
+woodbine,181,4
+leonardo,1156,5
+wainscott,1176,5
+hiteman,1816,4
+tolstoy,518,3
+shelbyville,1417,3
+lakeville,1425,12
+hanson,652,0
+hanson,926,3
+woodbine,1639,2
+lakeville,201,3
+hiteman,769,1
+leonardo,65,1
+lakeville,516,2
+pomaria,230,2
+marstons,986,2
+klickitat,820,3
+shelbyville,233,2
+tolstoy,1343,0
+coffeen,1038,3
+lindenwood,2631,4
+newfields,949,4
+leonardo,303,12
+tolstoy,906,4
+marstons,2190,10
+woodbine,589,9
+shelbyville,1513,6
+lindenwood,1533,11
+mifflinburg,551,2
+merom,303,0
+pinesdale,1483,6
+forkland,609,4
+pomaria,392,7
+shelbyville,2015,5
+marstons,2269,4
+hiteman,639,4
+wainscott,1272,2
+woodbine,944,4
+marstons,540,2
+lakeville,169,0
+mifflinburg,720,2
+lindenwood,2372,7
+hanson,1346,13
+mifflinburg,171,3
+marstons,548,2
+woodbine,589,5
+cosmos,241,0
+leonardo,1271,6
+tolstoy,33,3
+tolstoy,1027,6
+newfields,864,4
+woodbine,1073,3
+klickitat,260,1
+woodbine,638,7
+klickitat,1700,1
+woodbine,998,3
+tolstoy,1079,0
+tolstoy,425,6
+leonardo,734,7
+tolstoy,279,10
+leonardo,248,0
+lakeville,915,0
+shelbyville,2279,0
+marstons,1681,11
+woodbine,1101,2
+lindenwood,1450,3
+cosmos,508,2
+cosmos,362,0
+cosmos,167,1
+klickitat,1850,7
+newfields,415,5
+lindenwood,1312,4
+woodbine,2041,1
+hiteman,157,3
+tolstoy,1513,2
+shelbyville,2606,0
+lakeville,1474,13
+hanson,106,5
+klickitat,846,13
+woodbine,286,0
+klickitat,512,8
+cosmos,352,1
+pinesdale,420,7
+merom,78,2
+klickitat,1700,5
+hiteman,1822,15
+marstons,469,1
+marstons,626,2
+woodbine,616,2
+cosmos,223,0
+ranchester,1088,2
+ranchester,1440,4
+lindenwood,741,2
+leonardo,1970,3
+newfields,1501,3
+hanson,825,8
+mifflinburg,21,7
+coffeen,669,2
+hanson,1011,0
+wainscott,1608,5
+lakeville,307,2
+lindenwood,2471,3
+lakeville,499,8
+ranchester,1247,12
+forkland,385,2
+ranchester,1180,0
+ranchester,235,0
+lindenwood,527,2
+pinesdale,1066,11
+shelbyville,1293,6
+marstons,420,2
+newfields,740,12
+lindenwood,582,1
+beechwood,712,1
+cosmos,491,2
+shelbyville,2239,5
+lindenwood,1239,1
+shelbyville,974,2
+onaga,541,3
+ranchester,1492,6
+pomaria,298,2
+ranchester,294,3
+cosmos,663,0
+klickitat,74,8
+pomaria,1514,7
+shelbyville,310,10
+lakeville,137,3
+lakeville,1746,5
+tolstoy,744,7
+marstons,433,0
+beechwood,611,1
+pomaria,1375,7
+leonardo,1223,0
+lindenwood,1345,7
+lakeville,179,6
+klickitat,914,5
+tolstoy,1136,6
+wainscott,1345,1
+pomaria,339,0
+lindenwood,2120,5
+woodbine,1868,12
+ranchester,615,0
+hiteman,375,1
+wainscott,847,5
+lindenwood,196,4
+wainscott,69,3
+mifflinburg,549,1
+wainscott,1012,6
+marstons,1528,8
+hanson,152,7
+klickitat,219,1
+hanson,168,10
+onaga,320,0
+pinesdale,734,7
+ranchester,319,2
+woodbine,1112,1
+newfields,507,4
+shelbyville,1406,0
+marstons,2091,8
+pinesdale,1163,5
+tolstoy,231,13
+lindenwood,2051,1
+newfields,1503,1
+shelbyville,1844,7
+klickitat,2190,4
+marstons,532,8
+shelbyville,2138,1
+tolstoy,542,15
+pomaria,1049,3
+newfields,1503,10
+beechwood,484,4
+ranchester,793,8
+woodbine,247,9
+hanson,1327,7
+newfields,1088,7
+marstons,2351,1
+leonardo,2072,1
+shelbyville,2554,0
+shelbyville,946,13
+lakeville,1504,2
+marstons,1042,4
+beechwood,71,2
+klickitat,1676,2
+cosmos,779,2
+hanson,114,2
+pomaria,1354,0
+stockman,1453,17
+marstons,2503,10
+woodbine,826,2
+pomaria,1215,3
+stockman,473,2
+beechwood,785,6
+lindenwood,523,0
+marstons,1205,6
+pomaria,1499,5
+marstons,1181,4
+pinesdale,1382,1
+pinesdale,289,0
+hiteman,1292,2
+tolstoy,899,2
+klickitat,1578,1
+marstons,454,1
+wainscott,127,4
+tolstoy,1127,3
+pinesdale,1202,1
+lakeville,55,6
+shelbyville,2814,10
+shelbyville,2802,0
+pinesdale,1380,5
+pinesdale,299,2
+klickitat,536,1
+pomaria,1575,3
+tolstoy,437,8
+pomaria,1128,2
+newfields,368,1
+marstons,1247,2
+lindenwood,173,1
+hiteman,1329,7
+mifflinburg,98,6
+marstons,2614,7
+hanson,1659,5
+ranchester,885,2
+hanson,223,3
+hiteman,326,1
+hiteman,223,7
+lindenwood,915,0
+leonardo,1050,3
+marstons,1807,3
+hanson,1388,5
+stockman,887,0
+lakeville,1252,16
+lindenwood,1159,6
+klickitat,1629,8
+hiteman,424,1
+shelbyville,1355,2
+klickitat,823,3
+forkland,978,1
+newfields,1014,0
+wainscott,596,7
+marstons,1304,3
+lakeville,792,11
+marstons,1401,7
+lindenwood,1067,3
+tolstoy,1673,1
+hanson,155,4
+pomaria,505,3
+tolstoy,474,3
+cosmos,538,1
+allensville,91,4
+hiteman,849,2
+ranchester,1635,4
+klickitat,1437,15
+beechwood,993,12
+klickitat,386,0
+klickitat,266,0
+lakeville,1711,3
+klickitat,931,1
+tolstoy,1661,2
+merom,590,0
+shelbyville,1945,1
+coffeen,1387,3
+shelbyville,2792,4
+wainscott,1691,2
+lindenwood,1572,1
+hanson,214,1
+merom,937,0
+lakeville,57,2
+mifflinburg,751,1
+leonardo,644,4
+pinesdale,905,3
+forkland,759,7
+hiteman,1799,8
+marstons,500,4
+benevolence,510,6
+klickitat,1923,4
+woodbine,1869,2
+tolstoy,547,5
+hanson,260,2
+woodbine,2023,10
+forkland,152,0
+pomaria,733,0
+lakeville,1140,5
+lindenwood,1219,0
+lindenwood,2080,1
+hiteman,452,1
+beechwood,134,1
+benevolence,150,9
+wainscott,1233,2
+hiteman,595,1
+woodbine,1752,1
+coffeen,538,4
+pomaria,477,7
+hiteman,788,1
+shelbyville,1547,6
+stockman,248,0
+lindenwood,2629,3
+klickitat,123,3
+tolstoy,186,1
+lindenwood,2449,3
+coffeen,335,1
+lindenwood,2461,5
+woodbine,1716,2
+woodbine,832,1
+woodbine,1487,2
+klickitat,426,13
+cosmos,937,0
+lakeville,385,2
+marstons,849,0
+coffeen,1188,0
+marstons,1877,4
+hiteman,189,3
+hanson,55,2
+leonardo,119,0
+leonardo,419,3
+newfields,65,0
+allensville,435,1
+coffeen,327,6
+tolstoy,913,5
+marstons,4,0
+shelbyville,1663,7
+lakeville,1349,12
+coffeen,416,2
+klickitat,956,1
+ranchester,718,1
+shelbyville,1736,1
+marstons,1217,6
+shelbyville,933,1
+klickitat,1203,3
+mifflinburg,198,2
+stockman,1453,0
+ranchester,725,2
+benevolence,916,0
+newfields,170,12
+shelbyville,2232,3
+benevolence,396,2
+hiteman,1790,0
+lindenwood,995,0
+marstons,221,1
+woodbine,1200,1
+ranchester,1601,7
+lindenwood,1049,2
+shelbyville,985,7
+onaga,454,0
+cosmos,329,8
+klickitat,390,3
+marstons,1674,0
+lindenwood,2609,4
+pomaria,1217,7
+klickitat,1134,1
+leonardo,2041,0
+stockman,1077,3
+klickitat,1909,8
+hiteman,1396,0
+klickitat,857,8
+hanson,573,1
+tolstoy,1155,0
+tolstoy,760,8
+shelbyville,1199,1
+marstons,517,4
+lakeville,508,0
+coffeen,91,4
+tolstoy,1088,13
+pinesdale,1400,2
+klickitat,1792,6
+marstons,757,3
+lakeville,856,0
+leonardo,356,0
+marstons,2161,0
+klickitat,2017,2
+marstons,961,9
+hiteman,1816,3
+stockman,11,1
+newfields,451,9
+klickitat,478,7
+lakeville,1484,7
+ranchester,713,3
+klickitat,852,1
+tolstoy,382,2
+hanson,1363,5
+newfields,1395,1
+tolstoy,560,1
+hanson,1137,1
+pinesdale,453,4
+newfields,1253,1
+marstons,204,11
+wainscott,574,1
+klickitat,1906,2
+marstons,2104,15
+woodbine,1192,0
+lakeville,1766,7
+tolstoy,241,2
+lakeville,1522,3
+lindenwood,2328,2
+lindenwood,65,5
+hanson,27,0
+pomaria,148,11
+hiteman,1210,7
+marstons,2096,5
+onaga,429,0
+woodbine,1520,2
+tolstoy,220,2
+leonardo,314,0
+leonardo,504,1
+lindenwood,260,3
+shelbyville,274,0
+marstons,2307,3
+beechwood,514,0
+marstons,2403,0
+lindenwood,56,0
+hiteman,957,2
+mifflinburg,447,2
+merom,706,1
+cosmos,932,0
+shelbyville,356,3
+pomaria,891,4
+leonardo,656,2
+woodbine,410,7
+ranchester,409,5
+coffeen,796,3
+pomaria,945,13
+marstons,1929,12
+stockman,8,0
+klickitat,1276,1
+tolstoy,1198,1
+hanson,595,0
+shelbyville,902,3
+tolstoy,1784,4
+coffeen,708,0
+woodbine,98,6
+marstons,1114,3
+tolstoy,184,7
+ranchester,94,3
+pinesdale,823,4
+lindenwood,937,7
+wainscott,260,2
+leonardo,1803,8
+woodbine,234,3
+forkland,657,3
+pomaria,95,4
+hiteman,237,3
+leonardo,14,1
+hanson,849,6
+lindenwood,2465,0
+coffeen,472,1
+stockman,1094,0
+pomaria,317,4
+hanson,304,4
+shelbyville,974,1
+newfields,327,5
+newfields,1288,0
+shelbyville,703,3
+cosmos,220,0
+shelbyville,781,5
+pomaria,0,3
+woodbine,1887,3
+coffeen,1487,2
+coffeen,1325,2
+lakeville,958,8
+klickitat,2358,3
+tolstoy,1698,3
+newfields,1583,8
+hanson,1552,2
+woodbine,1181,1
+stockman,1087,2
+pomaria,1399,3
+leonardo,177,2
+stockman,1018,4
+lindenwood,2312,1
+shelbyville,323,0
+hanson,525,1
+marstons,2347,0
+klickitat,674,1
+marstons,1223,4
+shelbyville,2560,12
+lindenwood,728,2
+klickitat,106,4
+marstons,961,0
+hanson,891,4
+shelbyville,744,3
+merom,670,2
+pomaria,263,3
+beechwood,436,5
+shelbyville,2694,3
+ranchester,1033,4
+coffeen,19,1
+marstons,1057,13
+stockman,937,3
+shelbyville,1069,6
+stockman,1566,1
+leonardo,997,4
+lindenwood,949,8
+marstons,1202,5
+tolstoy,1307,0
+tolstoy,1366,3
+lindenwood,2131,1
+lakeville,505,4
+stockman,692,7
+shelbyville,1359,3
+shelbyville,490,16
+forkland,1052,5
+shelbyville,2092,3
+wainscott,214,3
+shelbyville,2614,14
+pomaria,1671,4
+woodbine,319,4
+forkland,512,0
+ranchester,147,3
+woodbine,1344,0
+shelbyville,1761,0
+hanson,1183,1
+coffeen,934,0
+marstons,2539,2
+marstons,1325,2
+cosmos,197,11
+lakeville,1307,3
+pomaria,476,9
+pomaria,1081,7
+leonardo,293,2
+woodbine,784,2
+tolstoy,1319,3
+hiteman,152,1
+cosmos,146,1
+ranchester,1131,8
+wainscott,621,5
+lindenwood,1899,9
+wainscott,294,2
+merom,767,0
+wainscott,1168,2
+cosmos,332,2
+hanson,48,1
+marstons,420,6
+shelbyville,435,7
+newfields,249,2
+mifflinburg,820,0
+merom,238,2
+marstons,2591,2
+shelbyville,1834,0
+lindenwood,631,7
+forkland,882,1
+ranchester,1261,4
+shelbyville,2542,4
+klickitat,2262,2
+leonardo,1247,6
+forkland,410,1
+forkland,0,5
+wainscott,1104,11
+coffeen,662,3
+klickitat,130,0
+tolstoy,504,11
+woodbine,49,0
+hiteman,1799,0
+marstons,1102,12
+shelbyville,1441,6
+benevolence,13,1
+wainscott,1760,2
+pinesdale,1058,2
+leonardo,1810,1
+shelbyville,987,2
+mifflinburg,326,4
+marstons,1162,0
+wainscott,1590,1
+beechwood,397,2
+marstons,377,4
+leonardo,760,1
+hanson,115,4
+marstons,2311,2
+klickitat,586,3
+leonardo,378,3
+newfields,1358,0
+shelbyville,2654,0
+wainscott,811,10
+coffeen,1296,9
+mifflinburg,451,1
+newfields,277,0
+marstons,2440,4
+coffeen,156,8
+leonardo,1132,0
+benevolence,481,8
+wainscott,329,5
+shelbyville,1680,3
+marstons,895,9
+forkland,771,7
+hiteman,1494,2
+merom,635,12
+lakeville,1444,2
+pinesdale,1425,3
+cosmos,309,6
+allensville,266,3
+stockman,679,2
+newfields,1440,2
+newfields,1459,1
+stockman,389,4
+leonardo,1336,0
+pomaria,339,2
+lindenwood,1536,4
+cosmos,6,3
+leonardo,1434,5
+pinesdale,772,2
+beechwood,174,9
+wainscott,488,1
+hanson,1235,4
+hanson,17,5
+marstons,921,18
+stockman,1533,2
+stockman,150,1
+marstons,2465,3
+leonardo,1976,10
+merom,763,4
+cosmos,576,1
+forkland,490,2
+benevolence,56,3
+tolstoy,1320,3
+klickitat,1279,3
+shelbyville,1144,2
+marstons,821,11
+shelbyville,2774,2
+marstons,2201,4
+newfields,1281,3
+newfields,1581,0
+newfields,947,7
+cosmos,596,7
+forkland,1194,6
+lindenwood,2208,12
+pinesdale,1276,2
+wainscott,1657,13
+wainscott,645,8
+cosmos,345,1
+lakeville,419,5
+shelbyville,2626,5
+ranchester,356,11
+hiteman,1805,2
+marstons,2176,11
+leonardo,1276,0
+leonardo,564,5
+tolstoy,1821,6
+pomaria,1055,1
+cosmos,15,7
+forkland,96,2
+lindenwood,750,2
+beechwood,176,5
+mifflinburg,134,3
+tolstoy,466,3
+hiteman,589,2
+stockman,1240,1
+hiteman,1009,2
+lindenwood,313,11
+pinesdale,796,9
+lindenwood,1046,2
+hanson,85,4
+stockman,80,7
+newfields,1241,0
+tolstoy,1647,5
+lakeville,1399,6
+tolstoy,184,5
+lindenwood,314,1
+coffeen,592,0
+woodbine,2023,7
+lindenwood,1009,0
+shelbyville,601,3
+beechwood,742,1
+coffeen,105,0
+lindenwood,2294,8
+pinesdale,859,5
+shelbyville,1781,1
+stockman,516,1
+newfields,1372,6
+coffeen,1028,5
+lakeville,1850,5
+lindenwood,2007,7
+marstons,1988,3
+tolstoy,447,7
+woodbine,398,2
+lindenwood,1716,6
+klickitat,1207,4
+hiteman,353,3
+woodbine,836,0
+beechwood,79,11
+newfields,1143,5
+stockman,563,3
+leonardo,402,2
+hiteman,931,0
+allensville,246,9
+hanson,928,1
+klickitat,1998,5
+klickitat,167,7
+pomaria,438,2
+ranchester,238,3
+onaga,586,0
+forkland,1163,7
+shelbyville,1399,11
+benevolence,482,1
+tolstoy,1706,1
+klickitat,106,3
+klickitat,1178,2
+marstons,2589,8
+coffeen,862,0
+klickitat,944,3
+mifflinburg,184,2
+leonardo,190,7
+hanson,719,9
+hiteman,346,9
+woodbine,1423,1
+shelbyville,2474,0
+stockman,140,2
+hiteman,727,2
+marstons,481,6
+hanson,1632,8
+coffeen,52,1
+hiteman,1103,1
+shelbyville,273,7
+marstons,2191,3
+lakeville,468,0
+klickitat,2015,18
+hiteman,1834,7
+hiteman,966,9
+stockman,332,6
+shelbyville,1043,1
+beechwood,186,3
+shelbyville,516,5
+lakeville,1758,1
+woodbine,670,0
+marstons,167,0
+coffeen,1235,6
+pinesdale,929,3
+lindenwood,245,2
+shelbyville,2797,4
+marstons,595,7
+coffeen,809,2
+wainscott,987,0
+hiteman,1823,6
+pomaria,87,1
+beechwood,637,4
+newfields,195,0
+marstons,1927,1
+hanson,1306,6
+shelbyville,196,2
+newfields,418,0
+lakeville,148,5
+wainscott,591,0
+klickitat,1613,2
+forkland,952,6
+stockman,1506,1
+woodbine,34,7
+wainscott,1735,10
+hiteman,1672,6
+shelbyville,2296,11
+forkland,88,8
+lakeville,1097,6
+shelbyville,799,9
+shelbyville,488,5
+pomaria,586,8
+hanson,1458,13
+cosmos,595,2
+klickitat,1942,4
+onaga,323,1
+coffeen,621,2
+forkland,83,1
+stockman,1520,1
+lindenwood,204,3
+newfields,1573,4
+lakeville,1538,5
+shelbyville,1828,0
+woodbine,340,1
+pomaria,1556,1
+pomaria,1023,4
+shelbyville,637,0
+beechwood,474,4
+hanson,10,3
+marstons,1992,4
+ranchester,277,0
+marstons,1885,3
+hanson,136,1
+stockman,948,2
+newfields,258,1
+leonardo,1034,5
+leonardo,1594,5
+marstons,1091,5
+klickitat,2039,0
+newfields,139,5
+mifflinburg,498,2
+ranchester,874,4
+newfields,1072,0
+ranchester,946,1
+newfields,299,19
+leonardo,672,4
+cosmos,897,1
+ranchester,213,1
+lindenwood,1711,5
+woodbine,616,4
+marstons,529,5
+coffeen,675,0
+merom,488,1
+leonardo,1635,15
+marstons,1078,8
+beechwood,678,9
+leonardo,1183,0
+beechwood,493,5
+lakeville,333,2
+klickitat,1495,10
+woodbine,749,1
+lindenwood,1470,1
+tolstoy,867,2
+lindenwood,556,1
+leonardo,526,3
+shelbyville,629,1
+tolstoy,738,3
+klickitat,1088,14
+stockman,1074,0
+pomaria,999,0
+klickitat,1027,2
+shelbyville,500,4
+pomaria,380,3
+stockman,546,2
+hiteman,512,4
+newfields,1651,8
+marstons,2021,3
+hanson,540,1
+beechwood,800,4
+mifflinburg,836,4
+lakeville,475,10
+coffeen,306,3
+marstons,424,1
+ranchester,417,6
+ranchester,168,7
+allensville,431,2
+lindenwood,667,5
+marstons,885,2
+leonardo,524,4
+pinesdale,631,2
+tolstoy,431,7
+wainscott,891,11
+newfields,549,9
+leonardo,1061,6
+ranchester,1193,2
+hiteman,864,9
+klickitat,2110,2
+forkland,296,2
+tolstoy,741,5
+wainscott,1098,8
+wainscott,228,8
+newfields,1178,5
+leonardo,1493,4
+woodbine,189,1
+shelbyville,2113,3
+leonardo,560,12
+stockman,861,0
+klickitat,2015,17
+cosmos,1017,5
+leonardo,430,2
+newfields,787,14
+merom,183,1
+shelbyville,1452,0
+benevolence,475,4
+hiteman,652,6
+klickitat,731,5
+beechwood,501,10
+beechwood,1145,3
+beechwood,636,2
+klickitat,1962,0
+coffeen,0,7
+shelbyville,797,0
+pomaria,1175,6
+marstons,2327,1
+leonardo,214,5
+hanson,37,3
+coffeen,62,0
+lindenwood,65,0
+marstons,2098,5
+leonardo,1712,1
+cosmos,857,3
+pinesdale,982,4
+leonardo,243,3
+leonardo,1895,9
+lindenwood,2350,7
+woodbine,1822,9
+hanson,996,1
+shelbyville,2293,5
+stockman,743,1
+stockman,140,1
+woodbine,286,3
+woodbine,204,3
+benevolence,668,1
+lindenwood,1817,7
+shelbyville,2452,2
+shelbyville,2396,1
+hanson,428,7
+klickitat,225,12
+tolstoy,1022,1
+marstons,669,5
+lakeville,971,0
+shelbyville,834,6
+klickitat,1429,6
+woodbine,1536,3
+lindenwood,1433,0
+coffeen,95,3
+onaga,217,1
+leonardo,953,0
+klickitat,1218,3
+lindenwood,906,3
+tolstoy,734,1
+stockman,132,0
+cosmos,902,0
+marstons,1544,5
+woodbine,488,19
+wainscott,911,1
+woodbine,986,5
+wainscott,204,2
+onaga,153,0
+shelbyville,2143,3
+merom,225,0
+stockman,101,0
+tolstoy,1014,1
+newfields,1232,0
+tolstoy,1537,0
+merom,646,0
+tolstoy,570,3
+tolstoy,1440,9
+woodbine,702,0
+pinesdale,52,0
+lindenwood,1300,0
+wainscott,296,6
+shelbyville,959,2
+leonardo,780,0
+marstons,2593,5
+lindenwood,2188,5
+klickitat,1840,5
+leonardo,1027,13
+lakeville,1319,1
+shelbyville,113,6
+forkland,632,1
+onaga,571,2
+shelbyville,26,4
+pomaria,783,0
+marstons,1093,2
+woodbine,1721,4
+tolstoy,429,6
+newfields,156,11
+pinesdale,325,3
+shelbyville,683,4
+marstons,1343,3
+wainscott,861,3
+woodbine,1691,1
+woodbine,303,12
+hanson,20,4
+stockman,434,2
+beechwood,60,2
+pinesdale,1207,1
+lakeville,230,0
+benevolence,235,2
+stockman,1175,1
+wainscott,1044,2
+leonardo,1168,1
+newfields,16,9
+lindenwood,2595,1
+klickitat,1214,3
+marstons,258,2
+coffeen,1374,1
+shelbyville,525,0
+cosmos,1060,0
+tolstoy,613,10
+pomaria,1427,6
+wainscott,1798,1
+lindenwood,2044,0
+lindenwood,2378,5
+tolstoy,1110,6
+lindenwood,2449,0
+marstons,1056,5
+tolstoy,918,2
+forkland,145,4
+onaga,175,0
+klickitat,170,3
+beechwood,720,2
+klickitat,138,5
+pinesdale,1221,2
+pomaria,968,14
+forkland,640,3
+shelbyville,692,5
+marstons,529,17
+beechwood,1138,4
+newfields,1461,1
+shelbyville,54,2
+mifflinburg,70,0
+leonardo,1928,3
+marstons,1455,13
+lindenwood,739,0
+wainscott,1420,0
+lakeville,394,7
+tolstoy,1580,0
+hanson,1157,6
+ranchester,1600,0
+pomaria,844,5
+shelbyville,2711,4
+pinesdale,374,3
+tolstoy,300,4
+lakeville,1074,5
+hiteman,1853,0
+woodbine,308,2
+onaga,517,2
+hanson,919,0
+forkland,1032,5
+pomaria,443,2
+cosmos,868,4
+wainscott,650,0
+ranchester,1621,2
+shelbyville,943,1
+mifflinburg,298,1
+woodbine,1207,9
+tolstoy,1809,4
+marstons,91,5
+shelbyville,72,10
+lindenwood,1660,4
+leonardo,87,2
+hanson,1275,1
+tolstoy,1750,2
+marstons,1097,2
+pomaria,1451,8
+lindenwood,1596,1
+shelbyville,498,16
+hiteman,1130,1
+hanson,659,11
+wainscott,728,2
+pinesdale,25,1
+coffeen,276,2
+lindenwood,2371,14
+marstons,1562,6
+leonardo,1593,18
+ranchester,1331,1
+newfields,116,1
+pinesdale,427,2
+wainscott,1332,0
+beechwood,774,4
+marstons,2299,0
+stockman,626,0
+pomaria,455,7
+lindenwood,36,4
+ranchester,1259,4
+marstons,966,2
+marstons,551,12
+tolstoy,1253,6
+shelbyville,173,4
+hanson,580,3
+pomaria,1330,3
+newfields,1185,4
+pinesdale,1167,12
+lindenwood,2521,1
+lindenwood,1471,3
+hanson,935,5
+lindenwood,277,1
+wainscott,1034,1
+woodbine,559,4
+newfields,1297,7
+stockman,647,4
+tolstoy,1232,6
+cosmos,915,8
+ranchester,340,7
+newfields,1564,3
+shelbyville,555,0
+ranchester,115,2
+stockman,586,1
+tolstoy,1785,8
+cosmos,523,0
+tolstoy,1017,10
+tolstoy,1559,6
+klickitat,1755,0
+ranchester,406,4
+wainscott,423,3
+hiteman,167,5
+forkland,63,3
+hiteman,352,6
+wainscott,1527,1
+klickitat,1008,9
+coffeen,1126,1
+pomaria,346,4
+pomaria,1081,1
+coffeen,1016,3
+coffeen,415,3
+marstons,1545,1
+lindenwood,2269,4
+leonardo,390,1
+onaga,645,1
+wainscott,754,0
+tolstoy,981,4
+benevolence,316,3
+wainscott,269,1
+tolstoy,1578,7
+hanson,741,5
+marstons,519,9
+hiteman,88,6
+shelbyville,1556,2
+klickitat,2412,6
+beechwood,486,3
+leonardo,2005,4
+leonardo,1597,1
+pinesdale,1257,4
+lakeville,999,0
+pomaria,95,0
+woodbine,1460,4
+forkland,356,5
+coffeen,189,8
+klickitat,228,3
+woodbine,1462,4
+marstons,2375,4
+hiteman,536,3
+hiteman,21,0
+cosmos,839,8
+coffeen,364,0
+klickitat,2069,5
+marstons,2265,1
+lindenwood,2145,0
+cosmos,236,7
+allensville,478,0
+lakeville,1096,10
+forkland,1116,6
+hiteman,1116,4
+marstons,557,1
+lindenwood,867,6
+pomaria,963,0
+merom,596,2
+mifflinburg,773,4
+stockman,1145,5
+ranchester,646,3
+beechwood,294,0
+wainscott,368,3
+lakeville,1531,2
+lindenwood,1113,4
+klickitat,68,7
+lindenwood,2371,11
+klickitat,1784,4
+pinesdale,1366,3
+leonardo,2033,14
+klickitat,948,7
+newfields,1021,0
+ranchester,531,7
+lindenwood,453,5
+tolstoy,499,2
+marstons,53,4
+benevolence,579,2
+wainscott,1630,8
+klickitat,2131,0
+woodbine,330,3
+coffeen,383,2
+ranchester,583,1
+beechwood,158,1
+hiteman,1065,3
+pomaria,681,1
+newfields,1158,4
+lindenwood,1874,5
+newfields,404,4
+forkland,369,3
+hanson,1164,1
+hiteman,1816,9
+klickitat,1207,1
+lindenwood,244,8
+beechwood,845,1
+hiteman,1248,5
+lakeville,670,0
+tolstoy,1324,7
+lakeville,1570,0
+woodbine,242,1
+wainscott,717,0
+pomaria,39,6
+pinesdale,7,6
+hanson,1623,2
+coffeen,461,4
+woodbine,1015,7
+shelbyville,420,4
+onaga,19,1
+lindenwood,2428,4
+lakeville,764,5
+klickitat,1106,7
+hiteman,806,1
+stockman,422,2
+tolstoy,868,11
+klickitat,76,4
+klickitat,535,2
+shelbyville,749,7
+ranchester,549,4
+hiteman,1337,0
+klickitat,2173,3
+pinesdale,1485,4
+cosmos,178,4
+shelbyville,2399,3
+shelbyville,786,7
+klickitat,1426,8
+pomaria,633,8
+coffeen,92,2
+lindenwood,2597,0
+wainscott,1559,13
+newfields,604,4
+stockman,1578,1
+hanson,1349,1
+lakeville,1436,7
+coffeen,400,0
+lindenwood,839,0
+tolstoy,1743,3
+hiteman,942,0
+shelbyville,337,9
+beechwood,714,5
+woodbine,1684,12
+hiteman,750,0
+pinesdale,35,1
+klickitat,808,6
+lindenwood,311,7
+hanson,789,4
+forkland,310,2
+shelbyville,1077,9
+stockman,1139,3
+klickitat,500,3
+lindenwood,1602,4
+beechwood,1150,3
+woodbine,795,1
+beechwood,66,5
+mifflinburg,815,1
+woodbine,643,13
+tolstoy,268,4
+klickitat,335,1
+newfields,327,4
+woodbine,2050,4
+leonardo,107,0
+merom,25,3
+merom,300,2
+merom,393,0
+wainscott,1614,6
+marstons,77,0
+lakeville,685,7
+pomaria,68,7
+beechwood,984,0
+newfields,1654,0
+stockman,251,3
+hiteman,1293,4
+hanson,263,2
+hiteman,1488,0
+benevolence,912,0
+hiteman,1376,5
+lakeville,1673,2
+beechwood,545,1
+newfields,1354,1
+hanson,1453,15
+wainscott,159,4
+hanson,1255,4
+klickitat,374,3
+mifflinburg,64,4
+lindenwood,2536,2
+newfields,467,1
+pomaria,1181,8
+wainscott,1393,12
+lakeville,1565,2
+lindenwood,1376,2
+hiteman,1287,3
+stockman,159,5
+shelbyville,461,4
+coffeen,1335,1
+newfields,504,2
+mifflinburg,792,2
+lakeville,610,0
+klickitat,1213,2
+pinesdale,1188,3
+pomaria,40,3
+stockman,393,1
+benevolence,64,3
+pomaria,1151,2
+wainscott,1226,1
+hanson,144,10
+shelbyville,737,4
+hanson,1087,3
+hiteman,426,3
+forkland,5,0
+pomaria,609,14
+mifflinburg,490,1
+hiteman,1095,8
+stockman,1516,4
+beechwood,105,8
+marstons,1338,1
+hanson,106,1
+forkland,32,0
+stockman,1148,2
+coffeen,1040,0
+leonardo,252,17
+ranchester,283,3
+pomaria,636,1
+shelbyville,1962,0
+leonardo,1691,17
+lindenwood,2658,5
+marstons,2203,4
+lindenwood,1504,1
+beechwood,647,0
+newfields,932,5
+tolstoy,1348,3
+forkland,1026,2
+wainscott,1264,2
+marstons,1442,11
+hanson,471,10
+klickitat,2012,11
+stockman,1520,2
+beechwood,634,1
+pomaria,110,7
+lakeville,256,10
+newfields,954,6
+wainscott,1255,9
+benevolence,523,3
+hanson,1410,12
+ranchester,1162,6
+coffeen,1284,2
+hanson,854,2
+newfields,856,7
+forkland,838,2
+klickitat,860,7
+klickitat,934,0
+klickitat,1648,5
+newfields,579,3
+mifflinburg,547,1
+shelbyville,1266,1
+hanson,142,4
+klickitat,1015,4
+pomaria,374,2
+klickitat,282,0
+pinesdale,443,2
+marstons,1412,4
+allensville,307,1
+benevolence,492,4
+ranchester,516,5
+hanson,536,4
+ranchester,1629,3
+lindenwood,1544,0
+newfields,884,6
+klickitat,1905,11
+shelbyville,1530,2
+shelbyville,2311,7
+klickitat,2024,19
+pomaria,1279,8
+coffeen,875,1
+hiteman,206,0
+woodbine,140,7
+hiteman,1310,2
+marstons,1881,13
+newfields,766,1
+shelbyville,271,1
+woodbine,1197,0
+forkland,1036,2
+forkland,1181,2
+wainscott,552,1
+marstons,1531,6
+hiteman,264,4
+hiteman,771,5
+newfields,1220,2
+pinesdale,720,11
+marstons,2490,0
+lindenwood,2029,4
+hanson,780,5
+stockman,1182,0
+lindenwood,273,9
+pinesdale,1435,2
+lindenwood,1297,1
+woodbine,448,1
+pomaria,1575,4
+wainscott,267,8
+hanson,358,15
+marstons,773,2
+stockman,344,0
+coffeen,365,1
+newfields,3,2
+leonardo,450,0
+stockman,150,0
+mifflinburg,637,0
+wainscott,759,3
+coffeen,121,4
+leonardo,1800,0
+shelbyville,1015,2
+coffeen,584,2
+forkland,162,3
+pinesdale,66,2
+pinesdale,33,5
+klickitat,960,2
+pomaria,517,2
+klickitat,2172,10
+lakeville,839,2
+newfields,706,3
+hanson,1311,1
+marstons,2126,6
+lindenwood,2131,2
+tolstoy,1490,2
+shelbyville,1675,1
+onaga,26,2
+shelbyville,632,2
+ranchester,268,4
+marstons,348,0
+lindenwood,1027,5
+pinesdale,1345,7
+coffeen,1001,2
+lindenwood,1,11
+stockman,1547,3
+tolstoy,1047,7
+klickitat,1991,6
+leonardo,435,11
+shelbyville,1820,13
+pomaria,225,3
+hanson,1504,1
+woodbine,1933,5
+marstons,538,8
+hiteman,296,2
+ranchester,857,2
+pomaria,707,2
+lindenwood,205,3
+lakeville,527,1
+wainscott,928,4
+woodbine,502,4
+lindenwood,2478,4
+coffeen,931,5
+coffeen,177,2
+hanson,180,5
+lakeville,217,0
+klickitat,1605,2
+lindenwood,1097,3
+leonardo,758,0
+onaga,629,2
+forkland,462,1
+tolstoy,1629,9
+woodbine,239,8
+woodbine,670,10
+ranchester,1491,0
+marstons,2575,1
+woodbine,1763,1
+marstons,921,7
+klickitat,2079,3
+marstons,724,2
+lakeville,1655,0
+coffeen,1169,4
+merom,475,0
+cosmos,930,6
+onaga,250,8
+marstons,1348,3
+pinesdale,1251,1
+beechwood,566,1
+lakeville,401,0
+wainscott,1304,3
+beechwood,1020,4
+pomaria,419,10
+newfields,5,0
+klickitat,76,7
+wainscott,875,3
+pomaria,416,0
+marstons,2409,6
+coffeen,219,1
+coffeen,501,4
+stockman,258,3
+hanson,563,11
+woodbine,175,1
+lindenwood,518,5
+tolstoy,1733,2
+ranchester,34,3
+newfields,929,2
+mifflinburg,976,3
+coffeen,824,1
+lakeville,602,12
+lindenwood,2119,1
+lindenwood,1944,6
+forkland,144,3
+pinesdale,1167,6
+shelbyville,1269,0
+pinesdale,1439,1
+tolstoy,544,2
+lindenwood,2208,3
+pinesdale,215,2
+klickitat,333,2
+pomaria,1038,1
+hiteman,235,1
+lakeville,1299,0
+wainscott,148,4
+pinesdale,492,1
+wainscott,1211,6
+hiteman,1007,3
+forkland,708,0
+coffeen,232,11
+pinesdale,417,0
+hiteman,1251,2
+lindenwood,1451,3
+marstons,223,1
+tolstoy,841,4
+tolstoy,491,13
+tolstoy,1812,5
+pomaria,952,15
+hanson,920,6
+pinesdale,1220,7
+marstons,2564,1
+coffeen,1057,6
+shelbyville,2295,12
+pinesdale,946,1
+cosmos,123,1
+shelbyville,219,11
+pomaria,1114,0
+hiteman,717,3
+leonardo,1522,0
+pomaria,1515,2
+klickitat,1173,0
+wainscott,449,4
+newfields,1159,1
+leonardo,1579,17
+lakeville,1652,5
+shelbyville,2561,0
+mifflinburg,953,4
+marstons,1226,3
+wainscott,324,4
+ranchester,22,3
+shelbyville,1204,12
+hiteman,637,0
+leonardo,442,5
+newfields,1587,11
+wainscott,455,3
+onaga,453,3
+shelbyville,1345,2
+pinesdale,843,3
+klickitat,2241,6
+woodbine,1478,2
+beechwood,844,2
+beechwood,630,1
+wainscott,1233,11
+hiteman,547,1
+lakeville,81,0
+klickitat,1483,3
+ranchester,1039,5
+merom,830,1
+klickitat,2202,11
+leonardo,1039,2
+pinesdale,355,7
+newfields,840,7
+marstons,1982,4
+mifflinburg,534,1
+pinesdale,318,3
+leonardo,2067,2
+wainscott,625,7
+lakeville,675,7
+coffeen,475,2
+woodbine,1362,3
+klickitat,1437,3
+hanson,1111,5
+wainscott,45,12
+klickitat,2172,3
+lakeville,8,8
+hanson,742,5
+shelbyville,1983,0
+allensville,432,1
+tolstoy,1201,0
+leonardo,39,0
+tolstoy,314,2
+stockman,266,0
+pinesdale,250,1
+hiteman,1411,0
+klickitat,2353,2
+stockman,7,7
+lindenwood,498,2
+wainscott,984,7
+leonardo,902,4
+wainscott,59,6
+tolstoy,112,2
+beechwood,20,1
+newfields,867,0
+newfields,1439,16
+leonardo,1094,1
+lakeville,148,7
+lindenwood,1759,2
+woodbine,44,0
+klickitat,1792,7
+newfields,419,15
+lindenwood,2396,6
+ranchester,290,3
+pinesdale,1508,5
+marstons,1379,1
+marstons,2112,5
+leonardo,1858,0
+leonardo,457,8
+pinesdale,544,6
+ranchester,1032,5
+shelbyville,985,5
+leonardo,686,13
+hanson,894,2
+tolstoy,11,6
+shelbyville,2340,2
+pinesdale,778,0
+lakeville,1779,11
+marstons,395,10
+hanson,835,4
+woodbine,1614,0
+stockman,1173,1
+cosmos,773,5
+merom,677,1
+cosmos,42,5
+klickitat,690,1
+leonardo,888,5
+leonardo,1324,7
+hiteman,1626,4
+coffeen,570,1
+ranchester,551,1
+hanson,1424,13
+shelbyville,1871,10
+shelbyville,1872,10
+newfields,596,1
+coffeen,19,0
+ranchester,231,2
+lakeville,38,14
+ranchester,557,4
+onaga,17,3
+klickitat,389,7
+hiteman,1828,1
+woodbine,1803,0
+hiteman,1853,1
+shelbyville,820,3
+klickitat,1977,3
+lindenwood,2269,9
+cosmos,10,0
+stockman,982,3
+tolstoy,1211,2
+lakeville,1537,7
+klickitat,1343,0
+lindenwood,1596,2
+woodbine,1639,1
+stockman,295,6
+hiteman,1022,1
+klickitat,1362,2
+leonardo,282,0
+woodbine,940,2
+shelbyville,2184,8
+klickitat,2294,9
+pomaria,667,4
+leonardo,2057,1
+tolstoy,144,1
+woodbine,62,13
+stockman,218,3
+woodbine,554,8
+woodbine,688,1
+benevolence,645,3
+klickitat,1051,0
+klickitat,332,4
+cosmos,721,1
+leonardo,837,4
+hiteman,1313,2
+lindenwood,1407,6
+hiteman,763,9
+lindenwood,271,4
+tolstoy,109,1
+hiteman,1464,9
+newfields,1645,5
+woodbine,1905,3
+marstons,766,2
+klickitat,1809,2
+cosmos,498,6
+shelbyville,254,9
+klickitat,343,2
+coffeen,711,4
+leonardo,140,8
+lindenwood,2153,2
+marstons,1532,9
+tolstoy,268,3
+lakeville,901,4
+klickitat,138,3
+klickitat,1277,3
+lindenwood,2550,4
+shelbyville,155,3
+shelbyville,1366,7
+marstons,213,1
+lakeville,142,2
+lindenwood,928,0
+wainscott,1139,3
+hanson,1045,2
+pomaria,903,5
+leonardo,1017,2
+hiteman,220,2
+leonardo,567,3
+leonardo,768,10
+newfields,973,6
+marstons,551,9
+hiteman,1553,1
+hanson,554,0
+pinesdale,556,3
+cosmos,457,1
+lakeville,1250,0
+benevolence,153,10
+shelbyville,2177,2
+shelbyville,2496,13
+klickitat,1005,2
+stockman,1070,5
+klickitat,956,3
+leonardo,1673,8
+cosmos,999,2
+lakeville,1154,6
+leonardo,1551,2
+tolstoy,1068,3
+tolstoy,820,9
+klickitat,1291,13
+marstons,1961,2
+coffeen,1061,2
+stockman,91,3
+wainscott,683,0
+klickitat,897,1
+leonardo,441,0
+marstons,2156,1
+klickitat,2333,11
+shelbyville,50,10
+marstons,1025,2
+klickitat,467,8
+pinesdale,883,8
+stockman,1352,1
+merom,1072,2
+merom,556,5
+newfields,1182,4
+marstons,480,5
+lindenwood,1187,6
+klickitat,2322,9
+tolstoy,880,8
+woodbine,620,8
+klickitat,2206,4
+mifflinburg,123,3
+pinesdale,871,0
+lindenwood,691,2
+beechwood,886,1
+lakeville,1245,1
+ranchester,1009,8
+klickitat,123,2
+marstons,2022,1
+wainscott,1177,3
+stockman,620,2
+merom,519,6
+stockman,1238,2
+lindenwood,899,3
+marstons,1356,0
+hiteman,1756,5
+woodbine,1022,2
+hiteman,977,1
+hanson,1329,2
+forkland,850,2
+klickitat,1989,2
+hanson,255,8
+forkland,767,2
+lakeville,879,5
+shelbyville,2533,10
+shelbyville,1623,1
+newfields,1399,8
+stockman,1516,9
+newfields,93,7
+beechwood,903,4
+pinesdale,113,2
+stockman,428,1
+lindenwood,2245,6
+klickitat,1026,4
+leonardo,16,7
+forkland,207,3
+woodbine,669,2
+lindenwood,79,1
+pinesdale,473,0
+newfields,358,4
+shelbyville,1130,0
+lindenwood,1343,2
+woodbine,1571,16
+newfields,19,2
+lindenwood,471,1
+leonardo,671,0
+shelbyville,1503,2
+hanson,1155,1
+ranchester,1301,2
+stockman,720,5
+stockman,1432,2
+hiteman,1506,2
+tolstoy,1769,4
+onaga,123,3
+forkland,196,7
+shelbyville,1141,14
+lakeville,890,3
+coffeen,1356,2
+coffeen,1439,1
+beechwood,117,1
+shelbyville,740,0
+hanson,977,4
+lakeville,1352,8
+hiteman,1670,0
+coffeen,635,3
+klickitat,1924,7
+pomaria,152,3
+lindenwood,1497,3
+cosmos,457,3
+tolstoy,145,9
+newfields,238,2
+lindenwood,66,11
+hanson,1490,0
+lindenwood,1651,10
+lakeville,1380,5
+merom,227,2
+leonardo,29,3
+newfields,779,4
+coffeen,178,8
+leonardo,1194,2
+lakeville,267,1
+leonardo,2065,6
+beechwood,701,3
+cosmos,853,0
+lakeville,998,6
+tolstoy,610,0
+woodbine,528,2
+allensville,15,1
+pomaria,1295,4
+ranchester,1524,8
+stockman,889,2
+pinesdale,823,5
+shelbyville,2036,3
+forkland,324,2
+forkland,377,1
+mifflinburg,276,2
+hanson,1114,9
+benevolence,834,3
+shelbyville,412,0
+marstons,492,0
+hanson,981,8
+stockman,463,6
+pomaria,1669,2
+klickitat,2186,2
+woodbine,1946,10
+lindenwood,663,9
+woodbine,653,0
+lakeville,1006,4
+pinesdale,475,8
+coffeen,234,3
+leonardo,2028,2
+beechwood,989,8
+shelbyville,748,5
+coffeen,1302,9
+wainscott,1174,11
+ranchester,1365,8
+ranchester,298,11
+pinesdale,286,2
+pinesdale,355,3
+hanson,800,9
+shelbyville,669,0
+merom,406,3
+stockman,214,2
+newfields,1418,3
+pinesdale,41,2
+lindenwood,2099,2
+woodbine,2011,7
+hiteman,1641,10
+lakeville,654,6
+shelbyville,942,7
+pinesdale,646,0
+lindenwood,2241,8
+onaga,139,2
+coffeen,1452,2
+beechwood,822,0
+wainscott,313,6
+shelbyville,2011,2
+newfields,942,4
+forkland,887,1
+mifflinburg,860,1
+hanson,1021,6
+marstons,2186,6
+tolstoy,1450,5
+lindenwood,677,0
+stockman,728,4
+benevolence,624,3
+woodbine,1544,1
+pomaria,1184,1
+klickitat,2322,5
+newfields,1041,4
+klickitat,1956,4
+coffeen,118,3
+hanson,735,1
+hiteman,1016,3
+lakeville,387,2
+lindenwood,225,13
+beechwood,1075,1
+klickitat,308,2
+onaga,182,0
+wainscott,1610,7
+pinesdale,40,4
+stockman,196,1
+forkland,1053,5
+merom,263,3
+pomaria,175,1
+wainscott,478,3
+hanson,1357,1
+marstons,1776,2
+lakeville,509,5
+merom,27,0
+benevolence,713,7
+hiteman,182,2
+hiteman,59,0
+allensville,105,2
+tolstoy,1818,0
+pinesdale,1489,5
+cosmos,747,4
+tolstoy,90,0
+pomaria,737,1
+woodbine,1506,5
+tolstoy,1425,2
+marstons,2129,7
+pomaria,84,4
+hiteman,455,2
+stockman,740,2
+woodbine,189,5
+coffeen,205,5
+klickitat,2334,16
+marstons,202,5
+leonardo,2005,7
+stockman,90,2
+beechwood,117,2
+shelbyville,670,0
+coffeen,309,1
+wainscott,664,1
+newfields,414,3
+klickitat,1352,1
+coffeen,282,0
+woodbine,1951,12
+hanson,209,8
+forkland,353,2
+shelbyville,2655,8
+stockman,291,2
+marstons,1707,16
+pomaria,1469,15
+stockman,1239,3
+klickitat,391,3
+beechwood,57,2
+woodbine,1143,1
+lindenwood,667,6
+marstons,1119,1
+cosmos,1064,7
+beechwood,492,1
+marstons,1964,1
+beechwood,232,9
+klickitat,1487,3
+marstons,1570,5
+pomaria,849,3
+newfields,934,1
+tolstoy,18,0
+shelbyville,2775,5
+benevolence,902,4
+woodbine,1799,2
+woodbine,361,1
+stockman,344,4
+mifflinburg,277,2
+beechwood,633,1
+woodbine,1838,0
+shelbyville,1146,0
+pinesdale,980,0
+lakeville,828,2
+shelbyville,2025,6
+woodbine,257,2
+allensville,53,6
+shelbyville,484,5
+klickitat,26,0
+shelbyville,1835,5
+shelbyville,2460,5
+coffeen,1282,1
+wainscott,286,0
+klickitat,94,7
+ranchester,863,4
+ranchester,150,2
+leonardo,1942,7
+lindenwood,2055,1
+hiteman,1126,5
+woodbine,607,2
+lindenwood,1709,1
+lakeville,1636,0
+klickitat,2040,0
+pinesdale,1308,8
+marstons,1910,8
+ranchester,350,11
+lindenwood,2401,6
+woodbine,506,11
+benevolence,754,5
+wainscott,69,7
+stockman,367,6
+tolstoy,1226,1
+lakeville,1096,3
+woodbine,1629,12
+pomaria,518,1
+tolstoy,1067,0
+shelbyville,521,2
+wainscott,1034,7
+klickitat,581,14
+pomaria,1138,4
+klickitat,227,0
+forkland,809,0
+marstons,1788,4
+woodbine,936,1
+stockman,1365,2
+klickitat,512,4
+pinesdale,1418,0
+stockman,131,2
+klickitat,512,10
+woodbine,1595,2
+ranchester,1139,4
+newfields,360,0
+shelbyville,2613,0
+pinesdale,1516,3
+woodbine,236,2
+marstons,2599,0
+lakeville,609,5
+woodbine,996,2
+marstons,1870,2
+wainscott,1041,4
+wainscott,1629,6
+woodbine,771,0
+benevolence,825,0
+hanson,791,1
+marstons,158,9
+leonardo,1041,2
+shelbyville,2739,1
+hiteman,125,1
+klickitat,1872,4
+hanson,1085,8
+pomaria,1044,10
+shelbyville,895,8
+leonardo,869,5
+klickitat,166,6
+shelbyville,1948,3
+tolstoy,1738,7
+newfields,107,2
+shelbyville,622,4
+forkland,869,3
+stockman,253,1
+hiteman,841,6
+onaga,251,1
+marstons,1915,2
+benevolence,455,0
+shelbyville,1050,7
+lakeville,1888,0
+shelbyville,280,1
+hanson,1078,9
+mifflinburg,129,3
+marstons,1966,6
+hiteman,1525,5
+merom,906,0
+mifflinburg,410,0
+ranchester,1187,0
+marstons,877,0
+tolstoy,150,0
+klickitat,1430,0
+pomaria,492,3
+hiteman,432,3
+tolstoy,1523,1
+lindenwood,537,8
+marstons,2420,8
+marstons,682,1
+leonardo,1596,1
+hanson,1036,3
+mifflinburg,348,3
+klickitat,129,5
+klickitat,846,11
+marstons,1152,2
+pinesdale,852,12
+pomaria,1076,2
+pinesdale,1385,3
+lakeville,1253,1
+ranchester,1257,4
+leonardo,1719,1
+klickitat,389,18
+shelbyville,1719,3
+wainscott,840,1
+wainscott,1009,1
+benevolence,90,2
+coffeen,1373,4
+beechwood,36,2
+wainscott,975,8
+forkland,172,0
+marstons,119,15
+benevolence,338,14
+hiteman,184,2
+forkland,23,2
+hiteman,1099,1
+merom,348,4
+lakeville,994,5
+woodbine,1434,3
+onaga,438,3
+leonardo,1289,3
+merom,856,2
+tolstoy,252,0
+klickitat,1043,17
+shelbyville,1902,6
+hiteman,1204,2
+lindenwood,1700,3
+tolstoy,1321,4
+tolstoy,16,1
+shelbyville,796,10
+hanson,1243,0
+ranchester,583,6
+shelbyville,323,9
+stockman,1406,2
+beechwood,375,4
+onaga,201,2
+leonardo,677,1
+onaga,19,0
+hanson,113,2
+newfields,971,1
+leonardo,428,4
+pomaria,427,7
+klickitat,1511,5
+stockman,1528,2
+marstons,826,3
+woodbine,35,5
+hiteman,21,11
+merom,187,0
+hanson,1592,0
+marstons,116,6
+stockman,638,7
+leonardo,1294,1
+woodbine,78,7
+coffeen,694,1
+lindenwood,730,3
+coffeen,791,0
+newfields,190,1
+stockman,430,3
+klickitat,2061,16
+klickitat,2301,3
+hanson,58,19
+lindenwood,274,0
+marstons,1058,0
+klickitat,1948,5
+lakeville,750,4
+leonardo,1500,6
+pomaria,1519,2
+woodbine,970,1
+lindenwood,424,0
+wainscott,1298,4
+hiteman,1757,1
+coffeen,322,2
+hanson,1493,16
+wainscott,37,1
+marstons,712,6
+lindenwood,1894,3
+woodbine,1793,10
+ranchester,1572,1
+lindenwood,1616,5
+marstons,792,13
+wainscott,923,3
+lindenwood,779,0
+leonardo,635,1
+woodbine,1998,1
+woodbine,658,5
+hanson,1093,7
+lindenwood,2351,3
+leonardo,673,6
+klickitat,1463,0
+stockman,1204,0
+klickitat,2304,6
+lakeville,1495,1
+pinesdale,1079,2
+lindenwood,1503,2
+tolstoy,5,0
+pinesdale,205,4
+lindenwood,1310,4
+lindenwood,1413,0
+leonardo,1117,1
+hiteman,1381,0
+leonardo,1644,8
+lindenwood,678,10
+tolstoy,1361,9
+leonardo,573,5
+lindenwood,1223,2
+pinesdale,756,8
+tolstoy,1354,9
+lindenwood,1362,3
+stockman,1609,1
+lindenwood,614,5
+shelbyville,2687,3
+wainscott,1747,1
+klickitat,2371,1
+pinesdale,1255,4
+klickitat,2040,5
+lakeville,1499,6
+stockman,137,3
+marstons,2415,3
+hanson,302,5
+tolstoy,630,1
+pinesdale,860,1
+ranchester,644,5
+wainscott,15,0
+beechwood,418,3
+klickitat,741,2
+merom,45,4
+tolstoy,1195,10
+newfields,1245,1
+hanson,43,5
+shelbyville,2458,0
+klickitat,2206,10
+lindenwood,2250,3
+shelbyville,2,13
+woodbine,1145,2
+coffeen,1043,0
+benevolence,967,5
+leonardo,1051,18
+leonardo,1229,4
+hiteman,863,4
+hiteman,1212,17
+klickitat,649,12
+hanson,1293,6
+lindenwood,1450,0
+hanson,604,2
+lakeville,545,5
+merom,372,1
+lindenwood,1119,8
+cosmos,501,8
+shelbyville,33,4
+cosmos,629,1
+newfields,865,9
+hanson,129,2
+stockman,674,6
+pomaria,1254,12
+cosmos,44,3
+lindenwood,2530,0
+ranchester,916,5
+mifflinburg,124,8
+shelbyville,1585,7
+tolstoy,420,0
+wainscott,1169,0
+newfields,504,17
+merom,1040,4
+stockman,80,1
+ranchester,508,12
+newfields,556,1
+coffeen,1296,6
+hanson,779,7
+merom,928,0
+pomaria,384,3
+leonardo,1213,10
+woodbine,1171,4
+shelbyville,2001,2
+coffeen,1196,4
+forkland,964,0
+woodbine,1353,9
+marstons,384,7
+hiteman,350,7
+cosmos,179,8
+lindenwood,1689,2
+klickitat,94,3
+cosmos,662,6
+ranchester,1014,2
+wainscott,1627,1
+shelbyville,35,6
+wainscott,1068,4
+marstons,552,1
+onaga,264,7
+leonardo,684,0
+onaga,136,3
+mifflinburg,247,5
+pomaria,498,2
+marstons,519,8
+klickitat,1589,14
+forkland,63,2
+benevolence,928,2
+wainscott,610,2
+pinesdale,13,4
+pinesdale,1280,0
+marstons,698,7
+pomaria,1597,3
+hanson,457,4
+klickitat,246,2
+tolstoy,727,5
+beechwood,757,0
+ranchester,982,8
+shelbyville,1931,0
+leonardo,886,9
+klickitat,1210,5
+woodbine,583,2
+mifflinburg,773,1
+cosmos,393,13
+lindenwood,1849,8
+hiteman,1125,0
+klickitat,1663,1
+benevolence,471,3
+wainscott,1546,0
+ranchester,1566,7
+hiteman,784,0
+hanson,731,15
+tolstoy,1548,5
+pomaria,1274,4
+marstons,110,7
+klickitat,1905,2
+tolstoy,1321,2
+lindenwood,1756,0
+stockman,1310,1
+shelbyville,581,4
+shelbyville,1841,7
+mifflinburg,14,1
+pinesdale,920,8
+marstons,2469,2
+benevolence,750,10
+hanson,1131,0
+newfields,1485,4
+pinesdale,978,2
+klickitat,2131,2
+newfields,748,2
+ranchester,1559,7
+shelbyville,2332,1
+lindenwood,1928,3
+shelbyville,441,7
+allensville,468,2
+onaga,656,2
+hanson,1042,11
+woodbine,651,2
+newfields,517,8
+beechwood,991,7
+newfields,1366,2
+merom,1096,6
+lindenwood,2376,2
+leonardo,1169,0
+marstons,2024,6
+klickitat,340,9
+ranchester,1554,5
+merom,871,1
+woodbine,739,14
+wainscott,1707,11
+ranchester,844,4
+hiteman,501,7
+onaga,506,3
+mifflinburg,624,0
+shelbyville,2691,4
+tolstoy,134,2
+marstons,734,5
+leonardo,1274,3
+tolstoy,1689,12
+hiteman,492,0
+lakeville,1740,3
+coffeen,924,3
+hanson,1028,4
+shelbyville,2562,6
+lindenwood,1795,10
+klickitat,231,4
+newfields,58,0
+forkland,1001,0
+ranchester,1049,2
+coffeen,207,1
+merom,614,3
+wainscott,769,5
+forkland,597,0
+leonardo,1163,8
+woodbine,1406,5
+benevolence,604,7
+merom,791,0
+shelbyville,447,1
+lindenwood,1976,2
+woodbine,1502,6
+woodbine,1138,1
+hanson,732,0
+ranchester,918,0
+merom,503,2
+klickitat,1070,7
+lakeville,943,10
+merom,999,2
+hanson,285,3
+lindenwood,1689,4
+wainscott,1012,0
+klickitat,1520,6
+pomaria,844,2
+hiteman,1398,6
+stockman,102,2
+beechwood,602,5
+woodbine,591,2
+coffeen,979,6
+woodbine,375,1
+pomaria,454,0
+pinesdale,330,2
+shelbyville,1077,20
+hanson,897,10
+pinesdale,1264,2
+stockman,1006,0
+newfields,682,3
+cosmos,949,3
+klickitat,1706,0
+marstons,2524,10
+leonardo,200,8
+forkland,1184,5
+hiteman,750,2
+shelbyville,854,7
+lindenwood,887,3
+lindenwood,2483,4
+tolstoy,858,3
+pomaria,740,3
+klickitat,76,8
+hanson,505,0
+hanson,1555,1
+coffeen,87,3
+ranchester,1364,5
+pomaria,1028,1
+marstons,1568,3
+leonardo,973,0
+shelbyville,1766,9
+wainscott,29,5
+stockman,686,5
+leonardo,530,0
+allensville,361,2
+marstons,1455,10
+hiteman,1319,9
+hanson,1074,1
+shelbyville,784,2
+klickitat,236,2
+tolstoy,1604,1
+merom,833,2
+klickitat,629,5
+wainscott,1404,0
+woodbine,1413,3
+pomaria,557,13
+klickitat,159,4
+marstons,542,8
+klickitat,867,1
+shelbyville,2573,10
+newfields,79,4
+beechwood,614,5
+marstons,2236,6
+forkland,668,5
+wainscott,859,5
+marstons,1370,1
+hanson,548,11
+klickitat,23,7
+woodbine,1469,11
+lakeville,1551,9
+hanson,99,2
+klickitat,2009,0
+hiteman,728,3
+stockman,1243,5
+klickitat,1556,2
+newfields,545,0
+leonardo,1814,2
+hanson,60,5
+forkland,502,3
+shelbyville,1506,4
+lindenwood,509,7
+tolstoy,1004,3
+leonardo,2040,6
+leonardo,1850,0
+klickitat,379,0
+hiteman,1335,7
+onaga,222,2
+newfields,95,3
+forkland,516,1
+beechwood,986,2
+marstons,171,0
+newfields,822,0
+lindenwood,1100,5
+klickitat,430,5
+beechwood,890,4
+marstons,550,1
+marstons,319,10
+merom,971,1
+stockman,1110,0
+lindenwood,1208,3
+onaga,594,0
+klickitat,1361,13
+marstons,1105,4
+coffeen,1298,2
+pomaria,1592,0
+onaga,12,3
+pomaria,425,0
+forkland,264,1
+lakeville,1057,9
+hanson,1653,7
+marstons,463,0
+woodbine,1931,2
+newfields,903,1
+tolstoy,69,2
+tolstoy,735,3
+pomaria,1411,3
+leonardo,821,4
+woodbine,1246,1
+ranchester,51,4
+leonardo,1944,10
+pomaria,113,2
+pinesdale,725,2
+hiteman,1580,5
+benevolence,528,0
+lindenwood,709,6
+hanson,860,3
+mifflinburg,71,0
+hanson,1387,1
+lakeville,815,3
+shelbyville,112,2
+wainscott,929,2
+marstons,1532,0
+lindenwood,1103,2
+lakeville,172,6
+tolstoy,290,8
+marstons,2596,0
+stockman,860,0
+pomaria,305,11
+hiteman,591,3
+klickitat,631,11
+tolstoy,1689,13
+merom,0,2
+lindenwood,1918,2
+shelbyville,1363,6
+forkland,127,2
+shelbyville,557,1
+newfields,299,9
+beechwood,1004,2
+lakeville,1862,15
+lindenwood,1212,4
+mifflinburg,608,2
+lakeville,1613,18
+cosmos,72,0
+lindenwood,1972,4
+merom,347,0
+ranchester,1296,10
+marstons,1580,1
+woodbine,67,0
+hanson,333,5
+cosmos,242,8
+klickitat,1152,0
+klickitat,1629,4
+woodbine,1479,4
+ranchester,770,5
+leonardo,914,1
+wainscott,1011,2
+stockman,287,10
+ranchester,945,6
+marstons,123,8
+hanson,530,2
+wainscott,744,3
+tolstoy,1514,0
+tolstoy,1606,4
+forkland,565,2
+forkland,251,0
+mifflinburg,262,2
+stockman,1071,4
+pomaria,549,0
+klickitat,1025,9
+marstons,1175,13
+wainscott,1725,6
+tolstoy,1830,6
+lindenwood,1602,3
+forkland,583,0
+woodbine,1454,8
+pinesdale,945,5
+shelbyville,1401,6
+stockman,616,3
+tolstoy,1209,8
+lindenwood,1755,2
+shelbyville,1002,10
+newfields,724,5
+ranchester,424,2
+ranchester,62,2
+marstons,2441,10
+hiteman,1858,11
+merom,637,2
+lindenwood,868,1
+newfields,959,1
+allensville,406,9
+woodbine,1692,10
+klickitat,597,1
+mifflinburg,255,0
+pomaria,1233,5
+benevolence,6,3
+tolstoy,572,3
+marstons,705,14
+marstons,2655,3
+beechwood,468,3
+newfields,382,0
+klickitat,872,8
+hanson,794,7
+lindenwood,814,11
+marstons,707,2
+wainscott,1263,1
+pomaria,1610,2
+lindenwood,88,2
+hanson,1480,5
+beechwood,1003,1
+wainscott,331,0
+benevolence,917,0
+lakeville,69,7
+coffeen,1447,0
+lindenwood,105,2
+marstons,237,2
+shelbyville,959,13
+marstons,702,5
+lakeville,1450,1
+woodbine,884,3
+mifflinburg,765,4
+lindenwood,2551,5
+marstons,1078,13
+shelbyville,1840,2
+pomaria,480,3
+klickitat,2149,0
+lakeville,1704,14
+lakeville,1398,0
+hanson,527,3
+marstons,930,0
+klickitat,1121,0
+hiteman,909,12
+shelbyville,2562,12
+leonardo,1868,1
+hiteman,918,5
+marstons,469,0
+lindenwood,1268,8
+pinesdale,58,5
+hanson,672,16
+shelbyville,2421,3
+shelbyville,706,2
+lindenwood,847,2
+lindenwood,1660,3
+lindenwood,1596,0
+hiteman,319,5
+pomaria,1461,1
+klickitat,2015,14
+stockman,927,0
+onaga,190,6
+leonardo,72,3
+woodbine,1676,1
+leonardo,1094,2
+tolstoy,1691,0
+merom,805,2
+marstons,670,5
+shelbyville,2490,4
+coffeen,1280,2
+pinesdale,1266,9
+pinesdale,1312,4
+ranchester,193,5
+leonardo,1938,1
+shelbyville,2819,4
+onaga,94,2
+ranchester,38,5
+wainscott,1237,4
+pinesdale,139,8
+tolstoy,682,4
+klickitat,2024,12
+ranchester,185,3
+pomaria,696,18
+merom,574,0
+hiteman,61,1
+klickitat,2316,6
+klickitat,916,11
+tolstoy,1798,2
+stockman,759,1
+klickitat,654,1
+marstons,423,3
+mifflinburg,78,0
+woodbine,617,3
+leonardo,148,9
+marstons,1724,1
+cosmos,718,2
+woodbine,2057,1
+lakeville,1061,9
+stockman,1296,8
+stockman,1405,2
+lakeville,59,11
+ranchester,1054,1
+benevolence,505,0
+cosmos,79,2
+lakeville,1493,12
+lakeville,1030,4
+shelbyville,1158,0
+newfields,26,1
+stockman,166,0
+hanson,1048,4
+marstons,949,3
+cosmos,80,3
+woodbine,107,3
+tolstoy,250,0
+forkland,364,5
+shelbyville,1000,4
+shelbyville,1110,1
+pomaria,1132,1
+beechwood,390,4
+newfields,105,1
+lindenwood,791,0
+benevolence,857,4
+onaga,639,5
+newfields,573,5
+lakeville,116,15
+stockman,550,3
+klickitat,2055,4
+tolstoy,292,1
+newfields,170,6
+ranchester,996,7
+pomaria,1437,13
+tolstoy,42,1
+klickitat,1384,16
+forkland,84,3
+klickitat,2286,5
+tolstoy,706,7
+beechwood,125,2
+merom,3,5
+merom,819,0
+leonardo,1753,0
+hiteman,1044,4
+forkland,238,0
+klickitat,431,1
+ranchester,854,0
+lakeville,809,11
+tolstoy,1217,2
+wainscott,1442,8
+marstons,1496,1
+allensville,288,1
+forkland,941,2
+hanson,375,3
+wainscott,829,5
+allensville,252,2
+ranchester,1257,11
+stockman,1439,3
+marstons,2037,1
+wainscott,1508,3
+marstons,1486,3
+shelbyville,1655,4
+tolstoy,1264,1
+newfields,1561,0
+pinesdale,1121,1
+pinesdale,1409,6
+ranchester,29,0
+marstons,749,2
+hanson,1160,13
+woodbine,1355,12
+benevolence,881,7
+marstons,252,3
+woodbine,1227,5
+shelbyville,2424,3
+shelbyville,1585,5
+hanson,730,4
+hanson,847,16
+woodbine,1784,2
+wainscott,84,0
+leonardo,501,3
+woodbine,1326,2
+newfields,1580,0
+wainscott,1639,4
+forkland,772,7
+lindenwood,484,11
+pinesdale,484,1
+hanson,12,3
+lindenwood,2304,1
+ranchester,1200,1
+klickitat,2354,6
+forkland,393,0
+lindenwood,396,3
+tolstoy,804,6
+hanson,431,4
+forkland,1196,6
+forkland,308,4
+shelbyville,2327,1
+klickitat,959,9
+tolstoy,1077,3
+wainscott,871,1
+marstons,1290,0
+tolstoy,621,2
+klickitat,2262,4
+leonardo,250,13
+newfields,140,4
+pinesdale,1100,3
+hiteman,1296,1
+woodbine,79,0
+klickitat,1198,6
+klickitat,2382,0
+shelbyville,1556,6
+pinesdale,1160,5
+lindenwood,1064,0
+ranchester,1339,3
+coffeen,649,8
+ranchester,1546,1
+stockman,1040,7
+hanson,476,1
+coffeen,777,0
+pomaria,166,1
+shelbyville,1630,10
+shelbyville,2212,2
+shelbyville,2482,5
+hanson,907,6
+hiteman,477,9
+lindenwood,2473,8
+shelbyville,1892,4
+merom,620,3
+klickitat,1889,10
+lindenwood,924,2
+shelbyville,1084,1
+newfields,545,10
+benevolence,915,0
+leonardo,528,4
+shelbyville,336,8
+hiteman,245,4
+forkland,461,3
+beechwood,934,9
+beechwood,1034,0
+hiteman,809,2
+ranchester,484,4
+hiteman,1435,2
+klickitat,192,3
+onaga,540,0
+ranchester,1438,2
+lindenwood,1638,2
+cosmos,689,0
+cosmos,448,10
+shelbyville,1260,1
+marstons,1091,11
+newfields,1198,4
+marstons,812,4
+klickitat,147,1
+hanson,176,2
+leonardo,2006,3
+benevolence,207,0
+tolstoy,1356,10
+hanson,1528,4
+klickitat,1305,4
+leonardo,1728,9
+klickitat,2227,2
+newfields,966,9
+leonardo,591,1
+forkland,836,6
+shelbyville,1806,2
+wainscott,44,9
+cosmos,1001,0
+ranchester,879,16
+pomaria,459,5
+wainscott,102,2
+beechwood,373,0
+ranchester,147,15
+lindenwood,719,1
+pomaria,293,3
+beechwood,201,1
+lakeville,695,0
+shelbyville,1328,1
+forkland,925,3
+ranchester,955,4
+ranchester,714,3
+leonardo,200,4
+woodbine,1229,0
+coffeen,580,0
+wainscott,1364,6
+coffeen,189,3
+marstons,473,1
+ranchester,1348,4
+onaga,168,4
+lindenwood,1947,1
+cosmos,789,0
+tolstoy,875,3
+marstons,1198,4
+pomaria,579,4
+ranchester,626,2
+cosmos,124,10
+pinesdale,1093,0
+tolstoy,901,12
+leonardo,1705,13
+newfields,257,4
+klickitat,1123,1
+klickitat,1333,0
+lakeville,368,1
+klickitat,1850,8
+klickitat,1246,4
+lakeville,94,9
+wainscott,997,9
+hanson,1449,4
+klickitat,2188,6
+forkland,562,1
+marstons,277,0
+tolstoy,237,3
+leonardo,752,2
+shelbyville,357,14
+benevolence,29,2
+newfields,891,3
+shelbyville,2520,8
+shelbyville,70,3
+shelbyville,625,1
+wainscott,342,5
+coffeen,386,1
+beechwood,170,4
+ranchester,1277,5
+ranchester,850,1
+lakeville,203,4
+stockman,116,8
+coffeen,89,2
+klickitat,154,0
+woodbine,598,2
+hiteman,506,0
+shelbyville,583,0
+onaga,325,1
+lakeville,238,1
+pomaria,1532,2
+stockman,88,1
+leonardo,580,1
+lindenwood,112,1
+ranchester,216,0
+newfields,20,0
+merom,662,2
+shelbyville,1709,9
+mifflinburg,88,4
+ranchester,524,6
+shelbyville,1567,2
+stockman,982,6
+newfields,1579,1
+coffeen,410,0
+shelbyville,1693,1
+coffeen,1305,4
+newfields,988,0
+leonardo,957,4
+lakeville,1202,3
+woodbine,1617,0
+shelbyville,1393,1
+marstons,217,2
+coffeen,1413,1
+hanson,1653,5
+marstons,1650,10
+pinesdale,745,0
+hanson,1183,8
+klickitat,406,3
+marstons,399,0
+hiteman,120,7
+lindenwood,2090,2
+hiteman,1690,2
+allensville,6,4
+klickitat,1257,9
+allensville,431,5
+tolstoy,719,0
+newfields,1296,10
+wainscott,791,3
+mifflinburg,83,1
+merom,1014,1
+wainscott,1452,16
+klickitat,2296,0
+onaga,649,0
+pinesdale,752,0
+marstons,493,3
+marstons,865,0
+benevolence,272,2
+woodbine,102,4
+forkland,695,0
+klickitat,1613,0
+lakeville,232,0
+klickitat,2408,8
+klickitat,2068,10
+wainscott,711,6
+klickitat,943,0
+hanson,1429,8
+newfields,909,2
+woodbine,9,7
+lakeville,457,14
+hanson,707,3
+pomaria,1209,3
+shelbyville,1785,5
+ranchester,263,1
+shelbyville,728,2
+marstons,1566,5
+coffeen,817,2
+marstons,545,9
+forkland,1183,6
+hiteman,1714,4
+woodbine,1525,3
+marstons,625,0
+lakeville,1479,8
+shelbyville,350,5
+klickitat,938,4
+lindenwood,2234,2
+forkland,85,4
+newfields,26,2
+pomaria,390,1
+klickitat,2380,0
+shelbyville,2494,8
+pomaria,1663,2
+lindenwood,164,6
+hiteman,384,5
+lakeville,1416,5
+hanson,1516,1
+forkland,905,1
+lindenwood,1872,6
+lakeville,1759,0
+wainscott,1329,1
+tolstoy,1670,2
+woodbine,162,5
+pomaria,974,10
+coffeen,301,2
+shelbyville,2753,2
+newfields,830,7
+forkland,816,9
+woodbine,25,7
+lindenwood,1345,0
+tolstoy,813,4
+shelbyville,1396,5
+lindenwood,2325,5
+shelbyville,2372,0
+ranchester,723,2
+pomaria,1194,5
+pinesdale,647,1
+shelbyville,248,12
+onaga,277,1
+klickitat,1017,1
+merom,1051,0
+cosmos,432,2
+coffeen,595,2
+cosmos,447,1
+leonardo,214,0
+marstons,2227,5
+pomaria,1080,0
+marstons,987,8
+ranchester,1574,0
+ranchester,1347,17
+pinesdale,316,3
+hanson,1065,12
+lakeville,1385,3
+hiteman,1800,5
+stockman,1164,3
+woodbine,219,3
+pinesdale,729,2
+marstons,303,0
+hanson,166,8
+klickitat,719,0
+newfields,631,0
+hiteman,1645,1
+ranchester,588,4
+klickitat,328,0
+lindenwood,2088,1
+leonardo,574,3
+hiteman,1006,0
+pomaria,1445,0
+hiteman,245,0
+woodbine,80,4
+klickitat,270,2
+pomaria,731,6
+klickitat,1284,2
+wainscott,277,1
+woodbine,875,3
+lindenwood,874,2
+shelbyville,2487,6
+leonardo,763,1
+hanson,712,2
+marstons,513,7
+wainscott,1462,1
+pinesdale,893,1
+tolstoy,1208,7
+newfields,657,8
+tolstoy,847,0
+pomaria,1417,1
+shelbyville,216,2
+ranchester,1222,2
+hiteman,1455,11
+shelbyville,2048,5
+shelbyville,1800,9
+hiteman,1630,1
+tolstoy,337,5
+lindenwood,2512,4
+woodbine,1283,2
+hanson,3,2
+ranchester,1448,1
+benevolence,924,9
+pomaria,537,1
+hiteman,1639,0
+beechwood,1020,6
+leonardo,1779,1
+klickitat,64,8
+leonardo,448,7
+stockman,6,2
+forkland,912,3
+shelbyville,1594,3
+pomaria,248,6
+marstons,362,9
+beechwood,883,9
+leonardo,1378,4
+wainscott,386,9
+lindenwood,1235,5
+klickitat,793,13
+shelbyville,1674,3
+ranchester,1167,6
+klickitat,1935,0
+cosmos,662,7
+pinesdale,959,1
+lindenwood,2454,4
+tolstoy,958,6
+ranchester,848,2
+forkland,1081,2
+hiteman,1854,0
+newfields,1158,15
+ranchester,237,0
+pinesdale,870,2
+woodbine,697,6
+forkland,700,2
+leonardo,69,0
+klickitat,19,6
+woodbine,1519,9
+wainscott,337,4
+woodbine,2024,1
+cosmos,902,6
+wainscott,1657,10
+lindenwood,2461,3
+tolstoy,544,8
+woodbine,650,2
+klickitat,1878,1
+benevolence,487,1
+pinesdale,1300,0
+hiteman,39,1
+forkland,1051,3
+woodbine,965,0
+klickitat,881,4
+wainscott,1022,4
+pomaria,1162,3
+woodbine,841,2
+benevolence,552,0
+wainscott,581,7
+benevolence,302,1
+onaga,359,2
+lindenwood,1818,3
+lindenwood,1133,3
+cosmos,1024,10
+lakeville,1128,15
+newfields,807,2
+marstons,2391,9
+beechwood,120,0
+tolstoy,1562,2
+lakeville,1602,3
+beechwood,220,0
+newfields,1300,2
+shelbyville,1682,10
+hiteman,373,1
+leonardo,820,0
+leonardo,792,9
+shelbyville,2142,1
+mifflinburg,482,1
+newfields,1498,0
+merom,556,4
+tolstoy,1031,2
+leonardo,786,5
+coffeen,1319,4
+tolstoy,1443,4
+allensville,88,3
+hiteman,670,10
+marstons,912,6
+lakeville,1400,2
+merom,453,0
+woodbine,1236,8
+marstons,1865,0
+pomaria,1453,3
+klickitat,1189,2
+wainscott,876,9
+lakeville,1613,8
+woodbine,329,0
+woodbine,976,1
+ranchester,794,1
+marstons,468,5
+klickitat,1879,3
+hanson,1172,11
+lindenwood,1039,5
+stockman,273,4
+tolstoy,1411,3
+marstons,2164,4
+klickitat,840,4
+cosmos,171,2
+shelbyville,2551,14
+woodbine,557,9
+hanson,527,8
+newfields,130,2
+tolstoy,1674,4
+coffeen,666,4
+lindenwood,824,9
+marstons,657,8
+beechwood,1034,3
+shelbyville,889,5
+shelbyville,1305,3
+marstons,1338,5
+pinesdale,727,14
+newfields,415,3
+lindenwood,1038,2
+hanson,1073,7
+pomaria,800,0
+mifflinburg,680,1
+pinesdale,961,6
+shelbyville,1120,8
+woodbine,555,1
+hanson,1236,4
+marstons,1031,4
+shelbyville,268,0
+marstons,1482,3
+woodbine,601,4
+woodbine,1041,1
+pinesdale,32,10
+marstons,1805,13
+lakeville,100,4
+klickitat,395,2
+stockman,96,3
+klickitat,751,4
+beechwood,1142,4
+shelbyville,2368,5
+woodbine,903,12
+lindenwood,376,0
+lindenwood,2647,3
+hanson,1199,1
+pomaria,229,10
+klickitat,612,1
+mifflinburg,58,3
+pinesdale,1267,5
+lakeville,1019,7
+lakeville,1519,0
+woodbine,1945,4
+marstons,1668,3
+marstons,1029,0
+lindenwood,583,2
+ranchester,219,8
+shelbyville,1757,0
+merom,554,4
+wainscott,1747,3
+stockman,414,5
+marstons,527,0
+mifflinburg,329,3
+lakeville,631,6
+coffeen,295,11
+cosmos,220,2
+pomaria,54,5
+pinesdale,12,6
+mifflinburg,604,3
+cosmos,20,4
+klickitat,1198,7
+newfields,1286,11
+lakeville,675,0
+tolstoy,179,20
+mifflinburg,83,2
+wainscott,386,8
+pomaria,641,5
+lindenwood,2161,3
+hiteman,1591,0
+coffeen,1020,3
+hiteman,1407,1
+hiteman,522,5
+klickitat,16,1
+wainscott,1760,4
+shelbyville,360,2
+coffeen,327,3
+mifflinburg,380,0
+lakeville,1246,2
+coffeen,932,2
+shelbyville,913,1
+pomaria,632,0
+ranchester,506,2
+allensville,255,7
+newfields,905,2
+ranchester,415,6
+newfields,1610,7
+pinesdale,643,3
+pomaria,445,3
+stockman,1062,0
+shelbyville,982,9
+hanson,180,1
+lindenwood,84,2
+tolstoy,764,2
+merom,225,3
+marstons,313,6
+klickitat,2312,8
+marstons,477,12
+newfields,586,1
+stockman,74,0
+coffeen,679,2
+hanson,1246,7
+forkland,1151,0
+marstons,1247,0
+marstons,240,4
+pinesdale,1167,1
+marstons,1208,3
+woodbine,1017,2
+beechwood,617,2
+woodbine,738,0
+merom,72,1
+woodbine,1639,20
+klickitat,2266,3
+ranchester,986,3
+pomaria,111,1
+klickitat,993,0
+allensville,406,4
+ranchester,50,19
+coffeen,913,5
+shelbyville,831,1
+leonardo,1732,1
+wainscott,683,8
+woodbine,1918,1
+leonardo,659,14
+newfields,872,7
+klickitat,1046,9
+marstons,657,9
+hiteman,931,3
+newfields,951,0
+shelbyville,2011,3
+tolstoy,438,6
+pinesdale,831,0
+lakeville,523,10
+marstons,2247,7
+mifflinburg,500,2
+onaga,639,1
+klickitat,2250,1
+newfields,1548,2
+pomaria,1297,0
+beechwood,443,7
+pomaria,273,4
+ranchester,1503,3
+merom,3,3
+stockman,1031,3
+pomaria,1289,7
+marstons,427,1
+newfields,147,2
+marstons,607,0
+wainscott,1708,14
+merom,1018,0
+lindenwood,1592,2
+pomaria,150,11
+beechwood,112,2
+pomaria,845,0
+stockman,1243,11
+tolstoy,929,3
+leonardo,1151,4
+tolstoy,88,16
+lindenwood,1148,5
+marstons,757,5
+leonardo,1102,0
+newfields,661,7
+cosmos,534,8
+ranchester,449,2
+stockman,594,4
+hiteman,69,8
+beechwood,104,2
+stockman,1160,3
+hanson,907,1
+pomaria,1312,2
+lindenwood,2108,19
+hanson,446,12
+klickitat,1083,4
+leonardo,1376,4
+pomaria,649,2
+ranchester,1633,1
+shelbyville,535,3
+lindenwood,1125,1
+woodbine,239,2
+marstons,2244,2
+newfields,1208,5
+marstons,994,2
+pinesdale,1223,2
+woodbine,776,2
+shelbyville,940,2
+woodbine,1605,8
+hanson,1443,2
+klickitat,2413,9
+mifflinburg,159,1
+mifflinburg,386,0
+klickitat,1602,1
+wainscott,610,3
+cosmos,479,4
+leonardo,847,7
+ranchester,1182,2
+lakeville,1869,6
+shelbyville,1102,3
+hanson,108,0
+marstons,1972,2
+wainscott,1749,6
+stockman,944,6
+merom,996,2
+newfields,1652,4
+newfields,577,4
+lakeville,1061,7
+hiteman,1350,4
+lakeville,1574,3
+klickitat,451,1
+pomaria,1169,1
+allensville,95,1
+forkland,165,1
+pomaria,1501,3
+woodbine,1385,0
+tolstoy,501,2
+hiteman,1847,1
+shelbyville,1744,13
+woodbine,1094,18
+hanson,723,1
+beechwood,427,6
+coffeen,179,0
+hanson,1633,11
+pinesdale,1375,0
+allensville,267,0
+shelbyville,667,3
+ranchester,1627,12
+klickitat,1041,21
+marstons,160,3
+pomaria,1559,0
+hiteman,505,2
+shelbyville,1487,3
+shelbyville,1785,4
+forkland,48,1
+hanson,1402,5
+leonardo,141,2
+lindenwood,161,6
+leonardo,29,7
+leonardo,1261,4
+marstons,2401,1
+leonardo,45,2
+beechwood,675,5
+wainscott,792,8
+shelbyville,2403,4
+shelbyville,1096,2
+marstons,1504,7
+beechwood,1076,5
+allensville,15,7
+pomaria,689,3
+marstons,519,2
+pinesdale,1441,0
+shelbyville,374,1
+forkland,1048,3
+wainscott,395,1
+leonardo,1593,12
+leonardo,1095,0
+pinesdale,660,3
+newfields,1339,2
+stockman,357,3
+hiteman,435,3
+ranchester,906,2
+hanson,1040,0
+wainscott,625,12
+stockman,261,2
+shelbyville,2221,3
+hanson,557,1
+leonardo,1321,3
+pinesdale,407,1
+lakeville,1160,11
+pomaria,1312,4
+marstons,1331,7
+lindenwood,2436,6
+pomaria,433,2
+lindenwood,1181,0
+merom,573,0
+woodbine,1151,3
+marstons,1341,10
+lindenwood,2587,5
+pinesdale,1313,2
+shelbyville,1357,3
+pinesdale,855,9
+woodbine,1202,3
+marstons,1128,6
+allensville,360,6
+newfields,510,0
+hanson,283,1
+marstons,2007,1
+klickitat,1661,2
+newfields,1394,3
+hanson,1158,5
+klickitat,1547,0
+merom,634,1
+newfields,562,4
+marstons,2127,4
+benevolence,248,7
+shelbyville,1832,3
+leonardo,521,1
+leonardo,658,1
+ranchester,1428,5
+woodbine,660,1
+marstons,1423,2
+klickitat,2281,2
+klickitat,656,8
+stockman,902,2
+shelbyville,1762,7
+forkland,1084,1
+woodbine,1688,10
+klickitat,1024,3
+lakeville,1399,1
+hiteman,1119,10
+wainscott,1371,10
+woodbine,914,3
+newfields,671,1
+marstons,1469,2
+leonardo,1188,7
+lakeville,1024,2
+wainscott,1307,3
+lakeville,1196,1
+woodbine,504,8
+lindenwood,494,0
+lindenwood,2304,5
+woodbine,524,2
+wainscott,1375,1
+leonardo,492,6
+lindenwood,1091,10
+klickitat,900,1
+klickitat,171,2
+pinesdale,118,2
+woodbine,1989,3
+marstons,1059,1
+shelbyville,2251,1
+wainscott,955,3
+stockman,756,1
+coffeen,639,6
+forkland,825,2
+cosmos,259,6
+pomaria,975,3
+lakeville,1270,4
+newfields,1594,6
+woodbine,409,9
+klickitat,104,2
+hanson,1280,4
+leonardo,55,0
+beechwood,363,7
+woodbine,1180,0
+marstons,1225,9
+lindenwood,4,1
+lakeville,1316,2
+wainscott,49,3
+pomaria,407,2
+shelbyville,700,8
+cosmos,231,1
+shelbyville,677,1
+lakeville,2,10
+hiteman,645,1
+stockman,1351,1
+ranchester,193,12
+coffeen,459,1
+coffeen,1136,1
+leonardo,2,5
+coffeen,376,3
+marstons,2133,7
+wainscott,472,3
+lindenwood,616,4
+shelbyville,2245,10
+woodbine,1161,4
+lakeville,1521,16
+marstons,2059,5
+marstons,1259,0
+klickitat,538,7
+newfields,189,6
+klickitat,1271,11
+cosmos,983,3
+wainscott,1445,8
+marstons,489,8
+woodbine,1234,0
+pinesdale,961,5
+forkland,743,4
+pomaria,1262,4
+coffeen,1031,1
+klickitat,811,3
+forkland,912,1
+woodbine,15,1
+stockman,1551,1
+beechwood,1089,2
+cosmos,366,4
+wainscott,135,0
+leonardo,2094,10
+stockman,1198,3
+tolstoy,1045,7
+merom,117,2
+lindenwood,2662,11
+hiteman,54,4
+woodbine,1744,2
+benevolence,704,9
+stockman,1204,1
+stockman,1457,3
+wainscott,883,4
+klickitat,578,0
+beechwood,511,4
+lakeville,851,6
+lakeville,666,1
+marstons,1026,9
+tolstoy,930,1
+beechwood,748,2
+hiteman,610,1
+pomaria,98,0
+lakeville,1509,5
+stockman,675,4
+lindenwood,171,12
+pinesdale,1391,7
+stockman,1293,3
+woodbine,316,1
+newfields,856,4
+cosmos,594,3
+pomaria,1024,8
+shelbyville,1134,0
+forkland,585,2
+allensville,47,8
+wainscott,907,5
+hanson,847,3
+hiteman,165,3
+marstons,110,4
+lindenwood,754,3
+benevolence,700,4
+marstons,2604,3
+cosmos,812,1
+newfields,924,0
+shelbyville,1647,0
+woodbine,297,0
+stockman,910,2
+cosmos,1043,4
+woodbine,1387,0
+wainscott,470,5
+coffeen,1445,1
+woodbine,994,3
+hiteman,1007,0
+shelbyville,2186,0
+hiteman,1376,3
+hanson,986,1
+tolstoy,1379,5
+beechwood,808,1
+tolstoy,259,3
+beechwood,3,3
+shelbyville,1767,0
+lindenwood,1623,8
+marstons,458,4
+hanson,647,4
+wainscott,1733,4
+lindenwood,93,2
+stockman,1475,2
+hiteman,1116,2
+coffeen,747,3
+ranchester,1434,4
+lindenwood,1631,2
+coffeen,1057,3
+onaga,47,0
+tolstoy,1636,3
+pinesdale,866,5
+pinesdale,303,7
+ranchester,521,3
+marstons,618,1
+woodbine,192,2
+lindenwood,1127,5
+marstons,987,2
+leonardo,1004,0
+ranchester,1219,5
+woodbine,1675,2
+stockman,89,0
+shelbyville,912,1
+allensville,191,2
+ranchester,793,0
+leonardo,242,3
+tolstoy,699,1
+marstons,1437,2
+woodbine,1138,13
+pomaria,624,1
+marstons,1391,1
+klickitat,1194,2
+ranchester,676,8
+newfields,694,5
+hiteman,1000,0
+hanson,954,6
+leonardo,965,7
+lindenwood,1136,0
+shelbyville,370,3
+marstons,2363,13
+leonardo,1067,5
+marstons,1620,6
+cosmos,1037,1
+merom,588,2
+shelbyville,2599,6
+lindenwood,797,1
+lindenwood,2587,8
+lindenwood,878,3
+hiteman,212,8
+woodbine,1801,6
+pinesdale,467,2
+tolstoy,410,2
+ranchester,1502,6
+tolstoy,1659,8
+lakeville,1815,3
+pinesdale,751,1
+coffeen,1467,1
+wainscott,1259,2
+pinesdale,700,0
+marstons,2443,12
+leonardo,1245,3
+tolstoy,576,1
+klickitat,100,3
+wainscott,283,6
+newfields,615,2
+coffeen,1039,3
+newfields,1499,5
+marstons,2311,7
+mifflinburg,279,0
+pomaria,373,4
+coffeen,396,2
+cosmos,161,0
+lakeville,940,6
+shelbyville,1564,6
+forkland,1116,8
+marstons,2258,6
+cosmos,617,2
+klickitat,2323,3
+stockman,655,7
+marstons,1325,1
+marstons,1245,14
+coffeen,279,11
+stockman,1275,3
+marstons,198,1
+beechwood,721,1
+klickitat,200,2
+ranchester,996,5
+ranchester,247,7
+cosmos,898,2
+tolstoy,765,0
+ranchester,1099,0
+newfields,1519,6
+lindenwood,1490,0
+klickitat,1218,8
+ranchester,551,4
+benevolence,318,3
+lakeville,1343,3
+hanson,819,2
+hanson,475,6
+forkland,982,2
+tolstoy,1524,1
+pinesdale,1470,4
+stockman,1530,3
+klickitat,257,11
+benevolence,171,5
+hiteman,814,11
+hanson,1362,6
+klickitat,780,3
+hanson,1259,4
+pomaria,583,0
+lakeville,188,2
+woodbine,1034,1
+shelbyville,2379,10
+wainscott,1098,11
+merom,559,3
+allensville,412,1
+hiteman,1148,6
+beechwood,556,6
+klickitat,1471,6
+tolstoy,1028,3
+shelbyville,2379,2
+lakeville,945,8
+beechwood,384,0
+marstons,1138,0
+stockman,1453,9
+hanson,1426,1
+newfields,1044,0
+ranchester,1122,1
+hanson,87,6
+hiteman,197,0
+klickitat,2187,2
+shelbyville,1366,0
+ranchester,1428,7
+hanson,1566,2
+pinesdale,145,0
+lindenwood,2196,2
+klickitat,626,4
+lakeville,839,17
+stockman,149,2
+hiteman,612,2
+marstons,1584,2
+shelbyville,198,1
+coffeen,618,0
+shelbyville,1463,11
+hiteman,1455,5
+woodbine,1770,3
+lakeville,523,7
+hiteman,1282,1
+wainscott,1296,1
+beechwood,351,2
+allensville,337,0
+shelbyville,1690,0
+mifflinburg,100,2
+pomaria,1023,11
+lakeville,824,6
+stockman,115,1
+leonardo,1326,0
+lakeville,1144,9
+marstons,1874,7
+lakeville,1325,2
+tolstoy,1559,4
+shelbyville,511,0
+ranchester,850,6
+cosmos,381,1
+shelbyville,278,3
+shelbyville,574,12
+hanson,499,6
+stockman,1337,3
+merom,859,8
+cosmos,224,6
+klickitat,1201,10
+newfields,104,3
+marstons,687,5
+lindenwood,701,3
+marstons,1577,6
+lakeville,1776,4
+newfields,1562,2
+marstons,1583,14
+mifflinburg,402,2
+pomaria,262,1
+woodbine,1166,3
+tolstoy,1210,7
+klickitat,1320,2
+marstons,1745,6
+pinesdale,933,12
+klickitat,1565,10
+cosmos,808,5
+onaga,556,3
+lindenwood,2035,4
+klickitat,129,7
+pomaria,1676,8
+merom,733,0
+lindenwood,1344,0
+woodbine,1174,2
+leonardo,1279,1
+benevolence,697,0
+leonardo,325,5
+lindenwood,1381,1
+ranchester,168,8
+klickitat,1061,1
+leonardo,2005,1
+lakeville,159,5
+lindenwood,965,10
+shelbyville,302,6
+pomaria,234,1
+shelbyville,979,1
+tolstoy,947,4
+allensville,155,3
+marstons,1494,10
+marstons,2246,9
+merom,717,2
+hiteman,1459,5
+marstons,2113,2
+lindenwood,648,1
+mifflinburg,741,2
+lindenwood,2236,14
+shelbyville,1125,3
+leonardo,431,2
+lakeville,1118,9
+woodbine,1032,9
+coffeen,1367,3
+merom,872,4
+stockman,1106,5
+shelbyville,1843,11
+lakeville,628,5
+leonardo,271,7
+hiteman,42,0
+leonardo,1027,5
+lakeville,1769,6
+lakeville,562,0
+cosmos,151,0
+allensville,229,4
+hanson,484,0
+marstons,175,7
+pomaria,968,0
+forkland,297,3
+ranchester,985,6
+shelbyville,859,3
+stockman,1603,4
+marstons,529,12
+wainscott,1068,0
+marstons,2017,3
+woodbine,447,0
+stockman,510,5
+tolstoy,398,0
+newfields,1327,6
+woodbine,1715,10
+klickitat,1514,1
+hanson,1597,7
+marstons,1591,2
+lindenwood,1494,0
+marstons,1888,2
+hiteman,520,5
+marstons,2023,11
+beechwood,106,1
+cosmos,332,4
+newfields,1374,0
+woodbine,622,3
+leonardo,659,0
+lakeville,945,1
+woodbine,1770,2
+benevolence,113,5
+ranchester,1279,2
+cosmos,841,9
+shelbyville,2614,15
+lakeville,1450,3
+lindenwood,1101,1
+beechwood,1130,9
+cosmos,175,4
+wainscott,253,10
+leonardo,742,1
+hiteman,138,18
+merom,166,10
+benevolence,903,2
+lakeville,715,3
+shelbyville,2,7
+coffeen,16,2
+shelbyville,295,2
+marstons,1646,4
+klickitat,2371,10
+forkland,556,1
+mifflinburg,874,2
+merom,645,0
+wainscott,250,7
+beechwood,590,2
+marstons,2224,15
+cosmos,1071,0
+lakeville,1219,1
+marstons,1395,5
+klickitat,1444,0
+cosmos,714,0
+woodbine,1003,9
+tolstoy,1700,0
+allensville,26,4
+klickitat,88,3
+coffeen,434,9
+coffeen,1379,2
+pinesdale,500,6
+lindenwood,1701,6
+wainscott,869,9
+coffeen,581,4
+lindenwood,924,0
+onaga,480,0
+forkland,99,0
+merom,1056,3
+beechwood,389,2
+shelbyville,683,7
+cosmos,775,7
+shelbyville,2757,1
+coffeen,1007,4
+shelbyville,2729,1
+forkland,168,1
+beechwood,350,8
+woodbine,2049,14
+lakeville,724,4
+pomaria,928,7
+lindenwood,1259,4
+leonardo,17,6
+klickitat,378,3
+leonardo,1760,4
+tolstoy,1020,0
+hanson,19,2
+ranchester,438,7
+shelbyville,2568,1
+wainscott,603,6
+shelbyville,580,0
+pinesdale,1162,9
+shelbyville,987,1
+tolstoy,1511,8
+ranchester,1359,2
+lindenwood,1856,7
+hiteman,1454,4
+hiteman,1261,15
+shelbyville,775,0
+wainscott,891,8
+newfields,988,1
+cosmos,187,4
+wainscott,36,2
+newfields,998,0
+merom,1035,0
+mifflinburg,29,8
+leonardo,1307,5
+wainscott,823,6
+ranchester,209,2
+newfields,1488,12
+lakeville,329,3
+hiteman,399,0
+newfields,674,5
+lindenwood,26,3
+onaga,190,2
+lindenwood,2013,4
+hanson,263,0
+benevolence,549,1
+lakeville,1191,12
+pinesdale,41,0
+lindenwood,1229,0
+klickitat,406,1
+hanson,144,17
+shelbyville,878,4
+forkland,929,6
+beechwood,488,4
+shelbyville,2809,1
+shelbyville,1086,5
+forkland,1091,7
+hiteman,1603,0
+allensville,493,6
+shelbyville,1212,3
+shelbyville,1595,1
+benevolence,191,1
+klickitat,1489,2
+lakeville,640,6
+shelbyville,932,7
+woodbine,1768,15
+mifflinburg,310,0
+cosmos,233,7
+woodbine,296,0
+marstons,285,9
+beechwood,104,0
+beechwood,218,13
+pinesdale,994,2
+mifflinburg,455,0
+lindenwood,2402,1
+beechwood,852,0
+leonardo,1670,2
+beechwood,124,1
+lakeville,1036,3
+hanson,140,4
+pomaria,695,1
+hiteman,401,0
+pomaria,676,10
+forkland,61,7
+newfields,1615,12
+leonardo,918,0
+newfields,1083,2
+leonardo,135,6
+mifflinburg,707,1
+klickitat,342,3
+lindenwood,2260,2
+lindenwood,1425,7
+beechwood,319,4
+pinesdale,1377,0
+newfields,731,4
+ranchester,1492,10
+pinesdale,133,4
+ranchester,526,5
+newfields,1260,1
+shelbyville,685,15
+hanson,1238,1
+klickitat,1006,8
+ranchester,795,6
+newfields,812,6
+leonardo,1261,3
+shelbyville,1377,3
+lakeville,1594,0
+pomaria,97,3
+ranchester,1156,0
+woodbine,199,4
+klickitat,658,7
+lakeville,57,11
+ranchester,222,5
+lindenwood,906,16
+newfields,620,4
+beechwood,526,6
+merom,877,1
+hanson,1083,11
+beechwood,218,7
+pinesdale,112,1
+allensville,47,3
+pomaria,1181,2
+pomaria,1098,0
+hanson,1388,15
+ranchester,1617,7
+leonardo,1324,5
+hanson,490,13
+shelbyville,2379,11
+lindenwood,1812,0
+pomaria,1431,1
+leonardo,1162,3
+merom,681,0
+pinesdale,1297,0
+stockman,730,7
+woodbine,196,6
+marstons,2523,12
+lakeville,849,12
+wainscott,104,9
+newfields,378,4
+hiteman,1520,3
+lindenwood,1602,2
+merom,142,3
+shelbyville,1887,2
+leonardo,1952,9
+pomaria,993,2
+marstons,764,7
+woodbine,428,0
+mifflinburg,268,2
+cosmos,822,3
+marstons,1290,7
+marstons,2123,1
+cosmos,136,2
+pinesdale,803,4
+pomaria,74,0
+wainscott,768,2
+klickitat,961,0
+pomaria,699,5
+shelbyville,1260,3
+woodbine,932,4
+pomaria,1168,5
+merom,346,1
+shelbyville,1464,0
+merom,309,3
+hanson,514,13
+coffeen,1107,1
+hanson,356,13
+hanson,89,2
+mifflinburg,675,3
+stockman,275,2
+lindenwood,2458,9
+woodbine,1949,5
+woodbine,769,3
+mifflinburg,210,2
+klickitat,988,8
+hanson,1132,1
+woodbine,243,0
+benevolence,841,5
+hanson,350,3
+klickitat,140,16
+tolstoy,1390,3
+leonardo,1004,5
+ranchester,1245,0
+lakeville,1509,2
+wainscott,1213,3
+lindenwood,890,6
+lakeville,619,4
+merom,251,2
+marstons,734,9
+leonardo,1588,7
+stockman,1256,2
+leonardo,1540,6
+lakeville,1772,0
+mifflinburg,949,2
+ranchester,858,7
+ranchester,1422,11
+tolstoy,1247,2
+wainscott,536,2
+shelbyville,50,12
+coffeen,307,0
+lindenwood,1642,1
+onaga,238,3
+lakeville,1384,7
+hiteman,1544,4
+leonardo,560,15
+shelbyville,1449,6
+merom,238,1
+tolstoy,467,15
+tolstoy,1833,4
+ranchester,1566,0
+ranchester,403,3
+hiteman,583,3
+tolstoy,254,3
+leonardo,59,0
+cosmos,569,1
+benevolence,753,0
+hanson,1277,10
+cosmos,702,6
+shelbyville,2220,3
+woodbine,1357,12
+hanson,1073,1
+shelbyville,2205,5
+coffeen,815,0
+shelbyville,256,3
+tolstoy,646,0
+wainscott,1165,7
+lindenwood,180,5
+wainscott,274,1
+lindenwood,911,4
+pinesdale,1339,1
+marstons,1069,3
+shelbyville,301,1
+woodbine,1656,1
+shelbyville,2085,0
+woodbine,2011,1
+leonardo,1673,15
+pinesdale,630,1
+leonardo,505,6
+lindenwood,1512,5
+lakeville,402,5
+leonardo,678,3
+newfields,1449,13
+merom,24,1
+lindenwood,769,8
+pomaria,1265,10
+lindenwood,1742,3
+tolstoy,841,1
+leonardo,212,9
+lakeville,1884,2
+shelbyville,394,5
+hanson,1148,2
+merom,848,3
+stockman,1327,2
+klickitat,1904,5
+newfields,1427,11
+beechwood,1128,6
+tolstoy,61,10
+benevolence,586,3
+woodbine,570,4
+klickitat,2301,0
+wainscott,1607,11
+stockman,83,2
+lakeville,501,2
+lindenwood,2023,3
+beechwood,643,3
+forkland,896,0
+hiteman,370,0
+wainscott,956,1
+klickitat,1772,8
+shelbyville,674,3
+pinesdale,946,5
+merom,944,4
+leonardo,346,6
+woodbine,894,3
+ranchester,439,8
+lakeville,1161,2
+klickitat,2409,2
+woodbine,229,10
+lindenwood,658,0
+stockman,1260,2
+pomaria,815,2
+shelbyville,872,4
+klickitat,293,0
+forkland,550,2
+leonardo,394,1
+merom,170,2
+newfields,121,3
+ranchester,1536,9
+benevolence,5,4
+wainscott,1135,4
+klickitat,1404,4
+lindenwood,406,3
+hanson,490,17
+hanson,74,1
+marstons,89,4
+tolstoy,272,3
+coffeen,471,2
+woodbine,975,3
+shelbyville,1971,2
+marstons,2527,5
+pomaria,636,3
+ranchester,1513,4
+newfields,669,0
+tolstoy,1372,1
+merom,385,2
+marstons,1031,1
+lindenwood,1548,1
+klickitat,976,1
+coffeen,139,1
+lakeville,1195,1
+hiteman,1540,6
+cosmos,57,5
+lindenwood,1893,0
+wainscott,311,0
+stockman,600,0
+tolstoy,1292,0
+stockman,1367,4
+leonardo,354,2
+stockman,402,4
+pomaria,1282,3
+merom,760,4
+lindenwood,374,1
+stockman,1281,1
+marstons,540,0
+lindenwood,2565,10
+lindenwood,2515,7
+lindenwood,212,1
+marstons,2590,8
+leonardo,138,10
+woodbine,214,4
+hiteman,1174,7
+hanson,60,7
+newfields,1231,5
+marstons,2332,5
+stockman,474,0
+pinesdale,572,8
+leonardo,1008,8
+marstons,2415,9
+lindenwood,743,5
+lakeville,669,2
+klickitat,2086,3
+pomaria,364,3
+shelbyville,673,4
+stockman,1085,1
+merom,455,5
+forkland,457,0
+newfields,1570,8
+hiteman,510,1
+shelbyville,2351,7
+pomaria,195,2
+pomaria,1363,5
+woodbine,185,2
+woodbine,1634,2
+stockman,187,5
+beechwood,151,8
+woodbine,884,11
+leonardo,2064,8
+shelbyville,54,1
+merom,635,1
+marstons,1568,1
+pinesdale,808,6
+wainscott,984,2
+leonardo,1716,2
+newfields,967,0
+lakeville,59,17
+lakeville,1183,1
+ranchester,107,1
+beechwood,801,2
+coffeen,1080,1
+coffeen,632,2
+beechwood,280,3
+shelbyville,114,1
+newfields,399,3
+hanson,559,5
+lindenwood,1939,3
+shelbyville,438,4
+tolstoy,1822,4
+stockman,514,6
+lindenwood,1328,7
+pomaria,790,8
+stockman,1100,2
+lakeville,1342,7
+woodbine,275,2
+forkland,1019,3
+cosmos,511,2
+lakeville,782,3
+allensville,397,3
+hiteman,1702,5
+mifflinburg,465,0
+merom,847,0
+beechwood,1039,15
+lakeville,264,0
+pinesdale,833,2
+shelbyville,1245,1
+ranchester,1483,6
+wainscott,539,12
+stockman,1122,2
+klickitat,335,2
+newfields,156,3
+ranchester,476,0
+ranchester,1123,12
+ranchester,461,7
+stockman,307,1
+lakeville,192,5
+coffeen,979,1
+stockman,26,2
+shelbyville,142,4
+hanson,1466,4
+wainscott,963,1
+lindenwood,527,9
+coffeen,487,0
+tolstoy,1393,2
+leonardo,1618,2
+shelbyville,2514,4
+newfields,1207,6
+ranchester,1140,11
+hiteman,1406,7
+cosmos,1060,5
+pinesdale,1314,13
+lakeville,966,4
+ranchester,1247,1
+shelbyville,257,5
+klickitat,1751,6
+onaga,422,0
+mifflinburg,447,1
+shelbyville,1475,0
+tolstoy,1296,2
+klickitat,849,2
+tolstoy,1629,2
+newfields,434,0
+marstons,88,9
+hiteman,323,5
+woodbine,1576,4
+tolstoy,822,11
+allensville,38,6
+lakeville,1714,19
+beechwood,1134,1
+newfields,970,4
+ranchester,924,3
+pomaria,1122,13
+ranchester,1371,3
+klickitat,1355,4
+onaga,102,2
+hiteman,1132,6
+lindenwood,2016,0
+marstons,1298,4
+lakeville,1327,0
+leonardo,601,10
+newfields,403,14
+beechwood,234,4
+pomaria,553,3
+shelbyville,1914,1
+shelbyville,490,0
+woodbine,1755,6
+hiteman,66,1
+coffeen,1375,5
+shelbyville,1269,3
+hanson,1528,9
+pinesdale,913,12
+klickitat,2286,16
+pomaria,1601,4
+pinesdale,313,3
+newfields,395,1
+hiteman,550,0
+tolstoy,946,0
+cosmos,1046,1
+pomaria,1473,4
+klickitat,1741,7
+ranchester,1314,4
+tolstoy,318,2
+hanson,946,5
+ranchester,1592,6
+shelbyville,505,0
+benevolence,849,11
+mifflinburg,718,5
+marstons,1085,17
+newfields,511,9
+hiteman,1368,1
+shelbyville,2174,9
+marstons,1730,0
+ranchester,112,7
+hanson,895,8
+lakeville,1595,8
+leonardo,2056,1
+ranchester,635,1
+pomaria,1507,2
+shelbyville,562,10
+marstons,1302,15
+shelbyville,2091,3
+stockman,790,1
+beechwood,16,2
+merom,26,1
+coffeen,1112,0
+woodbine,1211,8
+lindenwood,1081,4
+stockman,1180,1
+newfields,43,3
+shelbyville,2515,3
+lindenwood,1356,3
+hiteman,237,2
+mifflinburg,337,3
+pomaria,651,12
+marstons,545,6
+merom,114,3
+klickitat,2370,2
+pomaria,1631,2
+lindenwood,916,0
+hanson,51,4
+stockman,918,5
+cosmos,77,6
+lindenwood,2674,14
+klickitat,2152,4
+newfields,914,2
+tolstoy,748,6
+tolstoy,1020,3
+lindenwood,989,3
+marstons,2290,6
+coffeen,957,2
+benevolence,638,2
+marstons,1387,2
+allensville,297,0
+lindenwood,1897,13
+leonardo,711,4
+hanson,992,7
+wainscott,1027,6
+wainscott,495,0
+pomaria,1648,0
+tolstoy,1406,5
+ranchester,188,2
+wainscott,1326,12
+lindenwood,1801,0
+benevolence,679,3
+hanson,666,8
+tolstoy,1201,1
+coffeen,138,1
+woodbine,470,1
+hanson,1231,7
+lindenwood,558,1
+woodbine,1540,1
+leonardo,194,1
+stockman,524,10
+lindenwood,1232,1
+woodbine,1460,0
+tolstoy,774,3
+ranchester,856,3
+wainscott,1129,0
+lindenwood,800,0
+woodbine,745,4
+lindenwood,128,0
+klickitat,844,7
+hanson,573,3
+hanson,298,0
+hiteman,541,2
+pomaria,1364,1
+klickitat,42,7
+hiteman,623,2
+cosmos,494,1
+newfields,1423,2
+lindenwood,2618,1
+woodbine,20,3
+woodbine,1583,3
+lindenwood,1759,1
+onaga,393,1
+shelbyville,500,11
+benevolence,48,1
+hiteman,693,10
+hiteman,1232,7
+shelbyville,508,9
+pinesdale,201,7
+coffeen,604,0
+lakeville,1579,2
+forkland,992,5
+klickitat,1754,1
+tolstoy,1260,3
+benevolence,523,4
+wainscott,410,2
+hiteman,503,0
+klickitat,739,8
+hanson,1201,7
+lindenwood,759,1
+hanson,545,0
+newfields,578,1
+stockman,490,2
+forkland,2,4
+wainscott,362,5
+hiteman,1479,6
+forkland,839,3
+lindenwood,2221,0
+marstons,6,2
+lindenwood,2158,4
+tolstoy,20,8
+woodbine,1764,1
+wainscott,1541,1
+shelbyville,98,0
+shelbyville,2163,2
+shelbyville,1838,0
+marstons,1767,13
+shelbyville,2061,11
+klickitat,1956,10
+leonardo,635,0
+forkland,278,3
+beechwood,83,2
+benevolence,195,1
+lakeville,1809,15
+mifflinburg,351,2
+shelbyville,1566,5
+coffeen,455,0
+lakeville,787,0
+newfields,1194,2
+wainscott,1110,4
+pomaria,1319,2
+wainscott,721,13
+marstons,119,1
+newfields,671,4
+woodbine,1744,0
+pinesdale,1275,1
+hanson,1220,0
+marstons,1675,2
+klickitat,1231,6
+leonardo,2068,2
+shelbyville,1845,6
+klickitat,875,3
+newfields,1112,4
+shelbyville,617,13
+wainscott,997,13
+pomaria,228,11
+pinesdale,731,1
+wainscott,255,0
+tolstoy,1812,1
+ranchester,889,4
+wainscott,1070,3
+lindenwood,263,4
+benevolence,334,1
+lindenwood,2395,2
+marstons,2454,1
+pomaria,295,9
+shelbyville,1053,1
+lakeville,258,3
+lindenwood,606,0
+cosmos,602,2
+newfields,388,2
+klickitat,1811,17
+hiteman,623,4
+hanson,850,1
+onaga,565,6
+marstons,824,2
+beechwood,573,0
+marstons,2215,12
+klickitat,1181,1
+klickitat,1550,2
+pomaria,328,0
+leonardo,782,1
+hiteman,524,7
+klickitat,1976,3
+lindenwood,659,2
+tolstoy,1762,5
+tolstoy,805,5
+woodbine,1869,0
+beechwood,897,3
+shelbyville,2302,0
+cosmos,705,10
+ranchester,1099,10
+klickitat,240,2
+klickitat,658,9
+wainscott,1289,8
+pomaria,1627,3
+woodbine,1487,3
+lakeville,1887,6
+cosmos,222,9
+lindenwood,2653,0
+ranchester,1572,3
+wainscott,1742,1
+hiteman,1636,1
+klickitat,691,1
+pinesdale,933,5
+shelbyville,1480,3
+onaga,190,0
+benevolence,516,1
+lindenwood,656,6
+stockman,1454,6
+coffeen,372,2
+beechwood,659,0
+lakeville,1231,4
+allensville,91,5
+coffeen,1477,0
+marstons,865,1
+shelbyville,2152,0
+hiteman,1046,8
+pinesdale,697,2
+hiteman,1360,2
+hanson,357,13
+mifflinburg,420,4
+coffeen,1412,1
+ranchester,495,2
+stockman,805,0
+klickitat,1122,2
+beechwood,454,1
+beechwood,413,1
+lindenwood,2083,14
+lindenwood,2468,9
+leonardo,2065,3
+ranchester,298,13
+hanson,1283,1
+beechwood,345,0
+shelbyville,2611,17
+leonardo,65,3
+coffeen,529,3
+shelbyville,317,7
+woodbine,1605,3
+onaga,305,5
+marstons,1071,0
+hanson,212,3
+pomaria,708,1
+stockman,4,10
+tolstoy,1327,3
+newfields,313,9
+hanson,421,3
+merom,539,7
+coffeen,1060,1
+shelbyville,5,1
+merom,192,5
+cosmos,248,2
+klickitat,1711,5
+leonardo,1804,0
+merom,985,9
+newfields,132,6
+shelbyville,1081,0
+forkland,620,3
+cosmos,527,1
+ranchester,183,2
+tolstoy,1640,1
+shelbyville,1141,11
+hiteman,899,3
+pinesdale,455,4
+newfields,508,11
+shelbyville,716,2
+shelbyville,1503,8
+hanson,1657,6
+klickitat,1742,1
+marstons,1237,7
+pomaria,75,6
+tolstoy,1092,14
+pinesdale,484,0
+lindenwood,769,1
+lindenwood,2438,3
+woodbine,327,6
+ranchester,221,4
+wainscott,630,1
+woodbine,234,1
+pinesdale,684,4
+woodbine,1267,3
+merom,316,5
+leonardo,1865,4
+lindenwood,1791,2
+merom,38,1
+hanson,827,4
+wainscott,485,4
+lakeville,414,8
+pinesdale,839,2
+coffeen,612,2
+shelbyville,1348,3
+shelbyville,2088,0
+leonardo,163,0
+coffeen,31,4
+hanson,850,0
+ranchester,411,2
+tolstoy,914,1
+wainscott,218,6
+woodbine,731,6
+lindenwood,125,2
+wainscott,541,8
+wainscott,288,1
+merom,1026,1
+pomaria,840,4
+leonardo,1959,3
+lakeville,1121,4
+coffeen,459,4
+tolstoy,1419,4
+marstons,2079,3
+shelbyville,1562,2
+lakeville,827,3
+hiteman,675,0
+leonardo,75,1
+klickitat,1181,2
+onaga,203,4
+merom,171,1
+hiteman,1366,0
+stockman,243,0
+coffeen,889,1
+woodbine,256,10
+ranchester,764,0
+ranchester,1242,2
+shelbyville,558,0
+hanson,729,5
+woodbine,707,4
+pinesdale,231,6
+tolstoy,1062,7
+merom,217,2
+merom,1022,0
+pomaria,494,5
+woodbine,127,3
+newfields,949,3
+wainscott,277,8
+marstons,481,4
+ranchester,673,5
+pinesdale,344,3
+lindenwood,2629,2
+wainscott,853,2
+shelbyville,1878,8
+hanson,1650,1
+merom,1,3
+stockman,457,3
+newfields,683,6
+lakeville,1125,3
+marstons,694,1
+mifflinburg,408,4
+klickitat,2176,0
+lakeville,1219,3
+newfields,575,6
+benevolence,942,5
+hiteman,1028,16
+merom,202,2
+lakeville,1775,3
+wainscott,984,0
+lindenwood,1960,7
+mifflinburg,382,2
+coffeen,923,4
+wainscott,17,5
+ranchester,309,1
+leonardo,1830,2
+leonardo,985,10
+ranchester,1055,4
+forkland,504,1
+lakeville,216,0
+shelbyville,629,8
+lindenwood,1929,1
+leonardo,938,5
+hiteman,1695,5
+lakeville,863,2
+ranchester,252,3
+shelbyville,1785,7
+ranchester,1148,11
+klickitat,2134,2
+klickitat,295,3
+hiteman,1413,4
+klickitat,1925,0
+marstons,2629,1
+leonardo,346,0
+hanson,424,3
+lindenwood,2461,9
+hanson,980,0
+wainscott,766,2
+klickitat,2301,8
+pomaria,789,5
+klickitat,437,7
+hanson,56,3
+lindenwood,2058,1
+pomaria,763,1
+shelbyville,904,2
+hanson,75,8
+tolstoy,1648,1
+shelbyville,442,12
+forkland,69,0
+lakeville,960,4
+klickitat,1294,6
+marstons,203,2
+leonardo,1494,4
+onaga,409,2
+shelbyville,64,11
+tolstoy,1711,2
+klickitat,1070,9
+leonardo,2060,2
+stockman,504,1
+hanson,506,10
+pomaria,186,7
+klickitat,1641,2
+lakeville,842,7
+pomaria,177,0
+hiteman,1149,0
+stockman,1015,5
+shelbyville,523,3
+leonardo,2012,2
+shelbyville,436,4
+woodbine,235,4
+mifflinburg,123,2
+marstons,1463,0
+wainscott,443,8
+woodbine,542,8
+ranchester,604,4
+marstons,1123,2
+lindenwood,1078,4
+marstons,2036,3
+ranchester,1627,5
+onaga,316,4
+lindenwood,434,12
+pomaria,668,0
+newfields,1292,3
+shelbyville,1643,0
+onaga,94,4
+merom,529,1
+hanson,1226,1
+leonardo,1571,3
+lindenwood,2398,1
+forkland,994,1
+marstons,2069,7
+hiteman,695,2
+lindenwood,1799,3
+newfields,471,5
+shelbyville,547,0
+pomaria,608,3
+lindenwood,1000,2
+klickitat,1229,7
+leonardo,1440,4
+coffeen,130,3
+pinesdale,28,3
+shelbyville,1547,5
+ranchester,960,1
+shelbyville,1347,10
+leonardo,997,6
+hanson,741,14
+marstons,1465,8
+ranchester,1193,5
+tolstoy,661,3
+benevolence,917,3
+forkland,149,2
+klickitat,450,0
+klickitat,32,7
+leonardo,1403,0
+benevolence,458,4
+shelbyville,1186,10
+shelbyville,617,10
+tolstoy,1686,2
+woodbine,1756,2
+hiteman,200,5
+pomaria,1490,3
+marstons,738,8
+wainscott,127,8
+stockman,1,0
+wainscott,179,10
+shelbyville,1218,2
+klickitat,1410,8
+pomaria,908,0
+klickitat,681,1
+lindenwood,1694,1
+hiteman,1562,8
+lindenwood,553,3
+hanson,166,7
+pomaria,33,2
+lindenwood,505,8
+beechwood,427,0
+klickitat,2226,7
+wainscott,171,1
+merom,699,0
+hiteman,374,0
+shelbyville,2695,4
+lindenwood,2155,2
+hiteman,1690,3
+coffeen,429,1
+newfields,764,4
+woodbine,1333,11
+ranchester,645,17
+allensville,419,1
+woodbine,1493,8
+woodbine,1692,14
+allensville,383,2
+marstons,1860,2
+pinesdale,1242,2
+hanson,989,3
+marstons,228,0
+tolstoy,50,6
+wainscott,392,4
+ranchester,884,2
+mifflinburg,390,2
+marstons,308,9
+shelbyville,492,0
+marstons,17,9
+marstons,1174,9
+hanson,110,2
+lindenwood,459,2
+forkland,643,5
+merom,594,1
+coffeen,404,8
+stockman,1259,4
+lindenwood,1370,2
+shelbyville,1145,2
+merom,69,3
+forkland,1103,2
+woodbine,934,6
+shelbyville,1429,3
+hanson,840,2
+marstons,228,3
+woodbine,1872,11
+klickitat,1212,1
+marstons,1093,9
+hanson,665,1
+tolstoy,335,3
+onaga,297,1
+shelbyville,1825,1
+lakeville,229,2
+forkland,869,0
+shelbyville,608,0
+hiteman,1129,14
+benevolence,331,3
+ranchester,1533,2
+tolstoy,713,5
+lindenwood,242,2
+lindenwood,1082,3
+hiteman,1557,4
+klickitat,1447,3
+woodbine,761,8
+hiteman,1056,3
+wainscott,1322,0
+pomaria,1252,2
+lindenwood,850,5
+pomaria,27,8
+hiteman,666,2
+woodbine,1782,1
+coffeen,435,1
+marstons,172,2
+klickitat,234,2
+lindenwood,1324,2
+coffeen,1173,8
+lindenwood,2213,10
+marstons,1859,5
+hanson,1399,8
+lindenwood,1931,8
+lakeville,762,1
+cosmos,1054,2
+shelbyville,702,1
+benevolence,84,4
+hanson,1577,3
+shelbyville,1775,9
+forkland,258,7
+wainscott,192,5
+tolstoy,90,3
+onaga,346,4
+mifflinburg,248,3
+ranchester,275,2
+klickitat,1736,0
+lakeville,126,5
+pomaria,1666,0
+woodbine,1760,8
+shelbyville,1937,4
+lakeville,1311,4
+klickitat,2074,4
+pomaria,542,8
+pinesdale,1207,5
+marstons,2342,2
+pomaria,86,4
+wainscott,786,2
+klickitat,346,2
+hiteman,1238,10
+hanson,252,0
+shelbyville,2761,5
+lakeville,559,2
+marstons,1332,12
+klickitat,1577,11
+hiteman,208,3
+forkland,265,6
+klickitat,588,0
+newfields,206,4
+hanson,1428,0
+lakeville,631,12
+forkland,1130,3
+shelbyville,1455,1
+ranchester,801,1
+lindenwood,1018,0
+woodbine,1294,0
+marstons,547,4
+wainscott,1001,5
+lakeville,1352,5
+woodbine,310,4
+cosmos,875,1
+wainscott,104,3
+onaga,21,4
+marstons,1062,5
+lindenwood,209,2
+woodbine,86,0
+pomaria,96,9
+lakeville,815,1
+shelbyville,596,2
+benevolence,455,2
+marstons,320,16
+mifflinburg,669,0
+lakeville,942,1
+hanson,1204,17
+leonardo,346,12
+cosmos,863,3
+ranchester,481,3
+lindenwood,1750,2
+lindenwood,1512,7
+lakeville,22,5
+lindenwood,794,5
+newfields,1378,7
+leonardo,604,0
+woodbine,1110,4
+wainscott,1429,3
+woodbine,992,5
+leonardo,578,4
+newfields,1146,1
+marstons,86,0
+newfields,959,2
+pomaria,447,9
+pomaria,1259,4
+lindenwood,1021,7
+allensville,184,4
+pomaria,266,5
+wainscott,1549,1
+pomaria,1424,0
+woodbine,593,14
+pinesdale,1318,2
+hanson,1378,7
+tolstoy,487,2
+wainscott,1118,12
+tolstoy,519,11
+pinesdale,726,9
+shelbyville,2819,8
+newfields,1652,6
+tolstoy,1437,8
+coffeen,1158,3
+pomaria,1415,1
+beechwood,740,0
+mifflinburg,454,9
+stockman,882,3
+klickitat,1554,3
+coffeen,938,0
+woodbine,1063,7
+beechwood,1045,3
+beechwood,899,3
+hanson,939,1
+woodbine,1,7
+marstons,2082,3
+klickitat,1534,6
+marstons,624,6
+tolstoy,1458,0
+hanson,484,1
+onaga,188,0
+leonardo,1673,7
+beechwood,632,0
+woodbine,1806,6
+lakeville,1602,11
+tolstoy,35,5
+pinesdale,1378,2
+marstons,828,2
+forkland,68,6
+pinesdale,875,1
+leonardo,805,2
+tolstoy,837,4
+forkland,134,3
+lakeville,43,2
+newfields,1381,1
+beechwood,1055,6
+pomaria,1324,9
+marstons,2337,0
+beechwood,24,3
+wainscott,535,6
+woodbine,550,1
+newfields,1365,10
+klickitat,651,4
+ranchester,1532,5
+shelbyville,2392,0
+lindenwood,2500,5
+lindenwood,565,4
+hanson,1012,4
+marstons,929,15
+marstons,970,3
+lakeville,1530,5
+tolstoy,744,8
+shelbyville,304,6
+shelbyville,916,11
+beechwood,281,3
+allensville,446,1
+shelbyville,2622,4
+beechwood,954,5
+marstons,2288,3
+cosmos,419,4
+lindenwood,1740,6
+lindenwood,1445,12
+newfields,1507,5
+forkland,1078,2
+lakeville,717,1
+pinesdale,936,1
+ranchester,515,2
+beechwood,897,9
+coffeen,647,5
+pinesdale,1359,3
+merom,608,2
+woodbine,1975,16
+stockman,880,3
+lakeville,654,8
+merom,1072,3
+ranchester,1214,2
+stockman,1293,5
+wainscott,1462,12
+forkland,1145,3
+klickitat,1517,2
+pomaria,842,3
+cosmos,1064,4
+klickitat,465,3
+shelbyville,209,1
+lindenwood,993,1
+shelbyville,1419,2
+lindenwood,2314,2
+lakeville,1108,3
+ranchester,1361,0
+hiteman,1326,0
+marstons,248,5
+coffeen,1324,2
+newfields,142,10
+woodbine,1269,12
+hiteman,1328,3
+shelbyville,1416,0
+shelbyville,1966,0
+tolstoy,1105,7
+newfields,1409,0
+shelbyville,289,4
+tolstoy,709,6
+tolstoy,598,1
+hiteman,285,2
+wainscott,1659,2
+marstons,824,0
+shelbyville,1177,4
+cosmos,1023,2
+woodbine,587,3
+newfields,784,3
+allensville,382,1
+leonardo,1119,5
+hanson,822,3
+wainscott,912,0
+hiteman,1667,1
+pomaria,535,7
+forkland,463,5
+pinesdale,1092,10
+merom,856,4
+lindenwood,1364,0
+wainscott,871,3
+marstons,112,1
+stockman,212,0
+hiteman,1469,4
+coffeen,1179,4
+lakeville,506,0
+tolstoy,1172,9
+pinesdale,1449,10
+pinesdale,713,2
+lakeville,545,6
+forkland,113,4
+lindenwood,1160,0
+hanson,23,2
+hanson,229,0
+leonardo,641,5
+coffeen,1051,3
+lindenwood,1900,1
+hanson,1404,9
+klickitat,205,3
+klickitat,1440,3
+shelbyville,218,1
+ranchester,372,1
+tolstoy,617,14
+lindenwood,1857,0
+shelbyville,1116,8
+pinesdale,1168,3
+merom,782,5
+ranchester,1025,2
+leonardo,622,3
+shelbyville,1873,5
+wainscott,349,0
+lindenwood,1889,1
+pomaria,1046,5
+tolstoy,548,2
+woodbine,1745,4
+woodbine,1396,2
+beechwood,566,0
+klickitat,814,2
+klickitat,735,8
+mifflinburg,938,0
+pinesdale,820,2
+lakeville,1745,0
+pomaria,1514,3
+ranchester,614,0
+cosmos,374,8
+shelbyville,109,0
+tolstoy,504,0
+ranchester,454,13
+pinesdale,672,0
+leonardo,1528,4
+beechwood,1152,1
+tolstoy,618,7
+pinesdale,1317,11
+wainscott,960,7
+shelbyville,2052,4
+klickitat,173,1
+marstons,734,8
+stockman,1261,1
+pomaria,552,6
+shelbyville,2605,3
+cosmos,631,3
+tolstoy,926,17
+hiteman,705,3
+klickitat,2347,3
+klickitat,948,8
+leonardo,1931,6
+beechwood,654,2
+ranchester,465,1
+merom,396,0
+tolstoy,1177,6
+marstons,1562,9
+pinesdale,822,6
+hanson,1291,0
+shelbyville,121,11
+klickitat,1658,2
+lakeville,514,1
+hanson,1063,2
+ranchester,274,12
+benevolence,109,3
+shelbyville,1123,1
+lindenwood,1701,0
+shelbyville,2055,4
+klickitat,1232,6
+lakeville,774,8
+hanson,169,2
+tolstoy,1011,7
+wainscott,1595,7
+klickitat,2253,3
+hanson,268,1
+tolstoy,1128,8
+hanson,438,2
+leonardo,941,4
+shelbyville,1522,4
+shelbyville,1892,1
+pinesdale,1153,5
+pinesdale,153,2
+shelbyville,2486,2
+lindenwood,2393,13
+marstons,2288,2
+stockman,668,0
+pinesdale,978,1
+stockman,355,4
+beechwood,26,1
+lindenwood,418,1
+pomaria,375,4
+leonardo,1285,0
+lindenwood,2136,2
+leonardo,87,4
+woodbine,1398,4
+lakeville,687,8
+marstons,2334,5
+merom,158,2
+lindenwood,844,4
+tolstoy,1060,6
+lakeville,1078,4
+forkland,332,0
+mifflinburg,221,0
+lakeville,1003,1
+merom,590,1
+lindenwood,1922,0
+klickitat,1896,2
+lindenwood,1029,0
+marstons,1288,0
+lakeville,143,0
+beechwood,715,10
+newfields,1325,11
+shelbyville,1556,3
+lakeville,1769,3
+newfields,167,6
+tolstoy,1689,7
+woodbine,1005,5
+pinesdale,306,3
+beechwood,1054,4
+pinesdale,433,5
+klickitat,945,2
+klickitat,71,0
+wainscott,842,4
+lindenwood,908,5
+stockman,581,0
+coffeen,154,0
+ranchester,400,0
+forkland,371,4
+newfields,1256,6
+marstons,1788,2
+mifflinburg,340,1
+hiteman,273,5
+shelbyville,407,0
+ranchester,1598,0
+newfields,454,9
+beechwood,751,0
+marstons,2090,5
+newfields,1473,9
+wainscott,1522,3
+ranchester,275,1
+cosmos,658,4
+wainscott,1523,1
+shelbyville,1566,3
+lindenwood,1329,10
+marstons,1422,10
+klickitat,2240,3
+lakeville,481,2
+tolstoy,876,13
+shelbyville,1709,11
+pinesdale,337,0
+hanson,932,0
+beechwood,959,7
+woodbine,1067,0
+beechwood,633,0
+leonardo,1798,9
+shelbyville,2746,4
+shelbyville,2321,8
+shelbyville,1560,2
+cosmos,348,5
+pinesdale,1283,1
+lindenwood,2171,1
+ranchester,1075,1
+hiteman,515,1
+woodbine,1362,9
+woodbine,1902,1
+forkland,109,8
+shelbyville,1712,3
+coffeen,261,6
+newfields,186,0
+stockman,322,1
+lindenwood,173,6
+pomaria,1605,0
+pomaria,1442,1
+klickitat,35,11
+leonardo,1886,2
+marstons,742,0
+tolstoy,956,4
+lakeville,175,16
+lindenwood,180,8
+onaga,203,3
+wainscott,1072,0
+hiteman,1574,1
+coffeen,1411,6
+klickitat,2032,0
+lindenwood,71,3
+newfields,424,0
+stockman,415,5
+shelbyville,245,3
+newfields,1176,0
+klickitat,455,12
+ranchester,441,0
+ranchester,1232,4
+lakeville,888,1
+wainscott,1743,0
+woodbine,1862,5
+newfields,772,2
+woodbine,1972,4
+allensville,312,0
+ranchester,39,4
+coffeen,985,1
+shelbyville,773,0
+merom,897,5
+newfields,303,5
+pinesdale,427,1
+mifflinburg,844,0
+pomaria,584,16
+ranchester,350,6
+lindenwood,1997,0
+klickitat,295,7
+klickitat,2168,4
+newfields,4,0
+hanson,246,5
+ranchester,265,8
+hiteman,1551,4
+newfields,1182,5
+merom,69,5
+hanson,65,1
+lindenwood,1511,3
+wainscott,1684,2
+shelbyville,2262,5
+woodbine,1269,5
+benevolence,451,8
+marstons,1478,8
+benevolence,679,2
+wainscott,1533,2
+klickitat,2233,0
+ranchester,1437,1
+marstons,2399,11
+hanson,243,2
+beechwood,722,6
+hiteman,603,2
+pomaria,1123,0
+klickitat,1147,0
+lakeville,1268,6
+beechwood,760,5
+klickitat,542,4
+shelbyville,2,14
+allensville,299,0
+lakeville,484,11
+tolstoy,103,1
+marstons,1749,24
+pomaria,1136,3
+shelbyville,656,0
+coffeen,1035,1
+onaga,545,5
+klickitat,2416,8
+pomaria,767,3
+klickitat,638,2
+newfields,1579,2
+lakeville,1433,1
+mifflinburg,859,2
+newfields,237,0
+pinesdale,790,14
+hiteman,1451,2
+lindenwood,401,2
+hiteman,1459,2
+hiteman,1257,0
+coffeen,1511,0
+lakeville,553,2
+pomaria,678,3
+pomaria,689,7
+woodbine,1571,18
+pomaria,728,4
+ranchester,702,9
+klickitat,179,1
+newfields,311,8
+lindenwood,2064,5
+lakeville,1470,1
+cosmos,1040,2
+wainscott,1474,4
+woodbine,1017,0
+hanson,125,4
+coffeen,500,2
+klickitat,1594,3
+pinesdale,476,0
+mifflinburg,341,1
+pomaria,1045,7
+newfields,236,2
+klickitat,591,5
+newfields,350,0
+tolstoy,1099,4
+hiteman,887,4
+wainscott,168,1
+lakeville,150,3
+klickitat,1788,0
+woodbine,297,6
+cosmos,48,1
+benevolence,305,1
+pinesdale,1186,0
+stockman,934,0
+woodbine,1387,7
+hiteman,1064,1
+leonardo,1283,4
+marstons,709,3
+wainscott,1036,6
+marstons,1585,5
+shelbyville,1035,9
+coffeen,1430,7
+pinesdale,1507,2
+shelbyville,2368,1
+marstons,2096,0
+beechwood,834,4
+pinesdale,778,2
+shelbyville,1232,2
+wainscott,985,5
+newfields,842,2
+lindenwood,984,3
+lindenwood,2194,1
+woodbine,856,8
+beechwood,1072,13
+marstons,1229,2
+klickitat,1042,0
+lakeville,721,2
+tolstoy,769,7
+benevolence,824,3
+stockman,332,2
+woodbine,904,3
+newfields,481,5
+stockman,1510,1
+lakeville,519,4
+hiteman,354,3
+klickitat,1033,1
+shelbyville,154,0
+lindenwood,2172,6
+marstons,2284,8
+mifflinburg,700,8
+coffeen,1071,4
+pomaria,410,5
+hiteman,1605,2
+pomaria,546,1
+leonardo,300,3
+marstons,1465,6
+lakeville,89,2
+lindenwood,2598,3
+lakeville,317,2
+tolstoy,1122,11
+wainscott,390,5
+woodbine,931,0
+forkland,192,4
+mifflinburg,597,3
+klickitat,2023,2
+pomaria,1606,3
+ranchester,1363,2
+hanson,1077,2
+shelbyville,2480,2
+wainscott,1631,4
+cosmos,933,2
+marstons,2362,4
+shelbyville,2475,5
+tolstoy,1770,10
+onaga,305,2
+shelbyville,1666,2
+shelbyville,1256,6
+shelbyville,266,0
+woodbine,1653,13
+marstons,1827,3
+pinesdale,1037,1
+ranchester,171,3
+lakeville,1018,1
+pinesdale,1414,0
+tolstoy,1642,1
+lakeville,1257,4
+leonardo,964,8
+lindenwood,1168,5
+klickitat,775,0
+pinesdale,543,7
+lindenwood,2192,0
+forkland,1063,4
+lakeville,816,5
+wainscott,1101,2
+leonardo,1920,6
+coffeen,1059,2
+stockman,1055,4
+lakeville,1240,9
+leonardo,972,1
+pomaria,12,11
+hanson,1437,8
+shelbyville,1705,4
+klickitat,2227,9
+lakeville,347,7
+lindenwood,875,0
+woodbine,1420,2
+benevolence,42,5
+coffeen,985,2
+hanson,208,9
+shelbyville,2,3
+newfields,745,0
+stockman,698,7
+tolstoy,1127,10
+lakeville,1173,6
+pinesdale,884,1
+hiteman,418,0
+stockman,1513,3
+marstons,116,2
+klickitat,1209,1
+lindenwood,2223,1
+ranchester,870,7
+ranchester,780,7
+hanson,1115,2
+woodbine,783,4
+coffeen,60,3
+forkland,1114,2
+pomaria,1603,0
+hiteman,1419,6
+hanson,829,1
+tolstoy,304,11
+pomaria,900,3
+leonardo,1205,4
+lindenwood,363,4
+cosmos,912,0
+merom,630,0
+leonardo,368,3
+lindenwood,126,3
+onaga,10,9
+woodbine,1518,9
+klickitat,1875,11
+marstons,485,8
+hanson,477,10
+marstons,1322,2
+pomaria,490,0
+shelbyville,178,2
+cosmos,630,0
+wainscott,68,10
+newfields,670,6
+newfields,1654,12
+woodbine,1929,2
+marstons,273,5
+newfields,787,1
+marstons,1634,4
+klickitat,2173,0
+newfields,1635,2
+merom,448,4
+marstons,483,0
+newfields,1075,2
+hanson,1400,0
+lakeville,499,5
+pinesdale,1353,1
+hanson,554,1
+wainscott,1210,10
+leonardo,1454,9
+stockman,258,0
+pinesdale,1255,3
+beechwood,914,3
+merom,210,3
+wainscott,291,5
+pomaria,1000,6
+lakeville,396,17
+shelbyville,1892,12
+leonardo,1005,2
+klickitat,789,3
+leonardo,922,0
+ranchester,692,1
+benevolence,391,5
+hanson,928,3
+hanson,22,4
+leonardo,337,22
+pinesdale,245,2
+pomaria,1632,8
+klickitat,35,14
+wainscott,1696,9
+merom,247,0
+tolstoy,426,3
+shelbyville,2659,5
+shelbyville,2159,3
+lindenwood,432,10
+stockman,181,1
+hanson,1353,2
+lakeville,125,7
+tolstoy,1715,1
+cosmos,116,0
+hanson,661,8
+hanson,452,8
+lindenwood,1113,8
+marstons,1323,1
+shelbyville,2202,3
+lindenwood,1872,0
+leonardo,839,6
+hanson,1533,2
+hanson,1316,14
+stockman,81,4
+benevolence,640,5
+marstons,1048,3
+lakeville,1529,1
+newfields,1018,4
+leonardo,655,1
+beechwood,95,1
+shelbyville,1754,13
+lindenwood,1104,0
+hiteman,436,4
+wainscott,806,8
+woodbine,1540,4
+hanson,1544,1
+shelbyville,409,1
+marstons,1118,3
+newfields,1087,3
+stockman,1289,6
+wainscott,789,1
+hiteman,603,4
+tolstoy,2,0
+stockman,1352,3
+pomaria,1386,4
+pinesdale,1324,1
+tolstoy,805,7
+lindenwood,2529,5
+shelbyville,2124,7
+woodbine,1081,10
+klickitat,326,5
+tolstoy,926,12
+pinesdale,94,1
+shelbyville,749,2
+leonardo,1163,7
+stockman,1146,1
+shelbyville,2808,9
+klickitat,1562,8
+allensville,96,0
+tolstoy,583,11
+marstons,1482,5
+hiteman,605,1
+wainscott,482,11
+forkland,470,3
+leonardo,1548,5
+newfields,1168,3
+woodbine,262,5
+leonardo,1569,5
+shelbyville,2223,1
+shelbyville,878,5
+ranchester,673,4
+newfields,981,2
+pomaria,1547,0
+hanson,1003,6
+pomaria,129,3
+allensville,73,2
+shelbyville,1388,9
+mifflinburg,312,4
+wainscott,231,0
+woodbine,1427,2
+marstons,1381,3
+pomaria,1333,8
+benevolence,206,3
+leonardo,653,0
+tolstoy,1068,1
+lindenwood,2628,0
+woodbine,371,3
+pinesdale,1360,3
+stockman,656,5
+marstons,759,0
+forkland,495,0
+tolstoy,1625,9
+klickitat,2081,11
+coffeen,212,2
+beechwood,953,2
+ranchester,1149,13
+cosmos,385,4
+benevolence,591,8
+ranchester,866,7
+ranchester,1084,4
+leonardo,373,9
+pomaria,30,1
+marstons,2035,7
+marstons,2452,1
+stockman,1569,1
+newfields,634,5
+hanson,990,1
+woodbine,280,4
+pomaria,409,2
+hanson,688,1
+woodbine,999,5
+lindenwood,216,7
+merom,122,1
+tolstoy,371,3
+klickitat,477,1
+ranchester,1508,6
+lindenwood,1534,5
+forkland,1165,1
+coffeen,116,1
+lakeville,201,4
+mifflinburg,627,3
+klickitat,321,5
+lindenwood,1273,2
+hiteman,225,0
+lakeville,771,1
+klickitat,146,0
+klickitat,2274,0
+coffeen,1191,4
+shelbyville,2577,4
+leonardo,1300,0
+beechwood,435,2
+merom,480,7
+newfields,656,5
+klickitat,1043,4
+klickitat,71,1
+lindenwood,872,0
+onaga,269,3
+forkland,290,1
+woodbine,1362,16
+marstons,2500,4
+stockman,912,1
+marstons,326,14
+newfields,32,6
+shelbyville,1601,2
+leonardo,1725,3
+beechwood,35,6
+marstons,1352,0
+pinesdale,871,6
+woodbine,799,8
+pinesdale,1426,2
+beechwood,891,0
+pomaria,484,5
+newfields,495,11
+stockman,1521,4
+shelbyville,1851,1
+marstons,546,7
+shelbyville,170,4
+lindenwood,2036,1
+mifflinburg,335,5
+newfields,627,4
+beechwood,714,6
+hanson,454,3
+klickitat,653,4
+lindenwood,1275,5
+klickitat,1740,3
+marstons,562,1
+pomaria,289,6
+lakeville,1798,2
+newfields,1240,2
+lakeville,107,2
+merom,591,0
+woodbine,1913,1
+forkland,428,4
+wainscott,1238,4
+klickitat,421,0
+allensville,424,3
+tolstoy,860,4
+lakeville,1899,4
+leonardo,920,3
+shelbyville,2626,4
+lindenwood,948,5
+marstons,1205,4
+marstons,115,3
+marstons,2442,0
+leonardo,2106,2
+marstons,53,5
+shelbyville,1509,8
+marstons,341,1
+coffeen,648,0
+merom,960,7
+tolstoy,9,2
+stockman,420,3
+hiteman,425,6
+hiteman,711,0
+hiteman,1202,3
+lakeville,263,4
+newfields,517,9
+stockman,1360,3
+klickitat,1901,2
+klickitat,2227,7
+stockman,1619,1
+klickitat,835,2
+leonardo,1438,5
+wainscott,625,0
+klickitat,2348,1
+pinesdale,312,1
+forkland,442,7
+lindenwood,2136,0
+hiteman,938,8
+coffeen,779,1
+stockman,312,1
+lakeville,927,2
+leonardo,1372,3
+cosmos,537,2
+newfields,855,4
+beechwood,299,1
+marstons,573,4
+hiteman,1537,3
+wainscott,580,3
+lindenwood,740,9
+stockman,1474,11
+lakeville,1362,1
+lakeville,1107,7
+marstons,1299,5
+stockman,885,3
+beechwood,898,3
+marstons,346,0
+coffeen,1457,1
+hanson,1462,3
+pomaria,1393,4
+mifflinburg,961,3
+benevolence,477,0
+pinesdale,1110,7
+merom,472,2
+lindenwood,2318,1
+stockman,374,11
+cosmos,50,1
+forkland,687,1
+pinesdale,998,4
+hiteman,1472,0
+pomaria,462,2
+mifflinburg,200,1
+newfields,1124,4
+allensville,233,4
+pinesdale,379,2
+hiteman,90,0
+lakeville,1493,6
+leonardo,1733,0
+wainscott,403,0
+wainscott,1707,7
+newfields,797,1
+pomaria,1324,2
+cosmos,595,8
+klickitat,1405,4
+stockman,214,7
+stockman,207,1
+hanson,1452,1
+marstons,1227,0
+newfields,600,3
+lindenwood,2476,5
+lakeville,820,2
+leonardo,1157,3
+lindenwood,785,3
+woodbine,43,2
+marstons,740,14
+lakeville,35,10
+pinesdale,128,6
+marstons,1088,5
+ranchester,470,0
+lakeville,621,1
+cosmos,760,1
+cosmos,157,1
+wainscott,604,2
+lindenwood,1798,0
+woodbine,23,12
+newfields,290,1
+leonardo,977,2
+shelbyville,299,1
+hiteman,123,3
+shelbyville,2722,8
+hiteman,1392,0
+leonardo,1725,1
+hanson,1205,0
+wainscott,1589,1
+leonardo,417,2
+marstons,1288,11
+shelbyville,1057,3
+beechwood,216,3
+woodbine,1851,0
+onaga,487,2
+lakeville,1077,2
+pomaria,1610,0
+beechwood,779,2
+leonardo,63,1
+forkland,895,1
+coffeen,608,5
+lindenwood,447,0
+marstons,1334,2
+shelbyville,2514,5
+pinesdale,1094,3
+allensville,459,0
+cosmos,89,14
+forkland,297,4
+klickitat,1894,2
+woodbine,233,2
+pomaria,314,1
+pinesdale,661,3
+hanson,1156,0
+marstons,2348,1
+leonardo,1535,2
+cosmos,843,2
+woodbine,539,11
+leonardo,1736,3
+newfields,1055,0
+pomaria,899,4
+wainscott,883,0
+leonardo,1398,1
+leonardo,848,4
+stockman,1141,9
+pomaria,607,2
+hiteman,707,1
+lakeville,1562,2
+newfields,1190,3
+coffeen,255,1
+shelbyville,1527,3
+woodbine,343,6
+ranchester,713,1
+marstons,2633,0
+coffeen,878,1
+mifflinburg,332,1
+newfields,652,2
+lindenwood,1512,2
+shelbyville,2520,11
+stockman,899,2
+lindenwood,179,9
+newfields,222,3
+marstons,2014,6
+shelbyville,1242,1
+mifflinburg,550,2
+ranchester,892,2
+marstons,1033,1
+stockman,1383,4
+cosmos,644,2
+mifflinburg,936,4
+ranchester,911,5
+lakeville,646,1
+forkland,551,1
+pomaria,1291,2
+wainscott,1170,1
+newfields,1499,3
+pinesdale,808,8
+shelbyville,1852,1
+wainscott,903,3
+shelbyville,1931,1
+shelbyville,550,4
+woodbine,458,0
+shelbyville,294,6
+wainscott,837,11
+woodbine,779,12
+wainscott,1678,2
+mifflinburg,887,1
+tolstoy,764,4
+benevolence,427,0
+klickitat,12,3
+mifflinburg,826,2
+shelbyville,178,6
+pinesdale,1030,1
+lindenwood,608,1
+shelbyville,1943,10
+wainscott,337,11
+marstons,613,6
+stockman,619,5
+newfields,1237,4
+shelbyville,576,4
+wainscott,1703,11
+tolstoy,248,1
+beechwood,150,3
+woodbine,1414,9
+pomaria,599,16
+onaga,412,1
+hanson,831,1
+marstons,2521,6
+pomaria,164,1
+pinesdale,643,2
+pomaria,691,0
+cosmos,988,2
+pinesdale,136,3
+marstons,359,12
+hiteman,28,4
+cosmos,160,6
+beechwood,716,0
+newfields,1546,13
+hiteman,229,0
+lindenwood,2586,2
+woodbine,497,3
+leonardo,1594,4
+woodbine,1903,4
+mifflinburg,514,2
+lakeville,1649,2
+hiteman,1030,1
+coffeen,211,8
+wainscott,70,1
+wainscott,218,5
+cosmos,7,7
+marstons,675,4
+pinesdale,747,4
+pinesdale,1143,1
+woodbine,37,0
+lindenwood,2067,1
+coffeen,665,5
+mifflinburg,219,7
+mifflinburg,423,4
+hiteman,1657,2
+klickitat,2113,5
+marstons,868,0
+klickitat,2154,2
+beechwood,188,0
+wainscott,1262,4
+pinesdale,200,2
+pomaria,1254,5
+merom,842,2
+hiteman,89,1
+lindenwood,672,1
+newfields,71,0
+coffeen,710,0
+klickitat,1435,3
+lakeville,1096,5
+newfields,490,10
+stockman,1223,2
+hanson,775,16
+lakeville,1009,0
+stockman,145,0
+lakeville,113,1
+beechwood,855,1
+leonardo,198,8
+hiteman,1346,0
+klickitat,759,0
+tolstoy,927,8
+shelbyville,619,5
+hanson,1205,2
+marstons,1448,0
+klickitat,1081,1
+woodbine,1895,2
+pinesdale,432,5
+lakeville,636,2
+coffeen,55,4
+hanson,113,1
+klickitat,2352,0
+marstons,740,11
+benevolence,156,2
+ranchester,1584,1
+shelbyville,456,10
+pinesdale,1164,1
+klickitat,1854,1
+stockman,1131,3
+klickitat,1363,18
+cosmos,611,8
+wainscott,141,9
+stockman,455,8
+newfields,531,0
+shelbyville,1095,8
+klickitat,781,0
+klickitat,1114,10
+shelbyville,1415,3
+wainscott,1095,1
+cosmos,460,1
+pinesdale,1190,3
+tolstoy,1119,4
+hiteman,1095,10
+klickitat,66,4
+shelbyville,1534,2
+forkland,112,1
+tolstoy,460,3
+klickitat,1562,10
+hiteman,158,5
+woodbine,1353,0
+beechwood,1070,10
+shelbyville,2323,11
+leonardo,1160,9
+shelbyville,1350,1
+leonardo,1600,2
+ranchester,1623,0
+hiteman,1325,6
+woodbine,1413,5
+cosmos,53,2
+cosmos,945,4
+woodbine,1120,0
+shelbyville,15,13
+woodbine,373,7
+shelbyville,2715,1
+ranchester,1274,1
+forkland,416,2
+leonardo,1737,0
+woodbine,1743,0
+marstons,2193,6
+lindenwood,976,2
+lakeville,1113,4
+stockman,1396,0
+klickitat,2288,1
+shelbyville,2142,5
+newfields,828,0
+beechwood,134,7
+pinesdale,1299,3
+lakeville,1555,4
+ranchester,1358,1
+coffeen,1186,3
+wainscott,206,7
+hanson,1485,0
+shelbyville,841,10
+marstons,1592,0
+stockman,723,1
+lindenwood,1719,2
+woodbine,1432,0
+lakeville,401,1
+cosmos,715,2
+shelbyville,762,0
+lakeville,1490,6
+tolstoy,1185,1
+wainscott,371,1
+stockman,45,0
+hanson,1518,11
+wainscott,1621,4
+klickitat,2072,6
+wainscott,128,4
+woodbine,450,2
+marstons,2099,0
+tolstoy,1037,0
+pomaria,726,2
+merom,408,2
+marstons,1304,4
+pinesdale,1323,1
+woodbine,493,6
+coffeen,55,0
+coffeen,719,4
+hanson,569,16
+forkland,356,2
+stockman,537,2
+marstons,1781,0
+shelbyville,1989,1
+shelbyville,199,13
+forkland,864,4
+coffeen,752,2
+lindenwood,1431,2
+onaga,330,6
+pomaria,1435,2
+lindenwood,2181,3
+marstons,2261,1
+woodbine,1938,1
+hiteman,1753,8
+wainscott,1127,9
+lakeville,936,16
+cosmos,615,1
+forkland,1094,3
+shelbyville,2180,1
+merom,367,0
+coffeen,1195,0
+forkland,1026,4
+ranchester,478,3
+shelbyville,1615,3
+stockman,1427,10
+pinesdale,667,3
+tolstoy,1273,10
+ranchester,10,5
+lindenwood,2093,7
+coffeen,815,5
+marstons,528,8
+lindenwood,2621,2
+beechwood,7,11
+forkland,280,0
+lindenwood,1127,1
+woodbine,1796,11
+lindenwood,1222,6
+stockman,394,4
+klickitat,1298,8
+coffeen,659,2
+newfields,1140,0
+klickitat,1437,5
+hanson,801,4
+woodbine,1620,0
+lakeville,1000,5
+hiteman,511,2
+pomaria,389,6
+onaga,76,3
+hanson,1530,0
+beechwood,1087,0
+allensville,53,7
+wainscott,618,10
+lakeville,446,1
+newfields,565,3
+wainscott,1538,2
+cosmos,857,8
+tolstoy,1009,0
+lakeville,229,11
+mifflinburg,840,4
+pomaria,1461,0
+newfields,547,3
+wainscott,924,8
+pomaria,1443,1
+marstons,2542,3
+tolstoy,952,3
+klickitat,2118,1
+lakeville,1232,10
+wainscott,1447,2
+shelbyville,2525,9
+forkland,299,1
+klickitat,1667,1
+wainscott,107,0
+shelbyville,2027,0
+marstons,587,9
+lindenwood,238,3
+hiteman,29,8
+pinesdale,1336,0
+leonardo,780,4
+beechwood,50,1
+stockman,528,8
+shelbyville,1417,9
+newfields,953,2
+allensville,503,0
+klickitat,1003,11
+shelbyville,394,0
+shelbyville,2295,1
+hanson,285,4
+onaga,202,1
+shelbyville,1670,9
+lakeville,1324,1
+leonardo,1217,8
+leonardo,229,0
+lakeville,1128,11
+hiteman,714,3
+hiteman,1090,2
+cosmos,406,0
+newfields,559,1
+pomaria,1065,2
+marstons,299,1
+newfields,294,1
+hiteman,1030,7
+newfields,535,3
+klickitat,1313,5
+lakeville,1516,2
+merom,1023,2
+marstons,2241,5
+wainscott,368,0
+pomaria,260,2
+pomaria,587,0
+lindenwood,416,10
+newfields,1177,2
+stockman,171,0
+shelbyville,285,8
+newfields,959,5
+ranchester,318,3
+lakeville,1672,7
+merom,249,1
+woodbine,1236,5
+wainscott,1424,0
+newfields,1645,11
+pomaria,1123,1
+woodbine,261,10
+coffeen,494,1
+lindenwood,1758,6
+stockman,707,6
+ranchester,25,3
+beechwood,347,1
+mifflinburg,116,1
+lakeville,815,2
+lindenwood,792,0
+lindenwood,296,4
+newfields,953,1
+leonardo,653,7
+tolstoy,1381,1
+shelbyville,253,5
+shelbyville,1335,2
+leonardo,977,3
+newfields,1615,5
+lakeville,1804,0
+shelbyville,2371,3
+marstons,15,1
+leonardo,1766,3
+hanson,202,0
+mifflinburg,381,3
+pomaria,534,2
+lindenwood,130,8
+lakeville,571,3
+allensville,33,3
+lindenwood,1418,4
+merom,934,5
+wainscott,1216,1
+woodbine,1792,0
+lakeville,679,12
+shelbyville,431,2
+benevolence,567,2
+ranchester,755,7
+benevolence,371,4
+woodbine,379,0
+klickitat,360,7
+cosmos,661,7
+marstons,1927,2
+hanson,1009,3
+shelbyville,453,3
+leonardo,880,1
+marstons,2491,10
+lakeville,961,6
+lindenwood,1817,8
+newfields,546,1
+wainscott,776,6
+newfields,56,1
+hiteman,1641,6
+leonardo,1779,0
+wainscott,1673,5
+leonardo,1607,2
+cosmos,1049,1
+klickitat,1230,11
+marstons,1934,3
+lakeville,612,5
+marstons,1327,8
+lakeville,332,17
+marstons,1761,3
+woodbine,1229,3
+hanson,1067,14
+klickitat,541,1
+marstons,1128,5
+mifflinburg,217,1
+forkland,97,0
+merom,841,0
+klickitat,343,3
+shelbyville,2378,2
+shelbyville,2100,12
+wainscott,343,5
+beechwood,1075,2
+tolstoy,1137,2
+wainscott,1353,4
+beechwood,192,3
+klickitat,1983,1
+shelbyville,734,2
+merom,686,1
+cosmos,658,5
+tolstoy,1002,6
+mifflinburg,659,0
+marstons,63,0
+hanson,52,11
+shelbyville,2577,7
+klickitat,887,8
+marstons,1574,17
+klickitat,2030,6
+beechwood,432,3
+wainscott,526,0
+hiteman,132,2
+forkland,782,4
+pomaria,674,3
+hiteman,447,7
+lakeville,1217,1
+shelbyville,1829,0
+leonardo,1757,11
+marstons,1416,2
+shelbyville,2155,6
+wainscott,1351,3
+ranchester,193,9
+shelbyville,1870,2
+wainscott,622,4
+lakeville,987,0
+cosmos,353,4
+klickitat,689,2
+coffeen,668,2
+pomaria,1237,4
+wainscott,736,3
+merom,83,5
+woodbine,1988,2
+woodbine,1355,18
+merom,505,2
+wainscott,1797,15
+lakeville,384,8
+wainscott,308,0
+hanson,14,4
+mifflinburg,630,0
+stockman,1199,2
+allensville,67,2
+onaga,241,0
+onaga,115,1
+newfields,584,0
+shelbyville,2166,8
+ranchester,1004,6
+marstons,2651,12
+lakeville,380,9
+lakeville,941,1
+stockman,484,4
+pinesdale,1200,2
+stockman,143,10
+woodbine,1102,0
+hiteman,1612,1
+tolstoy,965,2
+pomaria,658,10
+mifflinburg,622,1
+wainscott,104,0
+cosmos,270,3
+ranchester,442,2
+klickitat,1523,5
+shelbyville,2559,4
+tolstoy,1513,1
+merom,575,0
+newfields,1053,2
+pinesdale,515,1
+marstons,269,0
+lindenwood,1178,2
+newfields,843,3
+pomaria,1620,6
+lindenwood,735,0
+benevolence,182,0
+klickitat,2036,1
+lindenwood,1331,2
+shelbyville,1633,3
+hanson,1270,3
+shelbyville,2230,7
+lakeville,284,14
+cosmos,228,9
+lakeville,1853,5
+onaga,10,10
+stockman,946,3
+leonardo,1823,5
+lindenwood,530,1
+klickitat,323,4
+beechwood,814,2
+woodbine,1918,10
+tolstoy,1723,0
+lindenwood,2177,3
+stockman,80,2
+lindenwood,1429,2
+lindenwood,1715,0
+lakeville,871,4
+hanson,10,10
+coffeen,1334,2
+newfields,1585,6
+coffeen,1487,0
+newfields,1033,8
+marstons,1164,10
+coffeen,1219,5
+cosmos,641,8
+woodbine,1991,15
+tolstoy,55,7
+tolstoy,1045,5
+pomaria,1466,1
+shelbyville,126,1
+hiteman,1109,0
+hanson,673,10
+ranchester,484,8
+woodbine,1813,5
+shelbyville,784,6
+coffeen,486,5
+marstons,2618,7
+cosmos,383,1
+forkland,599,1
+lindenwood,2600,11
+lindenwood,1400,4
+hanson,616,5
+leonardo,2115,3
+tolstoy,926,10
+tolstoy,54,0
+wainscott,644,5
+klickitat,2108,0
+wainscott,971,3
+lindenwood,257,9
+forkland,1159,2
+shelbyville,2198,1
+marstons,1213,6
+coffeen,1463,0
+wainscott,433,2
+hanson,342,10
+newfields,1465,4
+hanson,1638,0
+lakeville,1029,1
+marstons,480,3
+tolstoy,1204,3
+mifflinburg,377,3
+ranchester,377,5
+lakeville,159,3
+forkland,190,0
+lakeville,1874,3
+tolstoy,1025,3
+leonardo,978,8
+hanson,689,2
+woodbine,1828,0
+tolstoy,1078,5
+ranchester,1142,0
+klickitat,959,5
+stockman,638,6
+pomaria,1645,2
+lindenwood,1930,1
+hanson,1001,12
+leonardo,22,2
+lindenwood,656,8
+klickitat,1679,4
+hanson,1011,5
+lakeville,883,0
+benevolence,69,0
+benevolence,538,5
+lindenwood,2169,4
+marstons,2205,1
+pomaria,975,5
+stockman,495,2
+ranchester,1207,5
+pomaria,1339,3
+ranchester,1124,1
+mifflinburg,538,6
+lindenwood,2236,13
+coffeen,608,4
+tolstoy,672,0
+hiteman,1354,9
+shelbyville,479,13
+lindenwood,1967,2
+leonardo,1571,2
+lakeville,907,4
+forkland,109,5
+ranchester,598,13
+tolstoy,794,9
+klickitat,674,11
+tolstoy,1658,5
+forkland,774,0
+ranchester,623,3
+shelbyville,448,1
+ranchester,1625,0
+forkland,936,1
+allensville,1,4
+lindenwood,107,0
+leonardo,110,7
+tolstoy,977,11
+shelbyville,1222,0
+hiteman,1251,3
+shelbyville,105,2
+marstons,764,10
+shelbyville,373,6
+klickitat,243,1
+cosmos,953,1
+pomaria,193,4
+tolstoy,640,3
+leonardo,1883,11
+marstons,2336,2
+newfields,405,2
+coffeen,948,2
+pomaria,1469,13
+pinesdale,1268,7
+woodbine,495,2
+hanson,1415,5
+hanson,1145,9
+lindenwood,2068,0
+lindenwood,1824,1
+tolstoy,1469,6
+mifflinburg,681,0
+lindenwood,318,5
+tolstoy,1290,4
+woodbine,416,0
+klickitat,2047,1
+ranchester,1174,7
+pomaria,415,0
+shelbyville,445,13
+pinesdale,1135,2
+lakeville,862,2
+pinesdale,1261,3
+hiteman,234,1
+shelbyville,739,7
+onaga,38,6
+hanson,1202,8
+ranchester,1125,1
+lindenwood,2144,1
+hiteman,864,1
+marstons,552,2
+coffeen,186,1
+leonardo,1271,10
+marstons,1869,3
+marstons,32,3
+leonardo,643,6
+shelbyville,136,1
+shelbyville,2765,3
+lindenwood,863,1
+shelbyville,1934,8
+marstons,93,7
+allensville,239,2
+shelbyville,219,1
+shelbyville,751,1
+woodbine,1168,7
+hiteman,1380,5
+stockman,795,2
+leonardo,1083,0
+lakeville,1734,6
+leonardo,1071,1
+stockman,1520,3
+klickitat,2377,16
+shelbyville,377,0
+allensville,339,0
+lindenwood,2201,0
+shelbyville,1789,3
+hanson,1322,1
+pomaria,676,12
+onaga,224,5
+pomaria,116,1
+ranchester,642,15
+shelbyville,2689,6
+stockman,941,2
+onaga,176,0
+leonardo,315,2
+marstons,37,21
+wainscott,841,0
+leonardo,654,3
+woodbine,1141,3
+lakeville,850,3
+tolstoy,785,0
+coffeen,1419,0
+pomaria,744,7
+pinesdale,368,6
+pinesdale,707,6
+tolstoy,331,9
+stockman,629,3
+lindenwood,414,2
+klickitat,937,0
+allensville,43,2
+ranchester,1606,2
+klickitat,2288,4
+klickitat,1081,8
+wainscott,586,9
+klickitat,1020,1
+ranchester,1084,0
+lindenwood,568,1
+leonardo,2022,0
+lakeville,759,17
+woodbine,1943,0
+shelbyville,2182,3
+lindenwood,341,10
+hanson,861,2
+beechwood,851,4
+tolstoy,1708,10
+ranchester,541,2
+newfields,1222,10
+shelbyville,101,0
+hanson,1089,3
+shelbyville,2521,0
+lindenwood,2341,7
+tolstoy,1558,6
+lindenwood,1008,5
+newfields,899,0
+wainscott,1049,5
+onaga,244,1
+shelbyville,484,7
+marstons,74,5
+newfields,740,18
+wainscott,805,1
+klickitat,1975,0
+woodbine,2036,2
+woodbine,1808,8
+stockman,73,3
+pomaria,1332,2
+pomaria,1043,5
+stockman,53,1
+shelbyville,491,5
+cosmos,262,5
+mifflinburg,798,9
+lakeville,908,17
+onaga,155,0
+lindenwood,2113,2
+onaga,590,4
+marstons,1537,1
+marstons,2347,5
+marstons,1583,3
+merom,832,7
+shelbyville,1557,2
+klickitat,2024,9
+stockman,692,8
+forkland,863,1
+marstons,2135,6
+woodbine,1990,0
+hiteman,717,7
+leonardo,1199,0
+pomaria,1233,1
+beechwood,334,3
+shelbyville,1615,0
+tolstoy,240,0
+merom,195,5
+wainscott,1758,5
+stockman,1084,2
+merom,237,1
+pinesdale,1495,0
+klickitat,2242,9
+newfields,1301,6
+lindenwood,1437,3
+newfields,1562,1
+pinesdale,1038,5
+marstons,580,1
+lindenwood,1580,5
+klickitat,489,0
+lindenwood,948,4
+shelbyville,2029,5
+hanson,986,7
+pinesdale,329,3
+hiteman,1081,4
+klickitat,288,2
+newfields,1111,10
+woodbine,192,10
+hanson,633,3
+wainscott,1403,3
+pomaria,187,5
+lindenwood,586,9
+wainscott,1069,2
+shelbyville,283,1
+lakeville,872,2
+lakeville,125,5
+stockman,918,1
+marstons,949,8
+tolstoy,118,4
+merom,563,2
+pinesdale,378,0
+marstons,2303,0
+merom,344,2
+ranchester,1300,11
+wainscott,230,6
+hiteman,281,7
+newfields,187,8
+shelbyville,1368,6
+pomaria,1133,0
+cosmos,737,0
+pinesdale,494,4
+stockman,873,5
+leonardo,166,6
+tolstoy,1303,2
+klickitat,1040,11
+benevolence,496,3
+leonardo,1175,3
+hiteman,779,13
+lindenwood,1597,2
+shelbyville,1015,7
+lakeville,404,1
+mifflinburg,101,1
+newfields,53,4
+beechwood,642,1
+pomaria,1437,14
+leonardo,175,2
+stockman,1577,0
+klickitat,2177,11
+hanson,133,4
+pomaria,1213,0
+marstons,1432,4
+lindenwood,2275,1
+newfields,695,0
+tolstoy,1591,3
+marstons,1384,1
+newfields,979,2
+tolstoy,574,3
+mifflinburg,43,2
+klickitat,1078,2
+hiteman,1506,7
+wainscott,630,3
+forkland,1178,1
+leonardo,2015,2
+stockman,975,1
+lindenwood,2467,5
+shelbyville,2116,4
+hanson,906,0
+lindenwood,1460,3
+lakeville,1230,0
+hanson,213,3
+shelbyville,1737,1
+newfields,349,3
+newfields,1171,1
+hiteman,238,6
+marstons,2531,2
+marstons,1859,9
+cosmos,745,2
+shelbyville,846,10
+hiteman,1032,6
+ranchester,1614,0
+cosmos,810,1
+stockman,104,6
+onaga,452,10
+shelbyville,1670,0
+pinesdale,618,11
+tolstoy,998,3
+mifflinburg,687,1
+onaga,669,2
+wainscott,722,3
+shelbyville,1111,5
+shelbyville,2132,2
+merom,755,2
+klickitat,2214,0
+shelbyville,240,9
+shelbyville,1817,1
+forkland,134,0
+woodbine,2032,10
+lindenwood,1919,6
+cosmos,703,3
+coffeen,740,1
+lindenwood,2677,2
+klickitat,134,4
+hanson,1363,6
+marstons,982,4
+shelbyville,1980,4
+lakeville,738,6
+coffeen,1119,1
+merom,781,0
+marstons,416,10
+ranchester,1505,2
+onaga,423,5
+allensville,136,0
+marstons,589,3
+marstons,1246,0
+lakeville,991,3
+coffeen,600,5
+lindenwood,439,0
+klickitat,810,1
+coffeen,434,8
+ranchester,957,3
+lindenwood,637,6
+hiteman,277,0
+shelbyville,2359,3
+woodbine,393,2
+newfields,1304,8
+klickitat,639,2
+klickitat,140,3
+klickitat,290,2
+lakeville,35,6
+leonardo,1248,5
+klickitat,841,0
+shelbyville,1411,5
+cosmos,887,0
+pinesdale,915,2
+lindenwood,1388,1
+newfields,1592,4
+benevolence,95,1
+klickitat,2090,7
+tolstoy,1200,1
+marstons,1562,8
+benevolence,665,3
+stockman,1184,5
+stockman,829,11
+lakeville,1746,1
+lindenwood,1783,8
+hiteman,171,3
+beechwood,109,1
+klickitat,73,0
+wainscott,656,10
+pomaria,648,0
+tolstoy,1401,1
+marstons,1427,1
+marstons,258,5
+hiteman,307,0
+wainscott,1082,0
+shelbyville,141,9
+marstons,484,1
+ranchester,651,0
+marstons,2002,2
+hiteman,1297,2
+hanson,50,10
+lindenwood,1289,3
+coffeen,485,4
+klickitat,2111,2
+pomaria,440,1
+lindenwood,873,4
+hiteman,1728,4
+shelbyville,754,0
+marstons,2073,5
+leonardo,63,3
+marstons,2538,7
+newfields,607,2
+lakeville,1355,1
+lindenwood,1312,2
+leonardo,1508,2
+klickitat,702,6
+wainscott,1776,6
+coffeen,81,11
+lakeville,1524,1
+shelbyville,937,1
+pinesdale,958,7
+lindenwood,455,0
+lakeville,1816,5
+woodbine,639,9
+lindenwood,466,0
+lakeville,616,2
+lakeville,1573,2
+stockman,251,4
+ranchester,847,6
+benevolence,939,4
+pinesdale,577,4
+ranchester,507,3
+stockman,803,3
+coffeen,136,0
+leonardo,1797,0
+onaga,407,0
+woodbine,1327,5
+stockman,989,10
+pinesdale,1257,8
+pinesdale,363,2
+marstons,2529,0
+cosmos,811,0
+hanson,373,0
+hiteman,1052,0
+lindenwood,1337,0
+stockman,608,6
+shelbyville,500,6
+tolstoy,1128,3
+tolstoy,1444,5
+klickitat,635,5
+coffeen,199,0
+marstons,2270,5
+coffeen,982,2
+shelbyville,1643,5
+hiteman,330,5
+cosmos,487,3
+newfields,737,0
+leonardo,250,14
+beechwood,1142,6
+lakeville,213,1
+marstons,1161,1
+woodbine,490,1
+woodbine,191,1
+beechwood,185,9
+klickitat,457,0
+wainscott,816,2
+lakeville,785,3
+tolstoy,1349,11
+pinesdale,906,0
+lindenwood,2066,2
+marstons,628,7
+shelbyville,2010,1
+stockman,1429,2
+marstons,469,3
+newfields,1464,5
+wainscott,1779,5
+beechwood,1077,11
+pomaria,673,8
+marstons,315,9
+shelbyville,37,11
+tolstoy,457,2
+shelbyville,728,3
+newfields,1409,1
+hiteman,477,5
+lindenwood,1650,1
+leonardo,530,5
+tolstoy,1705,3
+pomaria,1448,6
+hanson,1379,5
+lindenwood,2411,0
+lindenwood,257,5
+marstons,1586,1
+wainscott,1520,1
+beechwood,1098,9
+merom,559,5
+hiteman,163,3
+marstons,1056,0
+pomaria,1151,1
+klickitat,822,0
+hiteman,557,2
+wainscott,563,2
+lakeville,1446,10
+shelbyville,1511,0
+marstons,2452,8
+stockman,958,4
+klickitat,1554,10
+lakeville,1694,6
+wainscott,64,8
+shelbyville,97,0
+wainscott,449,14
+hiteman,1173,0
+shelbyville,2055,9
+wainscott,616,1
+hiteman,20,1
+marstons,1352,1
+hiteman,350,2
+leonardo,366,2
+woodbine,1976,5
+shelbyville,2374,0
+wainscott,1571,3
+lakeville,1865,6
+leonardo,596,7
+merom,35,3
+marstons,339,4
+newfields,372,1
+pinesdale,627,0
+beechwood,103,9
+hanson,709,2
+lakeville,1452,1
+wainscott,1577,2
+hanson,529,1
+coffeen,1001,0
+klickitat,1815,9
+lindenwood,2451,3
+wainscott,693,0
+lindenwood,656,1
+woodbine,1807,4
+pinesdale,796,2
+lakeville,883,4
+hiteman,326,12
+hiteman,1615,3
+woodbine,879,6
+klickitat,412,0
+lindenwood,694,0
+coffeen,753,5
+mifflinburg,159,2
+ranchester,1595,16
+lindenwood,2049,5
+klickitat,1451,9
+marstons,463,3
+newfields,345,1
+beechwood,333,5
+woodbine,746,14
+marstons,859,6
+cosmos,530,3
+woodbine,1183,8
+lindenwood,2106,1
+leonardo,1019,0
+wainscott,960,11
+tolstoy,764,6
+shelbyville,2638,0
+hanson,717,0
+ranchester,360,10
+pomaria,1254,11
+pinesdale,1313,4
+pomaria,574,11
+leonardo,1398,10
+cosmos,85,3
+hiteman,865,11
+lakeville,180,4
+marstons,2493,1
+pinesdale,558,0
+tolstoy,1407,5
+tolstoy,1802,1
+hanson,1255,5
+coffeen,349,3
+lindenwood,1191,0
+shelbyville,1526,11
+stockman,830,6
+tolstoy,98,3
+newfields,1510,0
+lindenwood,914,0
+lindenwood,1504,0
+lindenwood,950,5
+lindenwood,327,7
+cosmos,790,0
+onaga,620,3
+hiteman,1556,1
+tolstoy,1350,6
+pomaria,820,2
+lakeville,280,0
+onaga,637,6
+newfields,435,2
+beechwood,37,0
+lindenwood,2071,7
+klickitat,2256,0
+ranchester,1265,1
+mifflinburg,979,3
+tolstoy,349,2
+hanson,323,14
+hanson,806,9
+pomaria,935,5
+hanson,137,3
+lindenwood,2103,2
+pinesdale,419,0
+marstons,2187,0
+lakeville,1642,1
+lindenwood,2672,0
+klickitat,1767,7
+ranchester,414,14
+wainscott,561,2
+wainscott,1404,6
+stockman,1546,3
+woodbine,1500,1
+tolstoy,1331,6
+cosmos,588,0
+marstons,889,1
+tolstoy,59,4
+merom,159,6
+lindenwood,2378,6
+pomaria,1633,5
+beechwood,977,5
+marstons,1251,2
+hiteman,1856,1
+pomaria,318,3
+pomaria,1222,12
+pomaria,1147,7
+coffeen,1090,1
+beechwood,303,0
+shelbyville,1906,3
+cosmos,986,0
+lindenwood,456,6
+pomaria,1449,4
+ranchester,412,3
+leonardo,268,16
+tolstoy,607,0
+marstons,2370,7
+lindenwood,507,1
+wainscott,34,8
+newfields,534,2
+lindenwood,120,1
+newfields,1516,8
+shelbyville,1633,1
+lakeville,1562,11
+stockman,1575,3
+hanson,855,2
+cosmos,729,3
+beechwood,162,1
+woodbine,884,2
+shelbyville,1443,0
+merom,1040,3
+marstons,2245,9
+lindenwood,434,11
+coffeen,500,4
+pomaria,800,1
+hanson,980,7
+forkland,1171,2
+merom,630,3
+coffeen,676,4
+beechwood,205,8
+coffeen,705,1
+newfields,1626,5
+wainscott,1673,3
+leonardo,642,6
+lindenwood,2252,13
+woodbine,1357,8
+shelbyville,78,5
+merom,56,1
+pomaria,1632,5
+cosmos,731,0
+pomaria,311,1
+leonardo,1145,1
+shelbyville,1620,12
+lindenwood,252,12
+shelbyville,2791,2
+marstons,2575,0
+leonardo,166,0
+marstons,2264,6
+tolstoy,1606,6
+merom,303,6
+leonardo,1763,1
+marstons,957,6
+forkland,775,3
+stockman,1081,7
+tolstoy,1164,4
+wainscott,20,2
+shelbyville,532,0
+wainscott,314,7
+onaga,646,3
+beechwood,500,3
+shelbyville,2284,5
+pinesdale,452,4
+shelbyville,766,3
+ranchester,525,4
+klickitat,708,13
+pomaria,1220,6
+marstons,863,2
+lindenwood,1610,3
+shelbyville,1866,1
+klickitat,1089,3
+pinesdale,1246,1
+lindenwood,1467,2
+lindenwood,2039,2
+klickitat,1620,4
+woodbine,1174,4
+hanson,1533,4
+klickitat,2014,1
+shelbyville,1063,1
+shelbyville,406,5
+woodbine,782,14
+ranchester,188,18
+lindenwood,1335,5
+marstons,1839,12
+mifflinburg,264,6
+wainscott,1575,2
+lakeville,569,1
+pomaria,1576,5
+ranchester,198,5
+onaga,667,0
+wainscott,868,2
+stockman,793,4
+wainscott,834,1
+hanson,573,0
+pinesdale,871,7
+hanson,803,2
+coffeen,342,3
+mifflinburg,733,3
+merom,555,1
+forkland,111,0
+klickitat,1507,3
+newfields,1094,12
+hanson,1482,1
+lakeville,1403,9
+ranchester,1384,6
+tolstoy,295,7
+lindenwood,1449,3
+pinesdale,602,3
+hanson,646,6
+merom,360,10
+beechwood,671,8
+shelbyville,1407,3
+tolstoy,559,6
+leonardo,1079,7
+hanson,1432,0
+pomaria,1537,15
+stockman,1603,3
+shelbyville,575,14
+lakeville,869,9
+pomaria,1225,4
+leonardo,1881,1
+klickitat,312,10
+marstons,1119,13
+hiteman,1540,8
+pomaria,13,5
+lakeville,985,4
+marstons,1374,0
+coffeen,848,3
+marstons,438,1
+hiteman,673,2
+marstons,144,0
+leonardo,1133,1
+pomaria,769,9
+newfields,64,2
+hanson,1324,14
+woodbine,1616,2
+hiteman,1145,7
+lakeville,1702,3
+wainscott,244,9
+wainscott,1597,5
+lindenwood,1805,7
+woodbine,833,6
+woodbine,1066,1
+cosmos,601,2
+shelbyville,1007,8
+leonardo,1156,1
+lakeville,107,5
+hiteman,1677,3
+wainscott,1423,7
+newfields,1158,8
+newfields,1275,4
+allensville,342,0
+klickitat,863,5
+coffeen,1276,1
+shelbyville,1524,5
+newfields,1527,0
+wainscott,669,10
+shelbyville,252,4
+pinesdale,406,5
+ranchester,563,0
+tolstoy,1372,7
+woodbine,558,2
+coffeen,604,2
+lakeville,1547,1
+benevolence,565,5
+coffeen,1509,0
+coffeen,1130,6
+lindenwood,560,4
+mifflinburg,74,1
+lakeville,801,8
+woodbine,1663,3
+stockman,622,10
+newfields,101,1
+marstons,1836,18
+shelbyville,2023,6
+klickitat,214,6
+forkland,133,2
+leonardo,223,13
+marstons,2147,2
+woodbine,1341,4
+ranchester,1138,2
+wainscott,1377,5
+shelbyville,612,7
+merom,440,6
+merom,873,1
+tolstoy,101,15
+lakeville,1550,0
+lindenwood,611,0
+pinesdale,862,2
+wainscott,792,10
+shelbyville,788,3
+klickitat,2302,11
+pomaria,1091,1
+shelbyville,118,5
+pomaria,1159,15
+wainscott,608,2
+lakeville,1736,2
+woodbine,1195,1
+tolstoy,72,2
+klickitat,1943,0
+newfields,642,5
+ranchester,1095,2
+hanson,1603,14
+pinesdale,1361,1
+stockman,188,0
+tolstoy,329,6
+benevolence,222,1
+stockman,22,0
+marstons,438,4
+ranchester,1478,3
+mifflinburg,878,2
+hiteman,312,7
+lakeville,41,0
+marstons,2470,0
+marstons,2027,3
+shelbyville,890,1
+hiteman,897,3
+ranchester,1426,0
+hanson,1207,4
+leonardo,1078,0
+hiteman,605,3
+marstons,2246,16
+forkland,1116,0
+ranchester,1081,1
+shelbyville,1,4
+hanson,730,1
+hiteman,1533,2
+tolstoy,610,17
+lindenwood,2228,2
+lindenwood,304,2
+woodbine,67,8
+leonardo,1215,4
+hiteman,429,0
+ranchester,93,7
+tolstoy,913,3
+newfields,1635,0
+hiteman,14,7
+shelbyville,2529,5
+lakeville,1550,2
+forkland,352,2
+beechwood,868,4
+marstons,628,11
+ranchester,881,1
+shelbyville,2473,0
+beechwood,1056,9
+beechwood,683,5
+hanson,1021,0
+tolstoy,1799,2
+lakeville,321,2
+hanson,1656,6
+ranchester,581,3
+coffeen,260,3
+shelbyville,2077,1
+marstons,1110,2
+tolstoy,474,5
+klickitat,1481,3
+woodbine,1310,2
+ranchester,1116,2
+stockman,512,4
+marstons,1771,1
+stockman,1527,4
+wainscott,1587,0
+onaga,535,0
+hiteman,806,5
+klickitat,2015,12
+ranchester,532,6
+shelbyville,4,0
+tolstoy,316,1
+coffeen,781,4
+marstons,405,7
+klickitat,329,2
+newfields,1544,5
+pomaria,1229,6
+shelbyville,1435,1
+lakeville,1657,1
+stockman,327,3
+pinesdale,643,0
+forkland,660,5
+woodbine,848,0
+newfields,1476,5
+beechwood,969,2
+wainscott,1000,2
+newfields,855,2
+ranchester,694,0
+coffeen,596,1
+klickitat,1603,0
+woodbine,1051,7
+leonardo,578,7
+coffeen,1431,3
+leonardo,1052,2
+ranchester,983,6
+wainscott,1024,0
+lindenwood,1580,9
+tolstoy,1448,3
+newfields,954,4
+pomaria,1530,1
+klickitat,141,5
+tolstoy,1597,2
+leonardo,2084,0
+marstons,692,6
+hiteman,1643,0
+merom,537,2
+newfields,1135,4
+hiteman,223,1
+marstons,1078,1
+shelbyville,942,0
+leonardo,544,5
+marstons,1430,5
+pinesdale,416,2
+woodbine,1997,0
+leonardo,1013,9
+beechwood,116,2
+hanson,871,3
+forkland,301,6
+lindenwood,1081,6
+shelbyville,2075,5
+lakeville,1714,12
+hiteman,1331,5
+klickitat,466,1
+klickitat,384,1
+stockman,20,2
+hiteman,1454,2
+lindenwood,1616,9
+lindenwood,2574,8
+pomaria,576,4
+hiteman,1209,6
+mifflinburg,177,4
+klickitat,154,6
+hiteman,257,0
+lindenwood,1160,1
+stockman,1027,0
+shelbyville,1586,4
+shelbyville,2753,8
+shelbyville,1692,19
+pomaria,533,0
+merom,36,0
+merom,941,0
+shelbyville,1636,2
+pomaria,858,6
+forkland,691,4
+cosmos,703,2
+lakeville,469,7
+woodbine,1333,4
+klickitat,238,0
+klickitat,2335,5
+klickitat,638,1
+onaga,358,0
+pomaria,858,1
+merom,402,3
+newfields,1657,6
+pomaria,776,9
+pomaria,1350,8
+tolstoy,1352,1
+ranchester,1379,2
+klickitat,348,1
+leonardo,1813,7
+marstons,1138,2
+shelbyville,533,11
+marstons,582,1
+ranchester,536,4
+hanson,1028,1
+tolstoy,1565,0
+forkland,890,4
+tolstoy,54,2
+klickitat,723,3
+lindenwood,1578,3
+cosmos,107,2
+cosmos,378,8
+shelbyville,2476,2
+lakeville,6,3
+lindenwood,624,0
+shelbyville,595,3
+tolstoy,136,3
+wainscott,1655,3
+stockman,1457,0
+ranchester,880,6
+marstons,705,4
+lindenwood,2196,1
+forkland,835,1
+beechwood,451,9
+leonardo,192,3
+coffeen,818,1
+hiteman,52,3
+marstons,1073,0
+mifflinburg,722,10
+beechwood,972,5
+onaga,60,0
+forkland,840,8
+leonardo,51,8
+pinesdale,461,1
+lindenwood,658,3
+leonardo,1763,3
+pomaria,1241,1
+pomaria,1632,11
+marstons,2106,3
+klickitat,2013,2
+marstons,64,10
+shelbyville,2031,4
+merom,768,0
+forkland,931,0
+hanson,1107,3
+coffeen,152,2
+klickitat,1346,10
+beechwood,797,5
+forkland,654,3
+coffeen,444,1
+lindenwood,486,11
+wainscott,352,1
+hanson,306,12
+wainscott,299,1
+woodbine,598,0
+beechwood,1167,2
+pinesdale,7,10
+lakeville,1203,2
+shelbyville,1368,5
+beechwood,779,8
+tolstoy,215,3
+merom,884,1
+beechwood,873,1
+forkland,512,9
+mifflinburg,895,0
+lindenwood,1356,4
+merom,295,1
+klickitat,745,1
+ranchester,1098,7
+stockman,355,1
+wainscott,1264,6
+shelbyville,1813,3
+marstons,659,15
+merom,28,1
+ranchester,754,3
+ranchester,98,1
+marstons,2297,9
+pomaria,251,1
+shelbyville,211,6
+leonardo,444,0
+coffeen,9,4
+newfields,1207,0
+lakeville,1053,5
+wainscott,1315,4
+merom,907,1
+lindenwood,2604,4
+mifflinburg,715,5
+hanson,120,9
+leonardo,639,0
+klickitat,2334,17
+shelbyville,2014,4
+newfields,1170,4
+merom,84,1
+klickitat,2292,8
+woodbine,129,0
+woodbine,733,1
+woodbine,267,12
+beechwood,59,14
+merom,333,1
+lindenwood,2345,4
+woodbine,1359,5
+lakeville,449,2
+lakeville,873,2
+hanson,35,0
+beechwood,66,6
+marstons,69,2
+lakeville,1794,3
+ranchester,1460,6
+shelbyville,2118,5
+woodbine,1506,6
+onaga,518,1
+coffeen,548,2
+leonardo,1704,2
+woodbine,1595,6
+hiteman,532,3
+marstons,2136,7
+mifflinburg,396,6
+stockman,630,4
+lindenwood,1183,0
+wainscott,1452,18
+wainscott,1650,5
+wainscott,1102,6
+coffeen,610,3
+newfields,675,11
+woodbine,1899,6
+ranchester,542,3
+lakeville,370,0
+coffeen,396,1
+stockman,730,9
+klickitat,1306,3
+stockman,1594,3
+cosmos,52,6
+marstons,2167,3
+newfields,1067,12
+coffeen,965,0
+allensville,59,5
+wainscott,792,4
+marstons,1617,3
+hanson,333,1
+hanson,1591,1
+allensville,365,4
+coffeen,348,4
+marstons,2346,4
+klickitat,609,4
+pinesdale,404,0
+leonardo,557,0
+lindenwood,2085,2
+marstons,2232,1
+woodbine,1052,5
+cosmos,160,2
+lakeville,1837,2
+leonardo,250,2
+stockman,421,6
+klickitat,2384,3
+newfields,912,0
+marstons,2352,0
+ranchester,944,10
+klickitat,1879,6
+tolstoy,571,0
+marstons,554,2
+cosmos,446,3
+woodbine,589,0
+forkland,247,0
+wainscott,623,7
+klickitat,1148,3
+klickitat,1124,3
+shelbyville,1965,10
+tolstoy,155,2
+forkland,143,1
+leonardo,796,3
+forkland,259,2
+hanson,737,7
+wainscott,1041,10
+pinesdale,703,1
+woodbine,315,4
+shelbyville,1613,12
+pinesdale,94,9
+marstons,1575,7
+pinesdale,1019,1
+lindenwood,1865,6
+coffeen,1497,0
+shelbyville,849,11
+lindenwood,1490,1
+lakeville,1056,3
+lindenwood,2124,0
+stockman,99,0
+ranchester,1075,0
+benevolence,831,2
+pomaria,1018,0
+benevolence,361,0
+hanson,344,1
+beechwood,416,9
+marstons,970,4
+hanson,428,13
+marstons,1740,7
+hanson,1195,0
+leonardo,857,4
+leonardo,1444,6
+ranchester,452,1
+klickitat,1412,15
+newfields,1401,2
+stockman,817,1
+shelbyville,1632,1
+shelbyville,2314,0
+cosmos,23,1
+coffeen,1207,2
+lindenwood,1532,2
+benevolence,979,2
+hiteman,312,4
+beechwood,871,6
+shelbyville,1549,11
+wainscott,1053,2
+pomaria,166,4
+marstons,410,2
+mifflinburg,126,1
+cosmos,1025,2
+mifflinburg,300,4
+forkland,876,10
+pinesdale,654,3
+shelbyville,512,11
+lindenwood,896,8
+ranchester,1082,0
+marstons,2499,2
+marstons,1248,9
+mifflinburg,273,3
+leonardo,563,0
+wainscott,1188,0
+coffeen,790,1
+coffeen,961,0
+coffeen,822,2
+shelbyville,1962,7
+newfields,435,6
+lindenwood,2413,3
+lindenwood,1015,0
+shelbyville,1765,4
+leonardo,256,4
+lakeville,1592,11
+woodbine,2046,1
+pinesdale,932,4
+pomaria,1220,1
+beechwood,150,2
+shelbyville,2275,0
+lindenwood,2014,5
+lindenwood,1882,1
+klickitat,1523,7
+hanson,1420,2
+mifflinburg,765,2
+wainscott,1393,2
+shelbyville,971,0
+lindenwood,2503,4
+hiteman,1190,3
+klickitat,1713,2
+forkland,668,2
+wainscott,206,11
+beechwood,299,3
+merom,987,1
+woodbine,23,8
+cosmos,787,3
+hanson,1365,1
+klickitat,1426,10
+lakeville,1869,12
+hanson,269,9
+newfields,183,9
+mifflinburg,72,4
+wainscott,1719,0
+newfields,1352,2
+wainscott,1757,0
+leonardo,606,5
+wainscott,625,6
+klickitat,1519,2
+leonardo,1209,7
+pinesdale,542,5
+marstons,1587,1
+newfields,719,5
+hiteman,1383,3
+hanson,789,2
+hanson,385,6
+lindenwood,892,4
+hiteman,1142,6
+newfields,696,0
+pomaria,1363,4
+pinesdale,1268,9
+tolstoy,1203,0
+hanson,1172,4
+lindenwood,104,10
+lakeville,1818,0
+wainscott,30,5
+marstons,1113,15
+stockman,1505,0
+shelbyville,2107,3
+leonardo,1455,0
+leonardo,1722,1
+ranchester,703,9
+stockman,1000,1
+lakeville,1068,14
+pinesdale,291,2
+hiteman,1852,0
+hanson,1354,1
+marstons,21,6
+wainscott,598,4
+newfields,1491,0
+hiteman,1339,16
+ranchester,977,3
+newfields,975,10
+merom,582,8
+pinesdale,738,4
+lakeville,922,1
+cosmos,688,2
+wainscott,979,1
+woodbine,1547,6
+leonardo,1985,2
+merom,164,1
+hiteman,620,4
+pomaria,913,2
+lakeville,515,11
+hanson,1194,6
+pomaria,609,7
+mifflinburg,451,3
+leonardo,1179,0
+merom,909,1
+shelbyville,2657,2
+beechwood,498,1
+hanson,56,7
+forkland,705,5
+woodbine,965,7
+klickitat,1429,10
+klickitat,2138,1
+pinesdale,213,1
+stockman,577,2
+pomaria,1539,3
+leonardo,1512,0
+marstons,1540,1
+benevolence,470,4
+hanson,775,2
+mifflinburg,34,5
+tolstoy,1131,4
+merom,801,3
+lakeville,422,10
+lakeville,703,1
+tolstoy,1638,3
+beechwood,3,8
+ranchester,2,2
+shelbyville,725,10
+pomaria,1024,5
+pomaria,218,2
+lakeville,4,5
+shelbyville,2700,2
+woodbine,1753,3
+marstons,1094,3
+marstons,1499,0
+woodbine,61,2
+klickitat,1737,3
+pomaria,427,12
+hiteman,1324,0
+hiteman,1161,1
+stockman,265,9
+woodbine,1859,0
+beechwood,791,0
+leonardo,843,2
+lakeville,1751,8
+coffeen,283,6
+ranchester,1140,1
+tolstoy,1655,4
+marstons,1325,9
+leonardo,1480,1
+shelbyville,256,10
+newfields,751,7
+lakeville,1063,2
+hiteman,670,3
+shelbyville,2139,4
+klickitat,974,6
+wainscott,377,4
+coffeen,1011,3
+pomaria,1630,2
+leonardo,1938,5
+newfields,658,15
+pinesdale,1385,1
+marstons,1265,2
+ranchester,1207,1
+leonardo,2119,1
+hiteman,874,7
+wainscott,1576,3
+leonardo,287,3
+newfields,1543,1
+klickitat,274,2
+beechwood,733,1
+hanson,369,8
+lakeville,464,5
+lakeville,354,0
+hiteman,1655,4
+shelbyville,104,11
+ranchester,1336,4
+lakeville,1617,2
+wainscott,1251,4
+hanson,40,9
+marstons,2414,0
+leonardo,1891,4
+pomaria,1321,3
+lindenwood,1954,2
+stockman,1158,3
+stockman,493,3
+lindenwood,327,13
+hanson,694,14
+marstons,1489,8
+hiteman,1071,7
+shelbyville,1606,3
+woodbine,1667,16
+klickitat,1682,7
+wainscott,934,7
+merom,715,0
+lindenwood,353,2
+hiteman,1435,0
+beechwood,465,3
+woodbine,1987,0
+cosmos,756,4
+merom,916,2
+marstons,2203,2
+klickitat,1344,2
+merom,879,2
+leonardo,406,13
+newfields,1625,5
+hanson,10,2
+ranchester,115,5
+hanson,1467,12
+pomaria,1213,11
+marstons,1155,7
+leonardo,1895,7
+marstons,2441,0
+marstons,1278,4
+lindenwood,448,5
+pomaria,42,10
+pinesdale,1363,11
+leonardo,1962,1
+klickitat,2285,0
+beechwood,903,3
+lindenwood,2206,4
+newfields,76,2
+lakeville,1681,2
+lakeville,8,10
+lakeville,248,2
+shelbyville,2670,13
+woodbine,560,4
+klickitat,1953,2
+onaga,530,3
+hiteman,1219,3
+wainscott,1213,0
+woodbine,1599,2
+klickitat,13,1
+shelbyville,1101,0
+lindenwood,1548,7
+leonardo,881,5
+forkland,870,0
+hiteman,988,8
+newfields,292,5
+ranchester,377,9
+wainscott,1703,13
+klickitat,167,1
+pomaria,1235,4
+shelbyville,1709,5
+wainscott,581,5
+tolstoy,408,5
+pomaria,1613,1
+woodbine,2005,5
+stockman,678,3
+tolstoy,1814,1
+shelbyville,2127,4
+lindenwood,1158,1
+benevolence,717,4
+beechwood,162,0
+shelbyville,1418,2
+lindenwood,834,3
+beechwood,88,5
+leonardo,155,1
+marstons,1116,4
+shelbyville,130,4
+woodbine,1668,2
+klickitat,760,1
+ranchester,58,4
+coffeen,626,5
+klickitat,2018,0
+lakeville,439,0
+ranchester,1149,3
+merom,706,2
+cosmos,502,4
+benevolence,40,4
+wainscott,1444,2
+hiteman,526,4
+merom,358,1
+tolstoy,228,2
+klickitat,1933,5
+shelbyville,2385,11
+marstons,717,5
+pomaria,322,1
+hanson,907,2
+hanson,1367,4
+leonardo,138,6
+leonardo,850,2
+marstons,1872,8
+shelbyville,1990,0
+woodbine,842,1
+beechwood,645,1
+hanson,476,2
+leonardo,2015,1
+ranchester,24,9
+shelbyville,2784,2
+benevolence,179,7
+woodbine,1724,4
+pinesdale,326,3
+hanson,490,5
+lakeville,577,7
+tolstoy,709,13
+lakeville,1715,11
+beechwood,724,2
+tolstoy,1733,4
+forkland,876,1
+tolstoy,177,2
+lindenwood,1262,6
+klickitat,738,14
+pomaria,1044,2
+hiteman,1747,1
+hiteman,1096,4
+ranchester,38,8
+wainscott,486,3
+lindenwood,2170,1
+ranchester,655,2
+pinesdale,1329,0
+leonardo,404,4
+tolstoy,187,0
+woodbine,1357,11
+marstons,1799,2
+klickitat,751,1
+lindenwood,119,7
+woodbine,169,2
+newfields,997,3
+wainscott,1346,2
+lindenwood,286,11
+coffeen,305,1
+newfields,314,8
+newfields,1250,7
+klickitat,1191,7
+newfields,422,15
+onaga,9,7
+lindenwood,692,4
+ranchester,877,1
+newfields,595,5
+pomaria,581,2
+marstons,712,8
+wainscott,1675,5
+hiteman,1076,3
+woodbine,263,3
+lindenwood,885,3
+ranchester,686,4
+benevolence,630,2
+pomaria,1213,8
+lindenwood,754,7
+wainscott,1032,8
+lindenwood,1569,3
+woodbine,1951,2
+klickitat,1806,11
+benevolence,358,3
+lakeville,358,1
+pomaria,1096,1
+newfields,182,0
+shelbyville,607,1
+leonardo,1370,1
+shelbyville,1258,11
+wainscott,964,1
+merom,303,7
+beechwood,29,2
+ranchester,1114,3
+pinesdale,1103,1
+coffeen,1441,1
+wainscott,871,5
+stockman,1392,0
+wainscott,1732,1
+pomaria,520,5
+newfields,1068,1
+shelbyville,1207,3
+hanson,1003,2
+cosmos,753,0
+klickitat,1707,3
+marstons,266,1
+newfields,787,15
+ranchester,702,1
+hanson,1318,13
+lindenwood,2575,2
+stockman,524,0
+coffeen,351,5
+woodbine,1207,7
+lakeville,789,1
+hiteman,605,6
+lakeville,963,4
+ranchester,792,13
+lakeville,1810,2
+klickitat,2257,2
+klickitat,2109,4
+lakeville,426,5
+hanson,359,4
+klickitat,1404,0
+lindenwood,1086,4
+hiteman,819,0
+forkland,804,0
+hanson,666,5
+hanson,899,6
+coffeen,1266,2
+pinesdale,1462,10
+pomaria,1188,4
+leonardo,1695,3
+leonardo,1825,5
+shelbyville,437,6
+klickitat,419,0
+coffeen,751,0
+lindenwood,345,7
+lindenwood,2315,12
+lakeville,67,11
+forkland,746,1
+merom,584,2
+marstons,620,9
+hiteman,1457,10
+tolstoy,913,7
+tolstoy,1115,1
+lindenwood,1442,3
+hanson,1232,1
+woodbine,1713,3
+tolstoy,499,11
+pomaria,1452,5
+klickitat,2116,8
+newfields,945,1
+hanson,1116,3
+woodbine,943,0
+onaga,351,1
+shelbyville,28,2
+shelbyville,1962,16
+lakeville,1514,5
+wainscott,911,2
+pinesdale,1017,3
+wainscott,1201,0
+wainscott,592,3
+hiteman,143,3
+woodbine,1588,3
+lakeville,658,0
+coffeen,1436,2
+marstons,1842,0
+klickitat,1937,2
+newfields,1041,10
+lakeville,31,9
+marstons,2162,1
+klickitat,803,4
+klickitat,1185,1
+pinesdale,518,2
+cosmos,263,0
+tolstoy,817,3
+woodbine,829,6
+leonardo,294,3
+shelbyville,636,7
+lindenwood,941,1
+woodbine,272,1
+woodbine,1128,6
+hanson,656,10
+lindenwood,172,7
+hanson,448,4
+shelbyville,992,0
+lindenwood,75,3
+shelbyville,1921,2
+ranchester,1580,10
+lindenwood,1424,0
+marstons,247,0
+pomaria,1039,1
+allensville,256,0
+stockman,1278,1
+hiteman,1304,3
+marstons,571,1
+woodbine,303,6
+forkland,259,10
+merom,419,1
+lakeville,868,2
+lakeville,1725,1
+pinesdale,1407,4
+leonardo,1200,5
+lindenwood,2020,1
+klickitat,2268,7
+shelbyville,1069,4
+hanson,543,1
+lakeville,263,6
+wainscott,933,4
+ranchester,893,0
+marstons,809,0
+marstons,1622,0
+marstons,77,4
+beechwood,1021,1
+leonardo,929,5
+lindenwood,1416,6
+pinesdale,1381,4
+lakeville,1420,8
+pomaria,1580,0
+benevolence,243,0
+benevolence,555,3
+stockman,1117,2
+hanson,786,10
+lindenwood,1222,5
+woodbine,794,1
+benevolence,291,2
+pomaria,1337,1
+forkland,518,0
+beechwood,568,0
+shelbyville,783,2
+benevolence,582,6
+beechwood,779,9
+cosmos,1074,2
+ranchester,144,2
+onaga,180,2
+onaga,200,3
+shelbyville,1827,4
+wainscott,1632,1
+beechwood,187,1
+marstons,907,6
+tolstoy,137,1
+klickitat,1930,8
+woodbine,217,0
+coffeen,592,3
+ranchester,374,2
+hiteman,1556,17
+hanson,1272,2
+merom,799,0
+lakeville,1159,3
+shelbyville,449,2
+ranchester,182,9
+mifflinburg,610,1
+woodbine,221,5
+newfields,176,2
+pinesdale,1440,2
+pomaria,810,3
+leonardo,1832,1
+pinesdale,1184,6
+leonardo,398,4
+hiteman,117,0
+shelbyville,1503,3
+shelbyville,1954,8
+pinesdale,1243,3
+forkland,488,0
+wainscott,1153,7
+beechwood,399,1
+lindenwood,547,2
+pomaria,976,7
+shelbyville,1654,9
+pinesdale,802,0
+woodbine,7,3
+lindenwood,920,4
+beechwood,244,3
+pinesdale,1400,4
+leonardo,502,4
+lakeville,358,13
+stockman,329,3
+ranchester,34,1
+hanson,8,0
+beechwood,590,4
+onaga,290,5
+lindenwood,1517,0
+stockman,1126,6
+beechwood,147,0
+wainscott,1207,10
+klickitat,1042,3
+forkland,673,2
+woodbine,845,2
+onaga,123,0
+marstons,2519,0
+hiteman,1459,0
+lindenwood,259,0
+woodbine,1914,3
+marstons,1217,10
+stockman,704,4
+newfields,935,3
+marstons,244,6
+wainscott,113,1
+pomaria,1668,0
+tolstoy,1653,2
+ranchester,604,3
+lindenwood,59,6
+cosmos,209,1
+pomaria,235,2
+tolstoy,895,0
+pomaria,1516,2
+cosmos,74,1
+shelbyville,2758,0
+stockman,153,3
+lindenwood,1351,5
+forkland,771,2
+klickitat,1651,0
+lindenwood,451,3
+leonardo,1,2
+marstons,2328,2
+merom,542,0
+hiteman,1829,0
+merom,470,0
+tolstoy,1760,8
+lindenwood,515,5
+newfields,661,4
+lindenwood,2577,8
+merom,371,3
+hanson,1441,8
+lindenwood,164,1
+merom,846,8
+woodbine,534,5
+lindenwood,145,6
+woodbine,1202,12
+merom,81,4
+hanson,567,3
+lindenwood,2166,5
+shelbyville,2153,0
+pomaria,47,2
+shelbyville,1725,5
+pinesdale,731,7
+wainscott,1152,9
+lindenwood,268,6
+mifflinburg,377,5
+shelbyville,2595,3
+hanson,1481,9
+pinesdale,1166,3
+lindenwood,1419,1
+hanson,861,1
+mifflinburg,846,1
+allensville,349,1
+ranchester,207,6
+merom,377,7
+shelbyville,2274,12
+klickitat,1370,2
+lindenwood,68,1
+pinesdale,790,0
+shelbyville,1069,14
+wainscott,1314,6
+woodbine,1508,14
+pomaria,459,6
+marstons,916,4
+merom,821,2
+marstons,128,3
+tolstoy,876,10
+lindenwood,528,7
+coffeen,55,7
+pinesdale,69,4
+lindenwood,904,5
+leonardo,1976,11
+wainscott,1288,8
+hiteman,988,9
+coffeen,924,0
+hiteman,1537,5
+lindenwood,1782,7
+woodbine,1961,2
+lakeville,1537,12
+leonardo,1712,8
+hanson,1601,8
+pomaria,1392,16
+shelbyville,453,13
+pinesdale,786,4
+ranchester,1317,0
+leonardo,1710,2
+marstons,2109,0
+coffeen,857,1
+leonardo,817,4
+pinesdale,680,1
+lakeville,1644,2
+tolstoy,1832,6
+leonardo,1728,4
+leonardo,1454,15
+leonardo,107,2
+hiteman,324,1
+hiteman,1776,5
+hiteman,1145,2
+newfields,1439,22
+marstons,626,1
+klickitat,643,1
+shelbyville,264,7
+klickitat,491,7
+woodbine,186,5
+coffeen,595,7
+merom,545,2
+wainscott,770,6
+beechwood,845,4
+hiteman,68,13
+forkland,1054,2
+coffeen,556,4
+woodbine,1963,4
+leonardo,1948,5
+pomaria,1369,6
+benevolence,405,3
+stockman,1353,1
+merom,529,2
+merom,799,7
+pinesdale,751,3
+shelbyville,2777,6
+woodbine,199,6
+allensville,385,0
+onaga,633,1
+lindenwood,327,8
+onaga,245,3
+leonardo,555,8
+stockman,166,3
+hiteman,1779,4
+hanson,1022,2
+lakeville,559,4
+pinesdale,1045,0
+lindenwood,362,0
+lindenwood,464,2
+lindenwood,2618,7
+shelbyville,62,2
+woodbine,1845,9
+leonardo,48,0
+shelbyville,1741,6
+leonardo,2058,1
+leonardo,1308,4
+beechwood,1128,8
+klickitat,1431,0
+stockman,475,4
+ranchester,444,2
+ranchester,132,6
+pinesdale,1274,2
+pomaria,641,7
+leonardo,1078,2
+hiteman,586,0
+pomaria,976,3
+lindenwood,1187,4
+pomaria,449,4
+tolstoy,1408,8
+woodbine,829,4
+benevolence,605,3
+marstons,1372,1
+forkland,201,1
+wainscott,416,2
+wainscott,1369,2
+ranchester,898,0
+klickitat,39,6
+wainscott,523,4
+forkland,916,5
+hanson,380,3
+tolstoy,1433,1
+tolstoy,1275,3
+marstons,2588,0
+marstons,2444,13
+marstons,648,15
+pomaria,890,8
+tolstoy,1171,4
+woodbine,1945,1
+shelbyville,190,3
+hanson,283,4
+stockman,947,1
+newfields,1594,3
+newfields,1542,8
+hiteman,1609,2
+ranchester,110,2
+hanson,292,3
+shelbyville,2712,2
+lindenwood,1355,1
+hanson,1271,7
+shelbyville,478,7
+onaga,310,7
+shelbyville,571,6
+lindenwood,1185,3
+stockman,696,9
+pinesdale,327,0
+woodbine,1301,2
+pomaria,1127,2
+pinesdale,989,1
+allensville,92,2
+onaga,444,2
+klickitat,1789,2
+shelbyville,681,5
+newfields,1517,2
+lindenwood,1531,1
+wainscott,1322,12
+allensville,408,4
+newfields,477,7
+woodbine,1214,5
+leonardo,1633,6
+newfields,476,2
+klickitat,1186,12
+ranchester,499,5
+marstons,530,1
+mifflinburg,715,4
+beechwood,414,0
+marstons,11,2
+lakeville,1388,1
+allensville,237,2
+pomaria,1585,3
+klickitat,2135,1
+tolstoy,927,0
+woodbine,262,4
+hiteman,896,11
+klickitat,1918,6
+shelbyville,2247,5
+klickitat,96,5
+stockman,1143,1
+forkland,24,2
+forkland,747,1
+wainscott,1439,4
+shelbyville,1724,8
+cosmos,823,0
+marstons,1488,2
+tolstoy,723,1
+lakeville,155,0
+pinesdale,93,3
+tolstoy,1075,3
+lakeville,168,2
+ranchester,1502,0
+pinesdale,273,1
+cosmos,89,8
+mifflinburg,57,0
+woodbine,465,2
+klickitat,150,19
+klickitat,445,4
+newfields,1439,8
+lindenwood,1251,2
+shelbyville,1672,6
+klickitat,55,2
+newfields,17,15
+tolstoy,6,12
+lindenwood,1390,5
+marstons,1183,5
+newfields,691,0
+beechwood,944,5
+klickitat,172,1
+tolstoy,597,0
+newfields,903,0
+beechwood,472,2
+marstons,1333,5
+tolstoy,486,1
+lakeville,835,8
+newfields,1204,10
+hiteman,1716,11
+lakeville,14,2
+pomaria,54,6
+mifflinburg,755,1
+hanson,818,2
+stockman,1015,1
+coffeen,315,1
+klickitat,171,7
+wainscott,1637,1
+coffeen,1304,9
+woodbine,1233,3
+cosmos,196,0
+wainscott,1733,8
+mifflinburg,349,4
+lindenwood,866,7
+marstons,1575,14
+hanson,796,6
+stockman,1137,0
+leonardo,731,4
+pomaria,298,0
+newfields,616,0
+wainscott,811,5
+marstons,725,5
+ranchester,1481,0
+lindenwood,1894,7
+merom,299,1
+wainscott,389,0
+woodbine,1119,0
+marstons,9,0
+merom,235,3
+coffeen,1277,3
+wainscott,847,1
+pomaria,743,1
+ranchester,433,4
+lakeville,1605,1
+shelbyville,2172,12
+marstons,2228,1
+mifflinburg,106,0
+leonardo,1899,5
+onaga,225,2
+hiteman,564,4
+wainscott,642,1
+marstons,1893,3
+leonardo,1020,5
+cosmos,93,4
+pinesdale,557,1
+woodbine,1782,4
+klickitat,479,15
+wainscott,451,7
+woodbine,1802,6
+leonardo,1988,0
+cosmos,740,5
+marstons,1898,1
+marstons,138,2
+shelbyville,2226,0
+shelbyville,1179,3
+wainscott,75,3
+pomaria,1563,1
+merom,501,9
+stockman,989,1
+onaga,624,0
+shelbyville,1838,3
+lakeville,977,7
+hiteman,619,4
+hiteman,692,4
+tolstoy,1452,4
+woodbine,1165,5
+pomaria,164,7
+lindenwood,1409,2
+woodbine,100,18
+beechwood,760,7
+marstons,868,7
+hiteman,1127,6
+tolstoy,574,0
+forkland,1123,2
+lindenwood,1850,6
+pomaria,1168,1
+pinesdale,1445,7
+woodbine,1195,2
+coffeen,1102,0
+cosmos,947,0
+beechwood,1142,2
+leonardo,468,0
+forkland,158,2
+hiteman,1744,2
+wainscott,1260,2
+allensville,376,0
+tolstoy,1061,3
+hanson,54,0
+hanson,1073,5
+forkland,1113,0
+newfields,217,12
+pinesdale,150,5
+klickitat,1494,4
+tolstoy,1454,1
+allensville,105,1
+shelbyville,406,1
+klickitat,1909,1
+lakeville,1150,2
+marstons,2476,11
+wainscott,226,3
+lakeville,1763,10
+lindenwood,1756,7
+woodbine,929,0
+pomaria,521,0
+pinesdale,961,4
+coffeen,1184,2
+onaga,222,7
+hiteman,1631,2
+leonardo,1392,6
+wainscott,287,3
+leonardo,64,2
+lindenwood,783,0
+lakeville,974,3
+shelbyville,2133,17
+onaga,662,1
+hanson,215,0
+stockman,504,3
+shelbyville,105,5
+pinesdale,1197,0
+tolstoy,126,3
+woodbine,1014,1
+benevolence,391,3
+hiteman,1445,0
+newfields,1334,3
+lindenwood,1765,1
+mifflinburg,969,2
+pinesdale,355,0
+marstons,1824,1
+tolstoy,664,0
+klickitat,2362,5
+newfields,903,3
+wainscott,367,3
+merom,625,3
+newfields,341,10
+marstons,2498,4
+shelbyville,929,8
+pinesdale,18,2
+hanson,1394,10
+klickitat,214,11
+lakeville,756,0
+marstons,929,3
+stockman,1242,0
+klickitat,2025,0
+onaga,6,3
+lindenwood,2385,7
+wainscott,1620,1
+ranchester,1498,3
+hanson,1221,4
+stockman,1208,5
+leonardo,681,0
+marstons,1081,10
+leonardo,904,8
+stockman,1299,4
+wainscott,835,6
+klickitat,2399,5
+shelbyville,1420,5
+pomaria,1542,0
+lindenwood,494,6
+tolstoy,1095,0
+woodbine,713,0
+ranchester,550,8
+wainscott,999,3
+shelbyville,1554,1
+newfields,1620,5
+woodbine,875,11
+lakeville,974,7
+woodbine,1453,0
+leonardo,1826,2
+hanson,1304,2
+woodbine,1749,2
+pomaria,714,0
+tolstoy,1755,1
+pomaria,470,6
+beechwood,1158,6
+benevolence,339,7
+hanson,1201,10
+tolstoy,512,1
+marstons,297,0
+shelbyville,2728,3
+pomaria,64,2
+shelbyville,2181,5
+mifflinburg,21,1
+ranchester,1094,9
+klickitat,1416,1
+lakeville,1651,0
+marstons,1613,5
+ranchester,112,6
+pinesdale,1263,0
+benevolence,871,11
+leonardo,606,1
+shelbyville,1237,2
+tolstoy,1469,8
+beechwood,551,3
+coffeen,928,3
+wainscott,365,4
+wainscott,1110,12
+coffeen,3,0
+marstons,277,2
+lindenwood,111,1
+stockman,266,2
+hiteman,600,10
+wainscott,584,14
+beechwood,289,2
+woodbine,251,0
+lindenwood,2187,7
+stockman,847,1
+pomaria,1003,0
+stockman,19,1
+wainscott,565,1
+hanson,7,6
+lakeville,566,0
+klickitat,728,7
+leonardo,960,5
+marstons,956,6
+shelbyville,419,0
+newfields,299,6
+lindenwood,1095,3
+lindenwood,1651,2
+leonardo,1525,1
+shelbyville,2453,4
+woodbine,893,4
+pomaria,1567,7
+pomaria,591,3
+shelbyville,1813,13
+klickitat,146,1
+klickitat,1530,1
+hiteman,540,1
+pomaria,248,5
+woodbine,594,16
+lindenwood,1180,2
+shelbyville,1349,2
+leonardo,779,6
+marstons,502,0
+klickitat,690,2
+marstons,17,0
+hanson,281,0
+klickitat,802,0
+tolstoy,1249,8
+pinesdale,571,4
+beechwood,671,3
+newfields,765,5
+shelbyville,1521,0
+lindenwood,88,4
+woodbine,1502,3
+pomaria,272,4
+lindenwood,1493,4
+wainscott,539,5
+lakeville,1795,0
+lakeville,1720,5
+lindenwood,1639,6
+tolstoy,145,6
+shelbyville,623,4
+klickitat,782,1
+leonardo,1648,7
+shelbyville,496,1
+shelbyville,1309,2
+newfields,119,3
+wainscott,467,15
+ranchester,1472,4
+pomaria,1215,0
+allensville,104,5
+leonardo,1708,3
+wainscott,1593,6
+benevolence,763,1
+klickitat,2415,3
+woodbine,502,2
+pinesdale,187,5
+marstons,2352,2
+klickitat,1574,1
+ranchester,895,3
+wainscott,1039,6
+cosmos,609,0
+lindenwood,2384,2
+shelbyville,830,1
+stockman,243,4
+tolstoy,171,1
+newfields,1382,3
+shelbyville,1968,5
+shelbyville,2501,12
+hiteman,745,4
+lindenwood,1749,4
+woodbine,1050,16
+woodbine,86,3
+cosmos,450,0
+marstons,173,4
+lakeville,4,0
+lindenwood,1,8
+shelbyville,2416,4
+marstons,1231,5
+shelbyville,1852,5
+shelbyville,758,7
+shelbyville,2770,13
+newfields,42,9
+benevolence,735,0
+lakeville,887,2
+mifflinburg,603,3
+woodbine,1673,3
+benevolence,851,0
+marstons,1496,0
+lakeville,408,2
+tolstoy,332,0
+lindenwood,337,1
+newfields,475,2
+hanson,231,4
+klickitat,340,3
+lindenwood,94,1
+klickitat,548,11
+woodbine,1279,2
+hanson,875,5
+pinesdale,1091,0
+merom,198,1
+wainscott,1490,0
+marstons,825,7
+lindenwood,2168,0
+tolstoy,795,14
+mifflinburg,507,4
+tolstoy,292,0
+leonardo,1098,3
+lakeville,1662,5
+tolstoy,682,5
+tolstoy,144,2
+leonardo,1980,1
+lakeville,1467,3
+pomaria,672,1
+pinesdale,849,2
+lakeville,209,2
+newfields,1190,5
+woodbine,218,3
+lakeville,1051,5
+pomaria,798,2
+shelbyville,1078,1
+marstons,1122,0
+wainscott,1223,1
+pomaria,768,2
+lakeville,189,0
+shelbyville,2678,4
+forkland,1096,3
+klickitat,1330,2
+shelbyville,2017,5
+klickitat,1672,4
+cosmos,407,3
+klickitat,1000,3
+pinesdale,481,2
+lindenwood,1,10
+wainscott,89,4
+beechwood,972,3
+stockman,544,6
+klickitat,1069,8
+hanson,1436,6
+hanson,574,4
+hiteman,549,1
+woodbine,4,4
+klickitat,132,8
+marstons,230,8
+hanson,1297,1
+hanson,1431,2
+newfields,532,11
+hiteman,870,6
+stockman,341,4
+shelbyville,2740,3
+klickitat,312,5
+hiteman,1360,1
+woodbine,1664,2
+hiteman,702,7
+wainscott,140,11
+forkland,490,7
+leonardo,90,0
+lakeville,811,11
+wainscott,631,3
+lakeville,1701,7
+lakeville,1752,6
+hiteman,50,9
+shelbyville,1821,1
+wainscott,559,3
+wainscott,574,2
+klickitat,1881,5
+forkland,790,5
+wainscott,884,2
+marstons,166,3
+woodbine,1983,3
+ranchester,50,8
+lindenwood,671,8
+hanson,1019,2
+forkland,475,3
+leonardo,1087,0
+stockman,912,7
+stockman,83,13
+woodbine,153,1
+klickitat,1852,2
+beechwood,711,2
+leonardo,1631,2
+shelbyville,629,7
+pinesdale,724,5
+pomaria,183,3
+forkland,907,3
+leonardo,1600,12
+shelbyville,1591,10
+ranchester,1108,8
+cosmos,430,2
+lindenwood,2651,2
+merom,995,3
+coffeen,1293,1
+shelbyville,236,2
+klickitat,214,17
+hiteman,366,7
+hanson,1428,7
+onaga,183,0
+woodbine,1456,2
+lindenwood,2129,12
+hiteman,249,2
+pinesdale,128,4
+pomaria,1495,0
+hiteman,1463,8
+forkland,181,4
+lakeville,1791,4
+woodbine,1868,7
+klickitat,472,11
+marstons,2387,2
+forkland,775,1
+coffeen,413,2
+pinesdale,440,2
+stockman,133,0
+hiteman,438,3
+beechwood,828,2
+woodbine,1914,1
+coffeen,395,2
+coffeen,1167,1
+pomaria,1087,1
+hanson,1653,8
+stockman,1416,5
+woodbine,456,2
+wainscott,1434,1
+tolstoy,1178,5
+coffeen,354,5
+forkland,1148,0
+klickitat,515,6
+pinesdale,445,4
+pomaria,983,9
+lakeville,924,3
+lindenwood,2495,0
+pinesdale,5,2
+coffeen,430,10
+marstons,1394,2
+klickitat,661,2
+lindenwood,1482,2
+benevolence,753,4
+pomaria,538,14
+stockman,810,3
+shelbyville,2431,5
+benevolence,376,5
+onaga,334,1
+forkland,358,2
+mifflinburg,635,2
+tolstoy,365,5
+woodbine,695,2
+lakeville,1645,4
+shelbyville,924,1
+woodbine,1158,8
+beechwood,877,3
+wainscott,280,1
+marstons,1589,6
+shelbyville,1471,2
+tolstoy,1229,3
+wainscott,1609,0
+marstons,230,11
+benevolence,625,6
+klickitat,1799,9
+mifflinburg,345,5
+marstons,995,2
+leonardo,615,8
+klickitat,880,7
+shelbyville,1026,5
+klickitat,2252,1
+lindenwood,1980,2
+coffeen,295,6
+mifflinburg,766,0
+stockman,86,8
+hiteman,262,7
+hiteman,236,0
+woodbine,1444,12
+klickitat,286,7
+lindenwood,2561,3
+shelbyville,2781,4
+klickitat,1636,3
+leonardo,261,3
+wainscott,311,1
+coffeen,1218,8
+marstons,594,0
+klickitat,1813,0
+leonardo,1221,5
+lakeville,1278,11
+leonardo,1176,0
+marstons,1518,13
+leonardo,594,3
+beechwood,75,2
+shelbyville,1929,1
+marstons,260,3
+hanson,144,14
+stockman,820,0
+klickitat,330,0
+klickitat,1861,0
+cosmos,155,6
+tolstoy,164,3
+hiteman,1759,1
+newfields,240,7
+klickitat,2285,12
+mifflinburg,660,2
+allensville,402,7
+hiteman,966,6
+ranchester,666,7
+coffeen,202,0
+stockman,367,4
+leonardo,1191,0
+pinesdale,79,2
+pomaria,1601,1
+pomaria,1173,0
+leonardo,1779,3
+hanson,1445,1
+lakeville,583,10
+tolstoy,56,3
+pomaria,1292,1
+newfields,1243,5
+pinesdale,1069,1
+woodbine,295,18
+pomaria,1044,8
+stockman,1345,2
+klickitat,161,2
+lakeville,768,1
+benevolence,194,0
+klickitat,2405,4
+klickitat,415,5
+lakeville,428,2
+ranchester,25,1
+lindenwood,1292,7
+marstons,1302,3
+wainscott,358,5
+allensville,87,2
+shelbyville,2479,2
+forkland,1060,2
+ranchester,1188,6
+tolstoy,1301,8
+klickitat,2187,0
+stockman,432,5
+pomaria,492,12
+tolstoy,274,4
+stockman,1552,4
+coffeen,112,3
+lakeville,306,6
+pinesdale,623,4
+wainscott,388,8
+klickitat,1930,2
+pomaria,1199,14
+woodbine,24,2
+lindenwood,1164,1
+leonardo,569,4
+tolstoy,1270,4
+klickitat,1417,0
+pomaria,1299,9
+wainscott,241,11
+marstons,1014,2
+wainscott,62,15
+mifflinburg,722,2
+newfields,665,5
+beechwood,62,0
+hanson,1107,9
+woodbine,950,0
+klickitat,784,0
+stockman,985,2
+woodbine,328,5
+lakeville,1344,14
+leonardo,1790,0
+shelbyville,623,0
+shelbyville,1102,14
+ranchester,645,12
+newfields,431,4
+stockman,539,14
+marstons,1756,5
+ranchester,433,2
+lindenwood,1115,5
+ranchester,1627,9
+wainscott,1630,15
+klickitat,2334,4
+hanson,1299,2
+merom,974,3
+newfields,1222,6
+pinesdale,758,2
+shelbyville,1393,0
+shelbyville,2215,12
+marstons,1553,4
+ranchester,1572,2
+pinesdale,890,1
+pinesdale,610,0
+hiteman,1376,12
+beechwood,337,2
+lakeville,1748,1
+lindenwood,2403,2
+shelbyville,2696,2
+lindenwood,2663,3
+stockman,1040,0
+merom,81,2
+woodbine,962,2
+ranchester,310,1
+shelbyville,80,9
+lakeville,773,1
+wainscott,862,4
+coffeen,1354,3
+beechwood,3,7
+cosmos,874,0
+wainscott,1231,3
+woodbine,642,0
+leonardo,1096,0
+pinesdale,603,3
+beechwood,96,0
+lindenwood,1800,0
+coffeen,1204,6
+leonardo,682,4
+shelbyville,1902,4
+lakeville,22,9
+marstons,40,4
+merom,351,2
+ranchester,179,7
+pomaria,1365,0
+klickitat,517,2
+lakeville,206,9
+lindenwood,1690,3
+cosmos,285,3
+forkland,656,1
+pinesdale,202,1
+hiteman,1828,10
+stockman,1348,0
+newfields,424,3
+tolstoy,631,10
+woodbine,852,4
+tolstoy,631,9
+woodbine,951,5
+pomaria,1598,2
+ranchester,354,3
+newfields,630,3
+woodbine,1856,3
+hiteman,1828,8
+woodbine,1319,8
+lindenwood,1802,1
+leonardo,0,4
+klickitat,2266,6
+woodbine,1970,0
+leonardo,261,0
+pinesdale,515,0
+shelbyville,2302,3
+wainscott,1203,7
+leonardo,615,1
+hanson,1532,0
+coffeen,587,3
+shelbyville,2114,3
+allensville,460,1
+benevolence,301,6
+lindenwood,776,1
+stockman,1460,1
+marstons,517,7
+hanson,1527,0
+lakeville,179,9
+hiteman,363,1
+wainscott,1688,6
+hanson,1161,13
+shelbyville,2184,1
+lindenwood,1823,2
+forkland,608,2
+hiteman,1578,14
+woodbine,750,9
+benevolence,839,0
+leonardo,1888,4
+ranchester,891,4
+beechwood,349,0
+lakeville,1329,8
+newfields,1119,0
+hiteman,220,0
+hanson,892,6
+lindenwood,2037,0
+klickitat,1311,9
+lakeville,152,1
+shelbyville,1786,1
+lindenwood,802,3
+stockman,720,6
+beechwood,81,2
+wainscott,496,13
+stockman,400,0
+newfields,1524,0
+marstons,1448,3
+woodbine,1583,16
+onaga,45,2
+hanson,1465,5
+klickitat,694,0
+klickitat,535,7
+lakeville,1086,8
+pinesdale,1321,0
+ranchester,1053,3
+marstons,721,2
+hiteman,695,10
+mifflinburg,75,2
+stockman,1538,3
+ranchester,592,12
+allensville,59,1
+shelbyville,675,7
+leonardo,529,0
+pinesdale,1428,0
+marstons,698,10
+woodbine,1556,8
+pinesdale,510,1
+ranchester,1254,0
+onaga,275,0
+marstons,2413,0
+newfields,314,5
+woodbine,381,7
+tolstoy,1526,7
+allensville,271,3
+mifflinburg,118,0
+hiteman,243,0
+pomaria,1503,3
+mifflinburg,176,1
+coffeen,608,0
+mifflinburg,796,3
+klickitat,804,1
+woodbine,1864,5
+coffeen,1384,4
+tolstoy,1227,1
+tolstoy,1062,11
+woodbine,1499,3
+wainscott,283,7
+newfields,75,3
+klickitat,1297,0
+hanson,150,3
+lakeville,1031,5
+leonardo,1928,21
+klickitat,2182,1
+pomaria,267,4
+marstons,2594,8
+lindenwood,2304,0
+marstons,646,9
+klickitat,1057,1
+mifflinburg,75,12
+newfields,1132,6
+woodbine,2004,1
+hiteman,1238,6
+klickitat,1186,4
+marstons,1681,5
+tolstoy,1477,4
+newfields,334,0
+mifflinburg,418,0
+allensville,485,2
+forkland,1055,4
+woodbine,9,3
+wainscott,439,1
+klickitat,420,4
+shelbyville,2672,4
+pomaria,842,2
+mifflinburg,400,0
+mifflinburg,202,3
+stockman,852,1
+newfields,666,1
+newfields,1032,5
+forkland,63,4
+woodbine,1445,4
+lindenwood,1865,5
+shelbyville,1247,1
+hanson,1599,3
+hiteman,782,6
+marstons,1186,1
+hanson,931,0
+shelbyville,2208,4
+shelbyville,692,14
+ranchester,568,0
+stockman,128,0
+ranchester,1535,7
+shelbyville,1271,4
+pomaria,1324,7
+marstons,2123,7
+marstons,780,2
+allensville,200,2
+pinesdale,1231,2
+lakeville,1639,1
+lindenwood,1525,5
+hanson,820,0
+marstons,814,0
+wainscott,488,2
+shelbyville,944,0
+tolstoy,850,4
+ranchester,1107,3
+beechwood,250,0
+tolstoy,1026,0
+beechwood,7,0
+klickitat,42,11
+shelbyville,617,0
+newfields,3,3
+leonardo,1534,2
+newfields,1543,2
+lindenwood,1030,3
+pinesdale,560,5
+shelbyville,1792,6
+lindenwood,794,2
+mifflinburg,180,3
+ranchester,1388,2
+shelbyville,655,2
+klickitat,1329,3
+benevolence,495,3
+wainscott,59,11
+tolstoy,892,4
+pomaria,1448,1
+woodbine,698,3
+stockman,1092,1
+marstons,1674,7
+woodbine,243,3
+wainscott,296,0
+merom,941,2
+forkland,759,0
+lakeville,387,7
+hiteman,1651,5
+hanson,1174,2
+lindenwood,1557,2
+hanson,1526,3
+pinesdale,960,5
+coffeen,1232,6
+newfields,1018,2
+newfields,1439,21
+marstons,1814,2
+wainscott,1098,5
+hiteman,1644,6
+wainscott,1798,3
+newfields,333,3
+klickitat,840,0
+leonardo,1262,8
+newfields,953,10
+wainscott,481,2
+klickitat,552,2
+tolstoy,1210,1
+pomaria,1436,5
+klickitat,494,5
+cosmos,464,6
+klickitat,1507,10
+klickitat,908,3
+klickitat,1685,2
+beechwood,919,5
+klickitat,1073,3
+newfields,167,2
+lindenwood,1556,5
+leonardo,1490,6
+merom,736,2
+newfields,5,5
+tolstoy,1309,5
+wainscott,337,6
+lakeville,16,9
+klickitat,532,11
+forkland,32,2
+wainscott,1420,2
+klickitat,1182,2
+pinesdale,1392,0
+woodbine,916,6
+onaga,345,1
+woodbine,1001,2
+hanson,1003,0
+hanson,697,1
+hanson,1453,8
+woodbine,1998,0
+klickitat,1482,0
+ranchester,406,12
+hanson,761,6
+tolstoy,668,7
+merom,246,6
+ranchester,706,2
+leonardo,2111,0
+shelbyville,1846,5
+leonardo,1583,2
+lindenwood,1979,1
+shelbyville,439,1
+shelbyville,1266,5
+klickitat,2122,11
+woodbine,654,9
+wainscott,794,8
+cosmos,807,2
+pinesdale,974,1
+ranchester,754,4
+marstons,333,6
+ranchester,1433,3
+lakeville,739,8
+beechwood,843,9
+tolstoy,1015,7
+pomaria,490,2
+pinesdale,1182,3
+lakeville,1076,2
+beechwood,594,10
+tolstoy,199,1
+marstons,2478,2
+wainscott,297,8
+klickitat,442,0
+shelbyville,1125,9
+shelbyville,1623,5
+hiteman,600,3
+klickitat,999,4
+woodbine,1689,4
+ranchester,1358,3
+forkland,549,7
+marstons,692,7
+woodbine,617,2
+hiteman,1795,6
+tolstoy,1421,5
+leonardo,815,8
+woodbine,1874,3
+shelbyville,2697,5
+woodbine,1135,1
+mifflinburg,1,4
+stockman,1202,9
+hiteman,1813,6
+newfields,663,2
+hiteman,564,5
+pomaria,182,4
+tolstoy,41,0
+shelbyville,2805,0
+klickitat,1092,13
+pinesdale,694,1
+beechwood,741,5
+marstons,1404,5
+lakeville,822,0
+onaga,25,0
+shelbyville,1244,3
+klickitat,649,1
+tolstoy,669,1
+newfields,1207,5
+pomaria,1501,1
+newfields,1125,4
+lindenwood,451,7
+tolstoy,1011,2
+tolstoy,321,1
+newfields,1221,6
+shelbyville,1330,4
+ranchester,168,12
+pomaria,728,6
+coffeen,1298,4
+hanson,983,3
+mifflinburg,208,0
+coffeen,1360,1
+klickitat,1433,2
+klickitat,1371,0
+forkland,917,0
+shelbyville,1954,6
+woodbine,832,6
+tolstoy,1474,2
+wainscott,1082,1
+newfields,528,11
+allensville,148,5
+forkland,623,5
+leonardo,1089,10
+hanson,625,3
+onaga,377,9
+merom,224,2
+woodbine,1542,5
+marstons,718,5
+wainscott,652,3
+lindenwood,499,3
+stockman,946,4
+marstons,2548,6
+lindenwood,2052,0
+newfields,1193,1
+shelbyville,244,5
+klickitat,1239,8
+shelbyville,2678,9
+stockman,1048,7
+mifflinburg,217,2
+woodbine,998,11
+marstons,1544,6
+stockman,771,3
+klickitat,1578,0
+wainscott,1042,4
+shelbyville,509,2
+lakeville,284,0
+hiteman,1305,0
+benevolence,491,4
+woodbine,428,7
+klickitat,2412,7
+ranchester,1444,6
+tolstoy,736,11
+leonardo,1423,16
+leonardo,355,1
+merom,305,2
+benevolence,10,2
+marstons,1299,4
+ranchester,1558,1
+lindenwood,1684,4
+shelbyville,351,10
+coffeen,297,0
+tolstoy,52,11
+cosmos,991,1
+forkland,340,0
+marstons,2565,0
+hanson,528,2
+cosmos,62,5
+ranchester,1632,0
+klickitat,1709,2
+wainscott,75,6
+leonardo,1728,10
+cosmos,778,3
+woodbine,670,13
+newfields,703,1
+lindenwood,1048,15
+forkland,569,2
+newfields,1470,1
+cosmos,857,10
+benevolence,801,4
+merom,517,0
+wainscott,74,4
+stockman,544,0
+woodbine,55,7
+shelbyville,131,7
+cosmos,515,3
+lakeville,1233,1
+pinesdale,837,3
+leonardo,478,7
+marstons,148,2
+stockman,353,5
+ranchester,382,7
+coffeen,1277,1
+mifflinburg,19,0
+wainscott,593,3
+benevolence,929,2
+shelbyville,1482,0
+marstons,1612,0
+lindenwood,1441,2
+lakeville,1584,1
+lindenwood,633,5
+cosmos,239,0
+stockman,922,3
+lakeville,338,0
+pomaria,832,2
+stockman,1353,3
+hiteman,632,8
+merom,247,4
+woodbine,538,8
+woodbine,647,4
+ranchester,879,10
+mifflinburg,915,3
+pinesdale,128,8
+coffeen,283,7
+tolstoy,1441,5
+hanson,1169,6
+hanson,60,19
+wainscott,1345,0
+pinesdale,36,11
+woodbine,1951,6
+merom,710,2
+hanson,1639,2
+lakeville,1466,3
+tolstoy,1544,2
+klickitat,668,0
+hiteman,660,10
+woodbine,587,6
+lakeville,1782,2
+pomaria,478,8
+ranchester,896,4
+cosmos,172,0
+leonardo,1230,1
+wainscott,1226,4
+wainscott,1362,1
+wainscott,1776,4
+tolstoy,997,0
+marstons,1962,2
+klickitat,73,7
+lindenwood,2662,10
+pinesdale,1449,9
+mifflinburg,107,4
+hiteman,48,2
+marstons,437,3
+shelbyville,1407,4
+wainscott,1075,6
+hiteman,909,3
+tolstoy,429,7
+pinesdale,986,3
+leonardo,857,5
+lindenwood,2079,1
+pomaria,1022,1
+cosmos,824,1
+pomaria,38,0
+lakeville,386,5
+ranchester,863,1
+tolstoy,924,4
+beechwood,48,10
+merom,316,8
+shelbyville,921,0
+cosmos,705,6
+woodbine,1205,7
+tolstoy,492,5
+woodbine,1217,0
+marstons,545,3
+lindenwood,2111,8
+newfields,1525,10
+marstons,2334,2
+ranchester,707,0
+ranchester,420,16
+shelbyville,1354,1
+onaga,13,0
+beechwood,45,0
+cosmos,957,8
+newfields,1067,13
+lakeville,71,6
+klickitat,982,7
+wainscott,232,4
+lakeville,660,5
+lindenwood,2240,0
+woodbine,1767,2
+stockman,355,0
+shelbyville,141,1
+cosmos,306,11
+forkland,119,5
+marstons,1072,3
+stockman,753,2
+hiteman,1634,1
+stockman,1540,6
+woodbine,1361,2
+mifflinburg,833,1
+woodbine,1577,0
+lakeville,177,0
+tolstoy,459,2
+klickitat,1159,0
+hiteman,1510,1
+shelbyville,1904,0
+lakeville,592,2
+newfields,1253,0
+lakeville,413,5
+marstons,436,0
+cosmos,699,3
+beechwood,708,1
+klickitat,1231,1
+klickitat,543,5
+lindenwood,1723,4
+marstons,2537,4
+wainscott,1497,1
+forkland,89,2
+hanson,1652,6
+onaga,59,1
+klickitat,1607,4
+ranchester,1332,1
+newfields,468,2
+shelbyville,1165,9
+cosmos,991,7
+newfields,433,4
+wainscott,779,4
+marstons,973,1
+tolstoy,1706,0
+hiteman,688,10
+newfields,576,0
+shelbyville,521,0
+wainscott,1576,5
+shelbyville,1387,0
+woodbine,1787,9
+newfields,229,0
+hanson,922,0
+klickitat,2293,10
+leonardo,2008,3
+pinesdale,468,0
+tolstoy,731,2
+newfields,61,4
+mifflinburg,788,1
+pinesdale,490,6
+tolstoy,1290,13
+newfields,1237,6
+newfields,1190,15
+wainscott,446,1
+lindenwood,1089,3
+lakeville,452,11
+shelbyville,2566,8
+onaga,319,3
+hiteman,1640,0
+coffeen,164,1
+tolstoy,1146,5
+woodbine,1176,11
+marstons,1894,12
+lindenwood,503,1
+shelbyville,1280,1
+wainscott,93,8
+leonardo,826,7
+forkland,649,1
+marstons,1655,2
+tolstoy,520,3
+beechwood,274,2
+hanson,1231,12
+hiteman,500,1
+klickitat,1567,2
+lindenwood,2103,5
+klickitat,490,0
+woodbine,1972,1
+klickitat,2051,1
+hiteman,546,1
+marstons,1430,14
+klickitat,1687,4
+tolstoy,1404,2
+klickitat,1194,9
+pinesdale,124,5
+hanson,212,1
+klickitat,1682,2
+klickitat,2137,2
+tolstoy,1224,3
+pomaria,1633,8
+leonardo,1459,0
+shelbyville,1618,2
+hiteman,1704,13
+cosmos,225,6
+stockman,174,3
+coffeen,1015,0
+lindenwood,2137,10
+klickitat,1437,1
+klickitat,1849,9
+lindenwood,954,2
+pomaria,983,14
+merom,166,9
+shelbyville,1852,6
+lindenwood,1056,0
+klickitat,1664,1
+lindenwood,2317,1
+hanson,439,2
+marstons,533,1
+klickitat,1588,0
+lindenwood,1675,12
+merom,190,0
+wainscott,1296,0
+shelbyville,918,3
+newfields,793,9
+merom,992,4
+cosmos,780,0
+hiteman,1202,1
+shelbyville,1805,10
+lakeville,1537,10
+newfields,1659,5
+ranchester,1377,9
+lakeville,668,2
+tolstoy,1276,4
+wainscott,1118,5
+onaga,352,6
+wainscott,111,2
+leonardo,755,0
+ranchester,490,2
+lindenwood,721,0
+lindenwood,1724,2
+pinesdale,1500,2
+lindenwood,438,12
+lindenwood,86,1
+hiteman,47,5
+lindenwood,613,9
+stockman,353,10
+mifflinburg,169,3
+hanson,410,11
+ranchester,498,7
+leonardo,1794,1
+pinesdale,1444,1
+woodbine,274,7
+ranchester,1472,3
+tolstoy,773,0
+hanson,1109,3
+lindenwood,2103,13
+cosmos,940,6
+hanson,1398,8
+lindenwood,2317,2
+pomaria,1192,1
+stockman,1352,0
+shelbyville,2749,0
+wainscott,851,11
+marstons,2027,9
+leonardo,1385,0
+lindenwood,1323,1
+ranchester,121,7
+woodbine,1762,2
+tolstoy,936,0
+cosmos,222,6
+newfields,1576,2
+woodbine,1178,2
+klickitat,1794,2
+lakeville,926,0
+marstons,1209,2
+stockman,1536,0
+leonardo,1331,0
+newfields,547,6
+lindenwood,29,3
+cosmos,773,3
+pomaria,1279,3
+leonardo,1222,1
+klickitat,577,1
+newfields,226,0
+tolstoy,1528,1
+lakeville,1233,3
+woodbine,738,2
+klickitat,449,0
+lindenwood,935,1
+lindenwood,2625,0
+stockman,637,3
+allensville,316,1
+ranchester,427,6
+leonardo,1082,6
+klickitat,1300,4
+lakeville,746,6
+lakeville,1274,3
+pomaria,1101,1
+shelbyville,1706,3
+ranchester,221,5
+klickitat,1764,0
+pinesdale,1169,1
+pomaria,139,5
+shelbyville,1859,0
+hanson,556,0
+benevolence,636,0
+wainscott,1772,6
+allensville,514,2
+klickitat,1005,1
+forkland,806,2
+lakeville,1886,14
+allensville,77,0
+marstons,736,2
+pinesdale,689,3
+marstons,914,8
+pomaria,1147,11
+marstons,556,3
+tolstoy,1040,3
+merom,789,0
+lakeville,776,4
+pinesdale,1163,2
+stockman,331,7
+shelbyville,1586,6
+coffeen,258,2
+woodbine,1787,13
+marstons,1937,2
+marstons,79,3
+tolstoy,459,6
+mifflinburg,266,9
+pomaria,1529,8
+benevolence,482,11
+merom,370,3
+tolstoy,641,3
+lindenwood,1632,1
+klickitat,655,0
+ranchester,354,0
+lakeville,158,0
+hanson,236,7
+merom,336,0
+woodbine,181,1
+hiteman,146,1
+coffeen,714,2
+coffeen,938,1
+pomaria,228,10
+forkland,114,3
+klickitat,22,3
+lindenwood,1754,2
+wainscott,1656,1
+coffeen,897,1
+shelbyville,1818,7
+pomaria,1115,0
+lindenwood,1591,9
+pomaria,396,2
+beechwood,970,2
+cosmos,165,11
+leonardo,2095,0
+shelbyville,9,2
+marstons,1324,0
+wainscott,1617,3
+pomaria,1389,3
+pomaria,1327,2
+stockman,20,3
+hiteman,954,5
+lakeville,1870,4
+coffeen,496,2
+allensville,55,4
+pomaria,149,1
+leonardo,1682,1
+pomaria,1512,2
+marstons,416,5
+allensville,407,1
+klickitat,2305,1
+cosmos,245,4
+hanson,1367,5
+tolstoy,1498,7
+hiteman,514,1
+wainscott,989,5
+lindenwood,541,4
+leonardo,1956,2
+pomaria,1427,4
+leonardo,1593,4
+klickitat,2046,1
+stockman,842,0
+shelbyville,1426,8
+klickitat,1816,9
+hiteman,151,2
+mifflinburg,674,3
+woodbine,1232,5
+hanson,230,6
+stockman,584,4
+ranchester,1506,2
+newfields,776,1
+wainscott,87,1
+ranchester,1150,2
+shelbyville,1204,5
+klickitat,2292,3
+onaga,203,0
+coffeen,1304,7
+shelbyville,859,10
+leonardo,58,2
+forkland,758,3
+newfields,1074,2
+forkland,805,2
+hiteman,417,12
+marstons,2217,8
+newfields,1458,12
+forkland,762,5
+marstons,1775,1
+beechwood,954,7
+merom,927,6
+woodbine,527,13
+lindenwood,2070,1
+hiteman,1698,2
+marstons,399,7
+leonardo,1171,6
+klickitat,479,2
+woodbine,1198,10
+shelbyville,1607,0
+woodbine,303,5
+shelbyville,265,0
+lindenwood,1705,7
+wainscott,182,8
+pomaria,775,3
+ranchester,737,3
+coffeen,1332,2
+marstons,1196,2
+hiteman,403,1
+shelbyville,72,1
+cosmos,414,9
+pomaria,1471,2
+hanson,682,6
+hiteman,1362,3
+cosmos,474,4
+newfields,479,1
+forkland,244,2
+klickitat,185,1
+leonardo,2086,2
+beechwood,837,0
+ranchester,126,6
+ranchester,24,3
+wainscott,1733,9
+merom,921,3
+wainscott,756,1
+hanson,466,8
+marstons,1794,8
+newfields,155,4
+lakeville,1155,8
+hiteman,884,1
+newfields,1147,9
+cosmos,816,3
+hiteman,813,0
+merom,931,6
+leonardo,342,5
+marstons,718,2
+hanson,1362,0
+newfields,189,3
+tolstoy,1785,0
+pomaria,542,3
+klickitat,1278,7
+newfields,212,2
+pomaria,651,3
+marstons,1389,4
+beechwood,492,2
+beechwood,519,1
+pinesdale,886,0
+lindenwood,286,4
+shelbyville,1438,1
+lindenwood,1134,1
+shelbyville,2484,14
+klickitat,2412,3
+shelbyville,62,1
+hiteman,1099,6
+cosmos,81,11
+wainscott,64,3
+ranchester,703,1
+lakeville,29,4
+marstons,1007,3
+shelbyville,1085,0
+newfields,1654,4
+pomaria,1384,4
+allensville,358,3
+klickitat,290,1
+tolstoy,1011,11
+hiteman,1457,7
+hiteman,1198,0
+cosmos,264,5
+newfields,1158,0
+lindenwood,473,9
+lindenwood,692,0
+ranchester,328,1
+merom,190,5
+tolstoy,627,3
+klickitat,1275,1
+woodbine,610,2
+tolstoy,1224,4
+forkland,334,3
+stockman,829,13
+shelbyville,406,2
+pinesdale,1184,4
+pinesdale,355,4
+leonardo,2074,0
+coffeen,66,2
+woodbine,39,6
+lindenwood,2323,7
+pomaria,1647,3
+lindenwood,2334,3
+leonardo,1324,2
+beechwood,426,8
+woodbine,560,3
+tolstoy,1570,3
+leonardo,845,2
+hanson,1072,5
+lakeville,263,10
+newfields,381,6
+coffeen,1497,1
+pinesdale,791,2
+lindenwood,140,2
+klickitat,2412,13
+woodbine,598,5
+marstons,879,1
+woodbine,1542,2
+lakeville,1639,0
+ranchester,1418,2
+klickitat,1805,1
+woodbine,1577,6
+marstons,149,4
+merom,107,2
+beechwood,1166,2
+leonardo,2037,3
+hiteman,1799,2
+ranchester,1218,8
+leonardo,689,9
+wainscott,271,12
+coffeen,1417,4
+hiteman,1784,2
+leonardo,2071,0
+ranchester,1523,5
+newfields,287,5
+klickitat,2290,0
+tolstoy,1444,7
+leonardo,1533,5
+marstons,1480,1
+marstons,99,8
+marstons,292,1
+allensville,289,2
+lindenwood,2226,0
+onaga,466,3
+marstons,2551,5
+klickitat,1358,1
+pinesdale,199,1
+forkland,166,3
+stockman,1176,1
+beechwood,10,3
+lindenwood,2233,2
+woodbine,867,2
+wainscott,56,5
+shelbyville,126,8
+coffeen,174,2
+hanson,487,8
+beechwood,641,0
+hanson,809,4
+wainscott,171,2
+marstons,1242,1
+lindenwood,2166,3
+lakeville,920,0
+woodbine,867,3
+wainscott,118,4
+klickitat,640,9
+beechwood,468,6
+pinesdale,1302,2
+beechwood,637,6
+shelbyville,20,4
+newfields,612,13
+hiteman,296,0
+woodbine,61,4
+leonardo,1470,0
+leonardo,518,12
+newfields,563,2
+coffeen,400,1
+mifflinburg,555,0
+marstons,154,1
+shelbyville,2500,4
+beechwood,1101,3
+newfields,299,5
+pinesdale,105,1
+leonardo,1367,17
+onaga,471,3
+newfields,1555,0
+wainscott,612,2
+leonardo,799,5
+shelbyville,2,4
+stockman,812,4
+lakeville,1161,6
+lindenwood,1527,4
+woodbine,2011,0
+forkland,1030,1
+wainscott,168,5
+pinesdale,412,3
+allensville,482,2
+coffeen,227,6
+lindenwood,679,11
+coffeen,332,3
+mifflinburg,259,7
+newfields,1525,4
+marstons,2623,2
+marstons,1920,15
+onaga,442,0
+shelbyville,675,4
+mifflinburg,528,2
+tolstoy,1010,2
+pinesdale,903,2
+forkland,360,3
+shelbyville,749,15
+pomaria,107,0
+shelbyville,1152,4
+marstons,274,8
+shelbyville,561,2
+marstons,2502,1
+hiteman,841,10
+stockman,426,0
+onaga,596,8
+tolstoy,267,3
+woodbine,1152,2
+lakeville,500,5
+stockman,401,3
+marstons,1190,4
+pinesdale,663,4
+woodbine,1043,1
+tolstoy,929,2
+merom,252,5
+marstons,2069,15
+shelbyville,1101,10
+leonardo,1188,5
+marstons,2258,9
+wainscott,329,1
+allensville,508,3
+merom,773,2
+forkland,411,0
+wainscott,931,6
+newfields,757,3
+pinesdale,634,3
+lakeville,171,14
+stockman,37,3
+coffeen,1237,3
+newfields,1537,10
+allensville,122,3
+shelbyville,2708,3
+coffeen,623,0
+beechwood,1005,1
+stockman,608,0
+merom,118,9
+merom,1064,1
+forkland,198,1
+beechwood,784,0
+mifflinburg,120,1
+ranchester,1639,0
+klickitat,1450,5
+klickitat,2197,0
+woodbine,1607,1
+forkland,1073,0
+hanson,53,6
+woodbine,1817,4
+stockman,1302,7
+newfields,896,0
+newfields,36,13
+marstons,1634,0
+lakeville,370,2
+leonardo,1945,1
+pinesdale,1127,5
+newfields,118,0
+coffeen,1451,2
+ranchester,1588,8
+marstons,2281,2
+pomaria,3,0
+lindenwood,1668,0
+hanson,28,2
+newfields,514,5
+lindenwood,1380,3
+mifflinburg,25,4
+lindenwood,2409,2
+lakeville,1390,1
+mifflinburg,3,3
+leonardo,669,2
+shelbyville,1018,11
+klickitat,323,1
+stockman,1030,3
+onaga,152,1
+stockman,1130,2
+hiteman,289,3
+klickitat,1424,2
+beechwood,1020,3
+ranchester,398,0
+pomaria,1673,4
+ranchester,1184,0
+newfields,657,13
+leonardo,1344,4
+shelbyville,2270,0
+wainscott,77,8
+pinesdale,1139,4
+hiteman,1471,1
+klickitat,1021,2
+benevolence,869,5
+shelbyville,329,6
+merom,919,7
+woodbine,771,2
+lindenwood,1565,3
+shelbyville,485,0
+woodbine,1283,6
+woodbine,1388,3
+shelbyville,1137,3
+beechwood,791,7
+leonardo,1155,8
+wainscott,641,6
+wainscott,1041,9
+coffeen,1084,8
+leonardo,1646,3
+pomaria,1519,1
+hiteman,122,3
+klickitat,1177,4
+stockman,1292,0
+tolstoy,1601,5
+lindenwood,996,4
+shelbyville,1462,2
+shelbyville,513,6
+mifflinburg,881,1
+shelbyville,1352,2
+pinesdale,406,4
+beechwood,709,3
+klickitat,1572,13
+newfields,1634,6
+coffeen,1286,10
+shelbyville,761,0
+lakeville,1710,4
+benevolence,734,3
+hanson,1088,0
+shelbyville,2069,4
+pinesdale,585,1
+mifflinburg,39,2
+woodbine,1183,11
+leonardo,1201,1
+klickitat,2349,3
+stockman,1001,0
+klickitat,723,0
+stockman,1129,2
+leonardo,1064,0
+hiteman,1767,10
+hanson,206,6
+forkland,651,0
+wainscott,1386,2
+leonardo,1536,0
+lindenwood,931,1
+merom,932,3
+tolstoy,53,6
+stockman,1350,3
+coffeen,18,5
+marstons,1442,3
+hiteman,1336,8
+hanson,889,0
+woodbine,1613,3
+pinesdale,429,1
+stockman,1414,0
+coffeen,1451,5
+lakeville,1475,9
+cosmos,1015,6
+lindenwood,679,3
+shelbyville,1726,0
+klickitat,1935,12
+shelbyville,651,0
+pinesdale,824,1
+pinesdale,1377,1
+marstons,1871,3
+lindenwood,2593,3
+woodbine,457,5
+klickitat,458,1
+woodbine,1853,11
+coffeen,65,5
+stockman,49,9
+pinesdale,985,10
+hanson,219,3
+tolstoy,1082,10
+beechwood,90,0
+pinesdale,646,2
+lindenwood,992,0
+hiteman,964,1
+stockman,642,3
+lakeville,1212,0
+pomaria,48,2
+lakeville,883,2
+shelbyville,2641,1
+lindenwood,1401,3
+woodbine,31,9
+mifflinburg,37,2
+leonardo,1467,2
+woodbine,773,2
+hiteman,1268,1
+pomaria,1138,3
+lindenwood,1873,5
+hanson,57,0
+klickitat,964,0
+shelbyville,1359,5
+ranchester,326,4
+lindenwood,2200,0
+lakeville,663,12
+woodbine,20,11
+tolstoy,52,10
+hiteman,761,2
+ranchester,862,4
+merom,201,1
+pinesdale,1387,4
+newfields,1109,8
+lindenwood,1789,2
+stockman,622,9
+lindenwood,2155,1
+beechwood,467,0
+marstons,615,2
+allensville,23,2
+stockman,1135,3
+onaga,176,2
+shelbyville,52,0
+allensville,50,0
+lindenwood,2080,13
+forkland,989,4
+hiteman,1479,2
+cosmos,743,2
+woodbine,1276,4
+lakeville,316,5
+lindenwood,876,2
+klickitat,2044,9
+pinesdale,1443,1
+lindenwood,1180,0
+ranchester,1472,10
+cosmos,964,0
+marstons,168,1
+lindenwood,1723,6
+pomaria,1179,12
+newfields,200,7
+newfields,1595,0
+ranchester,774,1
+newfields,448,1
+pomaria,1476,0
+lindenwood,2171,5
+newfields,1496,3
+ranchester,1014,8
+leonardo,810,2
+lakeville,1017,3
+klickitat,1824,6
+leonardo,1356,2
+shelbyville,1831,6
+lakeville,1160,8
+wainscott,188,2
+lindenwood,307,3
+onaga,183,1
+woodbine,1094,13
+lindenwood,828,15
+woodbine,1051,4
+klickitat,1344,0
+benevolence,337,0
+lakeville,1067,2
+woodbine,469,6
+pomaria,189,4
+lindenwood,704,9
+leonardo,1222,10
+forkland,1081,3
+lindenwood,107,1
+pomaria,630,0
+newfields,54,4
+klickitat,703,8
+shelbyville,2341,11
+hanson,385,0
+ranchester,273,9
+hanson,1567,1
+woodbine,1586,1
+shelbyville,134,2
+merom,397,9
+mifflinburg,316,3
+shelbyville,1995,1
+woodbine,864,9
+leonardo,2061,3
+leonardo,1629,3
+shelbyville,1640,4
+shelbyville,808,1
+newfields,1501,6
+allensville,265,1
+merom,481,1
+tolstoy,1829,0
+pinesdale,909,3
+klickitat,1646,5
+mifflinburg,521,1
+marstons,1735,4
+pomaria,1502,2
+klickitat,2165,5
+pinesdale,1391,5
+hanson,1154,2
+forkland,242,0
+mifflinburg,844,2
+woodbine,1863,1
+beechwood,781,3
+marstons,1410,1
+klickitat,42,15
+shelbyville,2325,15
+leonardo,1237,2
+lakeville,1575,8
+shelbyville,1782,6
+pomaria,330,0
+shelbyville,2595,1
+newfields,337,4
+lindenwood,2332,3
+mifflinburg,869,6
+hiteman,1781,2
+klickitat,2268,14
+klickitat,455,11
+cosmos,1010,3
+shelbyville,2494,3
+newfields,481,0
+klickitat,2066,5
+marstons,2143,0
+shelbyville,1262,6
+pomaria,850,3
+wainscott,233,0
+marstons,1710,11
+leonardo,1773,0
+marstons,2656,3
+merom,460,1
+coffeen,1301,2
+lindenwood,2342,2
+lindenwood,2061,2
+wainscott,735,2
+wainscott,200,2
+stockman,1096,0
+lakeville,1636,4
+mifflinburg,95,4
+leonardo,634,0
+pomaria,770,1
+stockman,1566,3
+klickitat,2286,1
+pomaria,1363,1
+leonardo,1900,5
+lakeville,172,8
+hiteman,319,11
+tolstoy,1174,0
+wainscott,1085,0
+beechwood,504,0
+shelbyville,2411,2
+stockman,673,1
+lindenwood,66,0
+pinesdale,528,6
+newfields,1611,5
+hanson,1093,1
+woodbine,1527,1
+stockman,310,2
+ranchester,407,4
+pinesdale,840,7
+mifflinburg,646,3
+forkland,440,3
+hiteman,794,7
+lindenwood,916,1
+merom,298,0
+leonardo,649,8
+klickitat,345,4
+lindenwood,2173,1
+stockman,1484,5
+shelbyville,332,1
+coffeen,548,4
+mifflinburg,826,3
+lindenwood,1593,3
+hanson,806,5
+pomaria,562,4
+ranchester,1309,0
+tolstoy,1762,8
+beechwood,752,0
+wainscott,1105,0
+shelbyville,252,2
+hiteman,1756,8
+shelbyville,123,5
+merom,475,5
+marstons,2238,0
+stockman,912,0
+leonardo,1831,1
+ranchester,378,1
+marstons,359,11
+forkland,439,2
+marstons,524,0
+lakeville,1238,6
+mifflinburg,113,4
+newfields,1147,0
+wainscott,1384,2
+tolstoy,413,5
+stockman,949,3
+newfields,1497,2
+woodbine,2015,8
+shelbyville,2042,3
+pinesdale,560,4
+woodbine,775,2
+hiteman,471,4
+hiteman,1198,2
+leonardo,1214,14
+tolstoy,863,1
+marstons,827,3
+leonardo,846,0
+tolstoy,591,0
+lindenwood,1167,5
+tolstoy,1170,3
+merom,855,3
+pomaria,472,5
+pomaria,1483,1
+coffeen,9,1
+klickitat,1778,8
+klickitat,331,9
+shelbyville,2169,15
+lakeville,1664,3
+beechwood,1056,4
+ranchester,1490,7
+wainscott,729,1
+ranchester,438,9
+newfields,224,5
+hiteman,1461,13
+pomaria,1279,2
+woodbine,1208,11
+hanson,504,8
+lindenwood,754,4
+lakeville,383,6
+lakeville,769,4
+marstons,1564,0
+leonardo,1913,4
+hiteman,464,0
+leonardo,49,0
+klickitat,2407,5
+pinesdale,1146,3
+pomaria,237,1
+marstons,1882,1
+stockman,35,5
+stockman,184,2
+cosmos,928,0
+woodbine,1417,7
+marstons,1827,8
+shelbyville,2038,2
+shelbyville,1144,3
+onaga,468,1
+beechwood,112,4
+lindenwood,1661,1
+pomaria,755,4
+tolstoy,368,4
+tolstoy,804,2
+ranchester,681,2
+beechwood,1069,7
+wainscott,1101,1
+wainscott,1788,4
+hiteman,636,3
+hiteman,1614,0
+leonardo,1065,0
+marstons,609,2
+beechwood,554,1
+wainscott,623,4
+lindenwood,214,5
+woodbine,929,5
+shelbyville,1851,3
+wainscott,1553,6
+newfields,231,2
+woodbine,1356,4
+wainscott,178,2
+woodbine,582,0
+ranchester,297,11
+klickitat,957,5
+marstons,1385,5
+onaga,100,3
+lindenwood,2467,8
+hanson,1010,3
+hanson,1067,17
+newfields,1469,1
+marstons,1624,0
+pinesdale,159,9
+lindenwood,819,14
+hanson,768,0
+marstons,162,0
+leonardo,1202,1
+wainscott,1766,1
+beechwood,189,3
+ranchester,246,1
+pinesdale,1266,6
+forkland,801,5
+coffeen,761,0
+allensville,439,8
+shelbyville,206,9
+marstons,344,6
+woodbine,224,5
+klickitat,359,1
+hiteman,1687,12
+beechwood,67,1
+hiteman,1036,1
+klickitat,2343,1
+lakeville,866,7
+forkland,1131,11
+benevolence,223,0
+marstons,1168,1
+woodbine,838,2
+lakeville,609,4
+wainscott,1774,4
+lindenwood,937,11
+onaga,564,7
+shelbyville,2771,4
+lindenwood,1376,4
+klickitat,2194,2
+pinesdale,1070,1
+klickitat,2040,1
+merom,137,6
+pinesdale,1268,4
+woodbine,1554,4
+leonardo,0,1
+lakeville,1249,0
+shelbyville,354,3
+klickitat,592,0
+forkland,1045,2
+pomaria,1183,0
+woodbine,1032,10
+klickitat,2291,0
+shelbyville,270,16
+wainscott,1090,5
+forkland,120,5
+woodbine,1321,4
+shelbyville,2709,9
+lindenwood,1076,6
+merom,699,9
+marstons,1961,1
+klickitat,1101,2
+woodbine,640,1
+klickitat,689,6
+ranchester,1434,15
+klickitat,1535,0
+leonardo,913,1
+hanson,1274,6
+lindenwood,1425,0
+leonardo,1333,1
+lakeville,794,4
+marstons,396,4
+beechwood,282,2
+lakeville,356,2
+pomaria,143,2
+klickitat,1187,4
+lakeville,1342,0
+lakeville,648,1
+newfields,889,2
+wainscott,888,3
+ranchester,668,3
+leonardo,1374,0
+mifflinburg,133,0
+wainscott,605,4
+pinesdale,166,4
+hanson,1353,9
+lakeville,1875,0
+lindenwood,1777,4
+pinesdale,985,5
+woodbine,241,2
+cosmos,956,8
+shelbyville,892,3
+ranchester,981,8
+cosmos,294,3
+woodbine,729,14
+lakeville,1456,5
+wainscott,1033,4
+tolstoy,827,1
+merom,393,2
+shelbyville,2519,1
+ranchester,1154,10
+pomaria,893,6
+marstons,1743,2
+klickitat,611,5
+wainscott,1090,0
+leonardo,1627,3
+mifflinburg,247,3
+mifflinburg,913,4
+ranchester,390,1
+forkland,517,0
+newfields,545,4
+shelbyville,1828,3
+wainscott,1104,6
+hanson,998,0
+pinesdale,740,9
+coffeen,1048,9
+shelbyville,2772,6
+wainscott,778,2
+woodbine,421,3
+pomaria,976,4
+woodbine,671,3
+stockman,1222,2
+hiteman,488,3
+ranchester,1413,10
+leonardo,1212,1
+merom,631,2
+lakeville,520,8
+marstons,2164,2
+hiteman,288,2
+marstons,1571,10
+leonardo,5,1
+woodbine,1632,1
+pinesdale,415,2
+newfields,305,1
+leonardo,971,3
+newfields,96,2
+newfields,902,3
+shelbyville,2066,4
+shelbyville,181,4
+allensville,261,2
+ranchester,1433,4
+hanson,539,7
+shelbyville,1074,7
+wainscott,700,2
+wainscott,679,4
+shelbyville,1403,1
+klickitat,341,8
+klickitat,26,5
+mifflinburg,923,0
+onaga,597,4
+lakeville,1697,0
+pinesdale,1405,2
+marstons,1898,6
+klickitat,1239,5
+leonardo,1528,6
+woodbine,1730,2
+shelbyville,2327,5
+stockman,49,7
+ranchester,738,0
+klickitat,943,8
+woodbine,1686,0
+shelbyville,1604,1
+stockman,1212,2
+lakeville,865,4
+pomaria,1153,2
+klickitat,163,4
+shelbyville,837,1
+marstons,486,1
+lindenwood,1727,1
+hiteman,1056,7
+shelbyville,1141,2
+lindenwood,375,5
+shelbyville,2155,4
+wainscott,670,1
+cosmos,539,3
+benevolence,304,4
+coffeen,885,7
+marstons,1919,9
+tolstoy,708,1
+hiteman,647,6
+coffeen,1072,5
+stockman,1562,2
+onaga,9,0
+klickitat,2142,2
+hanson,1358,5
+woodbine,1851,4
+allensville,65,9
+klickitat,1735,14
+pomaria,990,3
+pomaria,1192,2
+shelbyville,1292,10
+stockman,177,2
+hanson,1452,2
+lindenwood,295,4
+cosmos,125,2
+beechwood,993,13
+tolstoy,111,7
+lindenwood,1319,2
+lindenwood,2448,7
+shelbyville,163,2
+newfields,1314,6
+wainscott,544,4
+leonardo,1503,4
+ranchester,128,4
+klickitat,1750,1
+ranchester,1563,1
+beechwood,940,1
+wainscott,862,1
+marstons,985,0
+shelbyville,519,1
+hanson,878,0
+wainscott,232,5
+beechwood,650,8
+hiteman,516,1
+hanson,1449,10
+merom,566,0
+coffeen,838,4
+shelbyville,2017,10
+woodbine,208,3
+leonardo,162,2
+klickitat,695,15
+wainscott,569,0
+lakeville,1216,1
+pinesdale,763,0
+lindenwood,1687,7
+beechwood,339,1
+pinesdale,698,7
+cosmos,273,0
+ranchester,1191,11
+leonardo,597,5
+klickitat,90,2
+hiteman,1816,6
+cosmos,140,1
+cosmos,5,7
+lindenwood,1020,0
+lakeville,1173,4
+merom,273,1
+cosmos,324,2
+mifflinburg,20,3
+lakeville,1500,9
+newfields,1167,3
+coffeen,1044,1
+lakeville,1841,7
+merom,1000,5
+stockman,1248,0
+pomaria,85,6
+marstons,215,2
+hiteman,987,4
+tolstoy,151,5
+beechwood,1143,1
+lindenwood,148,8
+hiteman,1216,1
+wainscott,1351,2
+shelbyville,849,1
+pomaria,136,3
+marstons,1448,2
+klickitat,338,7
+leonardo,1008,2
+marstons,1778,4
+mifflinburg,103,0
+woodbine,1190,2
+stockman,1268,0
+hanson,1167,0
+pinesdale,1097,3
+hanson,475,10
+pomaria,1447,0
+marstons,193,3
+woodbine,948,4
+onaga,465,0
+tolstoy,1051,0
+marstons,1825,0
+pomaria,1466,6
+klickitat,1902,9
+klickitat,1202,1
+stockman,1561,9
+ranchester,1486,4
+stockman,247,2
+wainscott,779,2
+leonardo,530,4
+lindenwood,1375,4
+mifflinburg,145,3
+stockman,261,0
+klickitat,1640,5
+pinesdale,1079,6
+stockman,1067,1
+shelbyville,336,9
+newfields,1541,6
+marstons,791,10
+leonardo,89,0
+lindenwood,203,2
+ranchester,1141,4
+hiteman,507,13
+shelbyville,2786,2
+coffeen,1424,2
+hiteman,1838,4
+hanson,1170,11
+hanson,1284,2
+pomaria,251,7
+lindenwood,2007,0
+tolstoy,395,2
+hanson,1156,2
+stockman,583,6
+newfields,589,4
+forkland,1084,4
+marstons,2378,5
+lindenwood,1371,2
+marstons,623,6
+merom,888,2
+tolstoy,1249,1
+benevolence,877,5
+woodbine,861,7
+forkland,607,0
+newfields,1383,0
+coffeen,909,3
+tolstoy,716,3
+merom,510,1
+lakeville,1020,0
+klickitat,916,13
+stockman,806,2
+woodbine,139,4
+stockman,964,4
+beechwood,562,6
+shelbyville,1528,1
+newfields,701,0
+shelbyville,2605,5
+wainscott,1291,3
+woodbine,419,2
+allensville,483,2
+hiteman,248,1
+cosmos,948,6
+wainscott,546,1
+leonardo,1516,6
+tolstoy,455,3
+lakeville,1742,6
+lindenwood,1638,4
+wainscott,1159,6
+tolstoy,18,2
+marstons,2227,2
+leonardo,412,7
+shelbyville,792,0
+klickitat,515,7
+ranchester,1560,2
+woodbine,1782,6
+newfields,51,2
+pinesdale,409,1
+klickitat,2250,12
+tolstoy,1532,0
+hiteman,1335,4
+benevolence,167,3
+newfields,529,7
+ranchester,642,5
+hiteman,964,6
+lakeville,619,0
+marstons,1659,5
+pomaria,1670,3
+pinesdale,10,1
+hiteman,1700,0
+leonardo,1043,8
+coffeen,788,1
+klickitat,186,0
+pinesdale,1454,8
+wainscott,874,13
+woodbine,138,7
+klickitat,707,3
+shelbyville,2042,4
+woodbine,1160,0
+lindenwood,1922,2
+lindenwood,1016,0
+leonardo,1200,8
+lindenwood,696,5
+ranchester,965,0
+beechwood,550,2
+woodbine,1370,4
+allensville,306,3
+woodbine,815,5
+hiteman,862,7
+lindenwood,944,0
+ranchester,223,0
+leonardo,1036,10
+klickitat,189,0
+shelbyville,2341,6
+wainscott,333,2
+merom,482,6
+wainscott,275,0
+merom,1026,4
+pinesdale,582,4
+hiteman,1814,7
+wainscott,1094,2
+marstons,829,3
+marstons,330,1
+woodbine,861,9
+allensville,255,8
+woodbine,1717,1
+tolstoy,1039,0
+newfields,412,6
+pomaria,1356,4
+benevolence,53,2
+tolstoy,1293,1
+onaga,202,3
+benevolence,910,1
+shelbyville,124,5
+lindenwood,1771,0
+mifflinburg,670,2
+tolstoy,270,0
+lindenwood,1935,3
+shelbyville,1276,6
+wainscott,303,13
+wainscott,1289,4
+lindenwood,907,10
+hanson,1183,15
+forkland,233,3
+ranchester,1492,0
+lindenwood,251,1
+merom,984,3
+pinesdale,748,0
+hanson,1270,5
+stockman,988,0
+lindenwood,24,6
+tolstoy,1451,1
+merom,940,7
+pinesdale,808,1
+leonardo,158,0
+hanson,354,5
+hiteman,559,0
+shelbyville,678,6
+shelbyville,26,14
+beechwood,866,0
+marstons,419,4
+tolstoy,340,4
+shelbyville,1843,12
+shelbyville,2741,0
+cosmos,22,3
+hiteman,1364,2
+ranchester,1456,4
+leonardo,81,4
+forkland,131,0
+klickitat,2257,7
+newfields,214,3
+wainscott,658,4
+lakeville,1523,1
+lindenwood,162,0
+shelbyville,2611,3
+coffeen,1034,0
+lindenwood,2646,3
+beechwood,797,4
+tolstoy,1781,8
+lakeville,1832,4
+newfields,488,2
+ranchester,1495,6
+ranchester,1332,0
+shelbyville,2806,0
+benevolence,266,7
+leonardo,1014,5
+pomaria,1202,6
+lakeville,800,4
+tolstoy,687,2
+marstons,60,5
+woodbine,2016,5
+wainscott,61,2
+woodbine,1740,3
+wainscott,1444,6
+marstons,1819,5
+klickitat,933,4
+pinesdale,473,4
+lindenwood,678,3
+pomaria,1599,0
+hanson,4,0
+stockman,1467,0
+beechwood,774,3
+lakeville,1623,1
+lindenwood,1346,6
+lindenwood,2103,11
+lindenwood,2503,11
+wainscott,1099,9
+beechwood,980,2
+lindenwood,1777,2
+merom,34,1
+newfields,1606,2
+pinesdale,1248,7
+klickitat,953,0
+ranchester,171,1
+tolstoy,571,1
+onaga,292,2
+klickitat,1796,2
+lindenwood,1959,2
+tolstoy,708,0
+cosmos,293,2
+coffeen,699,0
+beechwood,435,4
+lindenwood,1574,2
+forkland,379,2
+lakeville,908,7
+klickitat,943,15
+marstons,1794,17
+forkland,518,1
+marstons,2406,2
+marstons,2340,2
+wainscott,994,0
+lakeville,980,2
+leonardo,937,0
+merom,985,7
+hanson,1186,0
+benevolence,356,4
+coffeen,977,1
+lakeville,65,10
+lindenwood,1988,2
+shelbyville,782,9
+hanson,1545,7
+marstons,610,2
+forkland,249,1
+lindenwood,955,6
+shelbyville,382,2
+klickitat,881,2
+klickitat,411,5
+marstons,2284,9
+coffeen,613,4
+klickitat,560,3
+lindenwood,921,6
+hiteman,184,0
+pinesdale,923,4
+wainscott,1771,1
+marstons,1837,2
+marstons,513,13
+woodbine,1528,0
+shelbyville,974,11
+ranchester,653,7
+lakeville,884,5
+forkland,618,4
+tolstoy,207,10
+leonardo,1954,2
+marstons,1676,8
+newfields,748,6
+lindenwood,2288,6
+hanson,815,5
+woodbine,1143,5
+tolstoy,401,1
+klickitat,276,5
+lindenwood,1747,0
+shelbyville,533,10
+lindenwood,2222,5
+ranchester,302,6
+ranchester,1400,7
+leonardo,1093,2
+marstons,2293,0
+woodbine,417,16
+mifflinburg,578,1
+pinesdale,588,0
+hanson,382,0
+wainscott,1359,5
+marstons,2526,3
+tolstoy,552,1
+klickitat,1231,13
+hiteman,57,5
+cosmos,587,3
+klickitat,998,0
+merom,754,9
+pomaria,1503,0
+coffeen,0,1
+leonardo,1394,9
+beechwood,106,4
+pinesdale,422,4
+klickitat,495,1
+pomaria,1268,0
+hiteman,1035,11
+coffeen,34,4
+lakeville,1833,0
+lindenwood,642,2
+pomaria,968,2
+hanson,453,5
+wainscott,1689,3
+wainscott,1354,7
+marstons,1393,1
+lindenwood,1417,4
+leonardo,888,7
+pinesdale,896,0
+pomaria,543,10
+shelbyville,470,8
+klickitat,72,3
+leonardo,127,1
+leonardo,1600,4
+onaga,307,2
+hiteman,620,7
+marstons,489,4
+hiteman,995,13
+woodbine,1662,1
+leonardo,1072,9
+newfields,417,9
+tolstoy,1768,3
+woodbine,1383,3
+hiteman,1361,8
+klickitat,2195,25
+allensville,450,1
+hiteman,1510,7
+lindenwood,1988,6
+marstons,1446,1
+hanson,266,3
+pomaria,29,0
+shelbyville,481,5
+hiteman,1776,0
+woodbine,2000,3
+newfields,755,7
+ranchester,954,1
+benevolence,160,10
+pinesdale,1518,5
+stockman,374,10
+lindenwood,1836,5
+hiteman,1088,3
+pomaria,1608,1
+leonardo,1004,8
+marstons,659,11
+cosmos,715,10
+wainscott,550,4
+woodbine,1302,8
+woodbine,1003,4
+cosmos,836,0
+marstons,429,1
+tolstoy,1709,9
+allensville,283,2
+pinesdale,89,1
+mifflinburg,522,1
+coffeen,1099,5
+tolstoy,1206,2
+klickitat,1055,4
+lindenwood,1325,3
+shelbyville,1646,0
+lindenwood,581,1
+tolstoy,793,5
+forkland,996,4
+lindenwood,2508,6
+woodbine,295,6
+ranchester,1406,7
+tolstoy,921,0
+wainscott,1025,12
+lindenwood,1493,5
+pomaria,232,17
+marstons,974,2
+merom,462,4
+leonardo,283,7
+pinesdale,1026,1
+hanson,1313,2
+merom,1058,5
+pomaria,958,3
+ranchester,429,5
+shelbyville,832,0
+klickitat,889,1
+allensville,110,2
+leonardo,21,1
+coffeen,210,1
+hiteman,107,5
+lindenwood,2660,0
+lindenwood,1694,11
+cosmos,116,1
+klickitat,1842,8
+hiteman,1720,2
+woodbine,2025,8
+onaga,529,4
+ranchester,508,5
+lakeville,871,6
+leonardo,1459,1
+wainscott,1393,14
+beechwood,438,2
+wainscott,336,12
+leonardo,1256,5
+woodbine,1362,14
+ranchester,931,1
+lindenwood,2566,2
+klickitat,856,1
+hanson,1279,7
+ranchester,1326,1
+pomaria,1159,2
+pomaria,818,4
+tolstoy,718,1
+woodbine,917,4
+leonardo,1010,1
+leonardo,1366,5
+shelbyville,2728,4
+wainscott,1582,1
+lindenwood,2367,2
+leonardo,563,1
+benevolence,142,6
+cosmos,639,0
+forkland,134,4
+klickitat,5,1
+pomaria,472,6
+coffeen,1218,6
+pomaria,26,5
+woodbine,1427,6
+lakeville,35,5
+lindenwood,2052,2
+marstons,51,7
+newfields,1408,2
+pomaria,237,3
+beechwood,1006,2
+ranchester,493,0
+ranchester,860,7
+benevolence,309,2
+marstons,206,2
+benevolence,733,1
+lakeville,226,1
+benevolence,805,6
+pinesdale,659,5
+newfields,620,2
+marstons,1492,7
+forkland,1175,1
+klickitat,1727,0
+hiteman,1439,2
+marstons,294,1
+lindenwood,1497,0
+ranchester,1189,3
+stockman,327,1
+lakeville,742,2
+klickitat,152,1
+wainscott,48,0
+lindenwood,313,16
+pinesdale,525,7
+marstons,771,1
+wainscott,139,7
+ranchester,1054,6
+forkland,992,0
+lakeville,165,3
+mifflinburg,798,0
+klickitat,740,3
+lindenwood,1508,5
+pinesdale,7,7
+pinesdale,827,6
+leonardo,1674,0
+mifflinburg,112,6
+shelbyville,6,1
+lakeville,946,2
+wainscott,454,6
+woodbine,1120,3
+wainscott,342,7
+tolstoy,906,2
+lindenwood,2289,6
+klickitat,1245,2
+leonardo,1189,6
+hiteman,660,19
+lindenwood,1482,5
+klickitat,492,4
+tolstoy,1154,1
+marstons,2551,11
+tolstoy,1017,7
+hanson,1419,4
+wainscott,1567,2
+pinesdale,60,6
+beechwood,1003,3
+coffeen,279,12
+lakeville,1094,6
+benevolence,165,2
+pomaria,863,3
+hiteman,1223,4
+woodbine,1679,2
+hiteman,1774,2
+pomaria,595,1
+marstons,1635,0
+marstons,865,5
+shelbyville,844,1
+marstons,743,6
+hiteman,384,3
+lakeville,685,0
+leonardo,1739,0
+woodbine,402,1
+cosmos,252,4
+merom,553,0
+stockman,1174,6
+klickitat,2125,4
+klickitat,1762,1
+wainscott,492,2
+marstons,2006,2
+shelbyville,1818,11
+ranchester,57,1
+tolstoy,1208,10
+cosmos,541,7
+beechwood,317,4
+stockman,1290,4
+woodbine,1501,7
+leonardo,153,7
+marstons,744,1
+lindenwood,715,9
+klickitat,1066,0
+coffeen,1375,6
+lindenwood,855,1
+coffeen,1388,3
+ranchester,971,1
+pinesdale,222,2
+beechwood,1039,5
+wainscott,182,11
+coffeen,1376,2
+shelbyville,1769,6
+pinesdale,872,6
+marstons,1133,0
+coffeen,1286,9
+klickitat,390,5
+klickitat,493,3
+wainscott,1266,1
+leonardo,257,20
+klickitat,607,1
+klickitat,1774,4
+shelbyville,310,0
+stockman,1106,0
+hanson,150,6
+woodbine,1527,3
+hanson,526,9
+shelbyville,1131,4
+tolstoy,309,3
+pinesdale,260,7
+ranchester,378,6
+lakeville,681,3
+pinesdale,338,0
+shelbyville,1064,7
+leonardo,984,4
+newfields,947,0
+marstons,1409,0
+shelbyville,55,0
+hanson,709,3
+cosmos,1050,3
+klickitat,1781,0
+pinesdale,75,4
+lakeville,1551,3
+wainscott,487,2
+marstons,2042,4
+leonardo,1468,8
+lakeville,1133,2
+newfields,828,1
+mifflinburg,36,2
+ranchester,1197,2
+hanson,1169,4
+shelbyville,871,3
+marstons,686,3
+leonardo,1806,6
+pomaria,153,2
+pomaria,964,0
+woodbine,504,3
+lakeville,869,0
+woodbine,1881,5
+cosmos,465,9
+beechwood,1151,0
+ranchester,793,7
+klickitat,2146,3
+woodbine,1782,14
+ranchester,742,2
+lindenwood,1719,0
+pinesdale,920,5
+klickitat,150,15
+woodbine,1199,1
+cosmos,426,2
+klickitat,1369,3
+marstons,260,4
+ranchester,372,4
+lakeville,1020,7
+wainscott,1264,9
+coffeen,1383,4
+marstons,1533,4
+marstons,2205,0
+stockman,181,2
+klickitat,1475,14
+hiteman,208,2
+benevolence,235,7
+pinesdale,730,2
+stockman,987,5
+wainscott,603,2
+woodbine,1283,5
+shelbyville,199,12
+hanson,253,6
+cosmos,674,2
+wainscott,584,7
+woodbine,1966,13
+pomaria,1353,1
+hiteman,1834,0
+wainscott,823,14
+shelbyville,2265,1
+benevolence,275,2
+woodbine,1921,5
+klickitat,1688,8
+lakeville,730,5
+lakeville,246,3
+klickitat,2390,14
+leonardo,1444,0
+tolstoy,604,1
+klickitat,413,0
+newfields,669,3
+lakeville,756,12
+hiteman,1384,0
+klickitat,1000,1
+lakeville,233,6
+merom,92,2
+klickitat,1948,6
+merom,1061,5
+forkland,567,1
+cosmos,252,2
+tolstoy,1170,0
+stockman,1225,2
+beechwood,249,4
+pomaria,1526,3
+cosmos,414,6
+tolstoy,453,8
+marstons,584,3
+hanson,1311,0
+klickitat,1735,2
+woodbine,1298,4
+coffeen,369,0
+ranchester,1216,1
+marstons,777,1
+lindenwood,1528,1
+merom,889,1
+shelbyville,932,9
+coffeen,454,8
+forkland,1058,0
+klickitat,1191,1
+hanson,1144,7
+benevolence,416,9
+ranchester,1536,5
+lindenwood,2327,6
+hanson,626,4
+klickitat,752,1
+wainscott,532,0
+hiteman,1351,1
+shelbyville,692,15
+lindenwood,1487,4
+marstons,700,3
+klickitat,2142,1
+coffeen,869,1
+newfields,1052,2
+shelbyville,781,1
+wainscott,134,5
+forkland,752,3
+marstons,2060,3
+benevolence,638,6
+marstons,1174,5
+ranchester,417,3
+newfields,244,7
+hiteman,140,2
+lindenwood,1466,9
+woodbine,1633,7
+merom,1060,0
+klickitat,1980,9
+beechwood,1084,2
+klickitat,696,0
+coffeen,595,5
+coffeen,1190,3
+shelbyville,1107,15
+lindenwood,1405,1
+leonardo,1925,1
+wainscott,1210,2
+forkland,486,1
+cosmos,391,1
+tolstoy,863,6
+woodbine,1261,7
+ranchester,649,1
+lindenwood,521,5
+newfields,795,0
+wainscott,418,11
+shelbyville,944,13
+klickitat,129,3
+hanson,552,1
+woodbine,1787,12
+klickitat,2202,3
+leonardo,694,10
+lindenwood,386,5
+shelbyville,2480,5
+marstons,1714,5
+woodbine,195,2
+merom,527,4
+tolstoy,908,2
+shelbyville,337,6
+klickitat,1290,7
+newfields,97,1
+ranchester,1325,1
+hanson,1189,16
+newfields,398,1
+marstons,122,0
+hanson,364,0
+klickitat,545,1
+ranchester,1539,3
+benevolence,300,3
+shelbyville,2766,2
+cosmos,884,3
+shelbyville,1438,3
+forkland,591,0
+stockman,224,4
+merom,276,1
+coffeen,202,2
+forkland,0,1
+lakeville,1631,1
+pinesdale,558,1
+leonardo,903,0
+klickitat,2370,1
+leonardo,1105,1
+hanson,673,9
+hanson,553,3
+stockman,1448,2
+allensville,465,0
+woodbine,615,6
+pinesdale,638,0
+leonardo,1678,5
+beechwood,571,7
+klickitat,418,4
+forkland,363,4
+pinesdale,539,2
+lakeville,1278,15
+beechwood,370,0
+lakeville,641,2
+marstons,1414,3
+shelbyville,55,4
+lindenwood,1350,1
+shelbyville,575,6
+hiteman,114,7
+newfields,478,12
+hanson,627,2
+leonardo,908,2
+wainscott,1294,6
+newfields,1472,3
+leonardo,1538,0
+forkland,849,0
+shelbyville,1694,2
+woodbine,162,0
+shelbyville,1860,2
+pomaria,417,5
+shelbyville,603,3
+cosmos,384,1
+hanson,275,2
+beechwood,1029,2
+woodbine,1820,2
+beechwood,913,5
+hanson,428,3
+ranchester,1566,10
+tolstoy,1363,1
+woodbine,863,2
+klickitat,713,1
+shelbyville,1565,2
+newfields,1194,1
+shelbyville,2479,6
+marstons,541,2
+benevolence,308,6
+newfields,1183,14
+klickitat,560,7
+merom,422,2
+lindenwood,2294,9
+lakeville,1518,5
+coffeen,53,1
+allensville,158,7
+woodbine,329,1
+mifflinburg,470,1
+lakeville,1132,3
+leonardo,354,3
+lakeville,524,5
+lindenwood,2336,4
+leonardo,667,3
+marstons,570,6
+leonardo,540,7
+shelbyville,2811,4
+tolstoy,909,2
+tolstoy,920,3
+pinesdale,490,11
+ranchester,923,1
+shelbyville,2688,9
+marstons,622,2
+ranchester,417,2
+pinesdale,640,2
+wainscott,1559,8
+hiteman,359,10
+leonardo,594,11
+hiteman,91,7
+pomaria,327,4
+wainscott,188,1
+stockman,921,1
+tolstoy,1319,4
+pomaria,0,9
+ranchester,786,2
+pinesdale,410,3
+wainscott,263,7
+wainscott,545,4
+pomaria,453,2
+leonardo,1004,3
+shelbyville,2305,1
+hanson,698,9
+shelbyville,2255,1
+coffeen,261,0
+merom,769,1
+lindenwood,2114,0
+leonardo,1246,0
+newfields,347,2
+leonardo,356,6
+shelbyville,950,7
+leonardo,1951,1
+hanson,616,2
+lindenwood,2322,9
+tolstoy,1110,2
+leonardo,261,18
+klickitat,1394,7
+pomaria,1180,4
+hiteman,1145,9
+ranchester,1480,3
+klickitat,2104,0
+allensville,119,5
+shelbyville,2279,1
+coffeen,855,1
+wainscott,1190,9
+tolstoy,1821,9
+shelbyville,2139,0
+wainscott,1602,6
+klickitat,2203,0
+onaga,479,3
+stockman,996,6
+marstons,1787,7
+onaga,306,1
+woodbine,1846,4
+forkland,179,2
+shelbyville,2710,4
+beechwood,1116,7
+lindenwood,2389,7
+wainscott,1384,6
+marstons,33,20
+tolstoy,1263,4
+newfields,602,4
+wainscott,1476,1
+klickitat,151,12
+merom,839,2
+forkland,1045,4
+beechwood,6,4
+lindenwood,1048,16
+wainscott,1650,7
+pinesdale,1218,8
+beechwood,366,5
+hanson,251,5
+leonardo,493,4
+woodbine,640,2
+woodbine,932,5
+hiteman,1500,0
+wainscott,1718,3
+forkland,1163,9
+ranchester,20,2
+hiteman,188,1
+lindenwood,301,2
+mifflinburg,919,1
+leonardo,846,6
+marstons,1194,5
+merom,506,5
+pomaria,1098,1
+pinesdale,1400,0
+ranchester,735,3
+leonardo,13,2
+benevolence,276,4
+shelbyville,1524,11
+onaga,552,3
+coffeen,176,5
+lakeville,927,4
+wainscott,391,4
+hanson,76,3
+hiteman,1228,2
+hanson,1336,0
+lakeville,1486,13
+beechwood,53,5
+hanson,852,6
+cosmos,796,0
+pomaria,923,1
+pomaria,979,2
+cosmos,84,3
+tolstoy,145,0
+coffeen,97,0
+benevolence,227,4
+shelbyville,2325,7
+onaga,227,1
+newfields,1303,1
+cosmos,611,10
+marstons,804,6
+ranchester,439,7
+ranchester,1171,3
+pinesdale,1334,3
+hanson,902,3
+hanson,1417,11
+coffeen,232,7
+stockman,108,0
+newfields,795,5
+lindenwood,299,1
+lakeville,1754,4
+marstons,2193,3
+pomaria,1504,2
+lindenwood,255,11
+coffeen,1134,3
+leonardo,66,3
+tolstoy,888,1
+lindenwood,394,2
+mifflinburg,639,0
+pomaria,1415,6
+newfields,1086,6
+leonardo,756,6
+leonardo,559,14
+ranchester,265,4
+ranchester,906,0
+klickitat,2278,6
+hanson,951,4
+onaga,209,3
+tolstoy,1608,7
+pinesdale,1448,3
+cosmos,868,2
+ranchester,914,0
+lakeville,1147,4
+klickitat,2187,1
+lindenwood,213,8
+forkland,542,0
+cosmos,46,5
+lakeville,1432,0
+lakeville,826,4
+coffeen,1134,1
+leonardo,616,11
+hanson,221,1
+lindenwood,942,1
+shelbyville,2013,6
+klickitat,1579,5
+coffeen,646,3
+beechwood,1031,12
+lindenwood,270,1
+woodbine,369,3
+hanson,1277,13
+klickitat,1096,4
+wainscott,1405,3
+leonardo,1446,0
+merom,889,6
+lakeville,94,3
+leonardo,1923,8
+lakeville,756,9
+ranchester,560,2
+hiteman,1437,1
+coffeen,1067,4
+shelbyville,2611,16
+lakeville,532,4
+pinesdale,35,4
+shelbyville,2490,8
+hiteman,255,4
+woodbine,1496,0
+shelbyville,194,11
+klickitat,866,0
+marstons,2074,0
+pinesdale,947,5
+forkland,1,5
+wainscott,721,4
+stockman,1337,0
+tolstoy,412,2
+onaga,190,8
+marstons,1162,1
+lakeville,1791,0
+stockman,845,1
+lakeville,317,5
+klickitat,74,3
+shelbyville,931,1
+benevolence,462,0
+pinesdale,231,10
+marstons,402,0
+woodbine,1511,5
+lakeville,1394,5
+tolstoy,1534,1
+beechwood,320,3
+klickitat,1515,0
+shelbyville,734,4
+mifflinburg,24,1
+lindenwood,309,2
+newfields,1656,4
+newfields,1142,4
+klickitat,1506,2
+lakeville,1086,5
+marstons,2103,3
+tolstoy,202,11
+shelbyville,2,9
+ranchester,1377,8
+stockman,996,4
+pinesdale,367,0
+woodbine,544,2
+benevolence,243,2
+mifflinburg,961,8
+hanson,888,6
+leonardo,1846,6
+lakeville,1336,6
+lakeville,1382,2
+forkland,299,3
+shelbyville,1652,1
+shelbyville,1513,5
+pinesdale,926,1
+newfields,598,8
+stockman,9,1
+stockman,1618,1
+stockman,178,0
+woodbine,104,0
+cosmos,557,6
+lindenwood,2139,2
+wainscott,511,0
+marstons,2155,0
+marstons,595,4
+shelbyville,1920,15
+marstons,2646,5
+newfields,496,1
+pomaria,1049,2
+lindenwood,2,0
+newfields,791,2
+lindenwood,2073,8
+lindenwood,1558,0
+klickitat,2030,8
+pomaria,194,7
+lindenwood,2327,4
+tolstoy,1612,2
+mifflinburg,90,4
+coffeen,382,0
+woodbine,1458,3
+onaga,426,1
+wainscott,293,4
+allensville,390,4
+shelbyville,1485,0
+leonardo,1895,2
+wainscott,1759,0
+hanson,1052,1
+coffeen,1283,4
+cosmos,500,10
+lindenwood,1520,8
+pomaria,792,4
+ranchester,1339,4
+lakeville,1779,0
+hiteman,933,0
+marstons,1068,3
+merom,480,6
+mifflinburg,570,6
+mifflinburg,721,2
+beechwood,153,3
+pinesdale,334,3
+newfields,1433,6
+merom,234,3
+cosmos,832,11
+leonardo,354,4
+leonardo,1238,6
+tolstoy,537,4
+hiteman,904,5
+cosmos,1000,5
+leonardo,627,1
+pomaria,644,8
+allensville,112,3
+lindenwood,1723,0
+pinesdale,582,2
+pinesdale,497,1
+coffeen,1080,2
+klickitat,990,0
+pomaria,484,12
+hiteman,866,1
+hanson,344,4
+onaga,47,5
+hiteman,970,6
+tolstoy,1538,3
+leonardo,938,2
+lakeville,1290,0
+newfields,287,6
+klickitat,822,3
+shelbyville,1392,0
+lakeville,653,9
+shelbyville,1985,6
+coffeen,80,5
+beechwood,340,0
+pomaria,904,0
+tolstoy,45,2
+lakeville,1568,0
+pomaria,988,2
+stockman,1035,2
+lakeville,984,4
+leonardo,1044,2
+tolstoy,915,4
+marstons,2046,8
+marstons,1995,4
+wainscott,241,7
+beechwood,699,0
+marstons,1223,7
+lakeville,663,4
+coffeen,233,9
+pomaria,1422,1
+marstons,1306,3
+pinesdale,183,3
+tolstoy,699,4
+hanson,488,2
+merom,647,4
+stockman,511,6
+marstons,1876,1
+pinesdale,736,6
+wainscott,297,2
+merom,683,4
+shelbyville,2581,1
+pomaria,1115,6
+hiteman,894,1
+woodbine,1057,0
+leonardo,644,7
+newfields,1087,4
+allensville,96,1
+mifflinburg,640,3
+lindenwood,519,10
+klickitat,1848,6
+wainscott,294,7
+tolstoy,110,4
+marstons,320,3
+wainscott,466,1
+wainscott,1549,6
+pomaria,494,3
+tolstoy,158,3
+marstons,1237,8
+marstons,2572,1
+klickitat,300,0
+lakeville,1478,6
+lakeville,910,4
+klickitat,488,18
+klickitat,1004,1
+ranchester,1601,4
+lakeville,1602,13
+woodbine,1923,8
+pomaria,870,1
+newfields,1357,8
+tolstoy,685,4
+woodbine,766,13
+klickitat,2214,2
+stockman,1086,2
+hanson,1189,15
+pomaria,1576,7
+hiteman,749,5
+stockman,1563,0
+leonardo,963,3
+klickitat,831,9
+pomaria,495,0
+woodbine,942,0
+shelbyville,2596,8
+ranchester,1055,2
+lindenwood,2554,9
+marstons,891,0
+hanson,368,16
+klickitat,1468,6
+lindenwood,217,3
+marstons,676,2
+marstons,1917,4
+woodbine,932,12
+klickitat,795,9
+forkland,372,13
+pomaria,766,17
+shelbyville,861,0
+forkland,837,2
+mifflinburg,809,1
+stockman,1455,5
+newfields,1179,2
+newfields,830,0
+wainscott,1123,1
+hiteman,905,6
+klickitat,2015,4
+newfields,561,1
+tolstoy,803,1
+lindenwood,1310,3
+klickitat,2244,1
+lindenwood,2384,3
+ranchester,307,12
+klickitat,203,1
+ranchester,196,1
+klickitat,61,0
+newfields,971,0
+wainscott,815,8
+newfields,1650,2
+lindenwood,1014,1
+klickitat,565,0
+shelbyville,2363,6
+pomaria,477,3
+marstons,784,0
+benevolence,351,5
+forkland,929,1
+klickitat,833,1
+wainscott,45,7
+tolstoy,1195,0
+lindenwood,346,7
+beechwood,704,6
+tolstoy,1790,0
+tolstoy,946,7
+ranchester,1032,3
+shelbyville,1241,5
+mifflinburg,25,0
+coffeen,529,4
+stockman,731,3
+ranchester,171,7
+woodbine,1995,7
+leonardo,1535,0
+klickitat,2392,5
+leonardo,897,3
+marstons,1491,1
+marstons,2183,7
+tolstoy,295,10
+hanson,896,7
+stockman,965,1
+pinesdale,471,5
+pomaria,845,1
+lindenwood,1894,6
+lindenwood,1334,5
+pomaria,1310,5
+lakeville,1395,1
+coffeen,1470,2
+beechwood,994,3
+pomaria,299,5
+shelbyville,1338,8
+ranchester,90,2
+stockman,598,1
+ranchester,1159,0
+benevolence,412,3
+onaga,301,5
+lindenwood,1294,2
+klickitat,1281,4
+woodbine,1252,7
+newfields,966,5
+mifflinburg,688,2
+hanson,1204,15
+tolstoy,818,1
+lakeville,1593,1
+leonardo,46,0
+leonardo,257,16
+mifflinburg,706,3
+coffeen,285,4
+cosmos,15,3
+lindenwood,899,10
+hiteman,351,3
+coffeen,240,6
+hiteman,96,7
+pinesdale,282,2
+ranchester,1468,5
+wainscott,570,4
+woodbine,159,6
+merom,821,3
+wainscott,1525,11
+beechwood,459,6
+lindenwood,2094,5
+hanson,604,0
+woodbine,1108,1
+benevolence,473,4
+shelbyville,1826,3
+merom,648,3
+marstons,2107,3
+hanson,1442,2
+lakeville,1331,2
+wainscott,1730,12
+marstons,2241,1
+pinesdale,824,4
+ranchester,340,1
+pomaria,232,16
+leonardo,1584,2
+allensville,4,0
+shelbyville,1751,6
+leonardo,133,2
+leonardo,1791,0
+marstons,2438,2
+newfields,257,0
+tolstoy,1351,2
+stockman,987,0
+shelbyville,1457,0
+lindenwood,1012,1
+stockman,598,13
+lindenwood,292,2
+stockman,24,0
+lindenwood,2127,4
+hanson,1205,4
+shelbyville,2297,2
+lindenwood,364,1
+pinesdale,1053,2
+marstons,68,1
+stockman,1120,0
+klickitat,649,9
+klickitat,988,4
+stockman,122,11
+merom,752,1
+lindenwood,1025,5
+coffeen,831,5
+newfields,277,7
+merom,827,2
+ranchester,965,4
+shelbyville,80,0
+klickitat,518,3
+lindenwood,705,7
+leonardo,1205,9
+woodbine,116,4
+leonardo,513,1
+wainscott,907,13
+stockman,980,6
+pomaria,1179,4
+tolstoy,903,3
+lindenwood,2576,5
+lindenwood,1674,2
+marstons,1705,0
+merom,39,11
+klickitat,1977,7
+ranchester,1246,4
+lakeville,1120,7
+hanson,604,3
+wainscott,699,1
+leonardo,128,4
+stockman,1018,6
+lindenwood,1902,2
+pomaria,906,4
+coffeen,1393,4
+pinesdale,301,2
+shelbyville,2248,3
+marstons,1006,0
+newfields,248,0
+hiteman,1254,1
+stockman,226,4
+forkland,727,8
+coffeen,625,1
+marstons,719,4
+mifflinburg,934,2
+woodbine,637,1
+pomaria,1347,2
+wainscott,8,9
+marstons,2402,3
+wainscott,280,9
+hiteman,626,1
+stockman,312,2
+allensville,234,4
+wainscott,586,3
+tolstoy,467,13
+benevolence,416,10
+ranchester,428,6
+klickitat,185,3
+marstons,2429,2
+lindenwood,763,2
+lindenwood,314,2
+allensville,381,5
+shelbyville,2279,2
+tolstoy,487,0
+lakeville,731,11
+marstons,809,3
+coffeen,123,3
+hanson,333,9
+allensville,350,6
+woodbine,1289,3
+marstons,27,9
+stockman,376,2
+lindenwood,105,1
+klickitat,2356,8
+leonardo,641,0
+lindenwood,1375,5
+marstons,2614,3
+beechwood,260,8
+tolstoy,1050,11
+marstons,1355,7
+coffeen,830,7
+woodbine,1211,5
+benevolence,235,4
+wainscott,966,3
+newfields,1077,2
+hanson,904,0
+marstons,899,4
+pomaria,1415,5
+klickitat,2231,11
+lindenwood,632,1
+lindenwood,296,0
+hiteman,1470,7
+marstons,957,1
+marstons,450,2
+klickitat,595,0
+pomaria,118,3
+mifflinburg,575,2
+leonardo,1013,8
+klickitat,1046,13
+shelbyville,48,1
+tolstoy,736,6
+shelbyville,219,0
+klickitat,1017,5
+lindenwood,1242,13
+newfields,1593,12
+wainscott,1290,3
+newfields,834,6
+marstons,288,9
+coffeen,698,2
+pomaria,314,9
+pomaria,851,5
+shelbyville,323,11
+tolstoy,59,2
+pomaria,1245,2
+benevolence,222,8
+lindenwood,2371,10
+benevolence,396,3
+woodbine,708,11
+pomaria,72,3
+cosmos,990,1
+wainscott,1499,4
+stockman,851,0
+marstons,1767,8
+woodbine,1261,4
+woodbine,1544,11
+shelbyville,1954,4
+hiteman,654,1
+leonardo,789,6
+pomaria,748,5
+merom,354,4
+woodbine,1792,7
+hiteman,1378,1
+lindenwood,757,5
+hanson,1012,6
+pomaria,656,2
+mifflinburg,594,4
+klickitat,158,1
+forkland,836,0
+leonardo,1821,5
+pinesdale,198,3
+woodbine,41,1
+tolstoy,646,3
+ranchester,1402,8
+marstons,1694,2
+klickitat,1952,1
+tolstoy,133,4
+klickitat,1540,2
+allensville,454,3
+lindenwood,27,8
+pinesdale,250,0
+newfields,1170,0
+klickitat,2323,4
+lindenwood,1819,2
+lindenwood,846,1
+shelbyville,118,6
+stockman,1285,0
+tolstoy,806,5
+pomaria,195,3
+lindenwood,181,2
+shelbyville,2448,0
+hanson,980,15
+newfields,618,12
+shelbyville,1427,4
+leonardo,359,24
+shelbyville,1573,3
+tolstoy,1827,0
+coffeen,376,5
+hanson,5,5
+woodbine,1508,10
+woodbine,1038,0
+stockman,49,6
+tolstoy,1569,8
+newfields,1134,2
+shelbyville,2445,3
+klickitat,109,4
+lindenwood,494,8
+pomaria,1603,2
+leonardo,819,0
+onaga,113,0
+ranchester,1607,0
+leonardo,1276,2
+cosmos,455,6
+forkland,577,0
+stockman,83,9
+shelbyville,1933,2
+pomaria,569,1
+klickitat,1066,7
+shelbyville,131,3
+shelbyville,589,2
+forkland,436,0
+onaga,349,3
+marstons,712,3
+hanson,1433,7
+stockman,639,3
+merom,951,2
+leonardo,1438,2
+marstons,2230,2
+lakeville,393,10
+shelbyville,584,1
+shelbyville,764,0
+wainscott,671,4
+benevolence,681,0
+tolstoy,1324,8
+wainscott,506,0
+marstons,2125,1
+woodbine,1311,3
+ranchester,446,1
+lindenwood,1,1
+lakeville,1593,2
+lakeville,1468,6
+pinesdale,307,0
+tolstoy,1391,3
+pinesdale,315,0
+woodbine,1808,10
+pinesdale,1338,2
+shelbyville,2078,11
+marstons,2490,1
+wainscott,658,3
+wainscott,1415,1
+ranchester,1156,7
+shelbyville,1933,1
+stockman,957,1
+klickitat,1301,3
+klickitat,380,4
+klickitat,1956,9
+lindenwood,1259,0
+ranchester,5,0
+marstons,2447,1
+forkland,1135,0
+klickitat,437,0
+newfields,504,12
+leonardo,1624,2
+marstons,1581,3
+hiteman,1783,4
+allensville,32,9
+hiteman,1017,9
+merom,1074,2
+wainscott,1499,2
+wainscott,294,10
+allensville,361,5
+klickitat,60,3
+shelbyville,1846,7
+lindenwood,191,1
+marstons,248,2
+wainscott,46,0
+marstons,1070,7
+wainscott,1017,7
+forkland,1087,5
+klickitat,745,0
+ranchester,279,0
+forkland,900,7
+lakeville,872,1
+klickitat,656,0
+merom,792,4
+hanson,151,2
+onaga,501,0
+wainscott,1032,2
+shelbyville,808,0
+tolstoy,1505,3
+pinesdale,1068,6
+woodbine,1684,7
+tolstoy,128,5
+onaga,87,7
+hiteman,1045,2
+marstons,1191,0
+forkland,215,0
+stockman,468,6
+woodbine,1207,0
+wainscott,1713,6
+pomaria,1037,0
+ranchester,1555,4
+newfields,1301,11
+shelbyville,1603,8
+woodbine,1098,0
+pinesdale,52,1
+ranchester,865,8
+shelbyville,1694,9
+merom,664,2
+woodbine,463,3
+klickitat,1044,1
+lindenwood,885,2
+wainscott,625,1
+klickitat,879,8
+pomaria,470,10
+forkland,1147,6
+woodbine,630,3
+shelbyville,1733,6
+ranchester,31,2
+klickitat,1024,12
+lindenwood,559,3
+hanson,1117,0
+marstons,1932,0
+cosmos,911,8
+tolstoy,1693,4
+woodbine,802,0
+wainscott,1007,1
+lindenwood,1401,7
+klickitat,841,12
+shelbyville,1129,6
+shelbyville,673,1
+coffeen,352,0
+merom,716,2
+klickitat,1814,0
+ranchester,1014,6
+ranchester,1510,6
+shelbyville,1868,1
+newfields,1302,7
+klickitat,1430,11
+lindenwood,2647,0
+marstons,1574,9
+hanson,35,13
+marstons,794,6
+newfields,752,2
+wainscott,1724,0
+wainscott,331,8
+ranchester,1347,6
+shelbyville,2808,14
+forkland,1092,8
+shelbyville,1028,6
+pinesdale,645,6
+ranchester,702,3
+lakeville,1223,1
+shelbyville,1885,0
+shelbyville,2648,4
+tolstoy,720,1
+shelbyville,2146,0
+klickitat,1889,2
+lindenwood,2177,0
+marstons,1613,6
+lakeville,396,18
+newfields,313,16
+hanson,729,2
+lakeville,243,2
+hanson,236,6
+newfields,799,4
+klickitat,623,10
+pomaria,1356,7
+klickitat,2062,1
+hiteman,1279,2
+coffeen,1020,1
+marstons,2250,2
+klickitat,2052,6
+onaga,473,4
+hanson,1454,0
+ranchester,395,4
+forkland,81,2
+klickitat,2330,5
+pomaria,1365,3
+tolstoy,1112,2
+woodbine,1923,11
+wainscott,1017,0
+hanson,341,1
+wainscott,436,9
+lindenwood,892,3
+beechwood,533,2
+lakeville,1368,0
+klickitat,787,9
+forkland,284,2
+shelbyville,2744,2
+marstons,2258,14
+beechwood,390,1
+merom,721,3
+lakeville,1738,5
+tolstoy,1569,1
+pinesdale,864,9
+klickitat,1520,9
+klickitat,741,6
+shelbyville,2780,2
+lindenwood,819,4
+woodbine,1051,1
+hanson,404,4
+hiteman,424,12
+onaga,253,6
+stockman,950,0
+klickitat,19,13
+marstons,479,1
+lakeville,741,1
+ranchester,232,3
+lakeville,1471,10
+pomaria,440,8
+cosmos,591,1
+hanson,1293,0
+lindenwood,290,2
+pinesdale,499,4
+leonardo,888,4
+shelbyville,880,2
+pinesdale,357,0
+pomaria,985,2
+klickitat,1819,2
+stockman,830,7
+cosmos,773,1
+shelbyville,901,4
+stockman,1474,0
+lindenwood,304,6
+pomaria,876,4
+lakeville,994,1
+allensville,141,0
+forkland,876,6
+ranchester,1169,3
+shelbyville,881,4
+leonardo,323,4
+tolstoy,1550,0
+pinesdale,138,4
+marstons,2170,13
+stockman,1030,6
+beechwood,433,0
+lakeville,1404,9
+onaga,567,2
+shelbyville,2577,2
+tolstoy,1342,2
+newfields,81,6
+pomaria,414,5
+newfields,580,4
+marstons,2439,9
+lindenwood,2424,2
+hiteman,1782,4
+lindenwood,1571,3
+marstons,1851,3
+shelbyville,447,0
+newfields,517,1
+lindenwood,2163,8
+shelbyville,982,4
+klickitat,2061,6
+lakeville,1733,10
+woodbine,73,0
+tolstoy,116,13
+shelbyville,1502,3
+woodbine,837,7
+shelbyville,188,6
+ranchester,1018,0
+ranchester,590,1
+hanson,589,1
+woodbine,1673,9
+marstons,269,8
+merom,424,0
+pinesdale,1460,2
+benevolence,75,0
+wainscott,1391,8
+pomaria,255,3
+marstons,90,3
+hanson,1495,0
+lindenwood,873,5
+wainscott,198,14
+leonardo,1754,0
+woodbine,1213,10
+cosmos,1012,0
+marstons,1938,3
+hiteman,1847,4
+hiteman,737,5
+pinesdale,51,2
+klickitat,652,3
+woodbine,952,6
+hiteman,1788,3
+ranchester,624,1
+hiteman,537,2
+hiteman,346,3
+pinesdale,1172,4
+pinesdale,525,8
+leonardo,336,0
+allensville,145,0
+coffeen,51,3
+shelbyville,1285,0
+leonardo,275,0
+shelbyville,726,3
+ranchester,1377,15
+lakeville,232,6
+klickitat,1887,2
+leonardo,257,2
+pinesdale,882,2
+klickitat,1660,4
+leonardo,553,13
+klickitat,1415,6
+klickitat,898,7
+pinesdale,845,1
+hiteman,459,2
+coffeen,284,7
+lindenwood,2218,5
+wainscott,1717,5
+hiteman,694,0
+beechwood,382,2
+marstons,1351,3
+cosmos,553,2
+marstons,2557,2
+ranchester,33,3
+woodbine,1846,6
+shelbyville,1199,7
+shelbyville,1004,0
+wainscott,1079,0
+wainscott,295,10
+hiteman,1329,2
+marstons,2013,5
+stockman,370,1
+pomaria,1638,9
+pinesdale,184,1
+coffeen,210,7
+cosmos,379,13
+marstons,2077,2
+tolstoy,518,0
+hanson,1,0
+wainscott,176,3
+lindenwood,2497,3
+shelbyville,404,11
+coffeen,1310,1
+beechwood,1010,6
+wainscott,1205,8
+marstons,144,1
+stockman,1356,0
+lakeville,947,0
+klickitat,1699,7
+tolstoy,591,3
+klickitat,2046,2
+hiteman,1589,2
+ranchester,870,3
+hanson,127,1
+lakeville,977,3
+shelbyville,454,3
+klickitat,2293,2
+shelbyville,546,2
+leonardo,1741,2
+lindenwood,2442,2
+hanson,1067,6
+leonardo,2066,1
+coffeen,1151,8
+marstons,1969,4
+cosmos,520,6
+hiteman,173,0
+cosmos,887,4
+marstons,2220,5
+hiteman,348,10
+pinesdale,916,5
+shelbyville,1802,0
+shelbyville,1215,2
+leonardo,309,5
+beechwood,292,2
+klickitat,126,11
+woodbine,253,4
+newfields,622,3
+lakeville,582,2
+allensville,445,4
+tolstoy,858,1
+marstons,2337,4
+onaga,297,2
+hiteman,1331,7
+shelbyville,2530,4
+woodbine,843,7
+woodbine,1737,5
+wainscott,880,14
+marstons,1751,6
+benevolence,899,8
+lindenwood,69,0
+marstons,151,2
+beechwood,746,0
+newfields,1428,0
+marstons,2083,0
+leonardo,2001,1
+beechwood,779,6
+lindenwood,1007,1
+hanson,292,0
+mifflinburg,949,4
+lakeville,595,0
+pinesdale,443,4
+woodbine,100,7
+hiteman,1073,3
+marstons,2261,2
+leonardo,755,2
+shelbyville,139,1
+marstons,1571,0
+woodbine,1069,4
+newfields,288,4
+benevolence,169,1
+shelbyville,1174,3
+lakeville,1486,14
+merom,577,1
+wainscott,582,1
+benevolence,54,7
+shelbyville,2477,3
+hanson,852,13
+marstons,1655,1
+klickitat,2018,3
+coffeen,808,1
+stockman,313,8
+newfields,1362,0
+forkland,647,4
+merom,875,1
+pomaria,213,2
+coffeen,1219,0
+shelbyville,1053,0
+coffeen,1399,1
+ranchester,1532,10
+hanson,590,3
+ranchester,1272,5
+pomaria,1272,5
+hanson,315,1
+klickitat,165,4
+woodbine,115,10
+woodbine,538,2
+wainscott,831,3
+klickitat,2163,0
+newfields,478,7
+benevolence,882,3
+cosmos,148,0
+klickitat,2418,9
+lindenwood,2142,6
+tolstoy,767,7
+cosmos,782,0
+shelbyville,2359,0
+hiteman,1129,3
+shelbyville,100,4
+forkland,264,3
+lakeville,367,7
+marstons,1424,7
+woodbine,169,11
+hiteman,831,8
+pinesdale,383,2
+marstons,1532,5
+leonardo,1790,8
+lindenwood,1401,2
+merom,964,0
+stockman,198,1
+woodbine,1939,3
+ranchester,1183,0
+coffeen,1240,4
+hiteman,192,2
+ranchester,761,2
+lindenwood,1602,10
+klickitat,590,0
+pinesdale,31,15
+hiteman,368,6
+hiteman,74,2
+woodbine,750,10
+hanson,898,6
+woodbine,1860,0
+lindenwood,1836,0
+lakeville,609,3
+shelbyville,1582,2
+lakeville,1484,6
+mifflinburg,971,4
+wainscott,692,7
+tolstoy,1240,1
+hanson,767,1
+lakeville,1178,6
+marstons,77,3
+klickitat,221,2
+hiteman,697,7
+newfields,350,2
+hiteman,70,1
+klickitat,1693,0
+merom,295,2
+marstons,610,3
+pinesdale,1332,2
+stockman,1461,6
+hanson,85,6
+shelbyville,1825,3
+newfields,1545,2
+marstons,1834,2
+hiteman,694,1
+woodbine,1995,6
+pomaria,441,5
+klickitat,1820,3
+onaga,345,3
+wainscott,586,14
+wainscott,1473,3
+woodbine,432,3
+pomaria,1576,0
+woodbine,1125,11
+wainscott,1249,0
+woodbine,1380,8
+klickitat,2134,0
+allensville,294,0
+pomaria,121,16
+hanson,1226,14
+marstons,277,3
+forkland,420,1
+hanson,169,0
+woodbine,611,3
+pinesdale,1339,2
+shelbyville,1304,5
+ranchester,687,7
+tolstoy,366,0
+lindenwood,886,1
+klickitat,2414,7
+marstons,1019,1
+lakeville,1613,13
+woodbine,770,1
+klickitat,2361,3
+woodbine,1754,6
+lakeville,453,0
+hanson,1111,2
+wainscott,1462,16
+marstons,2400,1
+klickitat,1501,0
+klickitat,1562,4
+stockman,801,5
+leonardo,325,3
+lindenwood,1486,1
+leonardo,1554,4
+shelbyville,1473,14
+onaga,199,3
+shelbyville,473,1
+klickitat,2287,2
+leonardo,448,6
+coffeen,789,1
+shelbyville,1920,8
+newfields,1205,0
+beechwood,24,0
+forkland,995,2
+wainscott,2,1
+newfields,47,4
+tolstoy,471,2
+wainscott,1707,4
+marstons,1757,5
+mifflinburg,489,0
+leonardo,753,5
+newfields,237,1
+ranchester,677,2
+lakeville,1741,7
+marstons,2453,3
+hiteman,386,9
+newfields,1172,2
+cosmos,565,4
+shelbyville,2649,0
+hiteman,342,0
+lindenwood,1407,5
+hanson,1603,10
+woodbine,1235,0
+lakeville,1005,3
+stockman,415,1
+pinesdale,1002,7
+wainscott,583,3
+ranchester,344,2
+woodbine,1083,10
+lindenwood,1103,1
+lakeville,1321,5
+wainscott,710,3
+lindenwood,2188,3
+marstons,278,4
+tolstoy,1399,3
+lindenwood,444,2
+pinesdale,156,2
+tolstoy,1439,12
+lakeville,1074,2
+stockman,1581,0
+mifflinburg,140,0
+beechwood,650,1
+woodbine,227,2
+ranchester,431,1
+klickitat,893,8
+pinesdale,1376,1
+beechwood,1172,1
+newfields,1651,5
+woodbine,1764,2
+ranchester,439,9
+tolstoy,1481,6
+benevolence,844,4
+hiteman,1506,10
+hiteman,26,0
+stockman,360,2
+woodbine,912,7
+lakeville,502,2
+cosmos,245,3
+lakeville,1291,0
+klickitat,1328,5
+shelbyville,859,13
+shelbyville,1333,1
+marstons,2465,0
+hanson,1239,0
+wainscott,926,2
+lakeville,768,0
+ranchester,1326,2
+lindenwood,2429,7
+hiteman,498,2
+pomaria,627,14
+lindenwood,484,7
+ranchester,69,11
+hiteman,1328,4
+lindenwood,2638,5
+woodbine,1862,2
+leonardo,1238,5
+onaga,328,2
+marstons,2535,1
+forkland,1192,2
+newfields,1242,1
+newfields,1571,8
+woodbine,518,0
+hiteman,1444,1
+wainscott,1785,1
+tolstoy,1513,6
+klickitat,314,1
+pinesdale,1231,1
+klickitat,1299,3
+leonardo,1358,20
+marstons,173,5
+shelbyville,2292,3
+marstons,1419,2
+leonardo,201,6
+lindenwood,633,0
+marstons,1737,4
+marstons,2273,18
+klickitat,1296,5
+lakeville,1231,0
+mifflinburg,314,1
+klickitat,1550,0
+marstons,1113,3
+ranchester,380,6
+shelbyville,148,11
+ranchester,1128,1
+leonardo,698,3
+newfields,1384,10
+tolstoy,107,2
+tolstoy,800,4
+merom,422,1
+woodbine,1288,0
+tolstoy,1354,8
+lindenwood,516,0
+pinesdale,1376,0
+wainscott,1083,6
+marstons,2367,1
+hiteman,775,2
+coffeen,15,5
+newfields,951,3
+pomaria,1672,3
+shelbyville,2230,1
+klickitat,399,11
+tolstoy,1629,10
+klickitat,1584,6
+klickitat,1706,8
+wainscott,496,0
+hanson,248,0
+wainscott,1156,4
+hiteman,1286,6
+pomaria,1075,1
+forkland,670,2
+lakeville,1683,9
+shelbyville,1730,0
+leonardo,1592,1
+coffeen,411,4
+wainscott,1356,2
+leonardo,2040,4
+hanson,179,0
+leonardo,1064,4
+lakeville,1357,2
+lindenwood,460,5
+lindenwood,1533,1
+shelbyville,1104,1
+pinesdale,158,1
+marstons,485,2
+hiteman,1803,2
+mifflinburg,966,1
+pinesdale,1209,2
+forkland,505,2
+woodbine,1736,3
+lindenwood,1689,3
+pomaria,220,1
+tolstoy,1445,1
+shelbyville,2359,4
+merom,790,1
+shelbyville,861,1
+pinesdale,578,2
+mifflinburg,555,1
+klickitat,1429,2
+tolstoy,1123,4
+klickitat,1948,7
+coffeen,796,0
+woodbine,1923,1
+shelbyville,1914,4
+onaga,348,5
+coffeen,560,12
+shelbyville,1202,3
+ranchester,1123,14
+shelbyville,796,4
+wainscott,878,1
+forkland,999,1
+coffeen,581,0
+klickitat,2279,9
+klickitat,1630,4
+marstons,1837,1
+woodbine,1302,10
+pinesdale,1471,5
+shelbyville,1194,1
+lakeville,1636,6
+lakeville,1718,3
+leonardo,2029,1
+hiteman,1413,3
+newfields,492,0
+beechwood,676,0
+ranchester,1174,15
+merom,925,7
+shelbyville,2563,3
+hiteman,673,0
+marstons,1391,4
+forkland,837,1
+mifflinburg,796,1
+woodbine,822,7
+wainscott,1627,5
+ranchester,950,5
+marstons,1316,3
+stockman,730,3
+stockman,1284,4
+marstons,909,3
+woodbine,1813,13
+woodbine,926,5
+lindenwood,607,2
+lakeville,1503,5
+klickitat,191,3
+klickitat,1502,11
+lindenwood,1224,2
+hanson,270,4
+cosmos,919,3
+lakeville,1831,5
+lakeville,1274,2
+marstons,206,6
+woodbine,248,1
+merom,389,5
+tolstoy,785,10
+lindenwood,263,2
+leonardo,1715,6
+lakeville,1083,6
+hanson,1024,6
+leonardo,1958,7
+hanson,768,3
+tolstoy,654,2
+klickitat,1406,7
+stockman,1231,1
+shelbyville,922,6
+coffeen,1519,8
+merom,143,1
+wainscott,1623,9
+lindenwood,488,3
+wainscott,957,7
+leonardo,1806,8
+marstons,176,0
+merom,1035,4
+stockman,647,9
+woodbine,445,1
+pinesdale,568,1
+pomaria,1106,2
+lindenwood,1978,12
+hanson,229,4
+klickitat,123,13
+wainscott,1385,3
+klickitat,1206,0
+pomaria,697,1
+beechwood,551,5
+hanson,520,4
+pinesdale,754,7
+coffeen,589,10
+lindenwood,2322,10
+woodbine,1504,10
+forkland,916,0
+wainscott,1661,6
+shelbyville,1018,8
+onaga,556,4
+coffeen,779,6
+newfields,219,7
+newfields,777,2
+klickitat,572,8
+forkland,320,4
+pomaria,440,3
+shelbyville,2289,6
+merom,718,7
+hanson,1119,5
+woodbine,980,4
+klickitat,1437,17
+merom,993,7
+tolstoy,447,4
+pomaria,676,11
+lakeville,440,7
+ranchester,866,3
+hanson,1066,0
+marstons,1470,3
+klickitat,1545,0
+marstons,706,4
+tolstoy,660,4
+hanson,1592,11
+pomaria,72,2
+benevolence,716,0
+allensville,255,3
+marstons,1213,11
+klickitat,496,4
+tolstoy,1462,10
+lindenwood,928,2
+pinesdale,42,3
+wainscott,776,10
+lakeville,1387,6
+hanson,344,7
+stockman,513,6
+mifflinburg,887,3
+klickitat,225,13
+tolstoy,1369,6
+hanson,598,9
+lindenwood,1457,0
+cosmos,491,3
+merom,234,2
+beechwood,506,2
+cosmos,37,0
+woodbine,1332,1
+leonardo,2095,2
+beechwood,959,0
+onaga,84,12
+cosmos,142,0
+klickitat,976,2
+woodbine,928,5
+allensville,298,0
+hanson,1220,7
+leonardo,1141,6
+newfields,114,7
+ranchester,1539,6
+pomaria,1454,2
+stockman,183,1
+lindenwood,1404,3
+wainscott,1057,0
+pinesdale,922,4
+marstons,978,6
+lindenwood,1612,2
+leonardo,1861,6
+hanson,1372,2
+marstons,1417,2
+onaga,434,2
+shelbyville,715,7
+woodbine,1499,0
+klickitat,1849,21
+hanson,917,0
+allensville,252,3
+lindenwood,2670,6
+woodbine,968,8
+coffeen,152,0
+lindenwood,872,2
+stockman,36,9
+woodbine,809,2
+hanson,1018,9
+shelbyville,1130,4
+pinesdale,1314,10
+tolstoy,243,4
+woodbine,1145,1
+leonardo,1380,4
+cosmos,168,10
+hanson,520,0
+pomaria,488,13
+pinesdale,771,1
+forkland,199,0
+shelbyville,827,0
+onaga,295,2
+cosmos,595,3
+shelbyville,642,2
+lindenwood,1828,2
+stockman,5,3
+tolstoy,434,0
+coffeen,1394,0
+leonardo,1271,0
+lindenwood,799,5
+allensville,332,10
+merom,491,2
+wainscott,1014,2
+merom,699,10
+allensville,19,0
+cosmos,1065,3
+mifflinburg,212,0
+newfields,447,1
+klickitat,883,1
+wainscott,1547,9
+stockman,798,0
+stockman,342,1
+lakeville,1111,1
+stockman,526,6
+beechwood,71,4
+hiteman,235,3
+wainscott,1706,1
+coffeen,437,1
+woodbine,1665,2
+tolstoy,1792,4
+beechwood,1111,3
+beechwood,62,6
+mifflinburg,618,2
+wainscott,1727,0
+benevolence,294,3
+hiteman,765,1
+newfields,1316,5
+woodbine,449,0
+leonardo,1505,1
+lindenwood,1931,10
+klickitat,2146,0
+marstons,339,0
+klickitat,1183,1
+hanson,1129,1
+mifflinburg,293,0
+leonardo,928,2
+forkland,893,2
+lakeville,20,6
+klickitat,928,8
+hiteman,128,0
+tolstoy,28,1
+shelbyville,1045,0
+stockman,518,0
+leonardo,1720,1
+lindenwood,2309,7
+lakeville,39,3
+wainscott,331,12
+shelbyville,1293,9
+marstons,1031,2
+coffeen,1231,1
+marstons,1012,0
+coffeen,42,0
+marstons,794,0
+stockman,978,3
+coffeen,885,8
+hiteman,1695,8
+woodbine,1260,2
+hanson,1394,9
+wainscott,1039,3
+shelbyville,909,0
+leonardo,377,1
+stockman,444,3
+coffeen,382,2
+stockman,41,2
+shelbyville,26,5
+newfields,1467,0
+pinesdale,1182,0
+pinesdale,339,3
+coffeen,1042,0
+leonardo,1216,2
+pomaria,846,12
+wainscott,247,2
+leonardo,1383,0
+tolstoy,1436,5
+marstons,142,10
+wainscott,1070,1
+lindenwood,2431,1
+hiteman,1424,2
+coffeen,426,1
+leonardo,18,6
+leonardo,2089,5
+leonardo,1400,13
+shelbyville,766,1
+leonardo,1924,0
+hanson,732,1
+cosmos,334,6
+wainscott,343,6
+leonardo,659,13
+marstons,1031,3
+lakeville,1286,0
+hiteman,1113,1
+coffeen,895,3
+coffeen,992,6
+shelbyville,276,0
+pinesdale,566,1
+pomaria,28,6
+newfields,927,5
+wainscott,1371,3
+beechwood,496,2
+leonardo,143,2
+cosmos,209,0
+wainscott,117,1
+newfields,106,3
+shelbyville,2277,4
+hanson,1197,8
+tolstoy,143,2
+marstons,2503,4
+pinesdale,887,9
+leonardo,409,10
+pomaria,1623,3
+wainscott,565,3
+pinesdale,984,7
+hiteman,1368,2
+allensville,391,1
+marstons,542,9
+leonardo,228,1
+tolstoy,1630,1
+tolstoy,1238,3
+cosmos,298,2
+woodbine,351,3
+forkland,497,4
+shelbyville,1443,2
+stockman,49,1
+klickitat,2315,10
+merom,311,0
+hanson,947,5
+ranchester,813,3
+marstons,584,6
+shelbyville,1033,11
+klickitat,732,7
+klickitat,2418,13
+klickitat,2154,5
+ranchester,1175,1
+woodbine,173,1
+tolstoy,555,0
+lakeville,865,10
+tolstoy,1062,9
+newfields,1383,4
+shelbyville,1337,3
+pinesdale,77,1
+lindenwood,1884,0
+marstons,796,4
+lindenwood,292,6
+coffeen,343,0
+woodbine,757,1
+woodbine,106,1
+marstons,1260,4
+coffeen,1015,3
+cosmos,21,2
+hanson,1601,0
+marstons,2643,1
+onaga,583,3
+newfields,1478,1
+merom,235,5
+tolstoy,847,5
+lindenwood,1836,1
+lakeville,971,6
+hiteman,719,4
+marstons,2614,11
+pomaria,564,2
+woodbine,1198,3
+leonardo,1801,1
+benevolence,79,3
+lindenwood,1804,2
+newfields,360,11
+mifflinburg,723,1
+forkland,966,4
+beechwood,788,0
+merom,923,0
+hiteman,525,2
+tolstoy,392,4
+newfields,841,4
+marstons,1309,10
+tolstoy,1272,0
+lakeville,220,1
+tolstoy,435,2
+stockman,1273,2
+lakeville,1643,14
+merom,809,4
+shelbyville,2726,1
+cosmos,68,8
+coffeen,1059,3
+merom,100,2
+leonardo,1717,2
+lindenwood,290,0
+stockman,1458,6
+ranchester,410,0
+lakeville,849,14
+newfields,809,9
+ranchester,1224,4
+lindenwood,304,4
+mifflinburg,193,2
+woodbine,2007,2
+hanson,1153,1
+tolstoy,862,0
+pomaria,1235,9
+lindenwood,2345,2
+coffeen,372,0
+forkland,419,4
+wainscott,275,6
+lindenwood,851,0
+coffeen,472,7
+pinesdale,1247,6
+marstons,478,1
+cosmos,40,6
+wainscott,15,1
+stockman,467,2
+pinesdale,1458,2
+pinesdale,623,1
+hiteman,1045,6
+lindenwood,253,3
+cosmos,940,8
+tolstoy,1796,3
+lakeville,724,2
+shelbyville,2582,4
+coffeen,490,1
+cosmos,906,5
+ranchester,945,2
+woodbine,729,8
+wainscott,965,1
+newfields,507,2
+marstons,2231,2
+lindenwood,2218,0
+pomaria,232,5
+leonardo,1305,1
+lakeville,675,1
+forkland,122,1
+ranchester,980,4
+stockman,873,9
+stockman,1619,4
+hiteman,904,6
+marstons,2606,7
+marstons,724,5
+klickitat,296,6
+coffeen,478,2
+leonardo,2024,0
+pomaria,1239,1
+stockman,918,4
+newfields,62,2
+pomaria,39,4
+shelbyville,1487,0
+shelbyville,1548,12
+hiteman,1136,0
+pinesdale,1339,4
+klickitat,1677,0
+lindenwood,1979,0
+leonardo,768,9
+lindenwood,772,1
+lindenwood,1460,4
+mifflinburg,945,0
+hanson,1311,4
+leonardo,1906,2
+onaga,604,0
+shelbyville,2704,3
+forkland,781,1
+newfields,1618,4
+forkland,639,6
+lindenwood,1560,2
+lindenwood,1394,2
+hiteman,1688,2
+merom,860,4
+lindenwood,2135,3
+leonardo,447,6
+wainscott,641,0
+ranchester,213,5
+marstons,2607,5
+merom,596,6
+stockman,1101,4
+tolstoy,824,3
+leonardo,1215,0
+hiteman,159,1
+newfields,515,0
+woodbine,783,1
+onaga,345,4
+pomaria,1135,5
+lindenwood,2391,1
+pomaria,618,5
+ranchester,913,5
+woodbine,397,11
+hanson,850,3
+forkland,727,7
+shelbyville,498,21
+newfields,87,1
+cosmos,841,7
+marstons,719,10
+pomaria,1566,2
+shelbyville,337,8
+ranchester,1442,7
+lakeville,485,10
+woodbine,149,1
+beechwood,71,6
+onaga,533,1
+hiteman,801,3
+lakeville,1798,6
+pomaria,1467,1
+wainscott,1332,10
+coffeen,410,2
+leonardo,668,10
+tolstoy,424,3
+wainscott,726,9
+newfields,942,3
+woodbine,1262,1
+lindenwood,754,1
+shelbyville,1940,1
+newfields,266,2
+shelbyville,679,10
+klickitat,999,1
+marstons,2052,3
+pomaria,570,0
+wainscott,1338,11
+shelbyville,1902,3
+lakeville,1013,2
+pinesdale,873,4
+hiteman,1671,10
+pinesdale,1109,4
+merom,1110,1
+cosmos,492,2
+ranchester,414,2
+woodbine,519,12
+tolstoy,542,1
+beechwood,588,2
+pinesdale,989,7
+klickitat,245,9
+newfields,820,3
+mifflinburg,579,2
+forkland,303,0
+lakeville,518,1
+ranchester,457,7
+leonardo,1950,5
+stockman,1382,4
+pomaria,488,10
+hanson,1075,2
+ranchester,581,6
+forkland,827,1
+lindenwood,637,2
+pinesdale,896,3
+allensville,484,5
+leonardo,971,7
+wainscott,610,0
+coffeen,758,1
+wainscott,1466,0
+shelbyville,2792,3
+tolstoy,88,6
+hiteman,163,0
+forkland,280,4
+woodbine,1156,5
+pomaria,997,6
+pinesdale,358,3
+shelbyville,106,2
+wainscott,1098,10
+shelbyville,900,1
+lakeville,1648,1
+newfields,481,14
+shelbyville,682,5
+shelbyville,1712,4
+forkland,1175,6
+merom,587,3
+wainscott,276,1
+pomaria,177,6
+onaga,513,9
+newfields,1384,6
+forkland,39,3
+mifflinburg,453,5
+newfields,1007,1
+pomaria,1558,5
+ranchester,1248,0
+cosmos,551,3
+shelbyville,672,8
+wainscott,1630,3
+newfields,414,0
+wainscott,177,5
+lakeville,1161,12
+woodbine,514,5
+wainscott,851,4
+marstons,753,4
+hiteman,820,9
+coffeen,1045,0
+hiteman,1241,1
+tolstoy,1109,9
+marstons,2247,0
+woodbine,309,2
+hiteman,175,3
+coffeen,17,1
+marstons,2364,0
+coffeen,737,1
+hiteman,1583,2
+marstons,1053,8
+tolstoy,459,4
+klickitat,1804,0
+lakeville,298,0
+hanson,876,5
+lindenwood,2000,1
+wainscott,271,10
+woodbine,1116,5
+lakeville,1329,4
+coffeen,774,3
+shelbyville,88,11
+hiteman,1690,5
+cosmos,704,2
+lakeville,859,3
+woodbine,512,0
+mifflinburg,779,0
+coffeen,77,2
+cosmos,624,8
+cosmos,869,1
+coffeen,17,3
+lakeville,1407,1
+hanson,123,0
+wainscott,1416,3
+tolstoy,1015,13
+lindenwood,846,0
+wainscott,1661,9
+lindenwood,919,3
+wainscott,1187,1
+cosmos,1024,1
+marstons,854,1
+pomaria,774,3
+mifflinburg,348,1
+marstons,1745,0
+leonardo,1573,0
+pomaria,1236,7
+shelbyville,25,5
+shelbyville,311,7
+tolstoy,1756,1
+tolstoy,1665,2
+hanson,358,7
+coffeen,1287,2
+stockman,240,0
+pomaria,86,16
+lakeville,789,4
+stockman,36,7
+pinesdale,1513,5
+stockman,1506,0
+lakeville,26,5
+tolstoy,1353,7
+hiteman,927,5
+cosmos,290,3
+wainscott,883,13
+pinesdale,224,3
+hanson,214,3
+benevolence,954,3
+ranchester,1578,0
+lindenwood,910,0
+leonardo,169,3
+pinesdale,327,8
+coffeen,337,3
+forkland,1033,1
+merom,1088,1
+shelbyville,1814,10
+wainscott,608,1
+marstons,2147,11
+shelbyville,1704,3
+leonardo,1770,4
+wainscott,402,4
+onaga,434,1
+hiteman,1356,1
+pomaria,1002,5
+ranchester,87,1
+hiteman,1251,4
+lindenwood,1427,2
+wainscott,997,4
+allensville,190,7
+woodbine,129,4
+lindenwood,2578,0
+pomaria,1055,0
+pomaria,611,6
+klickitat,365,13
+shelbyville,1417,11
+klickitat,302,1
+mifflinburg,500,3
+wainscott,832,4
+leonardo,1412,4
+marstons,2300,5
+tolstoy,1089,2
+marstons,810,0
+newfields,1040,17
+shelbyville,873,7
+allensville,145,4
+klickitat,2005,2
+lindenwood,1670,1
+marstons,2447,7
+lakeville,402,10
+lakeville,1218,1
+coffeen,6,8
+shelbyville,1268,3
+hanson,685,1
+shelbyville,1787,2
+coffeen,449,0
+woodbine,1694,2
+cosmos,747,7
+stockman,595,6
+marstons,1175,11
+leonardo,874,11
+shelbyville,2631,10
+shelbyville,418,6
+newfields,1463,4
+beechwood,468,2
+newfields,764,0
+wainscott,484,9
+wainscott,1521,5
+leonardo,63,0
+lindenwood,2106,0
+hiteman,1115,3
+cosmos,643,3
+cosmos,326,5
+klickitat,53,0
+tolstoy,1608,11
+shelbyville,1333,3
+newfields,636,14
+klickitat,222,4
+forkland,1168,1
+ranchester,995,4
+coffeen,532,2
+marstons,412,5
+klickitat,1468,14
+pinesdale,1421,0
+marstons,1708,12
+klickitat,1124,5
+lindenwood,1281,3
+stockman,15,5
+shelbyville,279,1
+lindenwood,1382,5
+shelbyville,1737,5
+lindenwood,573,3
+cosmos,208,2
+marstons,2020,0
+wainscott,178,6
+lindenwood,1520,0
+shelbyville,295,7
+newfields,332,8
+klickitat,1076,5
+lindenwood,1160,3
+lakeville,141,3
+mifflinburg,347,5
+beechwood,755,0
+lakeville,270,0
+leonardo,1215,1
+merom,755,1
+marstons,1526,4
+wainscott,310,9
+merom,442,0
+mifflinburg,429,2
+shelbyville,2311,13
+lakeville,1020,4
+cosmos,554,1
+shelbyville,465,4
+newfields,573,2
+shelbyville,1256,8
+marstons,2109,1
+marstons,1878,3
+coffeen,327,2
+leonardo,470,4
+shelbyville,252,0
+lindenwood,1119,7
+lindenwood,181,1
+shelbyville,2501,5
+ranchester,361,4
+tolstoy,1535,13
+forkland,998,1
+coffeen,594,2
+hanson,965,0
+wainscott,906,3
+woodbine,1240,0
+merom,306,2
+forkland,1042,2
+shelbyville,1398,2
+cosmos,68,9
+leonardo,147,2
+tolstoy,1701,8
+wainscott,124,3
+hiteman,1459,8
+stockman,933,3
+newfields,729,0
+klickitat,1230,6
+merom,459,2
+hiteman,1824,1
+leonardo,1529,1
+marstons,535,0
+cosmos,515,2
+hiteman,202,6
+ranchester,1463,1
+cosmos,742,4
+lindenwood,458,1
+leonardo,504,3
+hiteman,1017,11
+hiteman,688,4
+ranchester,1119,7
+lindenwood,1087,6
+woodbine,1715,6
+newfields,326,6
+cosmos,484,4
+lakeville,1281,4
+newfields,1566,2
+klickitat,1959,2
+ranchester,295,8
+cosmos,862,2
+forkland,655,3
+leonardo,1069,1
+marstons,2062,2
+woodbine,985,6
+shelbyville,231,4
+lakeville,1698,7
+marstons,1691,0
+stockman,1186,2
+marstons,1502,2
+stockman,792,1
+marstons,1814,1
+ranchester,1524,7
+leonardo,1852,3
+pomaria,1225,11
+mifflinburg,517,2
+klickitat,328,3
+lindenwood,1706,0
+leonardo,1423,11
+shelbyville,1690,3
+klickitat,1799,1
+tolstoy,1596,0
+hiteman,54,3
+coffeen,1232,2
+marstons,2648,5
+marstons,1433,5
+hiteman,1318,3
+klickitat,1252,1
+leonardo,2116,10
+shelbyville,740,2
+marstons,67,1
+ranchester,324,3
+lakeville,16,6
+marstons,1361,2
+hanson,120,8
+lindenwood,807,3
+pinesdale,1304,0
+leonardo,1159,7
+lakeville,1406,7
+shelbyville,1411,3
+benevolence,645,9
+klickitat,1872,8
+lindenwood,2281,1
+pinesdale,822,10
+marstons,288,11
+leonardo,1386,6
+cosmos,658,7
+hiteman,864,5
+pomaria,8,3
+lindenwood,1003,1
+woodbine,681,2
+pinesdale,878,3
+lakeville,1477,10
+marstons,1584,1
+woodbine,1535,10
+shelbyville,2405,0
+tolstoy,808,2
+shelbyville,1473,0
+klickitat,1452,4
+pomaria,547,14
+coffeen,1139,1
+merom,938,5
+tolstoy,1144,2
+lindenwood,1550,4
+marstons,1152,6
+lakeville,1349,8
+coffeen,1237,4
+woodbine,293,6
+hanson,666,2
+beechwood,145,0
+pinesdale,1316,2
+ranchester,1515,4
+tolstoy,1658,2
+lindenwood,2152,0
+beechwood,718,4
+newfields,710,6
+marstons,1829,2
+lakeville,217,2
+stockman,1454,8
+lakeville,1493,2
+mifflinburg,306,0
+beechwood,1151,11
+ranchester,559,2
+beechwood,232,8
+coffeen,205,6
+marstons,798,4
+coffeen,793,9
+klickitat,670,10
+woodbine,557,10
+klickitat,527,0
+marstons,535,14
+hanson,1605,8
+cosmos,57,7
+lakeville,527,3
+woodbine,1037,5
+klickitat,1779,6
+hanson,716,1
+pomaria,1117,2
+wainscott,616,2
+tolstoy,565,1
+woodbine,274,3
+hanson,1195,6
+stockman,1268,2
+merom,91,3
+beechwood,1038,0
+merom,862,0
+marstons,1185,2
+shelbyville,2523,4
+beechwood,671,9
+pinesdale,1411,6
+newfields,554,2
+tolstoy,911,8
+pinesdale,680,5
+marstons,158,2
+ranchester,1293,3
+tolstoy,667,1
+mifflinburg,377,2
+hiteman,1178,5
+woodbine,1684,6
+lindenwood,1067,0
+forkland,156,2
+marstons,374,13
+klickitat,1535,1
+leonardo,1565,1
+lakeville,263,12
+lindenwood,1995,7
+lakeville,788,3
+hanson,364,3
+coffeen,1073,2
+hiteman,658,1
+beechwood,1166,7
+marstons,1955,2
+marstons,1196,1
+klickitat,488,11
+pomaria,221,3
+klickitat,979,3
+woodbine,1650,9
+woodbine,1232,1
+marstons,218,1
+stockman,502,2
+stockman,945,2
+klickitat,434,1
+wainscott,423,1
+shelbyville,1371,0
+leonardo,1424,3
+leonardo,2116,8
+hanson,1263,3
+lindenwood,2395,6
+klickitat,2214,3
+pinesdale,816,3
+marstons,2519,1
+coffeen,663,3
+lakeville,1378,0
+stockman,635,4
+shelbyville,275,8
+woodbine,1334,6
+ranchester,210,7
+hanson,1144,10
+shelbyville,893,1
+hiteman,1109,9
+pomaria,1337,2
+woodbine,1138,5
+pomaria,1448,5
+klickitat,2281,1
+shelbyville,2369,5
+lindenwood,1316,5
+marstons,806,4
+woodbine,21,5
+coffeen,1350,2
+woodbine,1657,2
+wainscott,299,0
+lindenwood,2454,5
+shelbyville,698,5
+coffeen,1119,0
+stockman,1220,0
+wainscott,304,0
+marstons,923,3
+marstons,1165,0
+hanson,285,5
+marstons,2267,12
+lindenwood,1037,0
+tolstoy,1313,7
+klickitat,1806,9
+forkland,11,2
+woodbine,230,2
+beechwood,526,5
+marstons,1245,7
+hiteman,725,0
+newfields,858,2
+klickitat,918,1
+woodbine,491,4
+newfields,1637,2
+pinesdale,97,4
+coffeen,1244,3
+stockman,668,6
+stockman,685,6
+hanson,215,14
+shelbyville,263,2
+lakeville,677,1
+newfields,892,0
+lakeville,221,2
+hanson,563,1
+stockman,109,3
+hanson,611,3
+woodbine,1227,2
+hanson,246,7
+hiteman,1510,12
+hiteman,659,4
+hanson,83,2
+hiteman,1508,17
+klickitat,1805,3
+forkland,481,1
+klickitat,1166,0
+lakeville,1122,5
+lindenwood,1352,4
+merom,831,0
+shelbyville,1199,12
+mifflinburg,676,2
+onaga,352,7
+pomaria,1434,1
+ranchester,399,10
+marstons,853,1
+marstons,2318,0
+cosmos,711,2
+newfields,680,1
+woodbine,1501,1
+newfields,5,8
+wainscott,731,8
+hanson,555,3
+klickitat,1106,1
+marstons,548,7
+klickitat,886,2
+pomaria,94,4
+forkland,32,5
+tolstoy,411,4
+lindenwood,1354,1
+ranchester,1438,9
+lindenwood,2213,1
+leonardo,1144,1
+pinesdale,207,3
+ranchester,1198,3
+ranchester,364,2
+pinesdale,547,2
+pomaria,621,0
+lakeville,1021,7
+shelbyville,755,2
+shelbyville,2568,2
+lindenwood,1129,5
+hiteman,32,1
+stockman,1111,2
+cosmos,357,2
+wainscott,980,2
+pomaria,584,8
+leonardo,368,4
+marstons,2022,5
+stockman,1408,4
+lakeville,1788,1
+ranchester,660,8
+lindenwood,241,1
+shelbyville,451,10
+lindenwood,663,7
+shelbyville,863,5
+allensville,312,9
+pomaria,490,6
+pinesdale,208,4
+shelbyville,1812,5
+tolstoy,979,2
+newfields,245,6
+shelbyville,2637,4
+woodbine,1366,8
+woodbine,877,4
+shelbyville,2819,10
+leonardo,1823,9
+coffeen,643,0
+leonardo,1029,2
+shelbyville,264,5
+hanson,334,5
+beechwood,1031,11
+pomaria,1230,0
+lakeville,1247,2
+marstons,1771,5
+allensville,237,8
+forkland,689,3
+hanson,1207,0
+hiteman,1359,3
+newfields,1477,0
+shelbyville,2140,10
+leonardo,591,0
+woodbine,474,7
+leonardo,514,7
+mifflinburg,444,1
+hiteman,297,6
+beechwood,963,2
+beechwood,87,7
+lakeville,1499,1
+klickitat,1409,7
+wainscott,83,1
+beechwood,839,1
+beechwood,455,6
+klickitat,2128,3
+lindenwood,105,0
+woodbine,1031,0
+onaga,446,2
+cosmos,820,0
+pomaria,1068,0
+ranchester,424,1
+klickitat,1492,2
+lakeville,957,0
+leonardo,1451,0
+lakeville,1265,13
+leonardo,1450,5
+woodbine,815,6
+coffeen,100,0
+cosmos,581,4
+woodbine,652,8
+merom,325,5
+marstons,119,18
+klickitat,722,1
+shelbyville,2410,1
+leonardo,1366,2
+marstons,1200,1
+lindenwood,1049,4
+lindenwood,179,7
+leonardo,1572,3
+lindenwood,935,5
+marstons,395,9
+newfields,180,4
+shelbyville,2115,0
+allensville,306,1
+merom,301,6
+hanson,409,1
+hanson,156,1
+beechwood,185,3
+klickitat,744,1
+stockman,1198,0
+pomaria,1235,1
+newfields,1332,0
+marstons,2283,0
+lindenwood,1453,3
+hanson,1590,10
+pinesdale,1371,0
+coffeen,466,3
+pinesdale,522,7
+forkland,286,0
+shelbyville,386,7
+klickitat,426,2
+pomaria,1262,5
+woodbine,1202,6
+woodbine,1282,5
+lindenwood,1801,3
+klickitat,324,1
+shelbyville,306,5
+shelbyville,250,1
+klickitat,2406,7
+hanson,43,2
+pinesdale,1149,7
+onaga,3,9
+beechwood,926,0
+ranchester,1526,9
+lakeville,1714,8
+cosmos,592,3
+klickitat,1179,3
+ranchester,313,2
+shelbyville,2763,2
+leonardo,312,1
+stockman,1488,0
+wainscott,851,13
+onaga,113,2
+klickitat,828,1
+leonardo,1585,0
+ranchester,689,1
+coffeen,293,1
+lindenwood,714,4
+ranchester,736,6
+tolstoy,1764,0
+shelbyville,1187,7
+benevolence,301,1
+newfields,582,0
+coffeen,593,0
+hanson,739,4
+lindenwood,30,1
+newfields,1102,6
+onaga,438,4
+benevolence,871,2
+klickitat,1640,3
+marstons,773,0
+shelbyville,556,10
+lindenwood,2441,7
+lindenwood,33,7
+beechwood,561,2
+newfields,550,1
+ranchester,1503,4
+hiteman,1037,0
+benevolence,848,2
+hanson,144,16
+klickitat,1063,2
+ranchester,363,0
+tolstoy,1461,5
+tolstoy,1412,3
+coffeen,893,1
+tolstoy,1427,8
+leonardo,1821,0
+ranchester,1440,3
+klickitat,623,12
+shelbyville,393,3
+marstons,1302,4
+mifflinburg,44,1
+hanson,1424,6
+wainscott,473,1
+beechwood,1009,5
+tolstoy,1218,2
+wainscott,229,1
+beechwood,832,10
+ranchester,575,2
+pinesdale,332,1
+newfields,658,11
+merom,503,0
+shelbyville,204,13
+pinesdale,524,2
+forkland,697,2
+stockman,1387,0
+stockman,675,5
+newfields,308,3
+coffeen,1383,1
+newfields,1195,0
+lakeville,1193,1
+ranchester,1577,7
+woodbine,1822,1
+lakeville,1266,10
+allensville,44,3
+leonardo,1550,2
+marstons,2514,1
+mifflinburg,160,2
+lakeville,95,6
+hanson,1065,4
+wainscott,706,2
+hiteman,1014,3
+ranchester,1510,7
+cosmos,880,9
+klickitat,754,2
+merom,619,2
+allensville,359,2
+pomaria,700,0
+woodbine,326,3
+tolstoy,1408,5
+hiteman,171,0
+hiteman,995,12
+newfields,539,2
+newfields,1328,1
+coffeen,247,2
+woodbine,1361,3
+pinesdale,470,2
+shelbyville,1234,3
+klickitat,1078,0
+wainscott,1714,6
+woodbine,2007,4
+wainscott,77,5
+lindenwood,1537,5
+klickitat,393,7
+pomaria,604,1
+newfields,833,1
+woodbine,897,1
+coffeen,184,0
+lindenwood,1091,0
+wainscott,1710,6
+lindenwood,1193,5
+klickitat,1795,7
+woodbine,1575,0
+ranchester,1351,7
+stockman,295,7
+wainscott,993,1
+hiteman,1641,4
+pomaria,167,1
+forkland,579,1
+shelbyville,576,3
+mifflinburg,857,2
+hanson,1172,2
+klickitat,1652,0
+hanson,324,4
+tolstoy,88,9
+stockman,853,2
+stockman,971,3
+lindenwood,2091,6
+wainscott,770,8
+klickitat,1177,9
+marstons,2383,13
+leonardo,1213,17
+leonardo,1490,0
+newfields,419,7
+wainscott,656,11
+wainscott,692,0
+woodbine,1571,3
+marstons,116,5
+wainscott,669,9
+coffeen,611,0
+klickitat,1041,22
+hanson,1410,7
+wainscott,1062,2
+hanson,630,0
+beechwood,524,1
+onaga,434,5
+ranchester,758,2
+hiteman,75,16
+shelbyville,1911,0
+beechwood,301,0
+lindenwood,398,4
+tolstoy,307,0
+lindenwood,515,1
+pomaria,1042,8
+tolstoy,1771,6
+newfields,1405,6
+cosmos,292,6
+lakeville,1759,4
+ranchester,1616,1
+coffeen,1246,4
+woodbine,510,14
+coffeen,1391,10
+leonardo,2036,10
+ranchester,1201,2
+marstons,2413,2
+lindenwood,1972,11
+forkland,1032,2
+hanson,948,2
+hanson,1078,5
+hiteman,159,0
+wainscott,188,0
+lakeville,1547,2
+lakeville,1327,12
+lindenwood,1773,6
+woodbine,1247,0
+forkland,1167,0
+newfields,988,13
+benevolence,909,2
+pinesdale,1479,2
+shelbyville,2676,0
+marstons,472,6
+shelbyville,1047,4
+hanson,86,2
+marstons,1617,4
+tolstoy,1739,1
+pinesdale,982,2
+shelbyville,1816,7
+lakeville,1518,9
+pinesdale,862,10
+pinesdale,245,1
+klickitat,217,6
+wainscott,1344,2
+marstons,2579,3
+hanson,1320,1
+wainscott,882,9
+shelbyville,2553,1
+pomaria,1128,0
+marstons,173,6
+cosmos,642,6
+leonardo,198,11
+lakeville,1850,9
+wainscott,1283,4
+klickitat,1949,5
+pomaria,770,3
+marstons,2056,4
+pinesdale,1112,0
+forkland,909,6
+shelbyville,718,3
+lindenwood,91,3
+pinesdale,887,8
+pinesdale,514,1
+hanson,454,8
+forkland,796,9
+forkland,327,1
+coffeen,39,5
+forkland,509,1
+woodbine,2026,2
+tolstoy,1736,3
+mifflinburg,966,4
+lindenwood,1620,1
+woodbine,275,8
+pomaria,203,3
+stockman,1094,1
+marstons,2568,1
+lindenwood,1244,10
+shelbyville,576,12
+pinesdale,420,11
+pinesdale,955,2
+lindenwood,1189,2
+woodbine,641,1
+wainscott,1552,1
+benevolence,46,1
+lindenwood,678,2
+tolstoy,408,4
+woodbine,1614,1
+coffeen,1404,0
+marstons,783,2
+shelbyville,1251,4
+coffeen,160,3
+lindenwood,2521,3
+leonardo,285,2
+klickitat,1569,9
+cosmos,981,3
+lakeville,609,11
+merom,292,4
+hiteman,856,8
+forkland,1095,4
+wainscott,411,12
+lakeville,1276,6
+tolstoy,715,1
+hanson,132,2
+pomaria,1605,2
+lakeville,1747,0
+wainscott,1202,4
+woodbine,143,2
+lakeville,396,0
+forkland,759,2
+tolstoy,1359,0
+woodbine,505,5
+hiteman,1281,2
+newfields,1210,2
+hiteman,324,5
+newfields,675,9
+shelbyville,2398,2
+hiteman,1214,6
+newfields,38,3
+shelbyville,438,7
+hanson,975,3
+hiteman,698,5
+marstons,2618,4
+lindenwood,1440,3
+wainscott,1047,6
+shelbyville,1628,2
+stockman,301,2
+leonardo,1703,2
+tolstoy,898,2
+pomaria,133,11
+newfields,1051,3
+stockman,973,1
+hiteman,223,0
+beechwood,725,0
+cosmos,322,4
+ranchester,409,6
+lindenwood,2518,3
+coffeen,281,3
+coffeen,185,2
+shelbyville,2353,7
+hanson,678,0
+leonardo,2086,1
+cosmos,1070,0
+shelbyville,508,1
+lindenwood,2113,10
+hanson,1082,0
+tolstoy,300,3
+wainscott,674,10
+lindenwood,1716,5
+stockman,1308,6
+woodbine,1144,3
+marstons,359,9
+lindenwood,750,1
+leonardo,1076,4
+leonardo,1380,1
+stockman,1570,6
+hanson,1592,9
+shelbyville,2251,2
+tolstoy,1152,0
+marstons,1255,9
+woodbine,1394,1
+shelbyville,2358,5
+woodbine,440,3
+forkland,798,2
+pomaria,1238,9
+ranchester,1589,8
+hiteman,170,4
+wainscott,1757,7
+beechwood,922,2
+klickitat,573,3
+pomaria,1088,4
+cosmos,434,8
+woodbine,557,8
+cosmos,224,5
+ranchester,236,3
+lindenwood,811,2
+ranchester,67,3
+tolstoy,180,3
+pinesdale,1275,0
+coffeen,922,4
+marstons,837,1
+pomaria,1182,0
+woodbine,840,8
+hiteman,1538,0
+marstons,2487,4
+shelbyville,2479,5
+hiteman,1221,2
+klickitat,2419,9
+newfields,610,3
+hanson,531,0
+newfields,292,0
+klickitat,465,4
+coffeen,501,2
+onaga,252,3
+tolstoy,1115,0
+lakeville,1230,3
+beechwood,567,3
+newfields,1070,9
+beechwood,297,2
+hiteman,777,2
+tolstoy,211,3
+shelbyville,119,0
+mifflinburg,75,6
+cosmos,708,3
+mifflinburg,538,2
+lakeville,1552,4
+mifflinburg,52,5
+forkland,802,4
+newfields,1086,9
+coffeen,1393,2
+coffeen,1491,5
+lakeville,39,8
+forkland,20,0
+hanson,675,0
+mifflinburg,653,3
+ranchester,153,8
+pomaria,686,2
+allensville,442,2
+hiteman,1819,4
+hanson,306,1
+beechwood,1029,3
+woodbine,2003,2
+lindenwood,1832,3
+pinesdale,979,2
+shelbyville,1670,4
+lakeville,727,3
+tolstoy,1796,2
+klickitat,1231,2
+tolstoy,114,9
+marstons,849,5
+beechwood,1059,1
+merom,889,3
+marstons,1056,2
+marstons,1973,2
+shelbyville,2676,9
+lindenwood,1320,5
+shelbyville,122,9
+stockman,1461,2
+pinesdale,260,0
+leonardo,1032,2
+klickitat,237,2
+pinesdale,243,8
+shelbyville,64,7
+woodbine,978,0
+marstons,2238,3
+marstons,1420,2
+beechwood,809,0
+cosmos,7,8
+leonardo,904,0
+forkland,248,8
+lindenwood,715,4
+marstons,1714,0
+hiteman,803,0
+pinesdale,987,6
+klickitat,2088,1
+shelbyville,1613,9
+lindenwood,974,7
+cosmos,460,3
+tolstoy,859,0
+hanson,717,3
+hiteman,948,0
+onaga,621,0
+marstons,1492,5
+ranchester,38,2
+coffeen,671,0
+mifflinburg,740,3
+ranchester,115,1
+pomaria,1474,3
+klickitat,937,5
+lakeville,805,0
+coffeen,1144,2
+newfields,1408,0
+newfields,275,3
+hiteman,1617,0
+leonardo,724,2
+stockman,154,2
+tolstoy,1285,1
+benevolence,915,3
+lakeville,1483,1
+stockman,921,4
+marstons,2498,0
+lindenwood,1504,3
+pinesdale,1449,8
+lakeville,1036,7
+wainscott,1104,13
+hiteman,564,1
+lindenwood,1890,5
+mifflinburg,903,5
+merom,954,1
+lakeville,253,9
+leonardo,528,10
+lindenwood,858,0
+onaga,13,1
+klickitat,109,1
+klickitat,686,9
+wainscott,847,10
+ranchester,416,3
+cosmos,27,3
+newfields,657,7
+stockman,1516,6
+newfields,155,13
+wainscott,1428,4
+stockman,647,0
+leonardo,1210,3
+pomaria,1002,1
+ranchester,810,7
+leonardo,1399,2
+shelbyville,1790,1
+shelbyville,1174,2
+pomaria,265,0
+klickitat,159,5
+pinesdale,931,3
+hanson,1515,8
+hanson,1369,5
+hanson,704,7
+tolstoy,1460,2
+pomaria,227,9
+klickitat,2015,6
+shelbyville,1004,4
+leonardo,1548,0
+marstons,267,2
+marstons,1800,11
+ranchester,727,0
+pomaria,1265,14
+woodbine,193,4
+wainscott,1486,0
+shelbyville,282,5
+ranchester,308,2
+wainscott,1174,10
+wainscott,1455,9
+ranchester,360,0
+newfields,943,0
+wainscott,566,7
+allensville,218,4
+lindenwood,2332,4
+hanson,565,15
+leonardo,1812,3
+marstons,1462,1
+cosmos,48,0
+marstons,1934,0
+beechwood,62,2
+allensville,443,4
+woodbine,353,1
+wainscott,80,3
+wainscott,1788,2
+woodbine,1547,2
+stockman,511,10
+forkland,841,1
+mifflinburg,807,5
+hiteman,1664,2
+stockman,711,3
+hiteman,699,12
+shelbyville,2134,2
+coffeen,673,1
+woodbine,369,14
+leonardo,1567,1
+hiteman,304,1
+ranchester,504,1
+leonardo,1472,2
+marstons,899,0
+merom,106,0
+leonardo,634,2
+hanson,1329,0
+allensville,126,5
+cosmos,228,3
+shelbyville,2339,0
+stockman,1264,2
+pinesdale,944,0
+forkland,77,5
+cosmos,538,3
+wainscott,1221,0
+pomaria,460,7
+newfields,882,0
+pomaria,1304,1
+shelbyville,887,5
+tolstoy,277,0
+hiteman,1423,0
+newfields,1371,2
+ranchester,332,2
+lindenwood,253,1
+newfields,319,0
+pinesdale,516,2
+woodbine,1446,10
+ranchester,65,10
+tolstoy,1690,2
+marstons,613,0
+pinesdale,395,0
+leonardo,274,3
+beechwood,295,2
+beechwood,592,5
+ranchester,1104,5
+marstons,2584,2
+hiteman,763,1
+hanson,1256,12
+lakeville,81,4
+newfields,855,1
+wainscott,1460,1
+merom,288,3
+ranchester,703,7
+pinesdale,507,7
+klickitat,1287,2
+ranchester,1188,0
+hiteman,1755,7
+coffeen,366,5
+mifflinburg,420,6
+ranchester,1405,0
+klickitat,625,1
+leonardo,1614,4
+mifflinburg,487,1
+marstons,165,5
+wainscott,1422,5
+leonardo,1609,3
+ranchester,399,15
+tolstoy,1083,2
+newfields,655,5
+hanson,1067,4
+pinesdale,35,0
+hanson,1597,2
+stockman,1208,4
+stockman,1193,1
+lakeville,1720,2
+lakeville,552,3
+lindenwood,1024,1
+woodbine,397,16
+stockman,1396,1
+tolstoy,962,3
+klickitat,2041,1
+allensville,461,1
+marstons,983,1
+klickitat,1436,0
+shelbyville,304,1
+lakeville,999,4
+woodbine,1910,1
+shelbyville,942,6
+hiteman,1711,2
+hanson,836,2
+woodbine,58,1
+shelbyville,2260,14
+woodbine,890,4
+hiteman,1666,7
+stockman,1036,6
+marstons,2096,2
+hanson,606,7
+wainscott,187,1
+forkland,182,1
+woodbine,586,3
+forkland,541,5
+woodbine,1236,6
+lindenwood,1262,8
+marstons,332,5
+leonardo,110,8
+marstons,187,5
+lindenwood,1122,0
+wainscott,310,13
+leonardo,2000,2
+marstons,1386,3
+marstons,924,3
+pomaria,1468,11
+cosmos,729,1
+coffeen,371,4
+onaga,52,6
+hanson,207,9
+coffeen,1510,2
+leonardo,1380,6
+allensville,259,0
+leonardo,1507,13
+hanson,956,3
+ranchester,269,10
+lindenwood,78,2
+pinesdale,1149,6
+allensville,359,0
+marstons,1284,1
+newfields,91,2
+hanson,262,2
+woodbine,1090,5
+marstons,2517,4
+marstons,1607,1
+tolstoy,88,3
+merom,635,7
+wainscott,248,15
+klickitat,1905,5
+coffeen,1389,3
+klickitat,1132,0
+coffeen,584,0
+allensville,127,9
+woodbine,1968,2
+tolstoy,168,5
+mifflinburg,720,1
+hanson,940,5
+klickitat,1503,1
+hiteman,1500,2
+coffeen,748,1
+shelbyville,1486,5
+shelbyville,28,1
+lindenwood,229,0
+woodbine,270,3
+onaga,311,2
+newfields,217,13
+ranchester,699,2
+woodbine,1442,2
+newfields,961,6
+coffeen,647,0
+hanson,1153,2
+shelbyville,1673,3
+cosmos,1054,8
+klickitat,1520,4
+leonardo,97,3
+lakeville,1184,13
+woodbine,179,2
+pomaria,297,4
+woodbine,274,2
+pinesdale,524,1
+hiteman,930,3
+klickitat,1346,7
+tolstoy,1152,1
+benevolence,626,1
+coffeen,811,1
+hanson,182,0
+marstons,1586,0
+pomaria,1076,3
+tolstoy,199,4
+wainscott,1011,5
+lindenwood,1628,3
+ranchester,645,6
+beechwood,743,10
+lakeville,609,6
+klickitat,635,4
+ranchester,829,0
+tolstoy,897,2
+shelbyville,2470,8
+pomaria,54,1
+onaga,455,0
+merom,331,3
+forkland,1102,3
+leonardo,1648,0
+coffeen,1107,4
+marstons,1698,15
+coffeen,1296,7
+marstons,1537,3
+newfields,897,3
+stockman,468,2
+forkland,100,9
+beechwood,925,0
+merom,316,2
+stockman,834,0
+beechwood,856,0
+leonardo,578,6
+lindenwood,599,5
+hiteman,1578,9
+hiteman,811,1
+lindenwood,248,6
+klickitat,2242,6
+hiteman,485,1
+lindenwood,384,2
+shelbyville,281,0
+hanson,1592,6
+lakeville,1425,0
+forkland,636,1
+pinesdale,824,0
+merom,290,1
+mifflinburg,407,0
+pomaria,609,13
+lindenwood,1117,5
+woodbine,149,2
+wainscott,1745,3
+tolstoy,1029,0
+hanson,836,7
+lakeville,1441,4
+stockman,1439,2
+hanson,1271,0
+onaga,487,1
+cosmos,310,5
+marstons,1583,12
+shelbyville,91,5
+woodbine,565,4
+marstons,1012,2
+hanson,1128,6
+shelbyville,942,3
+lindenwood,1988,1
+lakeville,1374,2
+forkland,902,2
+hanson,806,2
+coffeen,1216,2
+lindenwood,348,3
+woodbine,538,9
+leonardo,1028,2
+shelbyville,2203,2
+beechwood,166,2
+klickitat,563,4
+marstons,1792,10
+lindenwood,1353,1
+shelbyville,1122,2
+hanson,478,0
+hanson,1491,4
+newfields,565,4
+pinesdale,645,1
+hanson,1348,1
+wainscott,1604,4
+wainscott,1141,2
+marstons,1798,2
+lindenwood,196,0
+marstons,1103,7
+hanson,548,4
+cosmos,486,3
+shelbyville,872,7
+leonardo,1901,0
+hanson,257,15
+hanson,205,3
+lindenwood,949,4
+lakeville,618,9
+klickitat,773,2
+onaga,317,1
+woodbine,85,9
+lindenwood,1298,5
+woodbine,1767,0
+woodbine,589,6
+leonardo,73,4
+mifflinburg,152,4
+lakeville,305,6
+newfields,0,3
+pomaria,1124,4
+shelbyville,1462,4
+beechwood,421,4
+woodbine,30,0
+lakeville,114,7
+lindenwood,887,1
+leonardo,1271,9
+lindenwood,912,0
+merom,861,0
+lindenwood,2083,18
+lakeville,1837,0
+wainscott,350,0
+stockman,601,3
+forkland,1024,1
+merom,31,3
+shelbyville,749,1
+coffeen,1111,5
+coffeen,774,1
+cosmos,907,3
+lindenwood,1197,2
+pinesdale,691,1
+klickitat,1361,15
+shelbyville,105,4
+wainscott,359,4
+lakeville,1846,2
+wainscott,1352,0
+pinesdale,1086,0
+shelbyville,221,2
+wainscott,1562,8
+marstons,423,0
+ranchester,1023,2
+ranchester,893,1
+klickitat,2112,3
+allensville,107,3
+shelbyville,470,3
+leonardo,582,0
+pomaria,1304,6
+tolstoy,1352,0
+shelbyville,1629,2
+shelbyville,2065,4
+beechwood,188,1
+cosmos,717,8
+newfields,1222,1
+cosmos,197,4
+beechwood,598,3
+newfields,1261,8
+beechwood,55,3
+hanson,632,0
+ranchester,680,6
+lindenwood,2407,0
+marstons,156,2
+forkland,61,8
+klickitat,1394,6
+hanson,215,8
+beechwood,698,1
+hiteman,786,2
+hanson,410,3
+beechwood,801,5
+ranchester,902,10
+beechwood,163,1
+benevolence,53,3
+benevolence,388,2
+leonardo,295,0
+pinesdale,1468,9
+klickitat,1957,6
+wainscott,1524,7
+allensville,153,2
+klickitat,748,1
+lakeville,656,2
+lakeville,246,11
+wainscott,680,4
+merom,914,1
+woodbine,464,2
+wainscott,1128,3
+cosmos,738,2
+wainscott,442,9
+klickitat,1039,1
+stockman,603,2
+hiteman,439,8
+coffeen,1156,0
+pomaria,1672,6
+coffeen,204,5
+lindenwood,481,6
+leonardo,2021,5
+ranchester,1249,2
+leonardo,2115,10
+marstons,2453,4
+lakeville,230,3
+tolstoy,401,5
+cosmos,883,3
+ranchester,1343,5
+woodbine,961,0
+tolstoy,1561,3
+ranchester,642,14
+onaga,52,0
+shelbyville,445,3
+hiteman,1639,1
+leonardo,269,3
+stockman,1126,1
+coffeen,1322,6
+pinesdale,78,3
+tolstoy,484,3
+hiteman,1173,7
+lindenwood,913,4
+klickitat,1001,4
+lakeville,107,10
+pinesdale,661,9
+klickitat,1177,2
+lindenwood,326,0
+tolstoy,1145,2
+ranchester,531,11
+lakeville,1158,0
+woodbine,612,7
+pomaria,761,0
+marstons,1513,8
+klickitat,778,3
+leonardo,649,2
+leonardo,178,2
+newfields,243,1
+klickitat,185,5
+hanson,838,3
+coffeen,610,1
+ranchester,1410,2
+woodbine,1199,9
+marstons,1879,1
+pomaria,636,5
+marstons,236,2
+pinesdale,769,2
+pomaria,499,4
+tolstoy,1464,4
+klickitat,440,0
+hanson,407,8
+leonardo,634,5
+hanson,1304,0
+lakeville,1500,14
+stockman,256,3
+newfields,244,4
+ranchester,1091,2
+cosmos,863,0
+woodbine,673,3
+cosmos,411,2
+hiteman,782,8
+woodbine,1018,0
+pomaria,1578,8
+lindenwood,446,2
+leonardo,1671,15
+leonardo,622,7
+hiteman,1580,1
+hiteman,898,1
+tolstoy,1832,7
+coffeen,735,4
+stockman,1148,6
+woodbine,425,6
+klickitat,1344,6
+pomaria,502,2
+forkland,123,2
+hiteman,553,3
+pinesdale,1475,1
+ranchester,340,12
+lakeville,1470,6
+hanson,893,5
+lindenwood,1548,4
+leonardo,215,2
+shelbyville,2151,5
+hanson,534,1
+onaga,513,2
+pomaria,725,2
+lakeville,1647,3
+pomaria,744,0
+ranchester,508,10
+shelbyville,1304,7
+pomaria,416,12
+klickitat,1736,7
+leonardo,1946,1
+shelbyville,2272,2
+klickitat,394,12
+merom,299,2
+pinesdale,384,1
+tolstoy,329,8
+woodbine,214,5
+wainscott,180,2
+beechwood,655,2
+shelbyville,1141,12
+ranchester,630,0
+woodbine,1239,8
+stockman,624,5
+klickitat,1548,2
+benevolence,242,1
+marstons,2273,3
+klickitat,196,0
+benevolence,304,9
+coffeen,1047,5
+tolstoy,1338,0
+klickitat,1303,7
+marstons,2339,4
+lindenwood,2315,7
+onaga,74,6
+ranchester,312,2
+lakeville,185,2
+mifflinburg,362,2
+allensville,371,1
+klickitat,1546,3
+allensville,87,1
+lindenwood,1011,5
+lakeville,679,14
+marstons,398,3
+lindenwood,1849,0
+marstons,1359,14
+ranchester,694,9
+coffeen,503,5
+marstons,550,2
+hanson,698,1
+beechwood,692,1
+pinesdale,1399,3
+marstons,1592,2
+beechwood,1144,4
+hiteman,665,5
+hanson,814,1
+klickitat,295,13
+klickitat,748,9
+pomaria,296,0
+tolstoy,1253,8
+klickitat,1423,1
+beechwood,133,2
+lindenwood,1132,4
+pomaria,1514,0
+stockman,177,0
+tolstoy,1191,1
+hanson,1428,5
+coffeen,1350,0
+mifflinburg,130,0
+newfields,1237,0
+klickitat,893,6
+ranchester,1099,2
+hanson,1456,5
+newfields,26,3
+lindenwood,682,3
+hiteman,203,2
+woodbine,1765,6
+marstons,1319,2
+lindenwood,1159,3
+pomaria,987,3
+lindenwood,1147,8
+stockman,1564,2
+shelbyville,783,3
+tolstoy,301,0
+merom,909,5
+leonardo,1593,0
+lindenwood,1806,0
+lakeville,1816,3
+tolstoy,700,12
+wainscott,167,2
+wainscott,170,15
+shelbyville,2217,1
+klickitat,1294,3
+marstons,1762,0
+marstons,458,11
+stockman,926,3
+allensville,289,1
+cosmos,58,3
+marstons,1453,1
+ranchester,340,10
+marstons,2572,2
+marstons,496,6
+shelbyville,1603,16
+tolstoy,681,1
+merom,108,1
+lakeville,173,0
+lakeville,675,3
+shelbyville,2079,1
+hanson,384,3
+pomaria,1094,3
+lakeville,874,1
+pomaria,357,5
+shelbyville,1306,12
+tolstoy,332,5
+marstons,1551,4
+hiteman,390,3
+klickitat,805,4
+klickitat,1656,6
+hanson,678,4
+leonardo,1330,5
+beechwood,263,1
+klickitat,2266,1
+lindenwood,1535,5
+newfields,549,3
+lindenwood,964,1
+leonardo,1381,4
+hanson,698,2
+hiteman,1007,2
+wainscott,937,4
+woodbine,613,1
+pinesdale,958,0
+hanson,5,3
+leonardo,1306,1
+beechwood,179,4
+leonardo,551,5
+coffeen,669,1
+newfields,172,6
+forkland,429,1
+lindenwood,2575,1
+merom,913,4
+coffeen,1103,0
+lindenwood,1253,2
+forkland,1071,3
+newfields,836,4
+woodbine,721,2
+woodbine,581,6
+forkland,173,4
+klickitat,1527,8
+stockman,1070,0
+hanson,372,5
+ranchester,49,1
+leonardo,353,3
+tolstoy,93,7
+marstons,2475,0
+ranchester,1338,0
+hanson,890,2
+lindenwood,287,10
+lakeville,81,7
+klickitat,902,0
+wainscott,862,10
+stockman,475,5
+hiteman,521,0
+marstons,554,8
+pomaria,1671,3
+lakeville,6,4
+forkland,825,5
+onaga,77,3
+lindenwood,1377,0
+hanson,365,12
+marstons,1078,2
+shelbyville,1732,4
+hiteman,1191,8
+tolstoy,1112,5
+pomaria,326,0
+hanson,164,8
+newfields,117,10
+shelbyville,1250,4
+marstons,1827,13
+onaga,633,0
+woodbine,845,3
+merom,318,5
+hanson,953,2
+leonardo,1356,4
+cosmos,977,3
+coffeen,571,6
+wainscott,514,3
+ranchester,1054,5
+stockman,760,2
+marstons,1283,4
+lindenwood,1613,2
+hiteman,1083,17
+hiteman,1544,3
+lindenwood,1264,1
+pinesdale,38,7
+newfields,1408,1
+lindenwood,1445,3
+woodbine,1125,2
+leonardo,457,7
+ranchester,998,6
+hanson,181,2
+pomaria,619,3
+woodbine,1631,7
+onaga,506,1
+wainscott,752,0
+marstons,1817,2
+merom,466,0
+wainscott,1372,5
+beechwood,652,1
+lakeville,610,1
+beechwood,350,2
+lakeville,198,0
+hiteman,1616,0
+tolstoy,63,2
+allensville,394,4
+tolstoy,1554,1
+lindenwood,2639,2
+woodbine,200,3
+pomaria,1178,3
+marstons,749,1
+woodbine,870,5
+coffeen,1121,0
+lakeville,1523,4
+lindenwood,1520,4
+shelbyville,426,1
+lakeville,718,1
+ranchester,1233,0
+tolstoy,268,12
+lakeville,1716,0
+pomaria,97,1
+onaga,564,6
+newfields,792,2
+tolstoy,1220,1
+hiteman,136,7
+merom,977,3
+pomaria,331,2
+lindenwood,140,4
+marstons,1283,2
+pomaria,423,5
+allensville,388,7
+klickitat,1850,0
+lindenwood,1676,8
+pomaria,1558,2
+klickitat,2395,11
+pinesdale,52,3
+newfields,1593,4
+klickitat,115,6
+shelbyville,634,3
+lakeville,703,6
+lindenwood,1095,1
+allensville,306,2
+merom,575,1
+forkland,871,4
+woodbine,1864,0
+ranchester,616,4
+klickitat,2320,5
+lakeville,1171,5
+hanson,946,1
+pinesdale,465,0
+stockman,1120,1
+wainscott,1304,10
+klickitat,1416,3
+ranchester,1328,8
+shelbyville,2681,4
+ranchester,1577,4
+lindenwood,341,5
+tolstoy,231,3
+merom,649,0
+merom,428,2
+cosmos,540,4
+wainscott,212,3
+shelbyville,24,5
+leonardo,1436,7
+klickitat,2182,0
+ranchester,71,1
+pinesdale,556,2
+lindenwood,1332,0
+coffeen,920,3
+ranchester,835,7
+woodbine,1199,8
+newfields,1400,0
+klickitat,1051,6
+newfields,733,3
+beechwood,533,1
+woodbine,691,3
+leonardo,1767,3
+marstons,912,5
+shelbyville,2518,7
+lindenwood,51,3
+shelbyville,1035,3
+shelbyville,994,10
+wainscott,746,3
+lakeville,947,8
+shelbyville,2471,8
+leonardo,2074,1
+coffeen,103,2
+pinesdale,956,2
+shelbyville,958,1
+pinesdale,478,3
+wainscott,303,11
+klickitat,851,8
+wainscott,844,5
+newfields,1149,2
+marstons,2333,8
+pomaria,221,1
+marstons,2368,5
+pomaria,353,1
+lakeville,116,13
+tolstoy,1062,6
+pinesdale,428,4
+marstons,1875,2
+shelbyville,1417,10
+shelbyville,51,0
+lindenwood,2359,7
+beechwood,703,14
+hiteman,346,5
+shelbyville,2260,15
+lakeville,1245,3
+hanson,1330,2
+lakeville,1263,3
+ranchester,1634,1
+klickitat,486,4
+pomaria,242,5
+woodbine,396,2
+mifflinburg,754,2
+newfields,1040,5
+klickitat,593,6
+newfields,1384,8
+tolstoy,601,0
+mifflinburg,706,2
+klickitat,1785,1
+shelbyville,2096,2
+pomaria,1044,19
+lakeville,1000,1
+woodbine,266,12
+hiteman,539,1
+pomaria,325,2
+beechwood,759,1
+shelbyville,186,0
+woodbine,1429,2
+ranchester,281,7
+cosmos,524,5
+pomaria,963,13
+klickitat,2195,14
+stockman,428,3
+forkland,163,4
+newfields,1332,2
+shelbyville,1011,6
+pomaria,1361,4
+hanson,1406,5
+leonardo,1811,1
+lindenwood,2635,13
+ranchester,126,1
+ranchester,987,0
+shelbyville,2348,4
+mifflinburg,20,0
+leonardo,184,6
+beechwood,659,12
+onaga,596,1
+mifflinburg,785,8
+woodbine,1753,2
+lakeville,1899,16
+tolstoy,3,2
+merom,307,3
+wainscott,445,5
+pinesdale,155,6
+leonardo,1357,3
+newfields,876,3
+tolstoy,660,0
+lindenwood,1242,1
+marstons,293,3
+lindenwood,258,1
+shelbyville,1141,6
+pinesdale,493,1
+merom,694,4
+newfields,675,0
+leonardo,1853,1
+woodbine,1291,9
+lakeville,1384,8
+wainscott,874,8
+cosmos,233,1
+marstons,750,2
+wainscott,596,5
+mifflinburg,752,4
+marstons,287,5
+ranchester,1087,3
+hanson,256,9
+lindenwood,1179,2
+lindenwood,2172,5
+leonardo,1853,0
+coffeen,1513,0
+wainscott,465,1
+benevolence,252,11
+wainscott,822,2
+stockman,240,5
+shelbyville,2689,9
+ranchester,477,1
+hanson,980,11
+pomaria,693,0
+wainscott,70,0
+lindenwood,1190,2
+lakeville,1530,7
+coffeen,438,6
+tolstoy,185,4
+marstons,693,2
+klickitat,1463,8
+forkland,357,5
+lakeville,394,2
+lindenwood,1532,1
+lindenwood,1307,1
+shelbyville,2811,5
+beechwood,609,1
+onaga,425,1
+merom,985,2
+hiteman,1445,1
+merom,177,6
+lakeville,1417,2
+merom,972,0
+leonardo,2020,6
+merom,541,2
+allensville,141,10
+allensville,381,7
+marstons,653,2
+hiteman,1450,2
+klickitat,81,5
+beechwood,376,0
+woodbine,863,1
+woodbine,338,2
+pomaria,779,2
+marstons,1139,0
+pinesdale,1058,1
+shelbyville,63,4
+shelbyville,499,2
+pomaria,790,7
+lindenwood,86,10
+wainscott,898,4
+lakeville,1846,3
+cosmos,138,3
+lindenwood,449,7
+pomaria,293,1
+lakeville,377,8
+marstons,1114,9
+lakeville,218,1
+wainscott,34,12
+lindenwood,2452,4
+woodbine,258,3
+coffeen,656,3
+onaga,469,9
+woodbine,440,11
+pinesdale,1087,11
+ranchester,1430,4
+klickitat,1835,3
+beechwood,304,8
+ranchester,1210,3
+lindenwood,2297,1
+lakeville,958,3
+lindenwood,1636,1
+tolstoy,1787,6
+lindenwood,1176,5
+beechwood,425,1
+marstons,1982,3
+newfields,397,6
+cosmos,402,5
+ranchester,1245,7
+pomaria,927,8
+stockman,1271,1
+ranchester,837,19
+shelbyville,1858,6
+ranchester,1266,4
+hiteman,378,3
+lindenwood,104,8
+newfields,442,4
+pinesdale,159,4
+mifflinburg,486,4
+klickitat,1864,4
+hiteman,1362,0
+tolstoy,1444,11
+woodbine,1224,1
+wainscott,853,1
+forkland,1038,1
+merom,142,1
+wainscott,148,6
+lindenwood,162,1
+coffeen,774,0
+woodbine,485,5
+wainscott,279,4
+tolstoy,1600,7
+shelbyville,10,0
+ranchester,950,8
+cosmos,26,3
+lindenwood,2570,2
+klickitat,2296,9
+hiteman,99,5
+shelbyville,2027,1
+cosmos,1068,2
+lindenwood,1273,3
+wainscott,1236,2
+hiteman,638,2
+leonardo,817,2
+marstons,2555,2
+woodbine,1807,3
+leonardo,233,0
+pinesdale,711,3
+stockman,1481,3
+marstons,880,15
+shelbyville,712,8
+pinesdale,410,1
+stockman,923,3
+klickitat,28,3
+leonardo,1037,7
+newfields,186,1
+onaga,464,5
+shelbyville,586,3
+hanson,529,2
+klickitat,1517,7
+mifflinburg,192,5
+tolstoy,327,1
+newfields,410,10
+hanson,1587,6
+pomaria,654,1
+wainscott,314,2
+lakeville,79,1
+marstons,2306,1
+klickitat,1520,1
+pinesdale,117,1
+shelbyville,2496,11
+onaga,549,1
+klickitat,1044,3
+stockman,958,2
+wainscott,1673,2
+newfields,1597,5
+lindenwood,2147,1
+marstons,260,0
+tolstoy,1760,1
+newfields,1560,3
+pomaria,366,2
+hiteman,770,6
+pinesdale,1086,1
+pinesdale,60,7
+pomaria,1625,0
+marstons,1809,1
+lindenwood,1753,0
+marstons,1102,0
+hiteman,1245,6
+shelbyville,925,5
+shelbyville,1519,7
+stockman,930,0
+lakeville,883,3
+marstons,2000,3
+forkland,969,0
+beechwood,335,0
+coffeen,427,2
+klickitat,2330,8
+cosmos,831,5
+ranchester,1293,1
+stockman,1554,1
+onaga,409,0
+leonardo,2035,1
+coffeen,1091,7
+onaga,191,0
+forkland,1090,2
+wainscott,241,5
+woodbine,325,3
+mifflinburg,840,0
+pinesdale,173,2
+pomaria,403,3
+newfields,1093,9
+klickitat,1127,0
+stockman,1198,12
+hanson,1075,1
+shelbyville,1177,6
+pinesdale,85,1
+hanson,1253,6
+coffeen,1243,1
+wainscott,75,4
+woodbine,724,4
+wainscott,1607,1
+ranchester,929,3
+leonardo,986,3
+hanson,341,0
+allensville,419,2
+coffeen,686,0
+wainscott,1346,1
+lakeville,1114,0
+hiteman,533,2
+pomaria,1644,2
+leonardo,1957,7
+lakeville,1595,2
+wainscott,1095,8
+leonardo,1766,6
+merom,31,1
+shelbyville,2229,0
+allensville,327,4
+shelbyville,2440,9
+wainscott,725,5
+ranchester,1045,1
+cosmos,954,0
+ranchester,1216,0
+cosmos,344,3
+benevolence,786,12
+klickitat,101,3
+hiteman,262,6
+wainscott,1045,7
+forkland,248,0
+shelbyville,2416,3
+leonardo,1606,0
+benevolence,320,5
+leonardo,1283,2
+hiteman,1858,7
+forkland,679,6
+pomaria,1165,7
+tolstoy,1718,0
+hiteman,1,5
+ranchester,920,4
+hiteman,589,1
+shelbyville,499,4
+lindenwood,1091,4
+mifflinburg,512,1
+stockman,1492,1
+shelbyville,475,4
+pomaria,858,7
+pomaria,447,6
+hanson,390,3
+wainscott,1512,1
+tolstoy,995,3
+marstons,928,4
+klickitat,455,9
+marstons,145,8
+newfields,1261,9
+pomaria,123,4
+ranchester,740,3
+marstons,2246,2
+coffeen,231,5
+lindenwood,1181,4
+wainscott,1541,5
+pinesdale,1104,1
+hanson,1143,0
+lakeville,999,5
+klickitat,1572,10
+marstons,90,0
+leonardo,674,0
+shelbyville,1022,1
+beechwood,412,1
+woodbine,1097,5
+marstons,2056,5
+klickitat,706,4
+klickitat,1246,9
+lakeville,589,1
+stockman,643,0
+tolstoy,1143,2
+leonardo,1240,6
+pinesdale,1383,4
+lindenwood,1365,0
+leonardo,579,1
+marstons,410,11
+klickitat,1164,3
+marstons,1661,9
+woodbine,1503,6
+lakeville,495,4
+marstons,1427,6
+pomaria,871,7
+tolstoy,1518,1
+wainscott,473,3
+klickitat,2049,7
+shelbyville,534,5
+shelbyville,1041,2
+woodbine,1219,4
+tolstoy,152,2
+lakeville,1461,1
+lindenwood,248,5
+ranchester,61,5
+lakeville,1747,4
+cosmos,978,5
+pomaria,375,1
+leonardo,1466,11
+wainscott,1494,0
+cosmos,513,0
+woodbine,557,2
+marstons,2428,5
+shelbyville,947,9
+shelbyville,899,3
+stockman,409,7
+marstons,198,5
+ranchester,265,16
+stockman,578,3
+coffeen,1340,1
+marstons,1716,2
+marstons,187,6
+coffeen,314,0
+wainscott,1535,0
+woodbine,1390,3
+wainscott,1730,8
+ranchester,360,1
+merom,932,2
+pomaria,263,7
+beechwood,503,3
+stockman,1031,5
+hanson,960,3
+woodbine,2059,6
+coffeen,825,3
+pomaria,1200,3
+onaga,559,2
+lakeville,945,9
+tolstoy,927,5
+pinesdale,1447,0
+leonardo,817,0
+merom,1033,0
+benevolence,920,4
+lindenwood,119,9
+coffeen,467,1
+coffeen,1183,0
+stockman,547,2
+marstons,2373,0
+beechwood,75,5
+marstons,21,3
+tolstoy,1791,9
+wainscott,353,6
+forkland,1005,3
+marstons,2563,0
+klickitat,1081,6
+lakeville,1191,3
+shelbyville,271,10
+marstons,1591,14
+tolstoy,1050,4
+ranchester,983,3
+marstons,97,7
+forkland,256,1
+hiteman,1375,6
+tolstoy,431,5
+marstons,1319,0
+leonardo,1030,1
+forkland,254,0
+hiteman,1712,2
+wainscott,799,2
+leonardo,895,1
+pinesdale,347,2
+hiteman,763,15
+pomaria,1294,14
+leonardo,1039,0
+forkland,658,1
+allensville,351,2
+ranchester,659,3
+tolstoy,1478,1
+lindenwood,649,1
+hiteman,1355,5
+merom,214,0
+marstons,3,8
+klickitat,2197,2
+leonardo,237,2
+coffeen,1140,0
+lakeville,171,15
+lindenwood,1328,1
+woodbine,1695,0
+tolstoy,957,3
+wainscott,192,10
+ranchester,461,3
+shelbyville,1872,7
+stockman,1206,3
+cosmos,974,4
+shelbyville,2676,8
+wainscott,80,5
+tolstoy,1784,7
+marstons,1830,9
+marstons,2388,9
+lindenwood,1341,4
+lakeville,1799,11
+tolstoy,459,3
+stockman,295,1
+wainscott,386,0
+woodbine,502,0
+woodbine,491,5
+tolstoy,374,2
+ranchester,112,5
+klickitat,823,1
+klickitat,473,5
+hiteman,1775,6
+lakeville,1634,5
+forkland,692,1
+hiteman,910,3
+forkland,480,0
+onaga,72,3
+klickitat,1096,5
+merom,253,0
+coffeen,786,5
+hanson,1244,3
+shelbyville,2496,15
+hiteman,1470,1
+tolstoy,926,18
+woodbine,1246,0
+lindenwood,2273,3
+merom,1030,1
+pomaria,1673,8
+tolstoy,155,11
+marstons,285,6
+pinesdale,1165,1
+coffeen,1094,0
+leonardo,185,8
+leonardo,335,5
+mifflinburg,947,2
+pinesdale,436,7
+hanson,290,3
+pinesdale,1287,2
+lindenwood,356,2
+hanson,1096,2
+tolstoy,1463,1
+marstons,1767,14
+marstons,536,4
+lindenwood,522,12
+woodbine,1250,1
+coffeen,75,1
+newfields,138,1
+benevolence,537,2
+lindenwood,1629,1
+cosmos,282,1
+ranchester,1105,5
+woodbine,1742,0
+marstons,467,6
+pomaria,1410,4
+tolstoy,171,0
+hiteman,79,2
+newfields,1372,1
+marstons,1735,6
+pomaria,35,6
+newfields,1425,0
+woodbine,1292,3
+shelbyville,664,3
+onaga,87,3
+klickitat,103,7
+marstons,1335,0
+lindenwood,1184,6
+lakeville,1016,1
+shelbyville,1196,4
+lindenwood,929,2
+wainscott,1167,15
+benevolence,705,7
+klickitat,1237,3
+leonardo,116,4
+coffeen,1216,0
+lakeville,850,6
+beechwood,80,5
+stockman,1199,1
+lakeville,1467,2
+pomaria,1273,4
+onaga,212,2
+onaga,538,7
+pomaria,1197,0
+marstons,309,7
+shelbyville,1494,2
+marstons,494,0
+newfields,660,2
+ranchester,1581,2
+woodbine,1476,3
+stockman,681,5
+hanson,648,8
+beechwood,302,7
+newfields,525,2
+woodbine,250,1
+coffeen,605,5
+stockman,128,1
+shelbyville,1921,0
+klickitat,2041,0
+lindenwood,2141,0
+lakeville,488,3
+leonardo,1015,0
+allensville,318,12
+forkland,407,2
+klickitat,1854,3
+ranchester,1024,1
+tolstoy,731,5
+newfields,1571,7
+newfields,32,4
+mifflinburg,841,3
+ranchester,242,8
+allensville,492,1
+woodbine,925,2
+shelbyville,2123,1
+benevolence,289,5
+klickitat,1858,6
+hanson,432,2
+leonardo,1507,2
+newfields,1542,3
+klickitat,1645,5
+lindenwood,1628,0
+ranchester,111,4
+lakeville,1387,7
+wainscott,811,11
+wainscott,1253,4
+wainscott,1016,5
+pomaria,505,6
+cosmos,524,6
+lindenwood,251,8
+klickitat,1920,2
+hiteman,615,5
+klickitat,2177,9
+wainscott,291,3
+allensville,321,3
+shelbyville,1707,1
+lindenwood,1454,2
+klickitat,672,0
+tolstoy,1497,3
+pinesdale,996,0
+lindenwood,1919,7
+leonardo,1146,0
+klickitat,2017,3
+allensville,301,6
+stockman,1568,5
+cosmos,685,10
+hiteman,1262,5
+wainscott,721,10
+lindenwood,1040,1
+ranchester,512,5
+klickitat,2276,3
+pomaria,1463,2
+ranchester,549,0
+cosmos,173,2
+ranchester,840,0
+stockman,1136,5
+lakeville,1619,3
+newfields,326,7
+wainscott,232,2
+lakeville,1294,1
+marstons,1807,4
+hiteman,1831,0
+tolstoy,722,1
+hanson,652,5
+stockman,1510,10
+coffeen,617,3
+marstons,797,4
+hiteman,1789,9
+woodbine,1878,6
+hanson,1559,2
+klickitat,2211,4
+wainscott,1705,3
+beechwood,531,5
+leonardo,363,7
+marstons,1545,9
+hiteman,1377,2
+forkland,426,0
+lindenwood,154,2
+tolstoy,683,1
+klickitat,2173,1
+leonardo,347,12
+pinesdale,109,6
+hiteman,975,2
+beechwood,911,0
+hanson,216,5
+stockman,1590,0
+woodbine,1802,7
+allensville,37,0
+marstons,2533,2
+lindenwood,165,1
+shelbyville,1036,2
+lakeville,750,2
+shelbyville,2203,1
+benevolence,520,0
+coffeen,867,3
+newfields,1021,1
+woodbine,597,2
+tolstoy,1440,8
+stockman,521,1
+pinesdale,272,7
+lindenwood,1727,2
+newfields,925,2
+klickitat,465,1
+woodbine,796,13
+marstons,1811,1
+pinesdale,225,5
+marstons,917,5
+newfields,620,6
+hiteman,1215,9
+lindenwood,690,2
+klickitat,626,1
+shelbyville,2303,6
+marstons,2091,9
+shelbyville,1178,2
+tolstoy,176,4
+newfields,1503,14
+lindenwood,288,2
+coffeen,897,5
+forkland,675,0
+pinesdale,929,15
+tolstoy,1239,0
+tolstoy,1822,1
+hiteman,1040,0
+tolstoy,1587,1
+tolstoy,176,16
+ranchester,1137,1
+pinesdale,479,2
+stockman,761,2
+marstons,1365,1
+leonardo,349,1
+lakeville,485,5
+allensville,45,3
+newfields,1474,6
+cosmos,25,0
+tolstoy,1371,10
+woodbine,1106,1
+shelbyville,863,3
+klickitat,516,6
+marstons,2114,2
+wainscott,1605,6
+ranchester,1347,8
+hiteman,672,10
+stockman,790,0
+marstons,2346,0
+wainscott,1088,1
+forkland,1116,7
+klickitat,1323,1
+tolstoy,712,10
+lindenwood,422,1
+wainscott,45,1
+coffeen,491,0
+tolstoy,944,1
+forkland,871,3
+marstons,2063,4
+hanson,1653,3
+ranchester,1263,9
+klickitat,2199,3
+pomaria,1159,14
+wainscott,1336,2
+cosmos,674,0
+wainscott,1754,4
+klickitat,110,6
+marstons,2168,4
+marstons,1616,9
+stockman,639,0
+lindenwood,1495,2
+newfields,1342,6
+forkland,746,4
+pomaria,1437,18
+marstons,529,0
+merom,835,6
+hiteman,693,9
+forkland,505,3
+hanson,35,10
+pomaria,29,3
+shelbyville,2074,3
+hanson,296,2
+newfields,234,1
+lindenwood,288,1
+klickitat,399,6
+newfields,1481,7
+lakeville,1886,16
+lindenwood,2041,4
+hanson,563,6
+woodbine,1072,3
+newfields,379,2
+hiteman,1292,1
+lakeville,492,14
+newfields,1107,1
+shelbyville,1946,5
+marstons,2592,3
+beechwood,17,3
+klickitat,1745,10
+lindenwood,2668,2
+shelbyville,1858,7
+lakeville,1699,3
+marstons,2249,9
+newfields,1165,0
+mifflinburg,524,2
+cosmos,291,3
+merom,573,11
+lakeville,392,3
+merom,208,2
+pomaria,689,2
+shelbyville,1524,2
+allensville,149,2
+hanson,1166,2
+newfields,697,1
+klickitat,2023,0
+hanson,870,6
+pomaria,383,5
+coffeen,582,1
+leonardo,1435,6
+marstons,646,4
+coffeen,457,1
+hiteman,67,8
+stockman,760,1
+wainscott,1112,2
+stockman,633,1
+leonardo,316,4
+stockman,579,4
+merom,373,5
+wainscott,343,2
+cosmos,862,4
+lindenwood,1793,3
+lindenwood,1191,2
+beechwood,155,7
+stockman,980,3
+leonardo,545,2
+lindenwood,1342,5
+leonardo,1933,20
+shelbyville,791,2
+tolstoy,1606,5
+leonardo,489,5
+marstons,2172,9
+leonardo,678,2
+pomaria,871,6
+mifflinburg,386,1
+pomaria,970,1
+shelbyville,490,2
+pinesdale,379,0
+newfields,137,0
+lakeville,90,7
+klickitat,2143,2
+stockman,1353,4
+cosmos,1000,8
+pomaria,841,0
+ranchester,13,5
+leonardo,326,4
+hiteman,389,11
+newfields,938,0
+hanson,939,0
+lindenwood,2586,5
+klickitat,2044,10
+newfields,901,1
+pomaria,1143,3
+wainscott,1745,2
+hiteman,319,7
+leonardo,1608,19
+cosmos,795,0
+ranchester,1517,2
+allensville,116,0
+leonardo,618,1
+leonardo,846,8
+allensville,177,1
+lindenwood,1625,0
+coffeen,617,5
+shelbyville,1048,4
+merom,679,3
+hiteman,517,4
+shelbyville,2294,15
+coffeen,1427,8
+hanson,594,2
+ranchester,640,3
+woodbine,472,2
+lindenwood,386,2
+pinesdale,89,5
+coffeen,654,2
+stockman,654,1
+hiteman,957,1
+tolstoy,984,4
+coffeen,1099,0
+lindenwood,27,0
+shelbyville,2399,14
+pinesdale,1051,4
+wainscott,398,15
+stockman,746,8
+wainscott,1339,8
+pinesdale,1120,0
+wainscott,1149,2
+tolstoy,1523,13
+marstons,2018,3
+marstons,816,1
+pomaria,1527,5
+marstons,1814,12
+woodbine,738,7
+beechwood,966,1
+shelbyville,341,2
+tolstoy,1263,5
+forkland,928,2
+hanson,1350,2
+forkland,39,0
+klickitat,311,9
+lindenwood,1217,5
+coffeen,1265,1
+lindenwood,870,0
+woodbine,937,7
+pinesdale,610,3
+stockman,594,5
+wainscott,1145,15
+tolstoy,999,6
+hiteman,1301,1
+wainscott,837,13
+woodbine,1368,3
+marstons,1767,1
+stockman,1453,3
+hanson,1380,5
+ranchester,1164,4
+hanson,1379,9
+wainscott,276,4
+newfields,542,3
+klickitat,1426,7
+stockman,793,1
+hiteman,485,5
+lakeville,1234,2
+hanson,5,10
+leonardo,1471,2
+woodbine,1312,9
+woodbine,1680,4
+beechwood,935,9
+klickitat,1969,3
+newfields,545,18
+ranchester,486,0
+marstons,1104,3
+woodbine,342,8
+lindenwood,1255,2
+klickitat,1780,1
+hanson,1169,3
+lindenwood,1538,9
+forkland,263,3
+woodbine,1316,5
+shelbyville,267,3
+stockman,248,4
+klickitat,633,0
+marstons,367,2
+cosmos,109,0
+onaga,669,8
+lakeville,679,5
+shelbyville,1156,4
+pinesdale,872,4
+wainscott,830,6
+newfields,760,2
+beechwood,27,2
+stockman,787,2
+forkland,94,4
+lakeville,1495,0
+tolstoy,1738,0
+benevolence,176,1
+coffeen,116,2
+leonardo,1410,0
+newfields,1454,1
+woodbine,1079,0
+ranchester,420,12
+marstons,2233,0
+pomaria,499,9
+shelbyville,1120,9
+pomaria,241,0
+klickitat,320,1
+lindenwood,2186,1
+beechwood,663,0
+coffeen,952,0
+wainscott,1456,3
+merom,456,3
+woodbine,1369,4
+lakeville,1664,10
+hiteman,629,3
+onaga,111,1
+klickitat,711,1
+lakeville,1178,9
+klickitat,150,2
+shelbyville,1395,3
+merom,982,0
+shelbyville,278,6
+newfields,492,8
+shelbyville,2503,3
+coffeen,820,4
+klickitat,155,3
+hiteman,733,7
+shelbyville,275,1
+marstons,1138,6
+pinesdale,1437,3
+pomaria,756,3
+coffeen,840,0
+hiteman,1709,2
+hanson,898,4
+newfields,230,0
+stockman,166,8
+marstons,659,0
+wainscott,978,9
+leonardo,480,2
+beechwood,1089,1
+hanson,1083,0
+hiteman,1614,4
+lakeville,1332,5
+leonardo,1759,1
+hanson,1582,5
+wainscott,1490,9
+hiteman,1797,2
+coffeen,429,3
+lindenwood,1954,3
+wainscott,880,1
+beechwood,383,0
+cosmos,706,1
+forkland,951,3
+stockman,1108,1
+newfields,1445,3
+klickitat,558,4
+shelbyville,1046,3
+klickitat,1394,3
+tolstoy,610,6
+hiteman,831,5
+shelbyville,192,6
+marstons,2377,2
+wainscott,1361,4
+shelbyville,1178,5
+merom,502,3
+klickitat,538,0
+woodbine,684,1
+pinesdale,527,5
+hanson,1475,7
+hiteman,1499,0
+lakeville,183,3
+shelbyville,1751,3
+wainscott,202,11
+hiteman,35,0
+marstons,1885,6
+beechwood,8,1
+merom,480,5
+pomaria,139,4
+pomaria,1242,1
+newfields,1405,3
+leonardo,1165,0
+newfields,378,7
+cosmos,180,1
+lakeville,1073,0
+allensville,402,6
+woodbine,538,5
+tolstoy,1657,1
+wainscott,1501,0
+pomaria,255,0
+marstons,38,8
+benevolence,600,9
+ranchester,549,1
+woodbine,970,2
+allensville,250,0
+lindenwood,2183,2
+cosmos,32,10
+newfields,571,2
+lindenwood,2093,2
+lindenwood,1626,3
+pomaria,1226,12
+cosmos,959,3
+hanson,39,3
+marstons,2309,3
+stockman,4,5
+beechwood,661,6
+forkland,15,2
+leonardo,382,2
+hanson,270,2
+klickitat,33,3
+lakeville,744,5
+pinesdale,1423,1
+forkland,821,0
+pomaria,1179,8
+wainscott,1210,4
+shelbyville,2616,0
+onaga,27,9
+leonardo,1928,10
+pomaria,1165,11
+lindenwood,333,8
+wainscott,355,0
+woodbine,941,4
+leonardo,1512,6
+coffeen,685,12
+leonardo,638,4
+hiteman,1161,2
+pomaria,582,6
+pinesdale,1189,0
+shelbyville,759,1
+tolstoy,624,2
+shelbyville,1808,6
+ranchester,990,3
+klickitat,1701,1
+newfields,372,2
+wainscott,361,4
+hiteman,1022,2
+leonardo,1018,8
+wainscott,1562,2
+beechwood,832,11
+ranchester,18,1
+pinesdale,343,1
+stockman,1423,3
+shelbyville,1343,2
+beechwood,805,0
+beechwood,707,1
+lakeville,856,3
+pomaria,1442,16
+lindenwood,1603,2
+forkland,1131,4
+coffeen,1243,2
+cosmos,174,3
+hiteman,1645,10
+klickitat,2393,5
+beechwood,90,4
+pomaria,498,3
+hanson,1434,3
+shelbyville,1735,5
+wainscott,765,2
+klickitat,126,2
+lindenwood,1388,0
+ranchester,1508,12
+beechwood,1144,0
+cosmos,241,1
+newfields,1438,6
+pinesdale,752,1
+pinesdale,616,0
+shelbyville,431,6
+shelbyville,1115,1
+allensville,269,3
+hiteman,1677,2
+klickitat,380,9
+newfields,1516,4
+wainscott,336,4
+woodbine,275,3
+pinesdale,249,4
+leonardo,373,7
+wainscott,748,5
+woodbine,1942,5
+pinesdale,1138,1
+shelbyville,300,0
+leonardo,544,11
+klickitat,1980,13
+klickitat,1766,9
+hanson,875,11
+newfields,649,6
+hiteman,54,0
+hiteman,89,3
+forkland,283,2
+wainscott,1263,6
+leonardo,1795,2
+marstons,1812,4
+benevolence,953,0
+stockman,779,0
+lakeville,516,4
+beechwood,1175,2
+shelbyville,2372,5
+marstons,1401,3
+wainscott,1452,11
+woodbine,557,13
+onaga,670,3
+tolstoy,1821,10
+klickitat,531,8
+hanson,463,2
+onaga,456,2
+lindenwood,22,5
+klickitat,180,1
+hiteman,1426,5
+newfields,980,4
+newfields,1493,3
+coffeen,1069,3
+ranchester,1428,2
+lindenwood,2298,5
+merom,230,0
+marstons,1073,10
+klickitat,1741,15
+wainscott,1460,6
+ranchester,1410,10
+lakeville,239,11
+mifflinburg,400,10
+marstons,880,5
+newfields,1249,5
+pomaria,1008,2
+hanson,1457,7
+klickitat,1971,5
+shelbyville,2711,0
+stockman,683,2
+pinesdale,805,1
+merom,90,7
+lindenwood,828,13
+lindenwood,1902,3
+klickitat,1194,0
+lakeville,238,0
+leonardo,627,5
+leonardo,351,1
+forkland,758,1
+lindenwood,1139,3
+hanson,1517,4
+stockman,1167,5
+shelbyville,2558,2
+marstons,648,7
+tolstoy,1771,2
+pinesdale,1213,1
+newfields,775,3
+lakeville,1480,0
+shelbyville,998,1
+klickitat,929,0
+hanson,1036,6
+pinesdale,629,1
+newfields,1128,1
+leonardo,766,20
+hanson,1658,15
+tolstoy,1740,2
+onaga,86,4
+hiteman,501,3
+marstons,1211,2
+ranchester,576,5
+shelbyville,40,6
+onaga,508,3
+coffeen,470,2
+tolstoy,1327,0
+stockman,286,1
+cosmos,534,9
+cosmos,597,0
+marstons,2189,2
+forkland,589,5
+newfields,1570,13
+cosmos,1049,7
+klickitat,781,1
+beechwood,764,6
+woodbine,1690,3
+pinesdale,310,2
+ranchester,1149,4
+newfields,786,2
+klickitat,1007,2
+marstons,753,0
+lakeville,1193,10
+wainscott,191,1
+newfields,1309,1
+pomaria,768,1
+shelbyville,1369,0
+merom,346,8
+newfields,1516,0
+woodbine,60,12
+cosmos,665,4
+stockman,525,10
+ranchester,524,10
+newfields,1146,6
+klickitat,1984,9
+newfields,1122,3
+wainscott,882,15
+marstons,969,1
+shelbyville,2352,0
+hanson,995,5
+tolstoy,971,6
+newfields,199,2
+shelbyville,270,6
+ranchester,1549,4
+shelbyville,1607,3
+lindenwood,1787,3
+leonardo,1681,7
+shelbyville,365,0
+pinesdale,1269,10
+lindenwood,832,3
+shelbyville,2747,2
+allensville,370,3
+hanson,642,1
+tolstoy,1036,6
+hiteman,1165,2
+ranchester,1223,7
+shelbyville,1674,2
+klickitat,1276,0
+wainscott,942,13
+ranchester,676,0
+hanson,855,4
+woodbine,1450,1
+leonardo,1312,0
+lindenwood,1360,0
+woodbine,1661,0
+klickitat,1177,7
+pomaria,1303,1
+forkland,423,0
+leonardo,293,1
+wainscott,1311,4
+stockman,1141,11
+lakeville,1477,13
+shelbyville,602,0
+woodbine,31,8
+tolstoy,742,8
+stockman,495,4
+beechwood,528,0
+tolstoy,1594,5
+woodbine,2007,5
+cosmos,306,12
+ranchester,1434,2
+lindenwood,1570,7
+tolstoy,1487,0
+lindenwood,1125,11
+shelbyville,18,3
+lakeville,1396,5
+merom,959,0
+woodbine,1256,0
+shelbyville,821,4
+woodbine,801,2
+merom,304,1
+ranchester,1152,1
+benevolence,971,5
+onaga,404,2
+pinesdale,950,8
+pomaria,1394,0
+pinesdale,1269,2
+wainscott,17,2
+wainscott,1356,4
+coffeen,207,3
+wainscott,646,0
+cosmos,893,15
+wainscott,683,12
+woodbine,311,0
+tolstoy,561,7
+pinesdale,826,9
+shelbyville,938,8
+lakeville,35,8
+woodbine,41,15
+tolstoy,1613,1
+ranchester,576,2
+tolstoy,365,1
+onaga,603,5
+shelbyville,2217,11
+ranchester,891,1
+mifflinburg,511,3
+leonardo,1058,10
+shelbyville,1962,10
+ranchester,928,14
+hanson,222,2
+stockman,456,3
+beechwood,918,2
+leonardo,1615,4
+wainscott,1748,8
+lakeville,835,9
+hanson,29,9
+newfields,1186,3
+hiteman,670,13
+lindenwood,2074,0
+lindenwood,798,0
+ranchester,1261,8
+hanson,1600,2
+ranchester,438,2
+woodbine,1949,8
+woodbine,990,0
+mifflinburg,638,3
+pinesdale,533,4
+allensville,297,1
+ranchester,438,8
+wainscott,557,0
+pomaria,362,1
+klickitat,2218,10
+lakeville,1781,5
+wainscott,1735,11
+klickitat,1502,7
+forkland,355,0
+shelbyville,2105,2
+lindenwood,1287,2
+cosmos,764,4
+hanson,384,15
+shelbyville,1999,1
+ranchester,1528,0
+ranchester,199,4
+klickitat,2099,1
+newfields,926,5
+coffeen,905,0
+stockman,958,3
+lakeville,1478,5
+woodbine,829,1
+lakeville,277,3
+tolstoy,402,10
+wainscott,1566,13
+hanson,225,5
+woodbine,45,2
+wainscott,565,0
+lakeville,522,3
+lindenwood,2650,3
+coffeen,557,4
+ranchester,420,18
+tolstoy,1658,8
+pomaria,1375,1
+ranchester,235,2
+cosmos,95,0
+lakeville,1602,4
+hanson,1324,12
+lindenwood,2341,9
+tolstoy,12,1
+leonardo,1739,3
+pinesdale,828,1
+lindenwood,1066,1
+marstons,2533,6
+ranchester,842,3
+cosmos,382,10
+ranchester,230,0
+pinesdale,756,0
+marstons,1723,5
+newfields,958,3
+woodbine,1484,1
+hanson,957,2
+pomaria,1008,0
+lindenwood,2371,2
+stockman,804,4
+coffeen,1165,6
+hiteman,1487,9
+pomaria,91,10
+klickitat,711,2
+pomaria,642,1
+merom,552,5
+merom,743,3
+leonardo,812,1
+newfields,1541,12
+coffeen,813,3
+lindenwood,1033,4
+marstons,991,0
+ranchester,668,1
+pinesdale,116,4
+newfields,755,1
+woodbine,1585,3
+merom,614,2
+onaga,351,0
+mifflinburg,456,6
+stockman,1363,10
+leonardo,1841,1
+lindenwood,957,4
+leonardo,576,4
+woodbine,893,1
+klickitat,822,9
+leonardo,722,1
+coffeen,672,7
+shelbyville,783,1
+woodbine,764,1
+lakeville,416,11
+wainscott,318,1
+newfields,1514,0
+shelbyville,565,7
+hanson,342,1
+tolstoy,547,2
+woodbine,1333,12
+marstons,261,3
+tolstoy,114,12
+leonardo,1830,16
+shelbyville,271,6
+leonardo,117,1
+tolstoy,1513,16
+onaga,97,0
+hanson,1295,2
+cosmos,220,6
+newfields,96,1
+tolstoy,1630,0
+lakeville,313,7
+lakeville,304,2
+lindenwood,30,2
+shelbyville,487,7
+hiteman,1208,5
+woodbine,1756,1
+woodbine,685,2
+mifflinburg,218,3
+klickitat,1158,5
+beechwood,1132,7
+klickitat,2327,2
+newfields,598,3
+stockman,1594,0
+klickitat,2057,8
+lakeville,189,3
+cosmos,67,2
+pinesdale,734,10
+wainscott,783,2
+coffeen,172,0
+lindenwood,2510,4
+lindenwood,349,3
+pinesdale,233,3
+tolstoy,753,7
+stockman,1601,0
+lindenwood,1134,0
+marstons,488,2
+hiteman,1831,1
+marstons,2473,2
+stockman,1147,8
+shelbyville,1785,8
+pomaria,1445,3
+woodbine,196,0
+merom,93,1
+hiteman,1499,4
+pinesdale,408,3
+shelbyville,393,6
+cosmos,825,4
+hanson,1149,2
+hanson,1351,6
+pomaria,1196,0
+cosmos,270,0
+wainscott,692,6
+pomaria,173,4
+forkland,675,3
+hanson,427,2
+shelbyville,2549,6
+woodbine,1350,6
+pinesdale,1057,4
+onaga,310,5
+mifflinburg,509,7
+onaga,662,9
+pomaria,774,2
+hiteman,654,13
+ranchester,320,5
+lakeville,520,4
+wainscott,1445,10
+pomaria,319,8
+pomaria,1467,2
+cosmos,649,8
+leonardo,918,1
+lindenwood,836,7
+hanson,391,2
+hiteman,1554,10
+klickitat,1553,16
+onaga,639,9
+shelbyville,587,5
+coffeen,1033,9
+lindenwood,813,13
+woodbine,1566,4
+marstons,1725,0
+newfields,1367,14
+stockman,282,2
+hiteman,108,1
+shelbyville,2353,10
+lakeville,1763,8
+marstons,1538,1
+beechwood,482,3
+ranchester,1454,2
+shelbyville,1893,1
+woodbine,597,12
+klickitat,2015,7
+hiteman,938,9
+leonardo,884,7
+lakeville,1849,0
+hiteman,1156,2
+klickitat,889,2
+klickitat,1068,2
+pomaria,1304,5
+lindenwood,2522,4
+leonardo,1417,0
+hiteman,780,1
+marstons,442,4
+forkland,618,1
+marstons,1875,8
+klickitat,737,1
+coffeen,968,3
+shelbyville,1317,4
+marstons,249,5
+klickitat,2092,0
+lindenwood,17,4
+shelbyville,1276,5
+hiteman,556,4
+lindenwood,1013,1
+tolstoy,423,1
+wainscott,248,6
+newfields,979,0
+wainscott,1465,2
+pinesdale,298,8
+shelbyville,2324,4
+marstons,253,0
+lindenwood,1590,7
+hiteman,1374,1
+marstons,507,2
+hiteman,1428,2
+wainscott,792,17
+forkland,381,2
+leonardo,530,7
+shelbyville,130,0
+cosmos,1068,0
+pinesdale,1485,3
+pomaria,700,1
+klickitat,1984,2
+shelbyville,1183,0
+marstons,2633,6
+mifflinburg,708,0
+lindenwood,1519,6
+newfields,1641,2
+tolstoy,1165,7
+pomaria,568,2
+pinesdale,1126,1
+cosmos,184,3
+hanson,526,2
+pomaria,155,10
+hiteman,1377,0
+tolstoy,1776,21
+lindenwood,1610,2
+marstons,2452,4
+mifflinburg,572,1
+marstons,229,0
+mifflinburg,129,1
+tolstoy,475,4
+coffeen,1415,1
+hiteman,841,1
+pinesdale,440,9
+tolstoy,1276,19
+stockman,937,4
+pinesdale,1125,5
+lakeville,612,6
+wainscott,509,1
+hanson,1375,1
+merom,467,1
+pinesdale,121,5
+ranchester,605,8
+klickitat,1393,2
+beechwood,462,2
+hanson,693,4
+lindenwood,709,5
+pomaria,553,1
+woodbine,1519,11
+woodbine,707,3
+stockman,769,4
+shelbyville,1620,4
+onaga,572,2
+lakeville,1562,14
+onaga,81,2
+hanson,656,4
+klickitat,615,1
+onaga,264,6
+hiteman,477,0
+pomaria,627,13
+hanson,1194,9
+lakeville,719,2
+pomaria,46,2
+cosmos,155,5
+shelbyville,1791,1
+tolstoy,110,6
+benevolence,777,3
+marstons,2315,8
+pomaria,91,8
+klickitat,1302,5
+stockman,1503,4
+mifflinburg,710,1
+lakeville,871,2
+shelbyville,1962,11
+ranchester,1544,2
+hiteman,1315,1
+forkland,1053,0
+ranchester,1024,4
+pomaria,479,1
+forkland,1087,3
+shelbyville,2121,2
+tolstoy,367,0
+leonardo,821,2
+pinesdale,783,8
+cosmos,705,4
+wainscott,292,0
+coffeen,1097,1
+cosmos,404,3
+stockman,345,4
+klickitat,2112,2
+hiteman,566,6
+hanson,1656,5
+leonardo,20,0
+newfields,360,6
+stockman,222,1
+mifflinburg,282,3
+lakeville,527,0
+newfields,945,0
+merom,691,4
+marstons,384,6
+klickitat,222,3
+leonardo,2102,0
+merom,1096,5
+shelbyville,2378,3
+hanson,1072,0
+allensville,512,2
+shelbyville,674,4
+tolstoy,1204,10
+klickitat,2109,13
+lindenwood,130,4
+klickitat,1412,7
+beechwood,579,2
+pomaria,400,2
+woodbine,182,2
+pinesdale,1338,9
+marstons,459,0
+lakeville,1837,3
+pomaria,1287,4
+pomaria,213,4
+merom,53,0
+merom,754,2
+hanson,15,0
+pinesdale,1272,2
+marstons,1314,3
+coffeen,421,0
+coffeen,333,4
+lindenwood,2315,0
+pinesdale,1043,2
+pinesdale,1247,3
+pinesdale,850,2
+lindenwood,1850,10
+lakeville,649,1
+forkland,796,6
+hiteman,525,3
+hiteman,990,2
+hiteman,1498,5
+forkland,497,3
+lindenwood,1071,8
+klickitat,2345,2
+marstons,1744,8
+marstons,1218,1
+shelbyville,1010,2
+newfields,175,7
+klickitat,2202,19
+merom,267,1
+beechwood,1107,9
+leonardo,1521,0
+merom,498,8
+shelbyville,1397,4
+tolstoy,222,3
+wainscott,1306,1
+forkland,372,5
+hanson,397,2
+allensville,155,4
+shelbyville,148,1
+woodbine,873,8
+shelbyville,632,11
+pomaria,1609,1
+ranchester,765,4
+beechwood,770,0
+cosmos,599,0
+woodbine,979,2
+marstons,1387,3
+stockman,666,7
+marstons,1277,10
+stockman,209,7
+wainscott,117,5
+benevolence,871,0
+beechwood,754,1
+lindenwood,2662,6
+marstons,1671,3
+ranchester,1515,2
+lakeville,1826,1
+leonardo,1825,3
+shelbyville,2059,3
+wainscott,1180,13
+woodbine,1672,14
+shelbyville,2052,0
+leonardo,1370,0
+lindenwood,98,3
+coffeen,999,1
+cosmos,382,13
+newfields,1136,3
+lakeville,780,0
+merom,735,3
+leonardo,221,2
+coffeen,970,3
+pinesdale,1162,12
+pomaria,1651,0
+merom,48,1
+hanson,430,6
+shelbyville,742,1
+tolstoy,1264,8
+lindenwood,2385,3
+wainscott,63,3
+hiteman,1760,5
+pomaria,805,3
+leonardo,918,5
+lakeville,432,12
+shelbyville,2702,5
+hiteman,1309,3
+forkland,279,1
+mifflinburg,235,6
+woodbine,211,1
+hiteman,470,7
+stockman,902,3
+ranchester,1402,1
+wainscott,732,7
+lindenwood,1265,8
+pinesdale,321,1
+shelbyville,2218,0
+leonardo,1786,1
+lindenwood,2258,1
+marstons,647,1
+lindenwood,296,3
+wainscott,656,16
+beechwood,651,1
+lindenwood,1951,4
+ranchester,310,6
+leonardo,1448,4
+marstons,591,3
+merom,1015,0
+wainscott,657,2
+stockman,221,0
+pinesdale,214,8
+shelbyville,2425,0
+marstons,393,2
+lakeville,411,3
+leonardo,589,5
+pomaria,815,3
+forkland,402,2
+tolstoy,1795,0
+tolstoy,775,5
+pomaria,1064,1
+lindenwood,1535,2
+lindenwood,2108,16
+hanson,80,1
+cosmos,203,4
+hiteman,1713,1
+shelbyville,1296,1
+lindenwood,532,3
+marstons,665,3
+hanson,477,6
+ranchester,651,4
+newfields,1238,4
+marstons,1873,1
+benevolence,625,2
+shelbyville,105,3
+shelbyville,1011,0
+ranchester,653,4
+coffeen,1473,4
+beechwood,631,1
+woodbine,993,3
+klickitat,2023,1
+cosmos,235,3
+lakeville,1613,17
+ranchester,135,0
+lindenwood,1759,0
+wainscott,1260,0
+pinesdale,113,8
+leonardo,544,15
+merom,412,2
+beechwood,1078,2
+lindenwood,682,0
+newfields,1346,5
+pinesdale,819,0
+leonardo,832,5
+lindenwood,1876,4
+lakeville,1008,2
+merom,866,6
+pinesdale,1269,1
+coffeen,1412,2
+stockman,273,0
+newfields,558,7
+allensville,58,0
+lindenwood,1988,9
+marstons,2222,0
+wainscott,746,2
+pinesdale,1018,6
+ranchester,81,0
+ranchester,856,1
+merom,649,2
+marstons,1564,3
+pinesdale,870,5
+klickitat,425,3
+marstons,1278,6
+newfields,75,5
+tolstoy,666,12
+lindenwood,2669,3
+allensville,29,3
+leonardo,792,4
+beechwood,280,0
+newfields,504,16
+shelbyville,2240,3
+marstons,1213,10
+newfields,1488,10
+ranchester,1110,1
+klickitat,428,7
+hanson,731,9
+forkland,314,1
+woodbine,382,3
+stockman,1582,6
+wainscott,1799,10
+benevolence,485,5
+wainscott,116,8
+pomaria,725,15
+coffeen,1195,1
+newfields,1143,2
+woodbine,111,1
+coffeen,541,1
+lindenwood,27,2
+pinesdale,881,1
+lindenwood,1096,0
+lindenwood,1337,1
+lindenwood,2389,6
+shelbyville,1943,2
+merom,1107,2
+lakeville,1459,17
+pinesdale,859,1
+leonardo,122,1
+newfields,1572,4
+leonardo,1459,5
+klickitat,1018,6
+pinesdale,887,4
+newfields,270,12
+hiteman,1700,1
+hanson,427,5
+newfields,1190,1
+shelbyville,1424,12
+klickitat,1914,4
+shelbyville,884,5
+lindenwood,1985,6
+wainscott,530,4
+leonardo,1359,3
+leonardo,1621,2
+tolstoy,1409,1
+wainscott,739,6
+coffeen,229,4
+tolstoy,1573,11
+klickitat,1106,0
+woodbine,979,3
+leonardo,1093,3
+shelbyville,2613,1
+newfields,1340,0
+merom,671,3
+coffeen,1391,9
+leonardo,1441,4
+woodbine,272,2
+woodbine,1096,5
+hiteman,181,1
+klickitat,2068,8
+leonardo,852,13
+newfields,83,0
+woodbine,285,11
+klickitat,1536,5
+onaga,141,0
+beechwood,685,0
+pinesdale,1214,13
+forkland,399,2
+klickitat,2129,6
+ranchester,622,4
+hanson,666,13
+marstons,859,5
+shelbyville,41,3
+cosmos,158,2
+hiteman,1359,2
+hiteman,588,8
+leonardo,898,1
+wainscott,317,5
+lindenwood,1059,5
+klickitat,1962,5
+woodbine,726,2
+stockman,665,0
+stockman,138,5
+klickitat,2063,0
+leonardo,1656,3
+beechwood,957,1
+pinesdale,192,8
+coffeen,1247,2
+hanson,168,0
+lindenwood,834,1
+forkland,356,7
+wainscott,1274,2
+klickitat,2097,0
+wainscott,1799,1
+marstons,1183,11
+hanson,663,1
+hiteman,94,3
+lindenwood,1513,0
+cosmos,1028,1
+newfields,1367,11
+pomaria,106,4
+lakeville,535,5
+allensville,486,4
+benevolence,829,0
+newfields,944,3
+hanson,1125,7
+ranchester,1458,1
+coffeen,182,0
+lindenwood,765,1
+beechwood,720,0
+onaga,651,2
+benevolence,224,1
+stockman,1426,3
+benevolence,304,5
+leonardo,1798,6
+klickitat,479,19
+wainscott,1300,12
+wainscott,1425,13
+coffeen,553,2
+leonardo,1335,0
+klickitat,348,9
+hiteman,631,3
+ranchester,1222,7
+shelbyville,1895,1
+shelbyville,2185,2
+ranchester,1395,2
+marstons,243,11
+lakeville,1150,4
+hiteman,1280,1
+lakeville,605,2
+marstons,1539,0
+lindenwood,2085,1
+stockman,1191,1
+shelbyville,659,1
+beechwood,454,0
+woodbine,1781,4
+beechwood,575,3
+lakeville,555,0
+benevolence,549,6
+wainscott,1084,0
+pomaria,465,3
+benevolence,473,2
+woodbine,1602,4
+woodbine,1405,2
+lakeville,1521,9
+ranchester,154,2
+woodbine,967,1
+beechwood,876,2
+pinesdale,133,5
+marstons,1510,2
+beechwood,1096,3
+klickitat,2121,4
+ranchester,1162,2
+klickitat,945,4
+leonardo,615,9
+pomaria,309,1
+merom,615,0
+onaga,474,2
+coffeen,18,3
+ranchester,529,3
+coffeen,45,0
+marstons,1860,0
+shelbyville,2526,0
+wainscott,867,2
+cosmos,1073,0
+pomaria,1355,13
+lindenwood,1099,4
+ranchester,578,1
+forkland,1183,1
+leonardo,1158,0
+wainscott,233,10
+klickitat,1791,5
+hanson,410,2
+klickitat,2269,1
+lakeville,15,2
+klickitat,1928,1
+forkland,1108,2
+woodbine,513,3
+marstons,84,10
+ranchester,406,9
+mifflinburg,40,9
+stockman,29,3
+lindenwood,2531,7
+hanson,1276,2
+woodbine,2037,4
+newfields,1129,2
+klickitat,1330,7
+lindenwood,845,7
+ranchester,1346,1
+stockman,328,1
+pomaria,1294,13
+leonardo,346,2
+newfields,197,4
+cosmos,893,6
+woodbine,1962,4
+lindenwood,1727,4
+beechwood,506,0
+ranchester,114,1
+leonardo,536,2
+lindenwood,1073,1
+klickitat,1332,0
+marstons,340,1
+hiteman,1296,3
+marstons,1970,0
+shelbyville,691,3
+tolstoy,1012,0
+marstons,2633,5
+hiteman,1238,8
+marstons,2391,6
+lakeville,1526,10
+lindenwood,1086,1
+lakeville,1794,2
+wainscott,1160,0
+lindenwood,2274,5
+beechwood,447,2
+coffeen,829,1
+onaga,298,2
+tolstoy,77,0
+shelbyville,1515,3
+marstons,493,0
+shelbyville,2453,1
+woodbine,560,2
+marstons,1682,13
+shelbyville,2163,1
+coffeen,385,5
+hiteman,145,0
+shelbyville,628,11
+woodbine,256,4
+newfields,1317,1
+pomaria,417,2
+ranchester,373,3
+lindenwood,1527,1
+marstons,847,4
+stockman,780,4
+woodbine,162,4
+hiteman,26,2
+leonardo,1864,4
+hiteman,1335,6
+shelbyville,1905,2
+shelbyville,2674,3
+marstons,1494,8
+shelbyville,1607,1
+klickitat,1737,0
+pomaria,274,1
+wainscott,837,8
+newfields,1378,6
+ranchester,1463,2
+woodbine,2004,5
+klickitat,611,7
+ranchester,844,12
+wainscott,652,1
+lakeville,1659,4
+pomaria,1454,1
+merom,359,1
+lakeville,166,2
+tolstoy,1779,6
+hiteman,1687,11
+woodbine,576,0
+leonardo,397,5
+lindenwood,1908,4
+shelbyville,2720,12
+hanson,855,7
+pinesdale,982,6
+woodbine,1535,3
+shelbyville,1852,10
+wainscott,1407,3
+hanson,75,0
+woodbine,1639,9
+wainscott,47,7
+pinesdale,212,5
+lakeville,1209,2
+merom,874,3
+pinesdale,1435,3
+forkland,182,2
+klickitat,693,5
+beechwood,657,3
+stockman,1299,0
+pinesdale,887,0
+woodbine,21,16
+newfields,307,8
+forkland,1169,10
+marstons,1857,0
+lakeville,393,9
+coffeen,1454,1
+hanson,659,5
+leonardo,1774,1
+merom,412,1
+tolstoy,309,8
+lindenwood,2327,1
+benevolence,668,6
+benevolence,9,4
+pomaria,674,1
+lakeville,1586,3
+forkland,894,7
+lindenwood,2556,11
+klickitat,382,2
+hiteman,1274,1
+cosmos,1063,2
+lakeville,1690,8
+coffeen,575,4
+wainscott,1492,5
+hanson,637,2
+newfields,1078,5
+benevolence,278,3
+mifflinburg,155,2
+woodbine,1771,3
+hiteman,679,5
+lindenwood,2140,0
+beechwood,1032,10
+marstons,785,3
+marstons,2340,3
+wainscott,645,7
+shelbyville,473,0
+mifflinburg,210,3
+marstons,1917,1
+lindenwood,1925,4
+klickitat,222,2
+pomaria,983,11
+marstons,751,0
+pinesdale,1429,3
+shelbyville,2338,1
+shelbyville,267,5
+coffeen,950,7
+cosmos,938,4
+mifflinburg,618,7
+stockman,595,2
+marstons,588,1
+klickitat,1217,2
+lindenwood,717,4
+tolstoy,1462,2
+shelbyville,483,2
+wainscott,722,4
+stockman,1129,4
+ranchester,722,2
+lakeville,1563,2
+lakeville,1377,6
+wainscott,644,0
+coffeen,1053,0
+hanson,72,0
+cosmos,732,4
+lakeville,852,9
+shelbyville,1692,12
+lindenwood,669,7
+tolstoy,668,0
+beechwood,144,10
+lakeville,1884,6
+leonardo,1294,4
+shelbyville,1548,2
+pomaria,599,13
+allensville,503,2
+shelbyville,226,2
+klickitat,730,0
+onaga,6,1
+marstons,453,5
+klickitat,2341,1
+lakeville,62,5
+shelbyville,1229,5
+klickitat,2009,11
+shelbyville,2463,0
+allensville,205,2
+leonardo,392,1
+pinesdale,1141,2
+ranchester,323,0
+leonardo,636,5
+lindenwood,1215,0
+newfields,1308,1
+tolstoy,921,4
+coffeen,764,2
+pomaria,1579,4
+lakeville,1425,6
+lindenwood,2457,1
+pinesdale,792,4
+mifflinburg,762,2
+lakeville,299,0
+tolstoy,1284,1
+pomaria,1503,1
+mifflinburg,36,1
+pomaria,1434,0
+hanson,1171,9
+stockman,415,0
+ranchester,1272,8
+forkland,1139,0
+pomaria,1305,9
+hiteman,805,0
+leonardo,2100,3
+shelbyville,2769,2
+marstons,2084,2
+shelbyville,1424,11
+tolstoy,1135,3
+klickitat,245,6
+hiteman,488,0
+pomaria,1044,9
+leonardo,1086,2
+leonardo,1635,0
+leonardo,1579,4
+forkland,990,3
+newfields,1436,7
+pinesdale,308,7
+shelbyville,429,8
+woodbine,5,2
+stockman,296,0
+lindenwood,831,2
+tolstoy,923,1
+klickitat,1182,10
+coffeen,1307,0
+wainscott,1043,0
+lindenwood,2297,4
+marstons,242,10
+shelbyville,2494,7
+lindenwood,6,2
+pomaria,975,6
+beechwood,573,2
+wainscott,128,1
+lakeville,1191,5
+hanson,1656,4
+lindenwood,1983,4
+hanson,1433,10
+shelbyville,2586,2
+marstons,2488,4
+allensville,22,1
+onaga,38,5
+stockman,131,4
+newfields,726,1
+hiteman,1526,0
+tolstoy,1105,8
+shelbyville,321,3
+newfields,1525,7
+marstons,1328,0
+allensville,67,0
+shelbyville,504,3
+hiteman,1632,3
+marstons,1542,5
+benevolence,397,2
+wainscott,1776,5
+hiteman,940,3
+lakeville,766,0
+hiteman,211,9
+shelbyville,2674,0
+merom,472,0
+newfields,717,1
+lindenwood,2136,6
+leonardo,744,2
+tolstoy,763,1
+lindenwood,638,1
+mifflinburg,562,1
+wainscott,146,1
+newfields,970,6
+coffeen,946,0
+leonardo,1191,3
+klickitat,1179,2
+lakeville,619,1
+cosmos,270,1
+ranchester,1410,9
+shelbyville,2219,6
+coffeen,962,5
+newfields,1292,6
+pomaria,1377,4
+shelbyville,2707,8
+pinesdale,1207,11
+hiteman,412,1
+lakeville,536,4
+lindenwood,620,1
+marstons,1311,2
+leonardo,1076,1
+allensville,0,3
+hiteman,1110,5
+merom,544,0
+pomaria,1543,6
+mifflinburg,861,1
+ranchester,1467,3
+lakeville,111,13
+leonardo,207,0
+marstons,400,4
+leonardo,187,4
+woodbine,2013,6
+lakeville,667,5
+tolstoy,990,6
+lindenwood,2089,0
+lakeville,1576,10
+leonardo,850,8
+hanson,1465,10
+forkland,903,5
+shelbyville,912,0
+mifflinburg,678,2
+hanson,1004,3
+klickitat,1392,2
+lakeville,43,1
+wainscott,1661,2
+klickitat,2395,0
+pinesdale,1425,0
+hanson,1203,5
+mifflinburg,396,5
+marstons,2048,4
+tolstoy,544,9
+pomaria,1168,3
+woodbine,1796,7
+lindenwood,1384,2
+wainscott,1613,2
+pinesdale,1513,4
+lindenwood,1456,6
+leonardo,1987,1
+lakeville,658,4
+newfields,420,13
+coffeen,612,4
+lindenwood,182,4
+leonardo,1888,8
+hanson,330,7
+marstons,659,6
+coffeen,23,3
+lakeville,1160,19
+woodbine,505,0
+cosmos,930,1
+wainscott,726,5
+forkland,1101,5
+shelbyville,1494,1
+leonardo,1805,2
+hanson,219,0
+hiteman,1318,1
+lindenwood,1491,0
+newfields,1250,3
+ranchester,163,1
+lakeville,1479,0
+woodbine,672,1
+pomaria,54,10
+newfields,267,4
+marstons,602,2
+stockman,469,0
+lindenwood,10,2
+klickitat,2363,8
+stockman,1378,1
+tolstoy,1366,10
+stockman,865,1
+ranchester,946,0
+tolstoy,1017,5
+klickitat,1594,5
+tolstoy,93,3
+lindenwood,2244,4
+ranchester,566,1
+cosmos,853,1
+mifflinburg,872,2
+beechwood,3,12
+leonardo,1885,4
+ranchester,1321,1
+marstons,311,2
+merom,66,1
+tolstoy,166,1
+mifflinburg,522,2
+shelbyville,2518,2
+woodbine,891,2
+shelbyville,1795,3
+shelbyville,2471,14
+marstons,2066,1
+benevolence,403,1
+wainscott,1281,1
+benevolence,601,2
+pinesdale,1168,9
+onaga,236,9
+marstons,2256,1
+lindenwood,1616,4
+marstons,362,1
+woodbine,566,6
+ranchester,1323,4
+woodbine,1505,10
+stockman,251,1
+wainscott,306,0
+onaga,246,2
+shelbyville,511,4
+tolstoy,549,5
+pinesdale,409,9
+shelbyville,1102,13
+lakeville,283,3
+stockman,657,3
+wainscott,1098,1
+shelbyville,1373,6
+marstons,49,8
+coffeen,1037,0
+hiteman,1841,1
+stockman,277,6
+stockman,1066,3
+cosmos,334,4
+wainscott,1017,8
+wainscott,450,1
+allensville,404,0
+leonardo,1185,3
+lindenwood,1808,1
+cosmos,711,4
+marstons,646,5
+pomaria,458,1
+klickitat,2379,4
+merom,540,0
+coffeen,903,2
+klickitat,2030,5
+lindenwood,1314,1
+marstons,2649,2
+lakeville,358,15
+cosmos,522,0
+hanson,695,2
+klickitat,1424,3
+wainscott,1385,2
+tolstoy,1555,5
+mifflinburg,738,2
+pomaria,86,3
+pinesdale,604,5
+lindenwood,782,0
+tolstoy,693,6
+ranchester,1532,0
+marstons,1749,23
+hanson,1324,1
+newfields,497,5
+leonardo,1972,1
+marstons,2450,1
+wainscott,177,8
+beechwood,1105,1
+ranchester,1377,11
+woodbine,1043,0
+lakeville,531,3
+mifflinburg,72,2
+benevolence,530,4
+lindenwood,1358,8
+lakeville,180,3
+tolstoy,1426,3
+wainscott,1512,4
+marstons,2161,7
+coffeen,1255,3
+lindenwood,2408,7
+shelbyville,1066,3
+lakeville,1276,2
+marstons,2598,1
+klickitat,593,8
+lindenwood,202,5
+hanson,414,7
+leonardo,1220,3
+merom,215,1
+ranchester,1367,7
+woodbine,303,4
+onaga,269,4
+ranchester,1340,0
+shelbyville,928,7
+hanson,532,1
+cosmos,627,0
+lindenwood,1249,2
+marstons,41,6
+leonardo,1711,2
+cosmos,360,2
+shelbyville,2562,3
+woodbine,1454,5
+shelbyville,2682,11
+ranchester,139,0
+hanson,778,1
+hanson,329,5
+newfields,58,3
+lakeville,1211,5
+klickitat,1676,6
+tolstoy,1208,6
+klickitat,532,4
+woodbine,1658,0
+pinesdale,278,5
+tolstoy,873,0
+wainscott,1385,14
+lakeville,730,0
+wainscott,1556,3
+hanson,254,8
+lindenwood,1728,0
+beechwood,549,0
+marstons,648,1
+marstons,2438,1
+ranchester,1230,0
+pinesdale,1214,1
+shelbyville,139,4
+wainscott,750,0
+hanson,713,2
+klickitat,876,0
+hanson,672,5
+newfields,213,6
+shelbyville,2592,4
+lindenwood,2213,5
+merom,760,5
+ranchester,126,3
+marstons,2646,4
+klickitat,1193,2
+beechwood,756,2
+shelbyville,939,1
+cosmos,1016,2
+hiteman,1681,5
+tolstoy,1328,1
+ranchester,1327,2
+pinesdale,609,8
+onaga,270,0
+marstons,572,2
+pomaria,915,5
+benevolence,156,12
+klickitat,1363,11
+leonardo,1031,5
+shelbyville,142,7
+woodbine,506,0
+coffeen,1003,4
+forkland,696,4
+leonardo,784,3
+merom,917,0
+merom,341,0
+lindenwood,772,2
+marstons,1869,4
+pomaria,28,4
+pomaria,342,1
+stockman,1048,4
+marstons,24,4
+hanson,1508,16
+lindenwood,593,0
+wainscott,317,4
+ranchester,433,0
+leonardo,551,8
+lindenwood,2313,7
+klickitat,1331,0
+hiteman,754,3
+hanson,719,10
+marstons,224,4
+shelbyville,1721,1
+pomaria,1634,14
+mifflinburg,759,0
+lakeville,1396,3
+pomaria,1525,3
+wainscott,1612,2
+klickitat,1502,10
+lindenwood,1244,5
+beechwood,498,2
+tolstoy,583,2
+hiteman,898,2
+lindenwood,921,4
+woodbine,1583,4
+ranchester,1553,8
+marstons,1976,3
+hiteman,430,2
+klickitat,197,1
+leonardo,2101,10
+lindenwood,1139,2
+woodbine,1208,2
+lindenwood,1757,14
+newfields,208,1
+shelbyville,2401,3
+beechwood,684,2
+lindenwood,1820,0
+lindenwood,1842,5
+ranchester,1580,3
+pomaria,631,6
+ranchester,454,1
+klickitat,774,3
+woodbine,899,2
+stockman,731,1
+klickitat,307,9
+leonardo,1584,1
+hiteman,1816,2
+klickitat,1427,1
+stockman,1402,1
+marstons,2521,0
+mifflinburg,643,2
+pomaria,1096,4
+pinesdale,354,0
+shelbyville,647,1
+marstons,3,1
+lindenwood,2046,2
+wainscott,1653,13
+tolstoy,387,1
+newfields,161,10
+hiteman,948,7
+hanson,826,15
+mifflinburg,5,4
+cosmos,961,4
+shelbyville,1448,0
+tolstoy,1509,6
+hiteman,457,0
+wainscott,582,0
+coffeen,273,5
+pomaria,1407,0
+shelbyville,890,4
+stockman,1471,9
+leonardo,1170,0
+wainscott,560,3
+klickitat,40,1
+klickitat,1937,5
+lindenwood,1509,8
+forkland,985,5
+marstons,2297,5
+leonardo,236,6
+tolstoy,1225,7
+ranchester,388,0
+marstons,500,3
+pomaria,309,0
+merom,809,5
+tolstoy,173,1
+hiteman,426,0
+onaga,353,0
+hiteman,1509,0
+shelbyville,2676,5
+cosmos,751,2
+lakeville,741,3
+benevolence,216,1
+woodbine,571,0
+lindenwood,1102,0
+wainscott,1486,9
+lakeville,1734,1
+coffeen,1272,0
+lindenwood,375,0
+beechwood,981,0
+wainscott,440,0
+lakeville,889,5
+wainscott,1741,5
+hiteman,688,5
+forkland,65,1
+lindenwood,1568,1
+ranchester,1365,7
+tolstoy,1752,4
+klickitat,1850,10
+pomaria,157,4
+wainscott,1034,3
+coffeen,59,4
+marstons,1164,16
+klickitat,580,7
+coffeen,1221,0
+ranchester,143,0
+leonardo,1174,1
+lindenwood,330,0
+hiteman,104,2
+shelbyville,1394,2
+ranchester,1272,1
+pinesdale,305,1
+lindenwood,2668,1
+lakeville,523,11
+ranchester,1556,1
+wainscott,1784,2
+pomaria,1192,0
+coffeen,1414,4
+pomaria,416,14
+hiteman,365,3
+lakeville,234,1
+hanson,1170,6
+wainscott,1702,1
+lakeville,388,1
+klickitat,1662,3
+marstons,1786,5
+woodbine,1648,1
+shelbyville,1575,3
+merom,280,4
+hanson,1608,8
+woodbine,389,4
+merom,1108,5
+lakeville,1702,1
+lakeville,1431,9
+pinesdale,485,1
+lindenwood,1482,0
+cosmos,217,9
+woodbine,1722,0
+forkland,1017,1
+klickitat,1021,1
+hiteman,389,9
+shelbyville,2179,9
+lakeville,1211,3
+hiteman,616,4
+shelbyville,2103,7
+lakeville,714,1
+pomaria,1093,0
+lindenwood,239,4
+marstons,1030,2
+klickitat,274,14
+lakeville,76,2
+klickitat,2230,1
+wainscott,1035,3
+cosmos,68,2
+cosmos,344,0
+lindenwood,2369,2
+tolstoy,1237,1
+pinesdale,368,8
+woodbine,67,2
+klickitat,1201,8
+lakeville,1201,0
+wainscott,150,1
+ranchester,1062,2
+stockman,351,1
+leonardo,437,3
+woodbine,1430,4
+shelbyville,806,0
+coffeen,786,1
+hanson,1541,1
+mifflinburg,161,1
+stockman,625,0
+woodbine,290,4
+shelbyville,1275,1
+onaga,372,4
+woodbine,1407,5
+merom,736,0
+woodbine,1750,5
+forkland,42,3
+pomaria,796,12
+woodbine,1999,3
+marstons,1400,3
+stockman,599,1
+leonardo,1249,5
+ranchester,323,2
+cosmos,532,1
+newfields,1205,1
+tolstoy,161,3
+lindenwood,1445,5
+leonardo,2035,0
+pinesdale,358,1
+wainscott,1474,2
+ranchester,1118,1
+marstons,1507,2
+wainscott,464,3
+lakeville,1082,5
+ranchester,1051,1
+leonardo,1985,3
+newfields,1094,9
+coffeen,122,5
+shelbyville,918,6
+mifflinburg,228,2
+mifflinburg,739,3
+woodbine,892,12
+allensville,184,3
+lindenwood,492,2
+pinesdale,387,1
+marstons,1775,2
+woodbine,1283,12
+coffeen,999,2
+ranchester,728,0
+beechwood,955,5
+ranchester,1294,2
+newfields,535,16
+pomaria,715,8
+hiteman,1286,1
+marstons,1137,3
+pomaria,1331,2
+mifflinburg,149,3
+wainscott,540,15
+pinesdale,896,8
+wainscott,3,2
+tolstoy,71,6
+pomaria,988,0
+hiteman,967,3
+klickitat,1811,8
+hiteman,1681,8
+lindenwood,2293,8
+forkland,573,1
+coffeen,820,2
+pinesdale,801,2
+coffeen,856,1
+pomaria,1010,0
+pinesdale,1444,2
+leonardo,815,12
+tolstoy,552,2
+tolstoy,1053,0
+leonardo,93,1
+hiteman,406,4
+ranchester,436,0
+marstons,2084,10
+benevolence,830,5
+klickitat,562,1
+marstons,1764,7
+woodbine,153,0
+mifflinburg,303,1
+wainscott,433,4
+leonardo,1635,10
+merom,624,2
+pinesdale,1046,8
+woodbine,1835,1
+onaga,84,4
+shelbyville,1728,0
+newfields,33,2
+hanson,1520,2
+ranchester,1263,8
+klickitat,1611,8
+lindenwood,1990,1
+hiteman,1593,5
+marstons,873,0
+hiteman,1047,4
+lindenwood,2063,8
+lakeville,1027,4
+lindenwood,1236,1
+wainscott,431,3
+wainscott,719,0
+cosmos,811,3
+hanson,1166,7
+shelbyville,24,10
+coffeen,1113,0
+lakeville,1038,3
+klickitat,69,4
+merom,41,3
+lakeville,300,1
+newfields,1216,0
+shelbyville,364,3
+stockman,1200,5
+ranchester,1096,2
+leonardo,596,11
+pomaria,1147,2
+tolstoy,778,0
+lakeville,1210,5
+shelbyville,2095,3
+ranchester,1435,1
+marstons,1639,8
+wainscott,306,4
+cosmos,93,7
+lakeville,267,3
+newfields,1009,0
+newfields,832,1
+woodbine,341,0
+lakeville,614,3
+hanson,1332,0
+woodbine,920,2
+klickitat,1211,0
+hiteman,1216,7
+shelbyville,314,3
+hanson,847,0
+lindenwood,1773,11
+lakeville,1634,6
+shelbyville,2138,8
+ranchester,1424,1
+leonardo,370,0
+tolstoy,246,1
+lindenwood,237,5
+hiteman,468,1
+leonardo,1222,13
+lindenwood,2337,2
+ranchester,294,1
+pomaria,437,2
+leonardo,1727,0
+pinesdale,152,11
+newfields,1208,9
+marstons,63,6
+coffeen,473,5
+hiteman,1132,2
+onaga,565,3
+hanson,1055,9
+klickitat,616,0
+lakeville,360,0
+forkland,61,1
+hanson,716,5
+ranchester,299,2
+stockman,662,0
+hiteman,617,1
+tolstoy,221,3
+stockman,1256,1
+marstons,1747,1
+cosmos,354,1
+leonardo,1218,0
+cosmos,227,7
+hiteman,1046,2
+stockman,1454,2
+leonardo,744,6
+mifflinburg,611,1
+cosmos,692,1
+coffeen,698,4
+wainscott,463,4
+hiteman,964,5
+coffeen,452,2
+tolstoy,151,1
+tolstoy,1255,12
+klickitat,1600,2
+mifflinburg,125,2
+ranchester,1545,4
+tolstoy,810,1
+wainscott,1211,8
+leonardo,169,1
+newfields,598,0
+klickitat,587,1
+lindenwood,724,3
+hiteman,1700,7
+newfields,657,12
+merom,181,2
+wainscott,1692,1
+ranchester,1186,2
+marstons,1154,6
+hanson,86,0
+leonardo,1406,2
+hiteman,1807,1
+merom,369,1
+shelbyville,1035,1
+shelbyville,1051,7
+forkland,630,4
+wainscott,1629,8
+tolstoy,54,3
+beechwood,715,5
+hanson,453,1
+cosmos,109,3
+klickitat,723,6
+tolstoy,1753,4
+newfields,233,6
+klickitat,1240,0
+newfields,1422,4
+marstons,1285,1
+ranchester,930,2
+woodbine,1013,3
+wainscott,132,3
+ranchester,591,0
+cosmos,844,1
+hiteman,186,9
+klickitat,1367,8
+wainscott,373,5
+klickitat,1119,0
+stockman,1491,2
+lindenwood,1868,0
+lindenwood,679,4
+wainscott,885,0
+lindenwood,2118,6
+marstons,1351,2
+woodbine,1736,1
+pomaria,357,3
+mifflinburg,219,2
+stockman,1312,1
+tolstoy,471,4
+pomaria,1036,18
+shelbyville,2422,3
+pomaria,1038,5
+merom,847,3
+lindenwood,142,2
+lindenwood,1423,1
+pomaria,117,1
+ranchester,395,12
+mifflinburg,662,6
+shelbyville,2150,19
+tolstoy,204,0
+hanson,1640,2
+ranchester,338,1
+newfields,923,2
+beechwood,795,1
+woodbine,543,5
+lindenwood,1772,11
+hanson,1309,9
+leonardo,360,2
+beechwood,150,0
+newfields,566,0
+woodbine,1159,8
+klickitat,689,3
+hiteman,366,3
+pinesdale,1,6
+cosmos,798,2
+stockman,934,6
+lindenwood,2442,7
+shelbyville,1823,0
+tolstoy,413,1
+ranchester,697,3
+leonardo,16,2
+marstons,1644,3
+klickitat,943,11
+newfields,1603,0
+woodbine,1808,11
+tolstoy,1535,14
+benevolence,336,8
+pomaria,136,11
+lakeville,1666,3
+pinesdale,371,0
+pinesdale,1397,0
+marstons,2613,0
+mifflinburg,652,2
+woodbine,473,3
+newfields,921,5
+cosmos,232,7
+lakeville,756,2
+marstons,2221,8
+lindenwood,1450,2
+klickitat,837,3
+lakeville,1354,0
+mifflinburg,811,3
+klickitat,1636,0
+woodbine,1848,11
+wainscott,1403,4
+ranchester,608,8
+cosmos,129,6
+lindenwood,2035,3
+forkland,729,1
+forkland,1125,2
+lindenwood,150,2
+klickitat,1891,3
+lakeville,35,9
+marstons,1915,0
+hiteman,1144,3
+leonardo,665,13
+marstons,1257,1
+ranchester,453,0
+beechwood,326,5
+woodbine,1847,4
+klickitat,1960,25
+pomaria,1403,12
+hanson,365,6
+marstons,528,2
+stockman,1438,2
+shelbyville,1177,0
+klickitat,916,5
+hiteman,216,2
+woodbine,567,4
+benevolence,393,3
+leonardo,1765,0
+pinesdale,1048,3
+shelbyville,2495,5
+pinesdale,633,2
+lindenwood,708,4
+coffeen,662,9
+ranchester,375,8
+leonardo,754,1
+hanson,5,7
+mifflinburg,496,2
+leonardo,694,7
+lakeville,1740,0
+klickitat,1907,4
+marstons,2308,2
+marstons,403,7
+hiteman,1493,3
+onaga,418,1
+lindenwood,1555,4
+tolstoy,1117,0
+shelbyville,1208,1
+wainscott,1339,3
+klickitat,163,9
+ranchester,265,0
+coffeen,61,4
+benevolence,634,0
+marstons,802,2
+marstons,2056,1
+mifflinburg,587,0
+benevolence,327,3
+onaga,202,0
+lakeville,1119,2
+lakeville,1132,4
+ranchester,584,6
+leonardo,1883,1
+wainscott,1330,3
+lindenwood,349,1
+allensville,305,8
+pomaria,764,0
+hiteman,50,1
+pomaria,644,5
+lakeville,1061,6
+hiteman,46,10
+cosmos,571,3
+forkland,301,4
+klickitat,2410,3
+lindenwood,2436,2
+wainscott,843,0
+leonardo,412,3
+onaga,428,0
+cosmos,804,2
+marstons,1910,1
+ranchester,289,3
+klickitat,2113,7
+cosmos,70,1
+lindenwood,2297,2
+newfields,856,5
+pinesdale,547,0
+hanson,1026,11
+leonardo,988,2
+benevolence,123,4
+pinesdale,355,6
+lindenwood,896,3
+newfields,1204,18
+leonardo,703,3
+klickitat,719,9
+shelbyville,2775,8
+pinesdale,942,5
+wainscott,570,2
+leonardo,1659,4
+cosmos,445,2
+forkland,465,8
+tolstoy,376,0
+marstons,1172,5
+pomaria,1420,0
+lindenwood,43,2
+wainscott,1128,7
+beechwood,322,3
+hiteman,470,1
+coffeen,1154,7
+cosmos,799,9
+marstons,1355,2
+tolstoy,1693,11
+klickitat,2000,2
+tolstoy,623,1
+shelbyville,2003,13
+tolstoy,384,0
+wainscott,332,2
+wainscott,1451,5
+coffeen,589,4
+beechwood,182,0
+shelbyville,1193,0
+beechwood,337,1
+klickitat,549,2
+marstons,2476,8
+beechwood,234,1
+wainscott,900,7
+shelbyville,2818,0
+stockman,1265,6
+coffeen,281,8
+shelbyville,2459,3
+shelbyville,453,5
+woodbine,460,1
+benevolence,167,2
+lindenwood,1891,1
+marstons,2209,3
+benevolence,883,1
+hiteman,1698,1
+onaga,456,6
+ranchester,176,5
+tolstoy,331,8
+shelbyville,2230,2
+pomaria,424,2
+hiteman,1457,4
+marstons,1512,7
+pomaria,1239,2
+wainscott,978,6
+woodbine,66,1
+marstons,2341,0
+cosmos,5,11
+tolstoy,682,3
+forkland,351,6
+tolstoy,1826,5
+klickitat,308,1
+wainscott,467,6
+pomaria,1543,0
+klickitat,916,3
+newfields,721,11
+forkland,362,0
+shelbyville,1397,3
+ranchester,1047,2
+beechwood,58,0
+shelbyville,123,3
+beechwood,840,11
+hanson,171,3
+benevolence,60,2
+newfields,131,1
+marstons,1008,4
+leonardo,529,5
+lakeville,376,5
+woodbine,1281,10
+pomaria,519,5
+ranchester,1595,7
+hanson,19,6
+leonardo,1165,1
+ranchester,88,7
+forkland,188,1
+leonardo,274,4
+ranchester,979,3
+lakeville,1455,8
+marstons,2187,8
+mifflinburg,853,0
+marstons,1505,0
+pomaria,455,12
+pomaria,320,4
+hiteman,1655,8
+pomaria,1489,6
+pinesdale,1104,0
+pomaria,1348,0
+merom,51,6
+marstons,2215,9
+wainscott,1437,0
+coffeen,1441,3
+woodbine,515,8
+klickitat,1624,2
+forkland,752,1
+lindenwood,2082,0
+leonardo,1026,4
+cosmos,105,0
+pomaria,931,7
+hiteman,900,3
+tolstoy,425,3
+ranchester,1184,3
+shelbyville,1231,5
+hanson,1016,5
+lakeville,1837,9
+stockman,1265,7
+mifflinburg,545,6
+merom,1013,1
+newfields,94,2
+ranchester,1174,0
+coffeen,298,0
+hanson,725,2
+klickitat,204,0
+leonardo,71,2
+ranchester,222,2
+cosmos,165,1
+onaga,515,3
+ranchester,891,0
+woodbine,1677,4
+pomaria,504,1
+klickitat,9,4
+cosmos,861,3
+stockman,767,6
+forkland,877,1
+shelbyville,1248,2
+leonardo,476,5
+lindenwood,707,3
+klickitat,334,0
+woodbine,48,2
+woodbine,1752,2
+tolstoy,946,5
+leonardo,1867,2
+marstons,890,0
+wainscott,68,4
+merom,573,10
+cosmos,229,3
+newfields,1237,2
+shelbyville,749,14
+hiteman,1503,6
+klickitat,222,11
+lakeville,1120,10
+woodbine,26,0
+beechwood,204,7
+cosmos,196,1
+tolstoy,1261,2
+lindenwood,1212,6
+cosmos,169,0
+forkland,693,3
+shelbyville,577,5
+pinesdale,284,0
+pomaria,967,3
+leonardo,1963,1
+mifflinburg,509,4
+wainscott,1376,4
+leonardo,394,2
+hiteman,693,8
+hiteman,967,5
+leonardo,882,12
+tolstoy,390,0
+newfields,252,12
+woodbine,991,0
+marstons,28,2
+leonardo,842,5
+leonardo,1362,8
+leonardo,568,3
+coffeen,771,0
+tolstoy,1373,1
+mifflinburg,415,2
+klickitat,2016,0
+marstons,1500,9
+shelbyville,2427,0
+merom,147,2
+lakeville,927,5
+lakeville,1577,0
+ranchester,377,4
+ranchester,1347,12
+allensville,258,5
+lindenwood,1809,9
+pinesdale,298,12
+newfields,1560,0
+lakeville,86,6
+forkland,985,0
+hanson,717,6
+hanson,1247,16
+coffeen,957,0
+cosmos,710,7
+stockman,1483,1
+klickitat,96,2
+lakeville,1449,5
+leonardo,330,4
+lindenwood,1962,3
+hiteman,1148,2
+woodbine,959,2
+ranchester,1494,1
+stockman,626,2
+stockman,508,2
+forkland,871,11
+forkland,598,0
+marstons,430,1
+shelbyville,485,2
+beechwood,229,6
+lindenwood,2476,8
+coffeen,236,4
+ranchester,393,2
+pomaria,1085,0
+lakeville,840,3
+tolstoy,1438,3
+pinesdale,1184,9
+shelbyville,683,1
+woodbine,480,2
+stockman,145,8
+pomaria,1355,3
+benevolence,536,1
+shelbyville,1165,16
+newfields,653,0
+lakeville,1010,4
+shelbyville,270,4
+shelbyville,2528,8
+mifflinburg,933,2
+hanson,1039,2
+leonardo,342,8
+shelbyville,2028,2
+tolstoy,1801,15
+shelbyville,1610,4
+newfields,530,3
+hanson,743,0
+lakeville,426,2
+forkland,690,5
+shelbyville,2775,2
+coffeen,793,5
+shelbyville,786,9
+lakeville,641,1
+stockman,383,5
+klickitat,392,1
+lakeville,867,2
+lakeville,1461,2
+hiteman,159,2
+pinesdale,720,2
+forkland,132,4
+lakeville,1568,1
+lindenwood,1142,3
+lindenwood,2448,8
+marstons,49,2
+allensville,470,0
+klickitat,808,4
+shelbyville,1481,0
+newfields,1207,9
+lakeville,1621,3
+lakeville,1319,2
+wainscott,486,5
+wainscott,1281,8
+klickitat,957,0
+coffeen,83,2
+newfields,299,3
+leonardo,274,8
+lakeville,1880,2
+benevolence,426,6
+ranchester,645,15
+tolstoy,1555,1
+pinesdale,525,13
+wainscott,520,4
+hiteman,605,9
+wainscott,392,6
+newfields,1403,0
+ranchester,345,16
+ranchester,414,8
+woodbine,194,1
+lakeville,1724,5
+lindenwood,65,3
+stockman,1241,0
+tolstoy,1147,0
+klickitat,1494,2
+pomaria,1083,1
+newfields,972,0
+wainscott,862,0
+newfields,631,1
+lakeville,80,0
+hanson,341,4
+hanson,1580,3
+beechwood,897,7
+lakeville,821,0
+woodbine,1414,13
+hiteman,871,4
+shelbyville,2468,13
+ranchester,780,8
+wainscott,880,16
+hiteman,1464,8
+lakeville,687,0
+hanson,1462,1
+klickitat,2267,4
+klickitat,2309,1
+pinesdale,636,3
+shelbyville,700,1
+klickitat,889,5
+onaga,229,2
+woodbine,137,0
+mifflinburg,349,1
+shelbyville,2257,3
+hiteman,1280,4
+coffeen,515,2
+ranchester,164,3
+forkland,94,7
+beechwood,917,0
+leonardo,1862,2
+pinesdale,1063,1
+newfields,284,2
+lakeville,1851,2
+hanson,133,11
+newfields,419,11
+shelbyville,66,1
+klickitat,875,2
+lindenwood,1568,5
+forkland,153,0
+coffeen,1150,2
+allensville,117,3
+stockman,1302,8
+hanson,1275,2
+woodbine,1210,7
+merom,294,1
+coffeen,917,6
+lakeville,164,3
+hanson,1121,14
+newfields,1051,14
+benevolence,236,10
+benevolence,877,8
+marstons,327,1
+woodbine,1117,2
+klickitat,81,6
+pomaria,116,0
+coffeen,1391,8
+pinesdale,675,1
+lindenwood,2398,4
+shelbyville,1104,2
+hiteman,632,6
+tolstoy,1656,2
+leonardo,489,3
+wainscott,1710,12
+hanson,1410,1
+woodbine,297,5
+marstons,1591,12
+coffeen,429,5
+wainscott,143,2
+merom,80,1
+marstons,1304,6
+pomaria,1429,7
+stockman,96,2
+marstons,805,2
+coffeen,476,11
+leonardo,447,10
+klickitat,1497,0
+hanson,1318,10
+pinesdale,389,4
+shelbyville,1089,1
+pomaria,1526,0
+shelbyville,2512,13
+wainscott,1583,14
+lakeville,329,5
+hanson,1268,0
+lindenwood,1881,12
+shelbyville,1951,7
+hanson,720,13
+tolstoy,1758,1
+stockman,1266,6
+klickitat,2310,0
+marstons,1941,0
+tolstoy,935,3
+tolstoy,1617,7
+lindenwood,1244,8
+marstons,1434,3
+shelbyville,1565,6
+wainscott,92,3
+stockman,280,0
+newfields,655,4
+hiteman,1530,1
+pomaria,760,8
+mifflinburg,840,2
+hiteman,1020,9
+shelbyville,328,10
+beechwood,541,0
+leonardo,887,10
+ranchester,509,11
+wainscott,554,4
+marstons,276,0
+cosmos,323,2
+tolstoy,1426,11
+marstons,1697,1
+pinesdale,1106,0
+pinesdale,1176,5
+merom,727,3
+benevolence,891,8
+beechwood,291,4
+ranchester,883,5
+hanson,1095,0
+cosmos,255,2
+newfields,1239,0
+ranchester,1359,5
+pomaria,813,17
+merom,555,4
+hanson,895,6
+leonardo,1902,2
+merom,713,1
+merom,629,3
+newfields,992,7
+woodbine,757,2
+newfields,515,1
+tolstoy,1409,2
+lindenwood,988,2
+hanson,779,1
+ranchester,596,11
+benevolence,510,5
+wainscott,1337,5
+leonardo,565,1
+leonardo,1591,1
+lindenwood,2372,5
+leonardo,342,7
+newfields,1048,2
+leonardo,1534,4
+beechwood,48,2
+stockman,349,1
+shelbyville,2495,15
+newfields,57,5
+lakeville,220,8
+leonardo,659,20
+forkland,323,4
+hanson,1101,2
+tolstoy,1380,2
+forkland,722,2
+beechwood,1027,3
+merom,255,1
+onaga,65,8
+wainscott,648,3
+klickitat,787,1
+shelbyville,1565,7
+stockman,1098,0
+wainscott,623,10
+cosmos,925,0
+wainscott,274,7
+hanson,1392,3
+hanson,852,8
+merom,71,1
+ranchester,771,5
+mifflinburg,563,6
+cosmos,533,1
+lindenwood,1546,1
+marstons,324,2
+coffeen,1367,0
+pinesdale,375,0
+ranchester,1171,4
+marstons,2480,2
+shelbyville,2490,2
+lindenwood,2134,2
+leonardo,541,2
+pinesdale,922,3
+benevolence,175,1
+klickitat,1056,0
+klickitat,712,1
+klickitat,2271,0
+klickitat,1323,3
+klickitat,1888,1
+leonardo,1984,3
+lakeville,1614,2
+lindenwood,352,2
+coffeen,640,4
+marstons,2112,3
+shelbyville,1647,3
+wainscott,512,4
+pomaria,258,4
+klickitat,1295,6
+beechwood,818,0
+stockman,86,6
+marstons,1380,10
+hanson,1279,17
+klickitat,1350,0
+woodbine,954,5
+tolstoy,508,0
+marstons,482,2
+newfields,1229,5
+ranchester,8,2
+ranchester,1456,3
+woodbine,265,1
+lindenwood,950,1
+lakeville,458,0
+beechwood,725,1
+pomaria,520,6
+stockman,952,3
+pomaria,666,1
+hiteman,1692,6
+lakeville,79,3
+marstons,1574,10
+stockman,1433,2
+leonardo,406,12
+hiteman,609,1
+forkland,21,3
+lindenwood,481,5
+onaga,541,1
+pinesdale,187,1
+ranchester,94,14
+benevolence,407,6
+marstons,1041,2
+shelbyville,2209,1
+lakeville,256,7
+leonardo,1276,1
+tolstoy,907,0
+hiteman,1736,6
+pinesdale,1235,0
+onaga,193,0
+shelbyville,628,9
+merom,1099,1
+shelbyville,1586,2
+klickitat,101,13
+onaga,652,4
+forkland,746,0
+forkland,667,1
+stockman,1408,1
+hiteman,844,0
+klickitat,1361,11
+klickitat,1279,7
+pomaria,316,13
+leonardo,1051,10
+cosmos,76,2
+lakeville,1431,5
+woodbine,1891,4
+klickitat,2218,12
+forkland,953,1
+forkland,181,8
+wainscott,66,3
+onaga,546,3
+hiteman,565,1
+leonardo,1579,1
+lakeville,10,1
+newfields,1051,5
+klickitat,1382,2
+hiteman,1755,3
+merom,118,4
+woodbine,1908,8
+shelbyville,2334,5
+coffeen,634,3
+klickitat,2416,11
+newfields,1029,2
+stockman,1365,1
+onaga,217,2
+beechwood,463,1
+newfields,1597,7
+tolstoy,135,1
+klickitat,1658,7
+lakeville,1139,1
+woodbine,1094,12
+klickitat,813,2
+tolstoy,486,0
+coffeen,1349,4
+marstons,441,6
+marstons,1965,5
+newfields,478,19
+pomaria,417,3
+klickitat,939,2
+klickitat,2315,3
+shelbyville,1093,5
+marstons,521,2
+leonardo,518,10
+klickitat,879,5
+cosmos,645,4
+marstons,1960,5
+stockman,855,4
+coffeen,1253,7
+klickitat,780,2
+lakeville,1751,5
+onaga,174,2
+pinesdale,1229,1
+shelbyville,2567,1
+stockman,1594,5
+pomaria,958,2
+merom,627,2
+pomaria,129,0
+cosmos,738,3
+leonardo,2032,2
+ranchester,660,3
+merom,683,3
+woodbine,761,7
+leonardo,1935,6
+hiteman,1112,2
+marstons,380,1
+ranchester,1527,13
+woodbine,1590,1
+woodbine,693,1
+leonardo,1692,2
+hanson,1619,2
+pomaria,1300,12
+leonardo,1154,0
+lakeville,1032,5
+merom,116,0
+klickitat,1464,0
+shelbyville,782,7
+cosmos,308,4
+stockman,811,1
+marstons,1010,6
+shelbyville,400,0
+lindenwood,172,3
+marstons,822,4
+leonardo,291,4
+hanson,900,0
+hiteman,1006,4
+stockman,1106,2
+klickitat,2394,1
+shelbyville,2638,1
+beechwood,1042,5
+newfields,1348,0
+hiteman,1485,3
+lindenwood,355,1
+hanson,1329,1
+ranchester,1575,3
+lindenwood,2432,4
+beechwood,876,1
+wainscott,386,12
+wainscott,1443,0
+allensville,441,7
+cosmos,569,2
+hanson,731,10
+stockman,539,15
+beechwood,284,8
+lakeville,147,1
+forkland,1170,3
+hanson,257,4
+benevolence,353,1
+wainscott,1272,7
+leonardo,1221,2
+lakeville,688,6
+lindenwood,975,2
+shelbyville,2793,3
+merom,829,2
+ranchester,894,2
+beechwood,214,0
+lakeville,559,8
+shelbyville,718,5
+wainscott,1190,1
+leonardo,1135,2
+hiteman,686,3
+merom,1089,2
+marstons,631,5
+klickitat,1248,5
+hiteman,908,0
+hanson,1121,6
+mifflinburg,826,0
+hiteman,1155,2
+newfields,719,4
+shelbyville,2594,12
+woodbine,130,0
+wainscott,1135,6
+merom,876,9
+woodbine,997,0
+lindenwood,2437,7
+pinesdale,177,2
+benevolence,913,0
+wainscott,1461,4
+klickitat,2395,4
+leonardo,592,1
+cosmos,988,4
+leonardo,1150,2
+woodbine,609,7
+hanson,790,7
+coffeen,858,0
+klickitat,530,14
+marstons,1003,12
+wainscott,1135,2
+woodbine,1158,7
+lakeville,1745,12
+woodbine,165,1
+hiteman,211,10
+lindenwood,2314,7
+merom,314,2
+mifflinburg,662,8
+shelbyville,28,0
+leonardo,1764,2
+pinesdale,510,2
+cosmos,867,3
+hanson,865,3
+hanson,174,2
+merom,503,1
+stockman,1291,7
+tolstoy,491,12
+ranchester,84,3
+hanson,1140,1
+klickitat,1806,10
+pomaria,1593,7
+newfields,1485,2
+hanson,1547,1
+wainscott,292,3
+stockman,1336,0
+tolstoy,1314,0
+pinesdale,1469,1
+merom,964,3
+lindenwood,1105,5
+leonardo,1897,0
+klickitat,1935,6
+woodbine,198,0
+woodbine,739,9
+klickitat,867,4
+benevolence,525,6
+cosmos,421,10
+merom,695,1
+leonardo,838,2
+cosmos,299,3
+marstons,588,0
+stockman,26,1
+lindenwood,1519,5
+stockman,1428,3
+forkland,683,1
+woodbine,512,2
+lindenwood,291,12
+wainscott,1730,1
+lindenwood,2473,10
+wainscott,416,9
+coffeen,448,2
+benevolence,390,0
+lakeville,1467,6
+pinesdale,308,0
+lindenwood,1797,3
+shelbyville,1842,0
+klickitat,851,1
+ranchester,1410,1
+beechwood,797,0
+leonardo,658,7
+pinesdale,188,5
+hanson,1389,0
+hanson,269,6
+lakeville,1550,3
+klickitat,1272,4
+stockman,142,4
+lindenwood,2662,9
+wainscott,456,5
+lakeville,415,16
+allensville,166,1
+klickitat,1568,2
+klickitat,1272,3
+pinesdale,704,0
+woodbine,1248,0
+newfields,1106,11
+leonardo,85,12
+wainscott,874,11
+klickitat,624,4
+hiteman,966,19
+lakeville,151,15
+forkland,745,2
+allensville,4,6
+stockman,939,0
+woodbine,1254,0
+leonardo,219,4
+marstons,702,3
+marstons,1180,0
+lindenwood,1530,1
+forkland,557,0
+marstons,2302,0
+coffeen,726,2
+woodbine,1257,0
+pinesdale,1316,1
+stockman,1437,1
+beechwood,1081,1
+stockman,1569,4
+coffeen,1246,10
+shelbyville,1569,2
+klickitat,1451,3
+newfields,586,0
+wainscott,1404,7
+leonardo,432,3
+hiteman,1858,5
+pinesdale,927,6
+tolstoy,1707,1
+hiteman,575,4
+newfields,940,7
+hanson,548,7
+woodbine,1630,4
+onaga,631,2
+lakeville,849,3
+tolstoy,602,2
+leonardo,121,0
+marstons,1723,7
+pomaria,368,1
+pinesdale,859,4
+ranchester,1529,3
+tolstoy,824,0
+tolstoy,519,3
+newfields,1182,0
+wainscott,1363,1
+lakeville,369,1
+mifflinburg,592,4
+shelbyville,1292,5
+klickitat,213,1
+pinesdale,1062,1
+leonardo,1250,5
+shelbyville,713,3
+pomaria,1254,6
+klickitat,185,6
+lindenwood,612,3
+marstons,1511,7
+woodbine,952,0
+onaga,637,3
+stockman,1568,2
+hiteman,1034,0
+hiteman,501,12
+coffeen,991,1
+leonardo,1721,3
+hanson,1441,7
+newfields,225,1
+forkland,100,8
+newfields,151,1
+lindenwood,1143,6
+lindenwood,979,7
+woodbine,1716,4
+wainscott,1012,2
+woodbine,487,6
+benevolence,708,4
+allensville,231,8
+merom,689,1
+hanson,89,15
+wainscott,1623,12
+forkland,1002,7
+merom,253,1
+newfields,737,1
+wainscott,1224,4
+woodbine,235,0
+merom,757,4
+coffeen,670,2
+stockman,712,6
+woodbine,304,7
+klickitat,879,2
+wainscott,972,7
+klickitat,1378,1
+cosmos,539,1
+mifflinburg,96,3
+lindenwood,490,1
+marstons,1944,2
+klickitat,1090,1
+marstons,152,0
+newfields,830,5
+ranchester,1219,6
+hiteman,60,2
+lakeville,67,8
+leonardo,1790,11
+lindenwood,1713,8
+woodbine,1764,20
+ranchester,154,7
+marstons,1041,1
+hanson,912,1
+hiteman,1013,1
+stockman,815,2
+wainscott,1307,8
+marstons,1243,6
+cosmos,580,4
+lindenwood,175,1
+hiteman,1346,8
+lindenwood,515,3
+cosmos,736,0
+pomaria,1544,8
+lindenwood,719,2
+leonardo,1268,3
+pinesdale,1123,2
+benevolence,279,8
+coffeen,1103,3
+beechwood,1072,2
+newfields,644,0
+shelbyville,1274,1
+leonardo,576,10
+woodbine,1554,7
+woodbine,411,4
+newfields,238,3
+shelbyville,2026,8
+shelbyville,2665,0
+cosmos,311,9
+lindenwood,1135,0
+lakeville,1388,6
+merom,434,4
+hanson,354,6
+hanson,951,6
+shelbyville,1192,0
+marstons,2621,2
+newfields,751,3
+marstons,1042,0
+shelbyville,1486,0
+shelbyville,566,4
+shelbyville,613,1
+marstons,693,4
+shelbyville,1205,9
+lakeville,1079,0
+klickitat,402,5
+leonardo,1056,1
+shelbyville,929,1
+ranchester,370,11
+hanson,1422,0
+shelbyville,1681,2
+lindenwood,1670,7
+wainscott,1408,5
+pomaria,561,3
+newfields,1570,6
+klickitat,17,1
+hiteman,1189,1
+leonardo,511,2
+wainscott,881,7
+klickitat,1155,3
+stockman,1550,3
+leonardo,1839,3
+allensville,121,2
+klickitat,1558,10
+woodbine,894,4
+pomaria,976,16
+marstons,1218,2
+lindenwood,1982,6
+tolstoy,41,7
+merom,20,0
+pinesdale,1342,3
+newfields,1295,3
+shelbyville,1888,2
+coffeen,585,1
+klickitat,2418,0
+marstons,729,3
+leonardo,1460,3
+newfields,469,6
+shelbyville,515,0
+wainscott,570,0
+hiteman,1029,0
+wainscott,1380,1
+tolstoy,569,0
+marstons,888,2
+shelbyville,1650,5
+cosmos,123,4
+leonardo,761,2
+shelbyville,2670,5
+cosmos,134,4
+wainscott,972,16
+forkland,551,0
+klickitat,365,3
+hanson,927,3
+woodbine,1097,13
+leonardo,303,11
+shelbyville,2560,11
+woodbine,1202,10
+wainscott,646,2
+woodbine,215,5
+leonardo,1435,3
+wainscott,1119,2
+woodbine,1692,7
+ranchester,75,2
+shelbyville,1042,3
+hanson,924,3
+klickitat,132,10
+forkland,639,7
+ranchester,1537,4
+wainscott,782,3
+forkland,444,1
+wainscott,1134,5
+forkland,215,4
+tolstoy,248,0
+newfields,1378,1
+coffeen,742,0
+cosmos,571,1
+wainscott,743,2
+forkland,184,4
+klickitat,131,1
+woodbine,1280,1
+lakeville,1265,3
+coffeen,61,5
+leonardo,1051,14
+woodbine,1605,11
+beechwood,76,7
+newfields,798,1
+lindenwood,1291,9
+shelbyville,992,9
+shelbyville,2213,1
+ranchester,382,6
+marstons,1989,1
+wainscott,960,0
+wainscott,326,7
+hiteman,366,5
+marstons,25,2
+shelbyville,1650,2
+lakeville,835,5
+woodbine,1069,17
+marstons,1452,0
+lindenwood,400,0
+marstons,2218,2
+beechwood,195,4
+newfields,415,1
+lakeville,1832,0
+shelbyville,1189,4
+lindenwood,1653,0
+wainscott,1527,0
+ranchester,1136,1
+woodbine,1148,3
+marstons,1489,9
+stockman,470,11
+cosmos,971,1
+marstons,2039,0
+newfields,1160,4
+marstons,1760,0
+leonardo,1013,2
+ranchester,83,8
+marstons,841,2
+hiteman,520,4
+marstons,1919,4
+tolstoy,1795,3
+forkland,1037,2
+ranchester,262,1
+benevolence,834,1
+wainscott,699,7
+marstons,232,7
+lindenwood,2163,10
+shelbyville,750,3
+forkland,210,2
+lindenwood,1911,0
+leonardo,648,3
+hiteman,905,5
+lindenwood,1541,5
+newfields,1645,0
+marstons,1211,3
+allensville,70,1
+leonardo,801,4
+coffeen,869,0
+tolstoy,1825,3
+ranchester,998,5
+coffeen,1218,4
+shelbyville,633,1
+wainscott,558,4
+marstons,2428,7
+klickitat,269,1
+marstons,2072,3
+newfields,1438,7
+shelbyville,156,5
+wainscott,1147,4
+wainscott,612,4
+marstons,2132,11
+hiteman,617,2
+lindenwood,63,1
+lakeville,1613,4
+woodbine,380,1
+onaga,211,7
+lindenwood,1222,2
+woodbine,1710,3
+hiteman,241,2
+coffeen,707,3
+tolstoy,26,0
+marstons,1735,8
+mifflinburg,893,2
+pomaria,1446,2
+klickitat,166,3
+hiteman,1038,2
+hiteman,20,13
+beechwood,226,2
+wainscott,372,5
+pomaria,283,0
+leonardo,762,6
+klickitat,156,12
+hanson,888,14
+stockman,466,13
+merom,336,3
+pomaria,1235,2
+marstons,2614,2
+marstons,547,5
+marstons,1138,4
+woodbine,469,2
+leonardo,1552,1
+shelbyville,22,0
+tolstoy,337,1
+forkland,100,0
+shelbyville,2195,7
+wainscott,703,7
+newfields,740,0
+klickitat,1577,16
+hanson,1110,1
+lakeville,907,14
+klickitat,2413,14
+lindenwood,368,6
+klickitat,1702,13
+newfields,1430,3
+woodbine,960,2
+tolstoy,1142,2
+forkland,1193,3
+onaga,474,0
+shelbyville,647,16
+tolstoy,1005,7
+lindenwood,2436,3
+shelbyville,810,6
+wainscott,99,3
+marstons,1084,1
+leonardo,1803,11
+cosmos,135,2
+marstons,2563,5
+klickitat,303,7
+stockman,1305,2
+leonardo,1321,10
+newfields,816,2
+klickitat,1662,4
+forkland,1149,1
+stockman,1582,5
+shelbyville,2393,0
+pinesdale,854,4
+marstons,2297,10
+shelbyville,2189,5
+cosmos,577,3
+ranchester,1326,3
+shelbyville,1002,5
+leonardo,716,5
+stockman,808,2
+marstons,1151,0
+woodbine,78,3
+newfields,1094,4
+hanson,123,9
+leonardo,1891,5
+marstons,99,11
+wainscott,874,2
+klickitat,1914,1
+lindenwood,354,0
+leonardo,690,0
+leonardo,252,10
+wainscott,1474,3
+wainscott,1180,10
+marstons,2022,6
+ranchester,94,4
+ranchester,1154,3
+hanson,1324,7
+hiteman,1010,2
+leonardo,1091,7
+klickitat,2254,1
+lindenwood,2625,2
+beechwood,106,5
+marstons,908,9
+shelbyville,727,2
+tolstoy,1158,1
+marstons,966,3
+marstons,2289,2
+hanson,1195,8
+hiteman,1580,3
+lindenwood,531,0
+ranchester,15,3
+hanson,1426,3
+pomaria,171,6
+wainscott,1109,3
+hanson,422,1
+pinesdale,431,5
+klickitat,903,2
+shelbyville,2323,4
+allensville,435,2
+pomaria,638,2
+forkland,588,0
+wainscott,1586,6
+ranchester,1299,4
+onaga,599,0
+woodbine,2049,4
+leonardo,442,0
+cosmos,97,4
+marstons,2347,4
+woodbine,1138,7
+klickitat,2027,1
+shelbyville,475,1
+pomaria,1181,7
+lindenwood,1674,0
+forkland,382,0
+shelbyville,1363,14
+shelbyville,2397,0
+benevolence,935,1
+lindenwood,1534,2
+forkland,230,1
+pinesdale,1086,3
+shelbyville,1854,3
+forkland,419,3
+pomaria,898,2
+mifflinburg,744,0
+merom,1110,2
+klickitat,1839,4
+newfields,954,13
+wainscott,738,9
+leonardo,448,5
+lindenwood,2411,4
+benevolence,118,0
+leonardo,2099,1
+shelbyville,1781,2
+stockman,840,0
+pomaria,547,11
+marstons,1468,7
+cosmos,530,4
+beechwood,710,0
+shelbyville,1890,1
+lindenwood,1747,2
+woodbine,881,3
+newfields,823,1
+newfields,494,1
+lindenwood,343,0
+newfields,789,2
+shelbyville,2768,5
+klickitat,1712,4
+wainscott,316,3
+hiteman,861,6
+lakeville,1498,2
+klickitat,1996,10
+marstons,1717,1
+pinesdale,846,3
+marstons,948,4
+klickitat,2310,1
+newfields,814,0
+forkland,899,2
+woodbine,947,3
+shelbyville,2087,6
+tolstoy,1398,8
+leonardo,2035,10
+benevolence,195,2
+mifflinburg,468,2
+shelbyville,1790,12
+onaga,517,0
+beechwood,123,3
+allensville,81,1
+ranchester,492,2
+wainscott,283,9
+hiteman,1111,2
+marstons,1661,5
+pomaria,281,2
+shelbyville,65,0
+wainscott,1344,0
+woodbine,1186,0
+leonardo,982,3
+newfields,1404,3
+newfields,852,3
+beechwood,63,1
+marstons,1225,11
+pinesdale,1368,6
+ranchester,418,8
+marstons,1484,3
+hiteman,1214,3
+wainscott,565,5
+wainscott,748,3
+klickitat,33,4
+tolstoy,1148,2
+ranchester,556,8
+lindenwood,2345,1
+onaga,159,2
+ranchester,1125,5
+pinesdale,761,3
+tolstoy,1210,2
+lakeville,794,0
+forkland,597,1
+hiteman,1415,3
+shelbyville,2078,10
+coffeen,1459,0
+woodbine,1571,15
+tolstoy,1730,2
+shelbyville,63,9
+shelbyville,516,4
+shelbyville,2765,5
+pinesdale,1003,3
+pomaria,1088,1
+mifflinburg,682,0
+klickitat,486,8
+hanson,262,4
+shelbyville,1466,10
+leonardo,1580,1
+pinesdale,1481,4
+klickitat,1133,5
+leonardo,2040,1
+pinesdale,1051,1
+pinesdale,929,10
+lakeville,1026,3
+woodbine,691,14
+onaga,531,3
+lakeville,1043,3
+pomaria,707,0
+hiteman,1314,2
+pomaria,680,8
+woodbine,2002,0
+pinesdale,230,3
+merom,256,4
+allensville,511,2
+woodbine,2033,1
+woodbine,1674,4
+stockman,1258,0
+newfields,763,6
+wainscott,797,0
+lindenwood,447,5
+newfields,1333,2
+coffeen,184,1
+lindenwood,604,3
+lindenwood,599,9
+pomaria,1199,6
+lindenwood,284,0
+marstons,1333,0
+shelbyville,37,1
+marstons,1245,11
+beechwood,963,3
+ranchester,400,4
+woodbine,166,0
+hanson,248,1
+marstons,2615,1
+hanson,776,2
+hiteman,1361,5
+tolstoy,975,4
+cosmos,70,4
+beechwood,368,3
+newfields,632,0
+leonardo,797,0
+woodbine,1151,4
+beechwood,375,2
+shelbyville,1336,2
+newfields,1537,12
+hanson,959,7
+tolstoy,1649,4
+lindenwood,1367,0
+merom,896,6
+forkland,1113,2
+newfields,93,10
+newfields,1269,7
+hanson,776,5
+klickitat,1923,1
+hiteman,897,2
+newfields,1453,6
+tolstoy,1627,4
+shelbyville,1313,5
+lakeville,501,1
+marstons,1173,2
+mifflinburg,543,3
+benevolence,209,2
+ranchester,1414,0
+coffeen,420,1
+woodbine,1970,3
+forkland,932,2
+stockman,681,2
+marstons,1660,9
+lakeville,1681,11
+ranchester,970,5
+hanson,659,7
+mifflinburg,291,0
+tolstoy,1815,1
+shelbyville,2133,5
+hiteman,149,1
+lindenwood,2331,4
+wainscott,925,13
+pomaria,1396,1
+klickitat,1432,2
+leonardo,473,4
+ranchester,1393,9
+onaga,135,1
+onaga,161,0
+forkland,629,2
+hiteman,726,8
+newfields,428,3
+hiteman,1294,1
+marstons,2417,2
+newfields,760,9
+hanson,1279,11
+ranchester,838,6
+newfields,282,0
+marstons,1707,0
+klickitat,1410,7
+lindenwood,663,1
+leonardo,147,0
+marstons,756,0
+allensville,165,0
+lindenwood,1761,4
+lakeville,1577,2
+shelbyville,2228,4
+tolstoy,829,1
+woodbine,1005,11
+pomaria,21,10
+tolstoy,380,3
+wainscott,517,4
+marstons,2188,6
+lakeville,1717,7
+pomaria,1658,1
+stockman,560,2
+hanson,1403,7
+pinesdale,498,15
+lakeville,630,3
+shelbyville,2368,4
+hiteman,1408,1
+stockman,1320,1
+benevolence,429,5
+marstons,1074,0
+klickitat,2087,10
+forkland,291,0
+shelbyville,835,4
+marstons,2443,7
+stockman,808,1
+cosmos,935,0
+mifflinburg,688,1
+tolstoy,1167,3
+lakeville,1599,0
+beechwood,1125,8
+shelbyville,487,3
+newfields,524,5
+beechwood,764,9
+shelbyville,2502,3
+hiteman,1530,2
+marstons,822,7
+woodbine,706,16
+marstons,2129,2
+hiteman,898,5
+hiteman,1206,3
+hiteman,1701,1
+allensville,452,6
+woodbine,31,3
+ranchester,1300,3
+lindenwood,1097,5
+stockman,600,5
+lakeville,1665,2
+ranchester,1313,1
+shelbyville,1587,8
+leonardo,121,2
+hanson,228,1
+lindenwood,487,4
+wainscott,1509,7
+newfields,1189,4
+ranchester,1330,1
+klickitat,2195,17
+marstons,1808,5
+benevolence,258,2
+marstons,1814,4
+shelbyville,2029,0
+wainscott,351,3
+klickitat,1606,11
+lindenwood,1553,2
+ranchester,401,1
+beechwood,216,1
+lakeville,1242,5
+woodbine,892,0
+merom,606,5
+shelbyville,938,9
+merom,753,1
+ranchester,1516,0
+lindenwood,1030,8
+cosmos,81,8
+stockman,657,1
+pomaria,330,15
+mifflinburg,240,7
+wainscott,1266,3
+ranchester,1320,3
+merom,307,6
+pomaria,1073,7
+woodbine,2028,6
+lindenwood,2248,6
+woodbine,1917,1
+marstons,2273,8
+leonardo,1192,6
+lindenwood,1602,7
+newfields,1475,4
+shelbyville,1121,1
+pomaria,1235,16
+wainscott,1393,10
+marstons,976,7
+cosmos,180,2
+lindenwood,2544,7
+klickitat,1935,7
+newfields,1463,7
+lakeville,571,10
+allensville,107,2
+marstons,204,0
+mifflinburg,325,10
+stockman,1268,1
+tolstoy,1094,4
+stockman,401,1
+marstons,1562,0
+lakeville,81,5
+marstons,325,0
+shelbyville,1277,15
+lakeville,1614,9
+lindenwood,486,10
+wainscott,1652,8
+beechwood,296,1
+pinesdale,698,6
+klickitat,711,6
+stockman,840,3
+beechwood,69,0
+woodbine,1724,3
+woodbine,62,0
+pinesdale,711,0
+allensville,114,3
+marstons,497,8
+marstons,2136,0
+newfields,869,0
+wainscott,1090,13
+shelbyville,1975,2
+onaga,241,4
+klickitat,557,7
+onaga,78,3
+wainscott,1341,2
+ranchester,309,5
+lindenwood,2229,2
+wainscott,529,5
+cosmos,178,5
+lindenwood,1148,13
+lindenwood,1495,3
+hiteman,717,4
+tolstoy,392,0
+pomaria,1442,13
+beechwood,175,0
+onaga,674,1
+woodbine,1678,0
+stockman,1540,1
+tolstoy,1799,3
+coffeen,704,1
+tolstoy,1082,7
+lindenwood,652,17
+pinesdale,1449,14
+wainscott,862,9
+hiteman,1300,4
+pomaria,1429,4
+lakeville,649,7
+hiteman,1572,2
+coffeen,886,0
+hiteman,834,8
+marstons,1115,7
+ranchester,565,8
+cosmos,327,1
+hiteman,414,0
+shelbyville,703,2
+pomaria,352,7
+onaga,235,1
+wainscott,825,1
+stockman,1108,7
+beechwood,375,12
+pinesdale,11,7
+newfields,832,2
+shelbyville,1102,4
+leonardo,587,4
+woodbine,981,6
+shelbyville,717,0
+marstons,1329,4
+shelbyville,1286,4
+klickitat,1812,1
+stockman,4,9
+leonardo,605,4
+pinesdale,879,0
+pinesdale,1266,7
+tolstoy,544,4
+shelbyville,2545,7
+pinesdale,95,3
+beechwood,195,3
+lakeville,1833,1
+wainscott,452,1
+marstons,2202,4
+beechwood,449,4
+merom,963,2
+woodbine,16,3
+klickitat,1253,5
+pinesdale,299,0
+ranchester,1597,0
+hanson,7,12
+tolstoy,55,5
+hiteman,807,1
+klickitat,153,2
+mifflinburg,12,2
+marstons,37,5
+lindenwood,550,6
+hiteman,1253,1
+leonardo,328,2
+marstons,934,7
+marstons,2394,0
+hiteman,216,0
+wainscott,1267,1
+coffeen,1079,7
+klickitat,1215,0
+hiteman,1800,1
+newfields,61,3
+wainscott,1546,2
+hiteman,1617,2
+benevolence,258,4
+leonardo,758,1
+woodbine,139,2
+pinesdale,1494,8
+newfields,310,1
+cosmos,152,4
+leonardo,675,2
+ranchester,215,1
+mifflinburg,498,8
+lakeville,1817,1
+hiteman,1068,2
+hanson,881,2
+hanson,1026,7
+woodbine,1472,2
+beechwood,561,1
+pinesdale,540,1
+stockman,764,10
+stockman,747,12
+shelbyville,1809,5
+pomaria,469,0
+wainscott,95,5
+tolstoy,1340,0
+coffeen,781,5
+wainscott,990,1
+wainscott,567,4
+cosmos,139,5
+stockman,1395,2
+lakeville,781,1
+lakeville,1780,3
+lindenwood,257,0
+ranchester,1593,3
+klickitat,430,4
+klickitat,483,1
+pomaria,1309,8
+cosmos,882,2
+lindenwood,345,3
+wainscott,1305,1
+marstons,2160,3
+coffeen,670,1
+benevolence,582,13
+merom,955,5
+shelbyville,1157,4
+newfields,1256,7
+shelbyville,704,4
+coffeen,16,8
+shelbyville,1057,4
+beechwood,790,7
+marstons,456,7
+benevolence,953,2
+marstons,952,1
+benevolence,672,0
+shelbyville,656,1
+hiteman,1203,7
+lakeville,31,16
+hiteman,1336,7
+beechwood,555,2
+stockman,632,0
+pomaria,1513,1
+woodbine,739,7
+ranchester,362,1
+marstons,1904,0
+stockman,752,2
+shelbyville,2572,3
+wainscott,721,2
+shelbyville,1027,3
+beechwood,25,4
+lindenwood,339,2
+pomaria,1233,11
+klickitat,930,6
+merom,582,7
+pinesdale,324,2
+woodbine,201,1
+marstons,2320,1
+leonardo,89,5
+leonardo,855,2
+stockman,111,1
+marstons,979,5
+wainscott,920,5
+mifflinburg,450,2
+ranchester,934,3
+stockman,1376,0
+ranchester,48,2
+lindenwood,1591,8
+newfields,572,0
+marstons,947,2
+hiteman,110,0
+pinesdale,662,1
+shelbyville,1024,5
+woodbine,1282,3
+lakeville,557,5
+pomaria,1352,14
+klickitat,1115,2
+leonardo,1004,10
+shelbyville,799,10
+pinesdale,1216,2
+shelbyville,404,6
+klickitat,2349,4
+wainscott,1317,1
+klickitat,2010,0
+stockman,815,7
+forkland,825,6
+lakeville,35,16
+lindenwood,1966,1
+stockman,161,1
+woodbine,1908,6
+mifflinburg,159,0
+pomaria,1175,11
+pinesdale,1306,2
+lindenwood,426,1
+hanson,958,3
+shelbyville,835,8
+hanson,323,13
+ranchester,156,7
+woodbine,66,3
+pomaria,833,2
+merom,811,6
+hanson,490,16
+tolstoy,1799,1
+pinesdale,182,1
+hanson,920,7
+pomaria,604,2
+hanson,911,1
+cosmos,393,2
+pinesdale,661,10
+lindenwood,2628,4
+lindenwood,2179,3
+marstons,2193,9
+pomaria,850,2
+coffeen,272,4
+beechwood,510,2
+newfields,787,0
+newfields,58,4
+forkland,103,0
+pomaria,876,0
+shelbyville,1716,0
+klickitat,2009,10
+tolstoy,1504,2
+ranchester,1328,6
+wainscott,70,3
+woodbine,1756,3
+shelbyville,135,2
+ranchester,754,2
+klickitat,1843,3
+shelbyville,1976,1
+hanson,1369,7
+hiteman,852,2
+woodbine,303,2
+ranchester,640,0
+beechwood,1021,0
+hanson,191,1
+lindenwood,893,6
+mifflinburg,443,1
+lakeville,75,2
+forkland,766,3
+klickitat,1174,0
+woodbine,1165,7
+shelbyville,1441,3
+tolstoy,345,4
+wainscott,1180,11
+hiteman,1114,1
+klickitat,1496,2
+klickitat,1767,2
+stockman,402,1
+hanson,684,8
+pinesdale,838,0
+klickitat,134,5
+wainscott,1375,3
+marstons,495,2
+klickitat,2385,3
+forkland,396,5
+stockman,646,2
+newfields,316,3
+pomaria,229,4
+woodbine,937,4
+newfields,32,17
+newfields,435,9
+woodbine,498,0
+marstons,2471,8
+forkland,1119,0
+lindenwood,45,2
+marstons,936,1
+pomaria,859,7
+beechwood,408,2
+tolstoy,993,1
+leonardo,961,1
+shelbyville,2344,1
+wainscott,374,2
+allensville,237,0
+hanson,537,3
+marstons,2386,0
+pinesdale,777,0
+coffeen,756,5
+ranchester,54,8
+hiteman,386,2
+klickitat,686,5
+newfields,403,2
+klickitat,1255,3
+klickitat,2111,3
+woodbine,118,17
+pinesdale,797,0
+onaga,408,4
+mifflinburg,872,1
+marstons,1543,11
+shelbyville,2786,1
+beechwood,191,7
+pomaria,385,5
+merom,989,2
+shelbyville,527,3
+benevolence,266,6
+hiteman,1236,0
+shelbyville,75,2
+onaga,671,0
+lakeville,1603,3
+shelbyville,1545,14
+hiteman,650,14
+tolstoy,1022,2
+merom,54,3
+pinesdale,1295,0
+beechwood,566,2
+shelbyville,2302,11
+wainscott,532,11
+pinesdale,582,3
+benevolence,917,4
+merom,343,4
+wainscott,124,2
+tolstoy,785,8
+stockman,892,4
+marstons,1251,5
+merom,804,2
+tolstoy,1787,1
+pinesdale,526,0
+lakeville,460,4
+marstons,2313,9
+shelbyville,2006,0
+woodbine,200,6
+coffeen,1334,1
+cosmos,347,2
+lakeville,796,0
+newfields,498,1
+klickitat,829,6
+mifflinburg,573,1
+pinesdale,1190,1
+pomaria,857,0
+leonardo,546,0
+lakeville,156,0
+ranchester,126,4
+lakeville,1592,1
+pomaria,385,16
+coffeen,568,0
+leonardo,1441,2
+leonardo,721,1
+merom,1068,1
+ranchester,669,7
+coffeen,825,2
+shelbyville,617,12
+marstons,2044,2
+marstons,27,6
+marstons,1337,9
+woodbine,1523,0
+pinesdale,836,2
+lakeville,1181,6
+hiteman,1714,11
+marstons,1226,6
+shelbyville,37,12
+stockman,758,1
+hanson,28,7
+tolstoy,1535,8
+pinesdale,1408,2
+marstons,518,15
+woodbine,348,1
+lakeville,732,3
+hiteman,1231,2
+coffeen,790,4
+shelbyville,1031,3
+marstons,1586,3
+tolstoy,155,7
+leonardo,885,0
+pomaria,382,6
+leonardo,123,4
+shelbyville,1494,10
+shelbyville,2190,0
+cosmos,164,4
+merom,957,2
+marstons,1359,4
+pinesdale,569,5
+hanson,1307,2
+marstons,1139,1
+benevolence,246,1
+hanson,608,3
+stockman,1106,4
+wainscott,1184,4
+forkland,247,3
+ranchester,1342,3
+wainscott,1521,9
+klickitat,2203,2
+shelbyville,729,4
+wainscott,1677,2
+shelbyville,238,6
+ranchester,1345,3
+lakeville,1874,5
+ranchester,1517,0
+coffeen,787,4
+wainscott,1632,6
+shelbyville,1404,2
+benevolence,529,0
+shelbyville,220,2
+cosmos,649,0
+lindenwood,351,1
+forkland,639,0
+hanson,1358,3
+leonardo,579,11
+benevolence,471,6
+marstons,1135,4
+wainscott,496,8
+ranchester,1339,0
+hiteman,1848,8
+wainscott,1102,2
+leonardo,1482,8
+klickitat,1646,8
+forkland,35,2
+lindenwood,1466,4
+woodbine,159,3
+hiteman,957,4
+klickitat,1541,2
+forkland,548,1
+forkland,861,1
+hanson,1164,3
+tolstoy,1244,0
+wainscott,1675,1
+wainscott,418,13
+ranchester,1056,3
+ranchester,660,9
+pomaria,1392,6
+marstons,2491,3
+cosmos,720,4
+lindenwood,2460,2
+ranchester,124,7
+stockman,652,2
+woodbine,1741,4
+tolstoy,523,6
+lindenwood,2644,7
+woodbine,1665,5
+pinesdale,490,3
+klickitat,118,3
+cosmos,464,0
+leonardo,1614,2
+pinesdale,334,0
+woodbine,2046,2
+hiteman,528,3
+marstons,1508,3
+newfields,1432,2
+hanson,1104,3
+pomaria,59,0
+klickitat,1035,2
+cosmos,651,4
+marstons,1482,0
+pinesdale,33,2
+woodbine,1044,9
+lindenwood,2365,2
+forkland,386,0
+lindenwood,551,1
+hanson,1051,0
+klickitat,734,13
+mifflinburg,347,0
+klickitat,500,1
+forkland,78,3
+woodbine,1105,4
+marstons,945,5
+hiteman,1811,5
+leonardo,1524,2
+klickitat,1395,2
+pinesdale,688,2
+klickitat,672,1
+newfields,1003,1
+benevolence,625,10
+woodbine,186,9
+stockman,661,2
+wainscott,1751,10
+newfields,341,7
+pomaria,1460,0
+lakeville,1266,7
+beechwood,1166,6
+lakeville,1232,0
+klickitat,2127,0
+coffeen,1516,1
+shelbyville,1078,0
+marstons,1208,11
+lindenwood,2077,2
+woodbine,824,8
+wainscott,971,6
+pomaria,1592,1
+pomaria,1164,0
+cosmos,428,7
+ranchester,882,0
+klickitat,1186,10
+lindenwood,490,4
+shelbyville,359,6
+hiteman,414,2
+lakeville,868,5
+lindenwood,828,12
+marstons,1268,2
+marstons,2222,1
+cosmos,839,5
+marstons,804,9
+stockman,927,2
+forkland,787,1
+newfields,1190,8
+onaga,513,3
+lindenwood,2078,3
+merom,381,1
+pomaria,7,9
+cosmos,161,5
+lindenwood,2401,3
+cosmos,309,3
+mifflinburg,811,2
+hiteman,896,9
+ranchester,954,0
+beechwood,174,1
+ranchester,527,2
+leonardo,1955,5
+benevolence,266,11
+mifflinburg,66,2
+lakeville,264,4
+hiteman,1199,5
+benevolence,595,6
+klickitat,343,0
+tolstoy,786,3
+newfields,784,2
+marstons,798,7
+stockman,1215,2
+lindenwood,1677,3
+tolstoy,174,3
+shelbyville,1419,3
+shelbyville,1948,0
+tolstoy,981,5
+tolstoy,1130,9
+hiteman,974,1
+leonardo,1422,3
+hanson,762,0
+hanson,1027,2
+leonardo,2068,3
+stockman,1561,7
+allensville,351,1
+shelbyville,1299,2
+klickitat,390,17
+hiteman,605,13
+shelbyville,1682,13
+marstons,2467,2
+marstons,2520,3
+lindenwood,1549,5
+marstons,2118,2
+beechwood,669,4
+hanson,1510,8
+lindenwood,1108,11
+stockman,412,3
+leonardo,559,0
+shelbyville,1438,0
+coffeen,297,4
+tolstoy,1109,11
+pomaria,1348,2
+tolstoy,1175,2
+tolstoy,890,1
+ranchester,110,1
+beechwood,156,2
+lindenwood,1899,8
+pomaria,1175,2
+marstons,2198,3
+tolstoy,736,0
+lakeville,151,13
+beechwood,668,2
+coffeen,118,1
+marstons,2127,12
+mifflinburg,319,1
+tolstoy,1347,4
+woodbine,738,6
+lindenwood,439,1
+lakeville,760,1
+forkland,526,1
+hanson,455,2
+lindenwood,2137,1
+marstons,752,7
+klickitat,1718,3
+ranchester,1504,9
+tolstoy,1734,1
+marstons,2594,9
+tolstoy,1839,3
+lindenwood,2083,19
+ranchester,1517,4
+lakeville,949,1
+wainscott,1143,2
+coffeen,82,5
+newfields,1474,13
+newfields,1651,1
+shelbyville,2666,2
+merom,794,1
+lakeville,1824,3
+klickitat,1345,14
+hanson,851,6
+merom,470,5
+ranchester,1205,1
+lakeville,1056,2
+leonardo,72,11
+shelbyville,2449,2
+shelbyville,641,2
+pomaria,1573,1
+woodbine,1382,2
+forkland,509,0
+woodbine,792,3
+tolstoy,1693,12
+klickitat,882,0
+hiteman,1835,5
+tolstoy,384,11
+mifflinburg,453,3
+shelbyville,1862,4
+hanson,707,9
+lindenwood,1177,0
+tolstoy,94,4
+woodbine,1745,0
+pomaria,916,1
+hanson,432,4
+newfields,980,7
+lakeville,1309,10
+pomaria,1013,5
+tolstoy,946,2
+mifflinburg,518,0
+newfields,545,12
+shelbyville,1705,3
+hiteman,80,6
+coffeen,1327,0
+lakeville,1241,3
+wainscott,1201,1
+ranchester,1371,0
+stockman,1474,6
+klickitat,29,2
+pomaria,1035,3
+ranchester,222,4
+newfields,1391,1
+cosmos,794,1
+lindenwood,2665,5
+woodbine,1721,0
+newfields,1080,2
+marstons,2318,8
+coffeen,590,0
+pomaria,1412,3
+tolstoy,709,1
+hanson,1459,8
+tolstoy,557,6
+newfields,1602,11
+cosmos,965,3
+pomaria,451,8
+merom,212,1
+hanson,1652,3
+hiteman,222,5
+lindenwood,485,5
+stockman,385,4
+lakeville,57,13
+hanson,1134,2
+marstons,2487,2
+ranchester,398,1
+marstons,1275,1
+cosmos,731,2
+shelbyville,2312,0
+stockman,328,3
+klickitat,2057,7
+pinesdale,850,1
+wainscott,1043,4
+wainscott,51,11
+marstons,2248,4
+tolstoy,1285,3
+pomaria,229,5
+leonardo,1240,7
+coffeen,354,1
+marstons,482,3
+woodbine,1991,14
+mifflinburg,161,3
+klickitat,260,7
+benevolence,109,1
+allensville,309,4
+pomaria,1191,4
+woodbine,929,9
+shelbyville,1334,8
+beechwood,1003,5
+forkland,727,3
+leonardo,1664,15
+forkland,71,2
+woodbine,1435,0
+woodbine,1885,3
+wainscott,821,3
+forkland,1022,0
+woodbine,719,1
+mifflinburg,533,0
+hiteman,922,2
+ranchester,153,7
+tolstoy,232,2
+cosmos,378,3
+wainscott,1584,14
+benevolence,8,0
+pinesdale,619,0
+leonardo,1983,3
+hanson,1348,3
+newfields,1020,1
+wainscott,987,3
+woodbine,1366,5
+hiteman,1241,3
+wainscott,1308,3
+pomaria,1044,6
+cosmos,461,0
+stockman,889,0
+marstons,2456,1
+cosmos,651,7
+stockman,192,0
+stockman,876,1
+lindenwood,303,4
+shelbyville,1120,4
+marstons,454,2
+pomaria,419,1
+coffeen,970,5
+lakeville,1072,3
+marstons,1868,0
+pinesdale,638,4
+klickitat,2071,2
+woodbine,1608,9
+klickitat,861,1
+pinesdale,594,2
+marstons,2101,11
+lindenwood,1192,3
+newfields,683,4
+marstons,2061,12
+klickitat,450,3
+allensville,429,1
+coffeen,562,2
+merom,63,2
+forkland,649,6
+pinesdale,75,5
+leonardo,1950,6
+hiteman,820,3
+newfields,217,3
+wainscott,99,10
+shelbyville,441,9
+allensville,90,0
+stockman,1015,6
+leonardo,1374,1
+shelbyville,1002,0
+newfields,435,10
+leonardo,1402,8
+hanson,1228,3
+lakeville,141,0
+lakeville,1525,11
+lindenwood,970,6
+shelbyville,290,2
+pomaria,427,9
+hanson,729,0
+stockman,1125,4
+woodbine,582,2
+stockman,1257,0
+leonardo,449,1
+pomaria,1399,1
+merom,999,6
+wainscott,256,0
+hiteman,1174,4
+pomaria,1319,1
+woodbine,138,2
+cosmos,842,3
+wainscott,1370,1
+lakeville,1715,14
+tolstoy,1419,5
+hiteman,938,1
+coffeen,530,1
+lakeville,1698,8
+leonardo,1468,0
+wainscott,974,6
+forkland,91,2
+marstons,241,0
+shelbyville,950,11
+lakeville,1250,1
+klickitat,742,3
+hanson,1241,6
+pinesdale,60,0
+stockman,934,5
+newfields,1449,0
+woodbine,340,8
+klickitat,1041,3
+pinesdale,988,0
+ranchester,219,12
+woodbine,811,0
+beechwood,650,7
+tolstoy,1496,1
+cosmos,521,1
+lindenwood,59,8
+wainscott,918,0
+pinesdale,224,8
+shelbyville,1112,0
+tolstoy,552,3
+cosmos,898,0
+klickitat,1635,2
+newfields,322,0
+shelbyville,1901,3
+forkland,1075,0
+lindenwood,2090,6
+merom,479,0
+mifflinburg,383,0
+shelbyville,47,15
+hanson,1277,5
+woodbine,720,4
+leonardo,932,6
+klickitat,1754,0
+pinesdale,1076,12
+lindenwood,1032,7
+pinesdale,727,4
+leonardo,1280,4
+newfields,422,11
+lakeville,1534,1
+lakeville,1722,2
+newfields,1147,5
+pinesdale,1338,1
+lakeville,183,11
+newfields,1444,1
+shelbyville,727,3
+pinesdale,327,2
+ranchester,1197,0
+woodbine,1651,0
+cosmos,146,2
+lakeville,335,1
+coffeen,372,3
+hiteman,148,4
+newfields,657,3
+pinesdale,1496,1
+pomaria,1294,8
+hiteman,318,3
+hiteman,962,4
+shelbyville,695,7
+woodbine,2052,3
+shelbyville,2257,1
+shelbyville,2510,7
+lindenwood,2265,1
+pomaria,521,2
+marstons,1297,1
+beechwood,235,3
+woodbine,1287,0
+hanson,1292,2
+leonardo,1393,8
+tolstoy,343,1
+ranchester,1534,3
+coffeen,667,3
+marstons,170,0
+shelbyville,636,8
+woodbine,746,18
+marstons,2342,5
+hiteman,1782,3
+lindenwood,1609,2
+benevolence,853,2
+beechwood,780,3
+tolstoy,86,3
+hanson,75,2
+cosmos,152,8
+newfields,126,1
+lindenwood,2442,11
+hanson,634,2
+hanson,1377,2
+beechwood,1015,0
+lindenwood,851,5
+lakeville,1061,0
+cosmos,306,16
+onaga,364,7
+tolstoy,1699,0
+klickitat,1059,1
+klickitat,1782,9
+wainscott,687,5
+shelbyville,1536,0
+shelbyville,1826,6
+lakeville,743,0
+klickitat,1477,3
+tolstoy,1469,1
+tolstoy,1794,3
+coffeen,603,1
+beechwood,798,2
+pomaria,899,7
+ranchester,1434,20
+benevolence,582,8
+hanson,1221,1
+pinesdale,1399,0
+klickitat,296,1
+hiteman,556,5
+marstons,675,1
+hanson,1144,12
+woodbine,971,3
+hiteman,1075,3
+lindenwood,1188,2
+marstons,2045,1
+benevolence,411,5
+klickitat,63,7
+mifflinburg,69,1
+wainscott,1049,3
+shelbyville,735,0
+mifflinburg,311,3
+tolstoy,514,5
+lakeville,8,5
+marstons,1380,0
+beechwood,601,3
+leonardo,414,1
+mifflinburg,894,0
+lindenwood,2334,5
+lakeville,235,2
+coffeen,781,2
+pinesdale,127,0
+wainscott,1462,0
+hanson,997,4
+pomaria,492,2
+shelbyville,1774,6
+shelbyville,1243,1
+lindenwood,2009,4
+shelbyville,1321,4
+pomaria,1597,1
+marstons,1346,0
+shelbyville,932,0
+marstons,683,1
+lindenwood,1868,2
+woodbine,87,3
+pinesdale,615,2
+tolstoy,795,12
+tolstoy,892,7
+marstons,190,1
+lindenwood,2163,6
+leonardo,1358,12
+hiteman,1808,2
+cosmos,323,0
+wainscott,1696,1
+hanson,71,1
+coffeen,884,1
+hiteman,696,5
+marstons,1575,10
+onaga,23,7
+shelbyville,1709,13
+wainscott,528,16
+hiteman,1665,2
+hiteman,1383,1
+leonardo,1628,5
+pomaria,1016,4
+hiteman,1058,1
+woodbine,1934,8
+pomaria,466,1
+leonardo,1973,5
+pomaria,1042,6
+mifflinburg,166,4
+lakeville,168,1
+pinesdale,363,4
+stockman,797,7
+marstons,2641,2
+ranchester,1323,3
+marstons,640,6
+pinesdale,1114,4
+shelbyville,2429,2
+stockman,556,2
+klickitat,648,5
+klickitat,10,1
+lindenwood,2493,2
+cosmos,843,1
+hiteman,496,5
+marstons,1468,0
+pomaria,1358,1
+wainscott,84,1
+leonardo,932,9
+shelbyville,1820,4
+stockman,503,0
+klickitat,738,8
+newfields,1356,0
+onaga,519,1
+coffeen,1118,8
+wainscott,548,11
+benevolence,43,3
+tolstoy,1557,0
+klickitat,2362,2
+klickitat,1902,10
+lakeville,613,0
+shelbyville,2242,2
+shelbyville,1059,0
+lindenwood,1574,5
+klickitat,81,9
+leonardo,379,1
+ranchester,124,9
+mifflinburg,449,5
+tolstoy,1188,2
+marstons,2163,1
+klickitat,1946,2
+klickitat,1185,7
+tolstoy,923,3
+leonardo,1580,13
+woodbine,1546,3
+tolstoy,181,4
+pomaria,609,5
+beechwood,804,0
+stockman,1230,1
+leonardo,1495,0
+hanson,307,10
+marstons,1329,3
+wainscott,839,0
+lakeville,79,7
+hiteman,1765,1
+newfields,213,7
+hanson,1594,1
+woodbine,1554,2
+shelbyville,1064,0
+forkland,478,4
+marstons,2113,0
+klickitat,611,8
+newfields,1585,1
+hanson,384,12
+klickitat,685,7
+pomaria,748,0
+lindenwood,2156,0
+stockman,1455,6
+klickitat,1754,4
+ranchester,429,8
+shelbyville,1410,4
+marstons,429,5
+marstons,397,2
+beechwood,8,2
+wainscott,230,5
+marstons,1403,5
+leonardo,2096,0
+merom,832,8
+hanson,1324,8
+forkland,875,1
+coffeen,1377,5
+merom,632,0
+leonardo,1688,20
+forkland,195,0
+lakeville,1441,3
+mifflinburg,837,1
+shelbyville,830,4
+hiteman,601,2
+ranchester,795,1
+shelbyville,1466,11
+klickitat,1599,4
+tolstoy,557,4
+shelbyville,334,9
+newfields,970,3
+tolstoy,1066,8
+wainscott,802,5
+wainscott,1242,4
+tolstoy,744,6
+mifflinburg,388,2
+lindenwood,180,0
+newfields,577,11
+wainscott,1050,2
+hiteman,811,3
+pinesdale,1398,2
+beechwood,252,1
+marstons,1561,9
+leonardo,1184,4
+newfields,1058,13
+lindenwood,2304,9
+mifflinburg,636,4
+lindenwood,576,2
+hiteman,290,1
+leonardo,1058,11
+leonardo,1618,12
+hiteman,771,2
+klickitat,2109,15
+marstons,2443,11
+forkland,66,1
+coffeen,800,4
+cosmos,773,4
+shelbyville,253,6
+lindenwood,2455,13
+lindenwood,1313,5
+woodbine,2020,6
+klickitat,1328,7
+newfields,457,2
+shelbyville,363,2
+hiteman,240,4
+pomaria,1459,11
+klickitat,1436,5
+pomaria,1349,3
+klickitat,2401,0
+pinesdale,369,9
+marstons,1440,1
+klickitat,908,5
+woodbine,486,3
+mifflinburg,403,1
+lindenwood,886,2
+pinesdale,188,1
+pinesdale,1264,1
+pinesdale,1457,5
+pinesdale,325,6
+lakeville,193,3
+hanson,384,5
+allensville,398,0
+beechwood,329,3
+merom,1083,5
+cosmos,957,7
+marstons,1711,2
+mifflinburg,840,5
+leonardo,1464,4
+lindenwood,0,9
+ranchester,1125,4
+beechwood,388,0
+shelbyville,135,3
+mifflinburg,157,3
+pomaria,1383,2
+shelbyville,840,6
+lindenwood,1657,12
+lindenwood,1364,4
+hanson,155,9
+ranchester,759,0
+stockman,1278,2
+lakeville,72,2
+klickitat,33,6
+klickitat,1291,9
+lakeville,1467,5
+lakeville,89,14
+lakeville,1358,1
+newfields,1614,6
+woodbine,1527,4
+lindenwood,2154,4
+hiteman,175,1
+ranchester,1585,4
+onaga,85,1
+newfields,246,2
+benevolence,240,7
+klickitat,2172,16
+beechwood,680,0
+forkland,1197,2
+ranchester,1313,8
+leonardo,932,8
+cosmos,662,1
+coffeen,1430,0
+leonardo,1933,1
+ranchester,1499,0
+marstons,208,2
+klickitat,1880,8
+forkland,302,0
+leonardo,435,7
+ranchester,1113,1
+klickitat,1394,8
+tolstoy,411,10
+stockman,1441,14
+newfields,1237,3
+cosmos,699,2
+klickitat,1356,5
+marstons,1739,3
+allensville,131,1
+newfields,892,2
+coffeen,53,5
+lakeville,620,6
+newfields,1096,0
+hanson,993,5
+woodbine,898,10
+marstons,1568,2
+hanson,398,4
+ranchester,672,4
+pinesdale,1413,0
+newfields,423,1
+shelbyville,2597,1
+newfields,676,5
+newfields,1438,12
+pinesdale,1352,4
+lindenwood,1497,7
+leonardo,1591,2
+hanson,1432,1
+hanson,328,2
+shelbyville,2671,4
+leonardo,2100,6
+pomaria,637,0
+allensville,399,0
+lakeville,591,0
+leonardo,683,6
+pomaria,1402,2
+klickitat,2407,11
+shelbyville,2583,1
+stockman,37,8
+lindenwood,320,0
+hanson,1000,3
+klickitat,1844,3
+leonardo,725,7
+pomaria,746,4
+shelbyville,1874,2
+mifflinburg,758,5
+wainscott,517,13
+lakeville,206,7
+leonardo,1438,3
+allensville,505,0
+pomaria,1384,0
+lakeville,108,1
+wainscott,426,1
+pomaria,553,6
+marstons,140,5
+newfields,999,9
+cosmos,94,1
+lakeville,862,3
+wainscott,1049,6
+wainscott,1733,5
+woodbine,707,1
+marstons,1431,1
+shelbyville,681,0
+shelbyville,1414,1
+hiteman,8,1
+woodbine,755,3
+woodbine,19,1
+coffeen,217,3
+mifflinburg,576,2
+leonardo,1158,9
+marstons,913,4
+shelbyville,2159,5
+pinesdale,1125,2
+lindenwood,2344,3
+benevolence,525,9
+merom,623,1
+marstons,1062,16
+merom,54,4
+newfields,1087,5
+klickitat,2315,8
+shelbyville,1294,1
+hanson,943,4
+pinesdale,1160,6
+shelbyville,228,11
+lakeville,185,4
+marstons,2640,6
+pomaria,1126,6
+onaga,171,1
+ranchester,121,2
+newfields,199,0
+onaga,349,9
+pinesdale,837,6
+shelbyville,2231,2
+klickitat,2014,0
+merom,237,0
+cosmos,82,6
+leonardo,892,2
+hanson,638,1
+woodbine,1274,0
+shelbyville,2635,1
+coffeen,790,3
+woodbine,517,2
+wainscott,669,1
+lakeville,548,12
+stockman,854,1
+forkland,549,2
+lakeville,757,9
+hiteman,599,1
+pinesdale,904,0
+stockman,1103,12
+shelbyville,2000,0
+tolstoy,1161,0
+marstons,1008,0
+lindenwood,2081,4
+hiteman,759,3
+leonardo,1194,3
+lindenwood,66,13
+lakeville,1663,4
+beechwood,309,1
+woodbine,212,3
+forkland,511,0
+beechwood,964,3
+tolstoy,1743,0
+ranchester,182,11
+shelbyville,1550,11
+wainscott,669,8
+stockman,1567,1
+forkland,1172,2
+klickitat,1523,2
+leonardo,916,3
+lakeville,486,6
+leonardo,1116,0
+hiteman,1528,7
+klickitat,23,3
+lindenwood,1317,3
+ranchester,1553,3
+beechwood,431,7
+pomaria,334,1
+stockman,1420,3
+coffeen,178,9
+woodbine,203,4
+pomaria,1340,2
+coffeen,332,6
+merom,106,1
+wainscott,288,3
+beechwood,1039,9
+shelbyville,551,3
+merom,155,0
+lindenwood,1457,3
+klickitat,2015,16
+lakeville,2,12
+pinesdale,651,3
+tolstoy,408,3
+shelbyville,2693,0
+pinesdale,55,6
+leonardo,1774,4
+hanson,310,0
+hiteman,470,8
+cosmos,616,1
+beechwood,681,7
+tolstoy,1711,6
+lindenwood,1377,7
+newfields,1253,3
+woodbine,370,2
+pomaria,928,6
+lindenwood,2621,5
+cosmos,775,9
+woodbine,1242,1
+shelbyville,1185,10
+stockman,1379,0
+woodbine,360,4
+hanson,1338,0
+pomaria,294,2
+mifflinburg,798,2
+lakeville,1490,5
+klickitat,1621,2
+cosmos,576,2
+shelbyville,1633,0
+forkland,650,8
+klickitat,2175,2
+hanson,730,2
+lindenwood,948,6
+wainscott,224,1
+leonardo,1850,1
+woodbine,815,0
+hanson,862,8
+newfields,1341,1
+merom,360,9
+newfields,977,1
+coffeen,300,2
+klickitat,585,3
+klickitat,1468,7
+shelbyville,2264,1
+shelbyville,659,2
+lindenwood,2283,1
+pomaria,289,11
+leonardo,798,2
+shelbyville,1692,15
+ranchester,749,7
+lakeville,398,2
+hanson,872,2
+klickitat,1734,1
+leonardo,223,7
+shelbyville,2032,0
+newfields,537,4
+allensville,497,9
+woodbine,1821,0
+marstons,49,1
+ranchester,871,4
+wainscott,1698,9
+hiteman,1516,0
+woodbine,305,0
+woodbine,1454,3
+marstons,2221,5
+forkland,265,4
+leonardo,1517,2
+lindenwood,2232,6
+shelbyville,533,7
+shelbyville,1206,0
+merom,916,13
+mifflinburg,514,1
+lakeville,1806,13
+leonardo,1572,1
+woodbine,1437,0
+lakeville,1598,1
+benevolence,417,1
+hanson,1170,0
+marstons,1360,1
+ranchester,223,4
+coffeen,1279,2
+shelbyville,1303,11
+hanson,184,2
+pinesdale,452,2
+lakeville,788,6
+ranchester,990,0
+forkland,627,0
+hiteman,1674,0
+shelbyville,1509,0
+wainscott,1717,8
+marstons,888,0
+stockman,1232,1
+leonardo,789,0
+woodbine,1768,9
+forkland,313,1
+lindenwood,2592,1
+wainscott,815,10
+ranchester,17,2
+leonardo,905,2
+forkland,185,1
+ranchester,212,0
+shelbyville,548,2
+leonardo,733,12
+hanson,860,1
+benevolence,388,1
+marstons,1609,0
+ranchester,1532,4
+pinesdale,1254,0
+newfields,1342,7
+mifflinburg,414,3
+cosmos,237,1
+benevolence,589,2
+leonardo,990,2
+coffeen,47,4
+newfields,1409,2
+pinesdale,323,2
+beechwood,896,1
+lakeville,1367,1
+allensville,178,1
+lakeville,1399,11
+coffeen,1218,3
+klickitat,1147,1
+pomaria,867,1
+wainscott,980,0
+leonardo,1931,2
+pinesdale,1117,1
+stockman,1040,5
+shelbyville,2664,2
+klickitat,1984,8
+tolstoy,1370,1
+hiteman,583,0
+shelbyville,2333,1
+shelbyville,2799,10
+marstons,1553,1
+leonardo,1954,13
+tolstoy,758,1
+beechwood,927,4
+shelbyville,860,4
+shelbyville,2123,2
+marstons,456,11
+klickitat,211,0
+shelbyville,1844,4
+coffeen,1011,5
+klickitat,475,4
+beechwood,823,0
+klickitat,347,5
+lakeville,456,1
+beechwood,878,0
+hiteman,1583,10
+marstons,467,2
+onaga,372,3
+hiteman,1337,3
+tolstoy,141,6
+klickitat,1595,0
+ranchester,500,1
+shelbyville,512,8
+lakeville,800,6
+klickitat,2294,7
+shelbyville,1773,5
+lakeville,1098,4
+lindenwood,1250,2
+marstons,373,2
+pinesdale,406,2
+newfields,314,4
+newfields,1591,12
+woodbine,789,6
+marstons,1896,18
+hiteman,858,7
+hanson,508,0
+tolstoy,1839,5
+ranchester,721,5
+klickitat,2210,2
+lakeville,363,2
+wainscott,529,4
+hanson,272,2
+hiteman,1847,6
+lindenwood,2291,5
+pinesdale,804,2
+cosmos,379,4
+leonardo,1067,8
+shelbyville,779,6
+lindenwood,884,0
+stockman,1030,2
+marstons,1885,4
+mifflinburg,669,1
+lakeville,1895,2
+wainscott,1775,4
+stockman,1360,6
+benevolence,971,7
+wainscott,255,1
+lakeville,1041,3
+lindenwood,1311,10
+wainscott,300,11
+marstons,57,0
+pinesdale,1278,3
+lakeville,899,1
+coffeen,1300,4
+shelbyville,605,0
+hiteman,317,3
+mifflinburg,153,1
+pomaria,1113,14
+shelbyville,1417,2
+onaga,536,0
+woodbine,503,10
+shelbyville,479,1
+woodbine,1430,0
+stockman,1207,4
+tolstoy,1356,1
+wainscott,772,4
+lakeville,1341,1
+shelbyville,2471,2
+newfields,971,3
+klickitat,3,8
+newfields,318,1
+klickitat,1939,3
+shelbyville,2484,13
+tolstoy,1034,1
+marstons,64,17
+merom,382,2
+hiteman,522,9
+tolstoy,1709,1
+hanson,285,1
+leonardo,1054,1
+woodbine,906,4
+leonardo,963,4
+marstons,1415,4
+marstons,969,4
+woodbine,1368,6
+wainscott,735,6
+lakeville,1850,1
+leonardo,316,8
+klickitat,128,0
+woodbine,1586,5
+leonardo,2071,2
+coffeen,1466,2
+woodbine,1751,10
+mifflinburg,737,2
+merom,170,7
+mifflinburg,909,3
+pinesdale,1094,2
+allensville,327,1
+shelbyville,1895,9
+leonardo,1388,0
+newfields,309,7
+lakeville,1768,2
+ranchester,485,0
+marstons,1983,3
+woodbine,557,12
+ranchester,1365,2
+marstons,2224,4
+stockman,628,3
+woodbine,290,2
+marstons,789,3
+klickitat,422,1
+leonardo,10,8
+tolstoy,464,1
+cosmos,964,5
+lakeville,1791,6
+wainscott,978,2
+marstons,585,6
+coffeen,837,0
+tolstoy,1834,2
+hiteman,667,11
+tolstoy,1331,13
+tolstoy,102,8
+ranchester,714,0
+mifflinburg,182,2
+klickitat,1604,4
+stockman,468,5
+marstons,2056,7
+wainscott,724,9
+hiteman,891,6
+hanson,935,9
+lindenwood,1227,1
+newfields,1026,2
+coffeen,114,1
+pomaria,1577,0
+shelbyville,1549,9
+stockman,654,5
+tolstoy,803,3
+pomaria,427,10
+hanson,1485,5
+stockman,1465,5
+forkland,139,0
+hanson,907,7
+woodbine,664,0
+benevolence,201,2
+pomaria,1487,8
+wainscott,236,5
+klickitat,934,2
+hiteman,163,5
+tolstoy,724,6
+woodbine,1393,3
+lindenwood,916,4
+shelbyville,928,1
+cosmos,348,4
+lakeville,1707,1
+beechwood,944,0
+lindenwood,17,9
+stockman,1403,7
+onaga,679,6
+hiteman,1708,9
+stockman,1195,3
+mifflinburg,171,0
+leonardo,449,4
+stockman,757,5
+tolstoy,392,13
+lakeville,1654,1
+leonardo,1039,3
+hiteman,378,1
+woodbine,1706,4
+klickitat,1949,8
+tolstoy,1130,2
+forkland,344,4
+klickitat,112,2
+merom,890,4
+hanson,507,5
+pomaria,1024,10
+woodbine,226,8
+pomaria,470,3
+merom,392,0
+lakeville,430,1
+wainscott,903,6
+klickitat,448,12
+coffeen,778,1
+shelbyville,382,4
+shelbyville,1494,3
+newfields,663,3
+marstons,2571,4
+marstons,477,3
+pinesdale,1389,0
+wainscott,582,9
+pinesdale,417,3
+marstons,1543,10
+coffeen,394,1
+klickitat,1420,2
+marstons,1679,0
+woodbine,1159,10
+pomaria,899,8
+hiteman,445,2
+beechwood,558,6
+wainscott,1687,0
+marstons,2604,5
+leonardo,1706,2
+hanson,1528,0
+hiteman,1622,9
+tolstoy,1039,3
+marstons,1504,1
+hanson,1461,6
+marstons,1515,1
+klickitat,785,5
+klickitat,645,2
+tolstoy,819,1
+ranchester,306,6
+wainscott,782,2
+coffeen,1121,1
+beechwood,410,9
+leonardo,615,2
+wainscott,1440,7
+ranchester,1170,0
+tolstoy,111,8
+lindenwood,834,4
+shelbyville,687,1
+hanson,353,13
+shelbyville,1386,6
+wainscott,1731,1
+leonardo,1980,5
+lindenwood,1193,7
+lindenwood,1637,7
+newfields,1444,0
+leonardo,587,0
+lindenwood,49,4
+ranchester,694,12
+stockman,1482,0
+tolstoy,325,1
+klickitat,123,14
+lindenwood,2598,1
+cosmos,956,6
+woodbine,474,3
+wainscott,1322,4
+mifflinburg,660,0
+klickitat,2413,13
+beechwood,212,1
+shelbyville,2014,5
+lakeville,729,2
+allensville,237,9
+hiteman,593,4
+ranchester,27,0
+ranchester,1170,4
+lakeville,1220,3
+klickitat,2106,4
+lakeville,1366,1
+wainscott,1183,0
+shelbyville,1984,0
+shelbyville,806,4
+hanson,1330,13
+beechwood,436,6
+woodbine,1253,0
+woodbine,762,0
+hanson,1481,2
+marstons,528,3
+ranchester,1593,1
+hiteman,822,0
+lindenwood,2063,2
+allensville,390,3
+hanson,119,3
+pomaria,819,7
+shelbyville,1621,5
+coffeen,1169,2
+stockman,664,7
+wainscott,1241,12
+pomaria,133,8
+marstons,989,0
+lakeville,381,1
+newfields,188,3
+lakeville,340,5
+mifflinburg,828,2
+tolstoy,332,2
+shelbyville,247,2
+pomaria,411,7
+forkland,615,4
+woodbine,1493,12
+beechwood,643,11
+pinesdale,1125,6
+marstons,2129,9
+cosmos,842,4
+beechwood,843,4
+tolstoy,702,3
+tolstoy,850,1
+pomaria,1643,0
+hanson,483,0
+hanson,1375,2
+klickitat,1628,11
+klickitat,594,12
+shelbyville,1687,8
+shelbyville,1690,4
+klickitat,1152,2
+forkland,317,4
+hanson,1493,14
+stockman,617,6
+ranchester,1127,7
+shelbyville,571,14
+marstons,1526,5
+newfields,79,2
+woodbine,371,4
+pomaria,602,8
+newfields,1582,2
+onaga,401,2
+tolstoy,348,1
+ranchester,878,4
+wainscott,1166,6
+ranchester,1309,7
+leonardo,214,3
+lindenwood,2670,9
+woodbine,2031,2
+lakeville,105,0
+marstons,1477,1
+pomaria,1355,4
+shelbyville,1250,1
+klickitat,2354,2
+newfields,89,0
+tolstoy,1100,1
+hanson,126,3
+woodbine,1426,1
+hanson,749,3
+leonardo,399,9
+newfields,942,2
+shelbyville,1538,7
+onaga,66,3
+lindenwood,1459,4
+pomaria,1619,1
+klickitat,1412,3
+newfields,1040,15
+shelbyville,235,3
+merom,685,3
+hanson,1625,8
+klickitat,864,5
+cosmos,334,0
+hanson,760,1
+lakeville,796,3
+merom,457,2
+lakeville,642,0
+newfields,369,6
+lindenwood,844,0
+marstons,1681,14
+forkland,550,0
+shelbyville,1385,0
+klickitat,1511,13
+lakeville,239,9
+stockman,1247,1
+shelbyville,439,5
+hanson,923,11
+shelbyville,2260,11
+leonardo,1810,2
+lakeville,1888,2
+wainscott,258,6
+coffeen,610,11
+marstons,1938,12
+hanson,997,2
+beechwood,1164,3
+leonardo,1829,6
+cosmos,380,1
+stockman,926,1
+lindenwood,1508,4
+pinesdale,1332,0
+mifflinburg,282,1
+tolstoy,561,6
+hanson,1449,8
+wainscott,1264,3
+stockman,830,8
+allensville,166,0
+hiteman,1476,2
+beechwood,1130,7
+marstons,850,1
+pinesdale,334,1
+allensville,313,0
+stockman,922,2
+woodbine,1726,7
+marstons,309,11
+coffeen,930,4
+tolstoy,168,6
+woodbine,34,4
+ranchester,1123,5
+lindenwood,1683,0
+lakeville,995,1
+marstons,2112,7
+pinesdale,305,11
+woodbine,661,10
+stockman,687,1
+lindenwood,1629,2
+ranchester,119,2
+leonardo,1502,0
+wainscott,1162,10
+lakeville,1808,11
+stockman,213,0
+pomaria,246,4
+tolstoy,247,1
+forkland,144,1
+forkland,3,2
+pinesdale,960,2
+marstons,404,0
+coffeen,317,4
+mifflinburg,917,4
+marstons,301,2
+klickitat,347,1
+benevolence,139,1
+pomaria,1080,11
+lindenwood,2306,4
+merom,205,0
+cosmos,99,0
+woodbine,1257,2
+shelbyville,1369,1
+onaga,602,4
+pinesdale,587,6
+klickitat,2068,7
+shelbyville,1987,6
+shelbyville,2623,0
+hiteman,1499,7
+klickitat,644,1
+newfields,391,9
+shelbyville,1945,3
+beechwood,635,2
+lindenwood,2621,9
+woodbine,703,0
+lindenwood,126,8
+hanson,146,0
+shelbyville,1681,7
+ranchester,1423,6
+coffeen,1300,6
+wainscott,518,6
+lindenwood,1185,0
+marstons,111,5
+onaga,217,7
+tolstoy,1341,1
+hanson,696,1
+tolstoy,1153,7
+merom,441,4
+leonardo,169,5
+hiteman,989,2
+wainscott,1210,8
+marstons,511,2
+marstons,687,3
+ranchester,1225,2
+pinesdale,1071,2
+klickitat,103,1
+tolstoy,1411,2
+leonardo,1957,1
+ranchester,350,5
+leonardo,556,3
+shelbyville,789,3
+leonardo,1732,3
+lakeville,265,1
+pinesdale,316,1
+ranchester,1299,9
+woodbine,1491,10
+marstons,2220,3
+lindenwood,2288,3
+klickitat,706,0
+beechwood,1114,2
+shelbyville,2458,7
+shelbyville,1903,1
+coffeen,595,0
+mifflinburg,421,5
+lindenwood,1446,4
+pinesdale,1010,9
+forkland,252,0
+lindenwood,1783,16
+klickitat,607,6
+lakeville,437,3
+benevolence,233,3
+wainscott,512,11
+lindenwood,1026,1
+wainscott,998,3
+beechwood,942,8
+lindenwood,630,7
+coffeen,775,9
+pinesdale,504,9
+marstons,1652,0
+benevolence,969,3
+hiteman,956,2
+klickitat,1267,1
+tolstoy,1484,0
+pinesdale,1178,0
+shelbyville,259,7
+mifflinburg,199,7
+woodbine,1332,0
+newfields,1483,0
+marstons,889,2
+stockman,276,1
+shelbyville,1227,2
+lindenwood,383,0
+woodbine,388,7
+hiteman,1361,1
+cosmos,783,2
+tolstoy,1406,8
+ranchester,1552,3
+wainscott,1410,2
+ranchester,807,5
+marstons,2646,7
+lindenwood,171,13
+forkland,582,2
+leonardo,1434,4
+tolstoy,541,0
+stockman,741,1
+pomaria,216,2
+leonardo,457,2
+lakeville,1806,3
+klickitat,744,3
+woodbine,1656,0
+klickitat,2078,13
+hanson,128,0
+leonardo,1994,3
+newfields,894,5
+beechwood,829,2
+klickitat,2029,6
+hiteman,1148,7
+woodbine,1314,4
+newfields,444,8
+allensville,112,4
+ranchester,533,4
+klickitat,793,7
+ranchester,819,5
+klickitat,1402,5
+lindenwood,2320,2
+tolstoy,533,6
+klickitat,1778,0
+marstons,914,7
+hanson,1127,2
+coffeen,713,0
+hanson,1172,8
+hiteman,1692,3
+shelbyville,784,8
+wainscott,644,4
+hanson,1606,7
+cosmos,478,6
+klickitat,933,2
+woodbine,1601,4
+newfields,595,4
+pinesdale,650,2
+benevolence,935,0
+tolstoy,340,2
+hiteman,1206,8
+shelbyville,2117,3
+klickitat,115,4
+leonardo,257,3
+lakeville,1652,7
+cosmos,644,5
+wainscott,1204,3
+woodbine,1223,7
+marstons,858,0
+stockman,520,1
+newfields,588,0
+marstons,2381,0
+benevolence,904,1
+lindenwood,598,0
+lindenwood,1346,4
+lindenwood,1722,1
+lindenwood,1811,6
+cosmos,192,1
+wainscott,1696,2
+pinesdale,284,8
+lakeville,1057,0
+marstons,388,1
+newfields,906,0
+shelbyville,429,0
+lindenwood,2058,6
+leonardo,1771,2
+shelbyville,1718,4
+leonardo,1290,0
+lindenwood,1034,1
+wainscott,901,9
+lindenwood,2309,5
+lakeville,324,3
+shelbyville,2244,3
+leonardo,1299,1
+hanson,581,2
+lindenwood,493,2
+klickitat,1637,9
+shelbyville,2042,8
+leonardo,261,8
+hanson,974,2
+marstons,328,0
+lakeville,1874,6
+merom,592,1
+woodbine,783,3
+forkland,1142,0
+benevolence,736,3
+leonardo,852,1
+allensville,70,9
+hiteman,751,3
+pinesdale,750,10
+wainscott,1762,1
+klickitat,1816,0
+wainscott,738,7
+merom,711,2
+pomaria,68,5
+woodbine,1294,4
+pomaria,353,8
+cosmos,779,1
+wainscott,748,7
+hiteman,1707,1
+klickitat,572,9
+pinesdale,350,1
+lakeville,302,2
+hiteman,855,7
+pomaria,877,3
+newfields,391,8
+lindenwood,2588,1
+pinesdale,1428,2
+merom,397,3
+marstons,1874,0
+marstons,2453,0
+beechwood,891,3
+marstons,1216,2
+pomaria,633,7
+shelbyville,916,9
+wainscott,335,1
+merom,666,0
+wainscott,173,4
+hanson,131,2
+shelbyville,2495,2
+leonardo,1896,5
+lakeville,1531,13
+pomaria,1427,1
+leonardo,1120,1
+beechwood,281,2
+wainscott,240,6
+shelbyville,198,10
+stockman,360,4
+shelbyville,2276,1
+hiteman,1592,0
+stockman,621,1
+newfields,1212,1
+lindenwood,1096,7
+pomaria,227,5
+newfields,1647,1
+coffeen,1337,2
+tolstoy,1608,9
+newfields,879,0
+marstons,2464,3
+woodbine,1768,1
+pinesdale,920,6
+newfields,65,4
+woodbine,1245,0
+pinesdale,177,3
+tolstoy,1073,5
+tolstoy,1102,3
+woodbine,1544,2
+shelbyville,947,1
+wainscott,211,7
+leonardo,16,5
+shelbyville,1236,9
+hiteman,264,6
+hanson,739,5
+woodbine,668,1
+coffeen,657,3
+pinesdale,688,8
+stockman,406,2
+shelbyville,1011,7
+marstons,1119,6
+newfields,418,1
+forkland,525,1
+lindenwood,680,1
+benevolence,849,9
+shelbyville,327,2
+shelbyville,2227,8
+tolstoy,618,0
+tolstoy,867,6
+hiteman,386,6
+lindenwood,647,2
+klickitat,421,3
+stockman,1552,6
+woodbine,138,9
+pinesdale,1,4
+beechwood,459,5
+ranchester,272,4
+pomaria,1524,4
+woodbine,1037,14
+stockman,1286,3
+onaga,324,4
+pomaria,1475,15
+coffeen,657,0
+hanson,1009,15
+forkland,348,0
+newfields,1381,4
+lindenwood,850,6
+lakeville,1004,4
+klickitat,1249,5
+stockman,1519,2
+pinesdale,981,6
+lindenwood,2017,7
+hanson,771,2
+benevolence,308,5
+cosmos,886,2
+pomaria,818,6
+tolstoy,63,1
+lindenwood,1796,0
+klickitat,1988,4
+lakeville,1596,4
+shelbyville,1875,6
+lindenwood,1468,1
+merom,540,3
+lindenwood,1170,0
+lindenwood,526,2
+marstons,1270,1
+tolstoy,1505,2
+stockman,1301,3
+stockman,770,2
+lindenwood,1241,5
+stockman,758,2
+wainscott,953,5
+lakeville,34,2
+shelbyville,2440,4
+stockman,996,3
+woodbine,1409,2
+hiteman,613,1
+klickitat,1694,3
+wainscott,434,0
+pomaria,1176,12
+hanson,317,4
+tolstoy,1249,0
+newfields,872,2
+shelbyville,1314,13
+hanson,215,10
+wainscott,808,12
+allensville,364,2
+beechwood,786,4
+newfields,575,3
+wainscott,455,1
+lindenwood,2476,10
+lakeville,1899,11
+shelbyville,817,3
+cosmos,720,1
+shelbyville,156,11
+cosmos,1034,4
+beechwood,309,3
+marstons,1675,4
+merom,868,7
+shelbyville,385,1
+leonardo,1719,0
+klickitat,481,1
+allensville,387,3
+shelbyville,617,11
+coffeen,8,5
+wainscott,630,0
+klickitat,67,2
+lindenwood,1891,12
+lindenwood,2588,3
+marstons,1731,1
+wainscott,1095,11
+marstons,586,2
+marstons,1088,2
+lindenwood,326,4
+mifflinburg,498,0
+leonardo,1503,7
+hanson,1608,3
+ranchester,1416,7
+lindenwood,1811,1
+stockman,912,3
+lakeville,396,6
+merom,528,2
+marstons,1035,4
+lakeville,393,13
+pomaria,1303,2
+woodbine,1001,1
+lakeville,450,4
+lakeville,1698,4
+lakeville,72,1
+pinesdale,722,3
+leonardo,1819,8
+coffeen,1211,0
+leonardo,173,2
+pomaria,1031,0
+merom,141,3
+shelbyville,2297,7
+woodbine,766,7
+stockman,685,7
+mifflinburg,238,0
+woodbine,469,5
+stockman,294,1
+ranchester,448,4
+hanson,1439,2
+stockman,524,3
+shelbyville,1606,2
+klickitat,1258,1
+pinesdale,929,5
+pomaria,47,1
+newfields,161,11
+shelbyville,1815,3
+mifflinburg,498,3
+hiteman,1252,0
+newfields,709,0
+lakeville,1433,2
+lakeville,938,4
+shelbyville,1018,1
+klickitat,1168,1
+beechwood,991,2
+wainscott,1510,5
+hanson,616,3
+lindenwood,851,6
+ranchester,449,3
+coffeen,159,3
+newfields,165,3
+stockman,579,7
+pomaria,127,4
+klickitat,1916,4
+stockman,305,0
+mifflinburg,447,3
+marstons,841,1
+woodbine,1549,9
+lakeville,464,8
+lindenwood,70,2
+tolstoy,1275,6
+wainscott,880,5
+lindenwood,82,3
+beechwood,521,9
+hanson,752,2
+shelbyville,1102,6
+pomaria,217,0
+hanson,349,0
+cosmos,908,1
+stockman,778,0
+beechwood,552,2
+tolstoy,832,3
+klickitat,1302,6
+klickitat,253,0
+shelbyville,259,14
+lakeville,1434,4
+leonardo,2095,4
+lindenwood,289,2
+allensville,291,2
+pomaria,1641,0
+leonardo,85,9
+stockman,484,5
+allensville,137,2
+lakeville,1145,2
+pomaria,34,1
+tolstoy,891,3
+marstons,1181,8
+leonardo,1,4
+shelbyville,1765,0
+hiteman,48,5
+shelbyville,1460,2
+marstons,2462,4
+stockman,1398,3
+stockman,1539,0
+klickitat,2161,3
+lindenwood,1117,6
+marstons,1170,13
+onaga,570,1
+allensville,161,2
+newfields,428,1
+woodbine,988,1
+stockman,988,1
+pinesdale,1278,2
+cosmos,306,13
+benevolence,416,11
+hiteman,608,6
+coffeen,734,3
+hanson,1463,5
+lindenwood,1439,7
+hanson,896,8
+woodbine,184,2
+stockman,141,3
+shelbyville,2047,0
+woodbine,391,0
+pinesdale,1289,1
+tolstoy,1270,7
+ranchester,1109,4
+tolstoy,242,4
+hanson,1471,1
+tolstoy,1271,3
+pinesdale,1173,3
+hanson,1614,3
+shelbyville,140,2
+hiteman,814,8
+stockman,759,0
+lindenwood,2372,3
+merom,54,1
+pomaria,574,3
+lakeville,1881,0
+beechwood,925,1
+wainscott,395,2
+newfields,250,3
+coffeen,338,5
+pomaria,250,1
+klickitat,1312,1
+lakeville,1328,1
+klickitat,1201,2
+leonardo,142,0
+hanson,1582,4
+klickitat,686,12
+newfields,919,4
+hiteman,241,5
+newfields,477,5
+stockman,1246,6
+pinesdale,689,6
+cosmos,672,2
+wainscott,52,2
+lindenwood,2148,2
+hiteman,58,2
+tolstoy,1701,0
+hiteman,400,0
+lindenwood,1869,1
+shelbyville,32,5
+ranchester,847,8
+klickitat,1051,4
+hiteman,1277,3
+lindenwood,1969,6
+wainscott,219,6
+shelbyville,1670,5
+shelbyville,343,3
+coffeen,933,4
+lindenwood,834,7
+stockman,1056,6
+klickitat,923,3
+lindenwood,2321,4
+marstons,1857,7
+wainscott,387,1
+leonardo,678,5
+hiteman,423,0
+cosmos,691,1
+stockman,179,3
+newfields,723,9
+coffeen,103,4
+lakeville,958,1
+marstons,1545,2
+pomaria,533,1
+pinesdale,1481,2
+shelbyville,1219,3
+shelbyville,1194,2
+tolstoy,1511,5
+pinesdale,92,6
+klickitat,2,10
+pinesdale,537,3
+pinesdale,636,4
+cosmos,939,9
+lakeville,895,0
+allensville,82,2
+lakeville,1080,0
+leonardo,1916,5
+klickitat,1952,5
+ranchester,1272,0
+marstons,1109,0
+hiteman,0,4
+leonardo,94,6
+klickitat,853,8
+marstons,1858,0
+forkland,934,3
+shelbyville,1474,1
+marstons,218,2
+klickitat,1158,2
+newfields,1318,1
+cosmos,551,0
+wainscott,63,1
+pinesdale,745,3
+wainscott,1115,0
+klickitat,1091,3
+newfields,790,2
+shelbyville,2263,3
+lindenwood,159,1
+woodbine,579,2
+hanson,217,12
+pinesdale,995,6
+lindenwood,2231,2
+lindenwood,2557,5
+stockman,65,4
+leonardo,1046,7
+pomaria,788,1
+marstons,5,3
+woodbine,1115,1
+marstons,2577,2
+wainscott,550,5
+hiteman,1468,8
+stockman,1144,2
+tolstoy,1391,10
+lindenwood,82,8
+newfields,93,2
+woodbine,490,0
+beechwood,816,2
+pinesdale,1182,2
+coffeen,315,4
+wainscott,445,2
+pomaria,518,3
+beechwood,558,4
+stockman,1029,2
+wainscott,170,14
+klickitat,140,22
+benevolence,9,3
+ranchester,33,5
+lakeville,1411,0
+marstons,718,7
+benevolence,402,2
+woodbine,1557,0
+lakeville,1162,6
+klickitat,530,8
+pomaria,1235,0
+marstons,2117,2
+leonardo,1467,6
+hanson,42,1
+klickitat,36,6
+tolstoy,1198,2
+wainscott,140,14
+ranchester,20,6
+leonardo,166,8
+wainscott,1799,11
+shelbyville,256,11
+shelbyville,1721,3
+hanson,893,9
+pinesdale,1391,2
+shelbyville,1663,1
+woodbine,457,4
+hanson,31,6
+marstons,541,10
+lindenwood,1934,8
+pomaria,900,0
+allensville,19,3
+lakeville,464,1
+marstons,2214,5
+beechwood,610,2
+leonardo,322,1
+lindenwood,1836,8
+leonardo,1213,5
+hanson,825,14
+newfields,581,1
+stockman,824,2
+tolstoy,280,2
+wainscott,123,2
+newfields,33,0
+beechwood,480,5
+tolstoy,458,5
+shelbyville,679,11
+forkland,1002,9
+ranchester,1615,0
+klickitat,1738,8
+klickitat,307,3
+tolstoy,1417,1
+lakeville,736,1
+onaga,261,0
+pinesdale,1028,2
+stockman,161,3
+forkland,1092,3
+lakeville,731,5
+newfields,1487,17
+shelbyville,660,2
+lindenwood,693,4
+lindenwood,477,0
+lindenwood,1104,8
+leonardo,1401,1
+pomaria,481,0
+woodbine,658,2
+lakeville,1055,2
+woodbine,699,2
+klickitat,151,7
+mifflinburg,276,0
+tolstoy,384,9
+stockman,644,1
+newfields,333,1
+tolstoy,1367,3
+hanson,634,1
+klickitat,1714,2
+klickitat,2114,10
+lakeville,1785,8
+leonardo,1228,5
+coffeen,1188,1
+pinesdale,1390,2
+woodbine,79,2
+marstons,2213,5
+newfields,1246,4
+shelbyville,63,0
+wainscott,468,5
+lakeville,1336,5
+forkland,49,1
+pomaria,113,6
+klickitat,1865,3
+woodbine,373,4
+woodbine,1677,5
+klickitat,2051,3
+hiteman,209,6
+leonardo,252,5
+wainscott,906,2
+shelbyville,1263,4
+tolstoy,1158,3
+lakeville,1614,0
+klickitat,1525,3
+woodbine,884,4
+ranchester,54,6
+leonardo,1597,5
+stockman,1511,3
+lindenwood,1984,3
+leonardo,1206,4
+klickitat,393,11
+stockman,205,0
+hiteman,307,3
+lindenwood,1308,2
+leonardo,1905,2
+hanson,1330,7
+lindenwood,379,8
+pomaria,427,6
+lindenwood,1614,5
+pinesdale,596,5
+coffeen,174,3
+merom,146,3
+lakeville,1643,15
+marstons,302,5
+lakeville,1663,2
+klickitat,1412,1
+benevolence,407,7
+hiteman,170,5
+hanson,302,4
+klickitat,2053,7
+hanson,52,10
+hanson,447,0
+ranchester,1504,4
+klickitat,2335,1
+shelbyville,1920,4
+shelbyville,2679,1
+merom,137,5
+ranchester,980,3
+leonardo,359,5
+merom,1004,4
+hiteman,252,4
+hiteman,1556,10
+mifflinburg,199,2
+hanson,876,6
+newfields,1183,15
+newfields,101,3
+klickitat,818,4
+lakeville,1762,5
+pinesdale,293,2
+shelbyville,2701,7
+klickitat,1952,8
+newfields,1122,6
+woodbine,1689,0
+hiteman,224,2
+marstons,1562,1
+beechwood,155,11
+leonardo,1416,2
+ranchester,942,7
+newfields,32,3
+newfields,426,7
+pomaria,1468,9
+woodbine,1911,2
+stockman,1041,1
+shelbyville,2202,2
+wainscott,1424,6
+tolstoy,709,4
+beechwood,501,11
+wainscott,1398,6
+pinesdale,35,2
+marstons,656,1
+wainscott,213,1
+hanson,67,0
+shelbyville,2082,8
+merom,31,0
+klickitat,938,10
+pomaria,976,15
+lakeville,1741,5
+merom,822,3
+woodbine,889,1
+lakeville,1642,0
+hanson,1069,1
+marstons,474,13
+shelbyville,2298,0
+marstons,1091,4
+shelbyville,2310,0
+lakeville,827,0
+tolstoy,367,4
+coffeen,1262,2
+klickitat,1148,2
+shelbyville,1536,2
+tolstoy,1426,8
+pinesdale,906,2
+newfields,538,0
+forkland,494,2
+forkland,436,3
+klickitat,1413,4
+woodbine,652,6
+benevolence,274,2
+woodbine,766,15
+ranchester,724,2
+newfields,334,2
+merom,478,6
+klickitat,1647,6
+wainscott,226,1
+stockman,464,2
+cosmos,893,12
+tolstoy,320,1
+leonardo,219,2
+beechwood,491,3
+lindenwood,1991,13
+lindenwood,1381,4
+klickitat,2244,5
+benevolence,186,0
+tolstoy,625,3
+mifflinburg,54,3
+beechwood,431,6
+lakeville,1534,4
+lindenwood,2039,6
+pinesdale,907,0
+newfields,360,19
+lakeville,1500,1
+stockman,387,1
+hiteman,1502,3
+benevolence,9,1
+klickitat,1415,2
+leonardo,733,14
+merom,1011,0
+woodbine,1032,12
+newfields,1106,2
+forkland,485,3
+hiteman,677,0
+klickitat,323,3
+cosmos,192,8
+mifflinburg,811,0
+marstons,935,1
+leonardo,2116,2
+marstons,822,12
+pinesdale,800,6
+hiteman,62,4
+tolstoy,457,1
+lakeville,737,4
+klickitat,2175,9
+pomaria,918,6
+stockman,929,6
+woodbine,1853,10
+beechwood,1106,7
+marstons,2539,8
+wainscott,1371,2
+lakeville,1832,6
+lindenwood,1938,6
+pomaria,780,1
+lakeville,1882,2
+leonardo,145,3
+hiteman,1113,0
+newfields,221,2
+lakeville,1535,8
+newfields,1214,1
+wainscott,1094,0
+lindenwood,1410,4
+lindenwood,1642,8
+marstons,1730,1
+ranchester,383,1
+lindenwood,1455,6
+beechwood,185,8
+ranchester,1426,8
+wainscott,985,8
+lindenwood,380,1
+forkland,484,1
+leonardo,664,2
+marstons,392,11
+hiteman,507,5
+tolstoy,470,0
+pinesdale,864,14
+pinesdale,704,1
+lindenwood,50,3
+pomaria,1265,13
+benevolence,845,1
+lindenwood,204,0
+tolstoy,897,0
+stockman,919,0
+ranchester,41,3
+wainscott,877,1
+hiteman,1389,1
+beechwood,1116,4
+leonardo,1605,3
+newfields,1106,4
+klickitat,90,4
+coffeen,590,2
+allensville,436,1
+leonardo,311,2
+wainscott,1255,7
+forkland,810,1
+lindenwood,181,8
+hiteman,704,1
+lakeville,1252,9
+lindenwood,404,3
+leonardo,788,11
+hanson,130,2
+lakeville,179,0
+wainscott,606,5
+wainscott,1029,1
+allensville,321,4
+newfields,1018,7
+newfields,1354,0
+wainscott,1117,0
+klickitat,824,3
+tolstoy,1394,3
+klickitat,98,2
+cosmos,389,5
+lakeville,1275,0
+lindenwood,1532,5
+wainscott,942,14
+lindenwood,904,2
+wainscott,481,3
+tolstoy,675,2
+mifflinburg,794,0
+marstons,897,0
+wainscott,1435,6
+mifflinburg,102,1
+beechwood,443,8
+klickitat,1993,2
+lakeville,133,2
+woodbine,539,15
+ranchester,1055,7
+wainscott,211,9
+merom,260,2
+pomaria,1387,2
+pinesdale,1403,2
+hiteman,834,6
+mifflinburg,641,0
+wainscott,1475,1
+leonardo,755,7
+lakeville,306,7
+cosmos,812,5
+mifflinburg,521,2
+hanson,936,0
+pomaria,910,4
+ranchester,63,6
+cosmos,320,5
+merom,532,0
+coffeen,650,3
+wainscott,1765,4
+klickitat,978,0
+tolstoy,1242,3
+pomaria,294,3
+hiteman,825,0
+marstons,1871,0
+marstons,2407,2
+shelbyville,1707,11
+newfields,1138,4
+beechwood,6,0
+tolstoy,1592,0
+klickitat,380,1
+hanson,1493,11
+hiteman,464,12
+pinesdale,777,2
+woodbine,1374,8
+wainscott,791,15
+klickitat,99,0
+coffeen,211,5
+lindenwood,1798,5
+wainscott,659,2
+hiteman,1361,10
+klickitat,2168,0
+forkland,327,7
+onaga,654,4
+newfields,1590,2
+tolstoy,496,0
+shelbyville,1351,6
+woodbine,27,3
+mifflinburg,102,8
+onaga,396,0
+hiteman,99,0
+klickitat,1246,11
+pomaria,119,4
+marstons,1361,3
+hiteman,322,1
+woodbine,1531,1
+cosmos,697,5
+hanson,1441,6
+lakeville,1339,0
+lakeville,1650,2
+pomaria,1516,13
+pomaria,320,3
+stockman,94,4
+woodbine,676,2
+newfields,649,4
+lindenwood,2491,5
+shelbyville,2006,5
+shelbyville,2805,4
+woodbine,1205,6
+marstons,587,1
+marstons,2355,2
+tolstoy,1002,0
+newfields,1109,1
+wainscott,385,4
+pinesdale,1267,2
+woodbine,1061,0
+stockman,952,1
+newfields,559,5
+coffeen,1063,0
+pinesdale,162,9
+tolstoy,187,2
+hiteman,196,7
+ranchester,1359,7
+lindenwood,63,2
+merom,159,1
+coffeen,708,2
+woodbine,1202,7
+marstons,347,14
+tolstoy,290,13
+hanson,847,9
+beechwood,86,6
+lindenwood,88,1
+pinesdale,861,0
+pomaria,964,8
+ranchester,87,3
+leonardo,1281,4
+shelbyville,1320,9
+leonardo,1155,3
+ranchester,1381,3
+shelbyville,748,3
+stockman,1390,2
+pomaria,1357,2
+pomaria,1468,2
+lindenwood,1810,1
+shelbyville,870,1
+woodbine,1975,9
+newfields,222,8
+onaga,280,1
+lindenwood,2209,4
+shelbyville,361,6
+klickitat,305,6
+newfields,862,1
+pinesdale,120,1
+shelbyville,2531,0
+shelbyville,2808,1
+ranchester,1231,1
+pomaria,1663,4
+onaga,574,0
+klickitat,1525,4
+wainscott,1459,0
+shelbyville,1980,0
+pomaria,286,2
+ranchester,811,1
+shelbyville,430,0
+wainscott,427,4
+allensville,219,2
+beechwood,669,1
+tolstoy,877,2
+lindenwood,43,4
+pinesdale,731,0
+stockman,446,1
+woodbine,1687,2
+newfields,120,13
+shelbyville,1581,1
+newfields,426,8
+klickitat,983,6
+leonardo,1387,4
+shelbyville,126,13
+shelbyville,1691,2
+newfields,1588,2
+hanson,1018,6
+stockman,709,0
+klickitat,945,1
+mifflinburg,858,3
+tolstoy,1139,2
+hiteman,211,6
+pomaria,1427,10
+beechwood,749,0
+stockman,1597,3
+marstons,1337,5
+shelbyville,38,0
+leonardo,220,6
+klickitat,531,6
+woodbine,1893,4
+lakeville,1056,1
+klickitat,150,9
+hiteman,1807,2
+lindenwood,947,4
+lindenwood,1980,0
+cosmos,306,6
+wainscott,203,6
+wainscott,261,1
+marstons,149,6
+mifflinburg,677,2
+stockman,1097,1
+beechwood,575,1
+shelbyville,1618,1
+marstons,44,2
+hanson,607,1
+hanson,1020,1
+mifflinburg,879,2
+marstons,644,0
+benevolence,434,2
+woodbine,454,2
+klickitat,1609,1
+marstons,1700,1
+woodbine,1805,4
+pinesdale,1140,3
+marstons,1577,5
+klickitat,222,1
+pinesdale,531,3
+marstons,2028,5
+pomaria,977,0
+merom,1043,3
+onaga,451,2
+wainscott,364,3
+klickitat,479,13
+lakeville,358,3
+lindenwood,2281,14
+merom,81,8
+forkland,8,6
+lakeville,1849,1
+coffeen,978,0
+stockman,445,5
+beechwood,730,2
+klickitat,582,1
+leonardo,668,0
+lindenwood,2374,1
+ranchester,1407,2
+forkland,216,0
+woodbine,1254,6
+forkland,1158,6
+lindenwood,2277,0
+ranchester,660,11
+stockman,639,6
+lindenwood,911,1
+merom,11,3
+shelbyville,1610,1
+pomaria,1180,3
+hiteman,889,0
+stockman,433,2
+klickitat,2130,0
+pomaria,956,2
+hanson,897,3
+shelbyville,59,1
+lindenwood,1168,2
+coffeen,769,2
+hanson,402,1
+cosmos,200,2
+shelbyville,2078,7
+pinesdale,403,6
+klickitat,264,1
+klickitat,1278,10
+newfields,1236,4
+wainscott,597,0
+beechwood,790,12
+pomaria,1309,15
+shelbyville,2216,2
+cosmos,445,3
+beechwood,170,6
+benevolence,680,1
+tolstoy,388,2
+pomaria,205,8
+tolstoy,1095,2
+lakeville,67,10
+klickitat,1248,6
+stockman,370,0
+wainscott,220,3
+marstons,252,8
+shelbyville,1688,5
+shelbyville,1858,3
+newfields,149,2
+leonardo,906,9
+ranchester,552,5
+hanson,238,7
+cosmos,220,5
+pinesdale,1149,15
+marstons,315,3
+wainscott,358,4
+ranchester,638,5
+shelbyville,788,1
+forkland,731,2
+newfields,1343,2
+forkland,193,1
+lakeville,1848,1
+wainscott,640,3
+newfields,1181,2
+newfields,504,7
+woodbine,260,2
+lindenwood,2574,12
+beechwood,375,5
+lakeville,1336,3
+ranchester,111,3
+klickitat,1643,0
+tolstoy,1605,3
+woodbine,819,2
+stockman,863,2
+coffeen,240,9
+ranchester,573,0
+pinesdale,528,1
+pinesdale,1050,2
+shelbyville,2745,6
+ranchester,1617,9
+merom,962,2
+tolstoy,68,2
+beechwood,132,1
+pinesdale,119,1
+forkland,222,1
+marstons,2378,2
+tolstoy,184,10
+wainscott,79,6
+hanson,1341,1
+forkland,982,0
+woodbine,1611,10
+newfields,1356,1
+klickitat,1220,0
+pinesdale,156,5
+coffeen,1171,2
+stockman,7,2
+beechwood,480,3
+marstons,1183,16
+lindenwood,579,8
+woodbine,56,4
+woodbine,277,9
+marstons,1689,1
+marstons,1001,9
+hiteman,672,11
+hanson,1127,0
+marstons,276,1
+shelbyville,846,5
+benevolence,347,4
+onaga,107,2
+leonardo,1967,1
+lindenwood,2119,0
+onaga,21,3
+leonardo,1853,3
+lindenwood,869,9
+leonardo,1117,6
+cosmos,26,1
+shelbyville,1986,0
+wainscott,1698,6
+shelbyville,1821,8
+pomaria,703,2
+lakeville,1675,2
+leonardo,1171,2
+shelbyville,768,3
+marstons,1682,15
+shelbyville,1654,15
+mifflinburg,120,3
+onaga,142,0
+lindenwood,2161,0
+stockman,265,17
+pomaria,320,13
+hiteman,534,0
+woodbine,881,8
+beechwood,502,1
+marstons,1787,3
+shelbyville,185,1
+coffeen,1485,1
+marstons,2004,1
+shelbyville,1311,6
+lakeville,796,1
+onaga,199,9
+hiteman,187,3
+cosmos,595,10
+pomaria,1309,16
+leonardo,885,3
+mifflinburg,578,2
+cosmos,512,8
+klickitat,151,9
+merom,1042,2
+hanson,804,0
+lindenwood,194,3
+lindenwood,28,2
+lindenwood,2036,2
+beechwood,55,5
+woodbine,2025,6
+forkland,490,6
+marstons,1298,2
+pinesdale,240,2
+hiteman,1788,4
+pinesdale,193,2
+klickitat,1957,1
+wainscott,962,4
+marstons,20,4
+newfields,201,0
+lakeville,459,2
+pinesdale,786,3
+coffeen,563,0
+shelbyville,503,3
+wainscott,1777,5
+woodbine,446,0
+woodbine,1563,2
+woodbine,823,10
+leonardo,921,5
+tolstoy,420,5
+lakeville,842,2
+shelbyville,575,17
+beechwood,610,1
+ranchester,390,0
+klickitat,1742,3
+coffeen,134,2
+allensville,321,5
+hanson,981,1
+lindenwood,247,3
+wainscott,1066,1
+lakeville,591,6
+lindenwood,1,17
+ranchester,338,5
+leonardo,1111,0
+marstons,161,3
+cosmos,464,3
+mifflinburg,866,2
+beechwood,1030,0
+merom,346,2
+wainscott,916,14
+shelbyville,668,5
+klickitat,2044,3
+lindenwood,1135,2
+mifflinburg,420,2
+tolstoy,516,0
+marstons,251,1
+woodbine,956,1
+pomaria,1475,16
+pomaria,758,9
+lakeville,980,7
+klickitat,1186,8
+marstons,2495,3
+wainscott,828,3
+pinesdale,1352,2
+hiteman,1550,6
+lakeville,1631,0
+tolstoy,1691,6
+leonardo,396,3
+shelbyville,20,2
+klickitat,179,6
+klickitat,1109,5
+tolstoy,378,1
+newfields,388,1
+ranchester,1223,0
+marstons,2495,0
+mifflinburg,445,2
+pomaria,968,5
+marstons,2220,4
+marstons,497,3
+marstons,839,1
+merom,197,2
+hanson,1254,0
+lindenwood,2108,6
+allensville,518,0
+wainscott,66,2
+pomaria,1109,3
+hiteman,733,2
+wainscott,1199,12
+leonardo,59,3
+beechwood,935,3
+wainscott,209,6
+lindenwood,599,7
+newfields,2,7
+klickitat,2391,2
+mifflinburg,76,2
+lindenwood,2179,4
+marstons,2398,2
+forkland,724,3
+lakeville,149,2
+tolstoy,1775,2
+klickitat,1402,9
+onaga,359,3
+marstons,323,2
+marstons,1720,5
+forkland,449,9
+pomaria,774,1
+forkland,142,4
+tolstoy,1599,5
+leonardo,385,2
+hanson,247,5
+newfields,1367,10
+merom,374,4
+stockman,1282,2
+klickitat,1598,11
+leonardo,1653,1
+newfields,1249,1
+wainscott,828,1
+hanson,1656,14
+newfields,776,5
+pinesdale,826,2
+wainscott,425,7
+shelbyville,2708,6
+tolstoy,1111,1
+benevolence,929,5
+shelbyville,1192,8
+wainscott,218,10
+beechwood,434,4
+hiteman,1039,1
+woodbine,239,4
+marstons,99,5
+marstons,347,1
+wainscott,1090,4
+shelbyville,240,5
+shelbyville,772,0
+beechwood,766,0
+tolstoy,1440,1
+wainscott,284,1
+tolstoy,1801,3
+mifflinburg,662,11
+tolstoy,101,11
+klickitat,140,14
+lindenwood,1613,1
+hanson,1603,8
+woodbine,535,0
+lindenwood,928,3
+ranchester,342,4
+klickitat,2334,8
+klickitat,2362,9
+hanson,254,14
+newfields,1106,12
+marstons,444,1
+woodbine,605,4
+pinesdale,1197,1
+pinesdale,292,1
+hanson,78,8
+hiteman,411,8
+pomaria,1470,15
+mifflinburg,968,9
+marstons,154,0
+tolstoy,864,16
+lindenwood,643,0
+mifflinburg,580,3
+coffeen,323,6
+lindenwood,2591,1
+tolstoy,249,5
+shelbyville,314,5
+marstons,285,13
+lakeville,1373,0
+marstons,717,4
+wainscott,448,2
+tolstoy,1322,6
+hiteman,21,5
+woodbine,1796,9
+hanson,86,5
+lindenwood,1822,5
+klickitat,974,3
+klickitat,1073,0
+leonardo,1821,6
+shelbyville,1013,3
+hanson,1373,0
+hiteman,548,1
+woodbine,908,2
+shelbyville,1517,3
+marstons,2210,6
+beechwood,75,6
+newfields,625,2
+beechwood,264,7
+lindenwood,1373,2
+leonardo,2078,3
+tolstoy,1446,2
+leonardo,2052,3
+leonardo,2020,4
+hiteman,1822,9
+lakeville,1710,1
+shelbyville,328,3
+lakeville,1642,10
+shelbyville,294,5
+lindenwood,907,3
+stockman,529,0
+shelbyville,2325,9
+allensville,158,0
+woodbine,1649,0
+lakeville,1547,3
+merom,695,6
+pomaria,1537,14
+lindenwood,220,4
+newfields,370,6
+allensville,194,0
+lakeville,1137,0
+stockman,1475,1
+pomaria,778,6
+pomaria,1512,11
+marstons,635,2
+hiteman,1662,7
+lakeville,844,0
+woodbine,1052,6
+merom,1098,0
+shelbyville,614,9
+lakeville,958,0
+lindenwood,2371,16
+shelbyville,2294,0
+merom,635,11
+tolstoy,494,2
+marstons,983,4
+shelbyville,2133,13
+cosmos,111,6
+mifflinburg,399,5
+hanson,1603,7
+klickitat,2301,5
+leonardo,257,4
+ranchester,1320,1
+coffeen,402,2
+merom,631,4
+shelbyville,55,2
+leonardo,303,8
+beechwood,904,9
+shelbyville,1351,3
+lakeville,904,14
+marstons,1155,8
+klickitat,432,1
+lindenwood,2408,9
+woodbine,1368,4
+lindenwood,284,5
+wainscott,335,4
+tolstoy,650,15
+newfields,1405,16
+onaga,58,3
+shelbyville,2138,2
+shelbyville,233,1
+stockman,1055,6
+cosmos,641,7
+newfields,1634,0
+woodbine,717,2
+shelbyville,91,9
+allensville,272,2
+onaga,397,0
+beechwood,1027,0
+wainscott,1795,1
+hiteman,161,2
+lindenwood,958,13
+hanson,1535,0
+lindenwood,1939,0
+coffeen,423,1
+pomaria,1367,1
+marstons,1614,7
+coffeen,764,1
+shelbyville,2452,1
+stockman,624,3
+wainscott,227,0
+lindenwood,729,3
+hanson,1246,8
+tolstoy,1262,0
+lindenwood,1549,3
+pomaria,580,1
+pomaria,1425,2
+pomaria,575,6
+marstons,688,6
+wainscott,1138,3
+newfields,898,0
+lindenwood,2010,0
+beechwood,140,1
+pinesdale,499,5
+lindenwood,2075,0
+marstons,2539,9
+forkland,584,0
+cosmos,540,7
+marstons,2568,0
+pinesdale,608,2
+shelbyville,2676,6
+merom,884,5
+lindenwood,1769,5
+klickitat,1297,10
+leonardo,1203,8
+tolstoy,1673,9
+newfields,195,3
+lakeville,879,6
+lakeville,1891,1
+shelbyville,734,0
+shelbyville,1682,1
+hiteman,481,1
+leonardo,182,3
+stockman,1225,1
+cosmos,391,0
+lindenwood,1242,14
+hiteman,1568,2
+pinesdale,1387,8
+lindenwood,1797,6
+hiteman,1215,6
+cosmos,868,1
+klickitat,261,1
+klickitat,898,2
+lindenwood,561,2
+hiteman,165,1
+coffeen,332,7
+shelbyville,679,8
+shelbyville,516,7
+pinesdale,287,0
+lindenwood,279,6
+newfields,1651,7
+ranchester,1542,2
+newfields,1439,15
+leonardo,556,0
+pomaria,669,5
+benevolence,608,1
+forkland,259,7
+leonardo,92,2
+woodbine,2008,4
+woodbine,1319,2
+ranchester,1304,9
+leonardo,37,0
+lindenwood,511,3
+marstons,240,2
+lakeville,1021,6
+wainscott,1098,2
+ranchester,1439,0
+woodbine,13,2
+stockman,233,3
+marstons,1457,0
+forkland,1046,0
+pomaria,200,2
+klickitat,1606,14
+woodbine,105,10
+pomaria,369,10
+woodbine,1680,7
+tolstoy,67,5
+shelbyville,1412,3
+allensville,59,3
+shelbyville,738,2
+leonardo,1267,2
+lindenwood,2657,0
+ranchester,1274,0
+hanson,235,0
+merom,242,2
+shelbyville,518,3
+newfields,1170,3
+cosmos,235,0
+hanson,1208,1
+wainscott,1637,3
+beechwood,416,8
+newfields,361,5
+lindenwood,85,5
+beechwood,627,1
+lindenwood,2456,1
+allensville,137,0
+merom,482,2
+woodbine,1076,1
+newfields,1007,0
+hiteman,187,1
+pomaria,451,10
+leonardo,334,1
+merom,29,3
+hiteman,711,1
+hanson,672,1
+merom,969,1
+cosmos,393,11
+wainscott,354,6
+newfields,1204,1
+merom,354,6
+merom,1117,5
+klickitat,535,1
+wainscott,635,4
+forkland,1103,7
+shelbyville,1683,0
+newfields,1117,1
+marstons,886,3
+tolstoy,1619,0
+shelbyville,2094,4
+lindenwood,1078,0
+lindenwood,2673,0
+ranchester,987,2
+forkland,611,1
+pomaria,1044,18
+merom,581,0
+marstons,299,4
+stockman,712,4
+forkland,438,0
+ranchester,454,16
+onaga,208,1
+merom,275,1
+ranchester,1592,11
+merom,1008,1
+wainscott,1378,0
+lakeville,1860,4
+pomaria,133,10
+beechwood,450,2
+hanson,124,6
+woodbine,355,5
+lindenwood,1466,1
+lindenwood,1121,1
+lindenwood,93,3
+shelbyville,2531,4
+tolstoy,883,2
+shelbyville,1782,7
+coffeen,1079,4
+pinesdale,970,0
+wainscott,1190,6
+lakeville,826,3
+wainscott,903,10
+wainscott,547,0
+lindenwood,417,3
+newfields,787,10
+woodbine,581,4
+marstons,2633,7
+ranchester,910,0
+merom,482,8
+wainscott,1567,4
+klickitat,1164,4
+hiteman,1775,5
+klickitat,1812,10
+ranchester,1054,10
+klickitat,1120,2
+lakeville,643,3
+klickitat,1468,12
+lindenwood,2210,7
+wainscott,796,3
+cosmos,240,6
+ranchester,1554,4
+lakeville,1242,9
+stockman,88,3
+hiteman,1100,3
+mifflinburg,40,3
+lakeville,1737,0
+klickitat,1646,1
+ranchester,1114,5
+leonardo,244,1
+klickitat,1936,1
+lindenwood,1910,3
+beechwood,245,3
+mifflinburg,368,2
+forkland,1193,7
+tolstoy,905,7
+lakeville,523,3
+mifflinburg,792,0
+pinesdale,825,0
+hanson,932,3
+forkland,490,1
+onaga,621,6
+lakeville,1234,8
+newfields,969,9
+leonardo,1499,3
+shelbyville,2537,9
+klickitat,1068,3
+hanson,1284,15
+pomaria,1201,3
+marstons,76,0
+stockman,396,3
+wainscott,708,3
+ranchester,640,5
+newfields,1016,2
+woodbine,100,14
+stockman,112,0
+coffeen,211,4
+shelbyville,962,4
+lakeville,1869,3
+hiteman,1651,4
+klickitat,787,5
+shelbyville,1953,12
+leonardo,475,1
+beechwood,778,0
+marstons,775,0
+ranchester,988,3
+forkland,7,2
+cosmos,844,10
+ranchester,290,0
+shelbyville,1509,2
+leonardo,1166,2
+pomaria,1401,4
+klickitat,1849,4
+stockman,1487,4
+klickitat,273,0
+leonardo,1277,0
+wainscott,1043,2
+klickitat,1342,0
+lindenwood,1320,1
+tolstoy,1276,7
+hiteman,1750,2
+wainscott,645,10
+lakeville,796,2
+mifflinburg,636,1
+stockman,1178,3
+shelbyville,1264,2
+lakeville,1854,1
+klickitat,1107,4
+klickitat,2212,1
+beechwood,652,3
+marstons,2439,8
+newfields,1181,1
+tolstoy,182,5
+forkland,949,0
+pinesdale,555,1
+newfields,86,4
+ranchester,888,0
+marstons,2558,5
+woodbine,2045,5
+leonardo,640,3
+benevolence,166,2
+lindenwood,744,2
+marstons,1729,1
+forkland,1044,0
+coffeen,281,6
+tolstoy,346,2
+lakeville,1622,3
+pinesdale,933,9
+tolstoy,100,3
+mifflinburg,231,3
+merom,789,4
+klickitat,399,7
+woodbine,1984,7
+lindenwood,278,3
+lakeville,1475,7
+cosmos,124,9
+pomaria,55,5
+hanson,1341,3
+cosmos,979,3
+leonardo,1802,3
+mifflinburg,205,5
+klickitat,529,3
+pomaria,890,9
+cosmos,687,2
+leonardo,465,3
+stockman,7,6
+lakeville,2,14
+newfields,1428,1
+lindenwood,2205,1
+allensville,10,1
+hiteman,1352,7
+marstons,2281,1
+beechwood,1013,5
+shelbyville,1354,5
+woodbine,1865,5
+lakeville,1017,1
+klickitat,1262,1
+shelbyville,194,1
+tolstoy,267,7
+pinesdale,707,0
+woodbine,1482,3
+wainscott,1557,4
+shelbyville,1993,1
+newfields,530,2
+shelbyville,1587,1
+hiteman,631,2
+marstons,1219,1
+wainscott,386,7
+klickitat,171,17
+pinesdale,1431,0
+merom,396,4
+ranchester,845,3
+forkland,317,2
+wainscott,1757,2
+shelbyville,705,1
+pomaria,1527,8
+marstons,1518,11
+woodbine,1845,5
+mifflinburg,275,1
+lakeville,785,10
+leonardo,1727,2
+marstons,650,2
+ranchester,172,1
+klickitat,1515,2
+ranchester,741,2
+tolstoy,568,4
+ranchester,1526,3
+marstons,49,6
+lakeville,649,12
+shelbyville,2404,8
+ranchester,933,9
+marstons,110,5
+leonardo,883,2
+lakeville,74,1
+hiteman,1202,0
+lindenwood,713,8
+forkland,294,8
+shelbyville,77,4
+marstons,1297,5
+tolstoy,504,8
+coffeen,949,2
+marstons,1860,1
+klickitat,2377,15
+hanson,1495,11
+pinesdale,148,2
+woodbine,28,0
+lakeville,1499,9
+hanson,307,6
+forkland,404,5
+leonardo,65,2
+woodbine,283,5
+wainscott,632,3
+klickitat,299,3
+ranchester,148,5
+tolstoy,428,1
+newfields,508,3
+ranchester,350,13
+hanson,1131,3
+shelbyville,141,7
+marstons,489,0
+lindenwood,1099,7
+tolstoy,1368,6
+tolstoy,488,1
+cosmos,579,3
+klickitat,581,10
+merom,1049,3
+lindenwood,1988,3
+allensville,225,3
+wainscott,1122,0
+leonardo,2062,2
+marstons,1220,18
+cosmos,85,1
+stockman,1101,0
+lindenwood,1410,6
+lindenwood,994,6
+tolstoy,1781,0
+hiteman,185,1
+klickitat,2399,2
+pomaria,452,3
+leonardo,194,0
+wainscott,1381,2
+coffeen,36,0
+forkland,1178,0
+marstons,1963,2
+cosmos,389,3
+shelbyville,2570,7
+pomaria,1075,5
+newfields,727,4
+pomaria,218,0
+woodbine,1469,12
+shelbyville,435,9
+stockman,747,5
+onaga,260,6
+lakeville,934,4
+tolstoy,386,1
+woodbine,238,1
+pinesdale,1370,0
+tolstoy,1453,0
+lakeville,306,10
+shelbyville,1388,7
+lakeville,11,3
+shelbyville,2100,1
+newfields,11,5
+hanson,1290,3
+woodbine,1196,3
+forkland,832,3
+marstons,2640,3
+stockman,277,0
+pinesdale,816,4
+ranchester,1272,4
+pomaria,583,2
+benevolence,15,7
+woodbine,440,7
+pomaria,862,6
+newfields,819,3
+hanson,1109,1
+shelbyville,2174,17
+wainscott,1408,1
+cosmos,880,8
+ranchester,555,5
+beechwood,948,3
+marstons,2495,7
+shelbyville,481,1
+merom,884,3
+lindenwood,688,2
+wainscott,209,5
+pomaria,406,6
+klickitat,1933,0
+pomaria,1421,4
+leonardo,827,3
+coffeen,251,6
+lakeville,549,9
+wainscott,1227,3
+coffeen,503,0
+lindenwood,858,5
+benevolence,962,10
+forkland,624,2
+mifflinburg,972,2
+hiteman,180,5
+klickitat,1679,13
+marstons,2449,1
+marstons,2188,7
+shelbyville,1979,1
+shelbyville,2735,1
+wainscott,503,6
+ranchester,1255,4
+hiteman,616,5
+shelbyville,978,6
+klickitat,532,1
+ranchester,1132,2
+hiteman,1754,5
+beechwood,297,12
+shelbyville,1606,1
+hiteman,782,3
+wainscott,1099,1
+benevolence,958,2
+shelbyville,534,9
+mifflinburg,704,0
+woodbine,341,7
+merom,22,0
+ranchester,1043,2
+woodbine,1859,2
+marstons,1619,5
+beechwood,986,3
+klickitat,683,11
+hiteman,1534,1
+cosmos,304,3
+klickitat,1935,5
+klickitat,2260,7
+onaga,353,5
+hanson,1461,15
+marstons,2142,1
+marstons,2453,2
+woodbine,1292,2
+klickitat,1581,2
+newfields,1442,3
+wainscott,586,2
+shelbyville,778,0
+wainscott,424,1
+beechwood,1163,2
+ranchester,319,0
+woodbine,1765,1
+klickitat,1643,6
+pomaria,231,5
+woodbine,954,0
+tolstoy,775,10
+shelbyville,1507,6
+cosmos,386,4
+marstons,1805,4
+marstons,860,0
+coffeen,67,0
+shelbyville,1687,6
+ranchester,1407,0
+lindenwood,1427,4
+woodbine,162,1
+shelbyville,397,1
+newfields,1316,7
+tolstoy,1690,5
+marstons,1928,0
+woodbine,562,3
+coffeen,684,3
+wainscott,1421,12
+merom,772,4
+lindenwood,671,4
+lindenwood,219,3
+tolstoy,296,2
+newfields,458,9
+shelbyville,1278,1
+lakeville,57,15
+lakeville,87,11
+klickitat,73,11
+ranchester,834,1
+wainscott,396,8
+merom,79,3
+cosmos,864,5
+lindenwood,1320,0
+klickitat,496,3
+woodbine,41,2
+hiteman,582,7
+tolstoy,755,2
+lindenwood,1842,1
+hanson,847,14
+wainscott,1160,3
+forkland,453,4
+hiteman,514,2
+coffeen,3,3
+woodbine,993,4
+klickitat,2245,0
+shelbyville,2353,13
+ranchester,843,3
+merom,1025,1
+mifflinburg,531,8
+forkland,673,4
+pomaria,871,3
+leonardo,1318,8
+tolstoy,1412,0
+lakeville,946,4
+coffeen,223,4
+merom,1038,2
+klickitat,8,1
+woodbine,178,5
+klickitat,1675,3
+shelbyville,1437,2
+woodbine,846,0
+forkland,991,0
+wainscott,781,9
+beechwood,729,1
+beechwood,758,2
+newfields,1226,1
+lindenwood,474,0
+lakeville,794,1
+marstons,1223,8
+woodbine,1634,3
+tolstoy,1478,0
+pomaria,742,0
+beechwood,651,0
+cosmos,843,0
+hiteman,1259,3
+tolstoy,675,3
+klickitat,1683,3
+lakeville,1072,2
+ranchester,691,2
+wainscott,808,0
+stockman,1071,8
+hanson,1479,13
+woodbine,355,14
+leonardo,921,3
+marstons,1000,2
+forkland,266,1
+woodbine,693,5
+pomaria,547,4
+shelbyville,2743,0
+shelbyville,2503,2
+allensville,218,1
+leonardo,903,1
+lindenwood,1256,1
+lakeville,969,5
+lindenwood,419,8
+shelbyville,1103,2
+coffeen,1136,0
+newfields,681,1
+lindenwood,1193,3
+leonardo,729,1
+shelbyville,647,18
+hiteman,1260,2
+merom,890,1
+marstons,1636,5
+tolstoy,563,3
+onaga,265,2
+klickitat,845,5
+ranchester,1538,12
+marstons,196,5
+onaga,573,0
+klickitat,1595,4
+forkland,275,4
+lindenwood,2570,1
+marstons,2452,2
+mifflinburg,412,7
+tolstoy,1105,9
+benevolence,672,1
+ranchester,214,2
+allensville,155,1
+allensville,29,7
+klickitat,1613,4
+hanson,973,9
+klickitat,655,3
+klickitat,67,3
+marstons,652,7
+lindenwood,517,2
+stockman,347,0
+cosmos,505,1
+klickitat,2019,0
+tolstoy,1615,3
+coffeen,1117,2
+shelbyville,2646,11
+leonardo,706,5
+lakeville,1373,4
+mifflinburg,178,0
+woodbine,649,4
+merom,434,3
+marstons,2270,8
+klickitat,2200,2
+lindenwood,656,9
+lindenwood,742,1
+ranchester,1282,5
+pinesdale,1372,2
+merom,481,3
+newfields,1170,8
+lakeville,713,5
+cosmos,266,4
+klickitat,674,10
+woodbine,1696,1
+pinesdale,418,10
+coffeen,1091,2
+lakeville,158,3
+leonardo,1101,0
+tolstoy,1645,0
+shelbyville,2500,6
+onaga,639,2
+lakeville,1451,0
+tolstoy,1015,5
+pinesdale,1027,3
+shelbyville,876,5
+wainscott,1176,2
+shelbyville,2634,1
+hanson,1380,2
+coffeen,1460,4
+klickitat,2371,8
+pinesdale,178,1
+ranchester,1295,3
+hanson,1297,3
+leonardo,1543,4
+lakeville,1200,9
+tolstoy,1540,2
+pinesdale,637,2
+stockman,692,0
+newfields,1387,8
+pomaria,1451,5
+klickitat,33,11
+beechwood,247,4
+onaga,679,3
+ranchester,263,9
+lakeville,1566,0
+stockman,1342,1
+leonardo,126,3
+wainscott,1194,0
+wainscott,1357,3
+beechwood,779,0
+merom,168,2
+wainscott,705,6
+lakeville,132,1
+marstons,266,5
+hiteman,280,6
+hanson,1346,8
+woodbine,542,0
+hanson,1213,1
+shelbyville,2335,3
+klickitat,755,6
+lindenwood,2405,2
+coffeen,227,3
+marstons,2488,1
+merom,330,2
+marstons,2431,15
+tolstoy,23,3
+newfields,344,1
+klickitat,421,4
+stockman,1474,16
+lakeville,82,10
+ranchester,1515,3
+pinesdale,162,4
+shelbyville,1744,12
+marstons,1412,7
+marstons,1730,5
+lakeville,107,1
+pinesdale,519,1
+pomaria,1110,4
+cosmos,773,9
+hiteman,1324,1
+shelbyville,1775,10
+hanson,1446,9
+wainscott,931,5
+leonardo,1469,2
+woodbine,709,1
+woodbine,1376,6
+pinesdale,1274,0
+mifflinburg,335,0
+wainscott,1588,5
+marstons,1271,9
+klickitat,292,4
+cosmos,804,1
+newfields,457,3
+lindenwood,1726,9
+woodbine,1043,2
+hanson,1462,10
+allensville,429,2
+onaga,5,0
+newfields,265,2
+wainscott,1097,1
+lindenwood,55,6
+woodbine,622,2
+coffeen,763,1
+ranchester,1639,6
+klickitat,594,5
+stockman,62,1
+klickitat,1844,4
+forkland,247,1
+marstons,2021,17
+pomaria,565,7
+marstons,1993,2
+stockman,178,2
+marstons,474,9
+hanson,326,0
+newfields,954,9
+lindenwood,1838,4
+pinesdale,917,2
+mifflinburg,210,1
+tolstoy,163,6
+stockman,544,1
+newfields,449,4
+hiteman,833,2
+hiteman,1630,0
+tolstoy,642,6
+hanson,6,5
+klickitat,1835,2
+lakeville,1625,7
+hiteman,638,1
+marstons,473,7
+beechwood,1147,4
+shelbyville,1730,3
+onaga,431,9
+marstons,814,2
+hiteman,1339,14
+coffeen,847,0
+lindenwood,2180,1
+wainscott,1721,5
+tolstoy,1432,2
+shelbyville,1386,2
+lakeville,415,13
+marstons,90,5
+onaga,277,0
+klickitat,2377,1
+tolstoy,430,2
+klickitat,330,5
+woodbine,904,0
+tolstoy,549,7
+hanson,847,8
+tolstoy,1092,10
+leonardo,2074,2
+stockman,224,1
+newfields,1211,0
+shelbyville,814,2
+pomaria,1189,0
+leonardo,1258,0
+ranchester,336,15
+lindenwood,1551,4
+klickitat,274,10
+stockman,1607,3
+wainscott,1711,4
+mifflinburg,727,3
+wainscott,238,0
+hiteman,432,6
+stockman,107,2
+newfields,1235,0
+onaga,495,0
+lakeville,51,1
+woodbine,2039,2
+wainscott,103,6
+lindenwood,1964,0
+tolstoy,1832,4
+klickitat,2298,5
+klickitat,1874,1
+lakeville,726,3
+newfields,478,3
+cosmos,840,0
+forkland,195,7
+woodbine,1654,4
+beechwood,580,2
+hiteman,189,6
+hanson,451,2
+merom,554,7
+klickitat,1708,2
+wainscott,734,3
+shelbyville,1902,1
+wainscott,1379,4
+merom,319,2
+ranchester,266,5
+pinesdale,985,17
+lakeville,113,5
+leonardo,230,10
+leonardo,50,1
+pinesdale,495,0
+pinesdale,603,12
+klickitat,2206,9
+ranchester,266,2
+hanson,1328,2
+tolstoy,1638,1
+marstons,162,7
+leonardo,668,11
+pomaria,266,2
+coffeen,280,3
+newfields,228,5
+shelbyville,1724,3
+hiteman,282,7
+hiteman,568,0
+coffeen,159,2
+hiteman,1514,4
+klickitat,532,6
+hanson,1507,3
+wainscott,1411,8
+cosmos,961,2
+beechwood,1175,0
+marstons,1943,3
+allensville,483,0
+beechwood,157,1
+beechwood,1082,4
+forkland,730,0
+marstons,706,2
+hanson,295,7
+leonardo,1238,0
+mifflinburg,342,2
+leonardo,2038,1
+hanson,1352,10
+leonardo,354,1
+klickitat,490,2
+marstons,1235,1
+newfields,331,3
+woodbine,949,4
+ranchester,954,2
+pomaria,590,1
+beechwood,848,3
+marstons,1773,8
+lindenwood,22,11
+klickitat,2153,6
+pinesdale,1109,3
+woodbine,746,10
+wainscott,68,6
+coffeen,503,2
+shelbyville,1732,5
+lakeville,116,4
+marstons,1908,0
+forkland,779,0
+shelbyville,850,0
+stockman,1396,6
+klickitat,719,4
+shelbyville,2650,12
+onaga,308,8
+ranchester,547,0
+cosmos,651,3
+hanson,255,10
+hiteman,535,2
+woodbine,202,4
+stockman,721,1
+leonardo,2068,1
+shelbyville,745,0
+onaga,242,0
+hiteman,780,3
+lakeville,536,15
+klickitat,160,3
+klickitat,555,7
+stockman,1096,1
+marstons,845,0
+marstons,372,15
+newfields,1515,2
+tolstoy,1473,11
+merom,308,0
+pomaria,1118,8
+ranchester,826,5
+pinesdale,127,3
+marstons,2232,9
+coffeen,316,1
+forkland,236,5
+hanson,511,0
+pomaria,964,1
+cosmos,348,8
+tolstoy,636,0
+cosmos,747,11
+pomaria,156,3
+woodbine,1798,1
+benevolence,563,4
+shelbyville,122,0
+newfields,1064,5
+lindenwood,572,2
+marstons,410,12
+pinesdale,408,2
+shelbyville,1783,7
+pinesdale,661,2
+leonardo,178,0
+beechwood,1130,2
+marstons,2271,1
+pomaria,150,2
+stockman,683,1
+shelbyville,2662,5
+leonardo,690,4
+pomaria,1418,5
+newfields,1576,9
+tolstoy,1107,5
+shelbyville,2760,2
+newfields,658,7
+beechwood,134,10
+pinesdale,769,15
+shelbyville,430,2
+klickitat,2033,5
+hanson,583,0
+woodbine,520,2
+lakeville,703,2
+klickitat,332,3
+shelbyville,1625,1
+wainscott,665,10
+lindenwood,232,7
+klickitat,947,5
+allensville,162,0
+coffeen,323,4
+lakeville,340,2
+onaga,376,0
+klickitat,1527,7
+tolstoy,1618,3
+lindenwood,376,3
+tolstoy,315,0
+lindenwood,709,3
+cosmos,566,7
+shelbyville,2566,9
+marstons,242,12
+forkland,263,4
+newfields,125,8
+marstons,1245,1
+tolstoy,1221,2
+hanson,1592,5
+woodbine,612,14
+coffeen,429,0
+hanson,310,1
+benevolence,264,3
+hanson,538,2
+klickitat,660,3
+pinesdale,1341,1
+ranchester,69,9
+pomaria,83,16
+shelbyville,1950,1
+pomaria,1650,0
+lindenwood,2666,2
+woodbine,859,4
+mifflinburg,53,9
+lindenwood,2166,2
+shelbyville,2290,2
+shelbyville,1582,0
+shelbyville,542,3
+marstons,491,7
+beechwood,217,2
+hiteman,1255,5
+shelbyville,1821,5
+lakeville,1298,2
+leonardo,1422,2
+stockman,1174,5
+coffeen,38,5
+hanson,546,8
+tolstoy,905,5
+mifflinburg,845,1
+pomaria,651,9
+leonardo,1352,4
+stockman,16,0
+woodbine,1229,4
+wainscott,153,3
+tolstoy,1638,7
+leonardo,1664,3
+lakeville,1745,17
+pomaria,147,7
+lindenwood,2134,12
+newfields,143,2
+woodbine,1030,1
+mifflinburg,929,1
+tolstoy,100,14
+tolstoy,133,9
+pomaria,1062,8
+klickitat,2089,6
+beechwood,643,0
+leonardo,1768,6
+lindenwood,1151,2
+pomaria,1176,17
+lakeville,116,11
+woodbine,1966,3
+tolstoy,1799,5
+tolstoy,422,2
+marstons,1124,1
+klickitat,535,0
+hiteman,1844,4
+mifflinburg,421,1
+beechwood,1017,0
+hanson,1204,12
+wainscott,504,5
+lindenwood,252,0
+lakeville,671,7
+benevolence,464,1
+leonardo,653,3
+leonardo,1838,4
+tolstoy,1331,16
+cosmos,358,1
+shelbyville,651,3
+leonardo,1295,5
+coffeen,498,2
+marstons,131,1
+newfields,267,3
+shelbyville,1075,2
+marstons,1598,5
+shelbyville,49,0
+coffeen,704,2
+wainscott,632,9
+merom,904,4
+tolstoy,642,7
+newfields,456,7
+leonardo,1195,1
+shelbyville,2544,3
+newfields,1246,7
+ranchester,961,0
+leonardo,2113,5
+marstons,587,10
+wainscott,392,5
+woodbine,1389,4
+cosmos,689,1
+allensville,384,9
+hiteman,1387,2
+wainscott,581,9
+lindenwood,2142,10
+stockman,1546,0
+lindenwood,679,5
+marstons,2064,3
+merom,137,3
+marstons,2401,0
+marstons,143,0
+onaga,293,6
+hanson,187,3
+marstons,567,4
+tolstoy,1617,3
+beechwood,142,2
+tolstoy,56,5
+cosmos,901,1
+coffeen,1359,9
+hiteman,62,3
+marstons,172,3
+leonardo,301,4
+newfields,155,2
+lakeville,1496,15
+beechwood,1009,3
+allensville,321,8
+newfields,454,0
+stockman,92,6
+hanson,815,1
+cosmos,191,4
+woodbine,1194,1
+leonardo,143,8
+ranchester,1384,5
+cosmos,1073,1
+lindenwood,2264,4
+shelbyville,944,10
+mifflinburg,412,3
+stockman,1585,0
+hanson,208,8
+pomaria,645,0
+lindenwood,1497,9
+wainscott,1630,7
+shelbyville,1537,12
+ranchester,205,0
+mifflinburg,225,1
+wainscott,374,10
+tolstoy,1165,0
+hanson,98,0
+klickitat,835,5
+cosmos,1030,5
+marstons,2346,1
+marstons,1072,5
+onaga,595,6
+hanson,1250,6
+pomaria,963,15
+lindenwood,2561,1
+beechwood,345,2
+merom,935,0
+beechwood,424,2
+pinesdale,1141,9
+woodbine,986,12
+tolstoy,304,4
+shelbyville,2327,2
+lakeville,373,3
+mifflinburg,804,3
+tolstoy,189,5
+hiteman,1703,1
+wainscott,1429,6
+stockman,109,1
+leonardo,267,4
+klickitat,2087,4
+coffeen,225,3
+woodbine,1204,1
+allensville,158,1
+forkland,799,1
+wainscott,1649,3
+shelbyville,636,1
+lindenwood,1651,8
+cosmos,179,10
+pomaria,776,3
+mifflinburg,429,0
+marstons,1053,0
+woodbine,1325,12
+wainscott,548,14
+woodbine,1126,4
+ranchester,91,0
+stockman,1458,4
+pomaria,455,10
+cosmos,157,4
+lindenwood,999,2
+hanson,1373,2
+woodbine,573,0
+pomaria,171,5
+ranchester,1237,1
+newfields,1221,0
+shelbyville,2280,4
+pomaria,549,7
+marstons,1629,7
+tolstoy,1120,2
+allensville,332,5
+klickitat,1561,14
+merom,482,12
+pinesdale,665,0
+woodbine,974,1
+woodbine,75,2
+stockman,374,7
+klickitat,2019,6
+stockman,961,6
+klickitat,2145,3
+leonardo,995,4
+beechwood,439,8
+hanson,924,2
+pomaria,1595,1
+beechwood,955,1
+cosmos,199,2
+woodbine,698,1
+ranchester,512,0
+pinesdale,927,1
+marstons,2040,8
+ranchester,243,4
+benevolence,117,1
+leonardo,663,1
+marstons,435,5
+wainscott,757,6
+beechwood,82,2
+newfields,586,5
+cosmos,939,6
+onaga,221,1
+pinesdale,425,6
+pomaria,1159,1
+stockman,77,2
+benevolence,959,2
+merom,261,0
+stockman,999,1
+beechwood,815,8
+shelbyville,1337,1
+lindenwood,1860,8
+pinesdale,221,5
+ranchester,938,3
+stockman,910,0
+beechwood,451,4
+shelbyville,1191,1
+ranchester,824,3
+tolstoy,659,3
+onaga,138,0
+hanson,1219,3
+klickitat,731,3
+shelbyville,126,9
+pinesdale,1517,7
+tolstoy,1427,6
+hanson,1100,3
+marstons,763,6
+ranchester,1047,4
+wainscott,1174,7
+leonardo,1435,7
+tolstoy,754,3
+klickitat,1688,7
+lakeville,1277,0
+woodbine,1545,2
+marstons,2135,8
+allensville,98,0
+forkland,1069,1
+pinesdale,1159,9
+wainscott,320,4
+wainscott,699,0
+klickitat,1257,10
+hiteman,1439,4
+shelbyville,516,9
+klickitat,1978,0
+lindenwood,769,6
+leonardo,880,3
+hiteman,1736,0
+shelbyville,1878,6
+pomaria,1557,9
+pinesdale,1517,5
+stockman,1142,7
+hiteman,1552,3
+stockman,1305,1
+marstons,530,2
+shelbyville,615,2
+lakeville,1284,14
+mifflinburg,84,2
+woodbine,608,2
+shelbyville,164,3
+leonardo,501,4
+onaga,632,2
+cosmos,31,6
+pinesdale,550,6
+onaga,122,0
+merom,16,1
+pinesdale,854,5
+marstons,444,0
+klickitat,197,2
+lindenwood,2163,5
+stockman,981,1
+tolstoy,441,0
+leonardo,1336,3
+lindenwood,509,6
+marstons,2436,1
+lindenwood,1956,2
+newfields,116,3
+marstons,1725,2
+lindenwood,1840,0
+woodbine,1415,6
+onaga,610,4
+pinesdale,1314,15
+pomaria,1308,4
+lindenwood,501,5
+wainscott,1304,12
+klickitat,996,1
+klickitat,1309,3
+ranchester,1500,1
+woodbine,930,0
+pomaria,1414,8
+woodbine,1787,11
+wainscott,475,0
+marstons,703,4
+pinesdale,1168,7
+cosmos,649,3
+shelbyville,2765,4
+mifflinburg,859,10
+tolstoy,1744,1
+forkland,809,1
+beechwood,471,1
+lindenwood,1316,4
+lakeville,1630,7
+hiteman,910,1
+stockman,1386,2
+shelbyville,338,1
+merom,332,2
+lindenwood,534,0
+marstons,1488,5
+onaga,253,2
+cosmos,471,1
+cosmos,1024,3
+beechwood,1153,3
+pinesdale,1047,13
+allensville,331,2
+lindenwood,1539,6
+wainscott,551,2
+coffeen,1378,3
+beechwood,52,3
+lindenwood,1391,1
+hiteman,474,0
+shelbyville,1172,11
+hanson,992,0
+marstons,2256,4
+stockman,989,0
+leonardo,1501,0
+marstons,539,0
+lakeville,1461,4
+stockman,1335,5
+wainscott,669,4
+shelbyville,1496,3
+tolstoy,1476,4
+pomaria,854,1
+newfields,360,20
+woodbine,769,0
+onaga,305,6
+klickitat,2016,5
+hanson,1306,1
+beechwood,928,6
+pomaria,1033,1
+marstons,972,0
+newfields,474,2
+pinesdale,1045,3
+klickitat,1686,3
+klickitat,1552,11
+marstons,1560,6
+newfields,807,0
+mifflinburg,570,0
+ranchester,266,0
+lakeville,484,10
+shelbyville,440,7
+onaga,341,4
+ranchester,240,7
+woodbine,141,5
+coffeen,504,6
+coffeen,1087,3
+wainscott,1182,1
+pomaria,615,7
+leonardo,321,0
+cosmos,835,2
+hanson,1464,2
+hanson,614,2
+klickitat,1226,1
+klickitat,1585,0
+marstons,807,1
+stockman,662,1
+stockman,1307,1
+woodbine,1811,1
+woodbine,104,1
+tolstoy,1533,4
+marstons,2456,5
+shelbyville,1862,9
+ranchester,237,1
+shelbyville,456,4
+klickitat,1650,7
+klickitat,2150,4
+leonardo,1613,8
+woodbine,417,15
+stockman,234,1
+marstons,1183,17
+woodbine,1989,2
+marstons,758,5
+klickitat,1368,3
+woodbine,1961,8
+lindenwood,1945,3
+cosmos,364,2
+tolstoy,573,7
+woodbine,709,2
+marstons,313,5
+marstons,2133,3
+marstons,1113,5
+klickitat,1500,4
+hanson,959,1
+hanson,1225,15
+marstons,1470,4
+merom,368,2
+klickitat,534,0
+leonardo,59,2
+hiteman,839,8
+leonardo,81,5
+stockman,1536,4
+benevolence,377,9
+lindenwood,634,3
+lindenwood,762,2
+lakeville,1868,0
+merom,606,1
+lindenwood,1168,3
+wainscott,1599,15
+forkland,439,1
+leonardo,113,4
+coffeen,1009,2
+shelbyville,2421,0
+pinesdale,677,8
+cosmos,438,0
+pinesdale,1179,3
+shelbyville,1165,8
+mifflinburg,704,8
+lakeville,1576,5
+lindenwood,959,6
+klickitat,1002,0
+woodbine,982,5
+klickitat,1477,2
+stockman,1173,3
+onaga,287,1
+hanson,702,3
+coffeen,679,0
+leonardo,1618,1
+leonardo,1193,1
+pinesdale,873,1
+hanson,825,3
+tolstoy,941,1
+pomaria,13,6
+marstons,1420,0
+shelbyville,2494,11
+wainscott,1118,15
+leonardo,761,7
+pomaria,574,6
+woodbine,932,9
+coffeen,331,1
+mifflinburg,321,1
+cosmos,936,12
+lakeville,602,2
+pinesdale,359,2
+ranchester,388,1
+pinesdale,172,4
+woodbine,1252,2
+wainscott,1561,1
+newfields,1135,7
+hanson,842,2
+pomaria,455,0
+newfields,1501,10
+wainscott,1710,8
+woodbine,1062,3
+tolstoy,1753,3
+lindenwood,834,9
+woodbine,2007,7
+pomaria,1244,9
+marstons,1517,1
+hiteman,1350,12
+shelbyville,2065,7
+marstons,1288,14
+shelbyville,334,8
+mifflinburg,836,0
+klickitat,342,6
+shelbyville,888,1
+mifflinburg,665,1
+wainscott,541,3
+hanson,1049,1
+ranchester,870,5
+klickitat,1918,0
+stockman,1161,0
+stockman,29,4
+woodbine,1956,3
+lakeville,1840,0
+tolstoy,924,12
+shelbyville,1435,0
+beechwood,705,4
+pomaria,1263,4
+pinesdale,508,4
+marstons,2621,8
+lakeville,1168,4
+pomaria,1649,1
+lindenwood,2252,4
+shelbyville,1390,2
+mifflinburg,931,1
+stockman,1030,5
+shelbyville,1777,0
+marstons,1261,4
+forkland,269,0
+wainscott,1160,1
+woodbine,137,1
+woodbine,799,0
+marstons,911,2
+leonardo,612,1
+newfields,1473,12
+ranchester,1209,6
+coffeen,1362,0
+marstons,45,5
+klickitat,1244,2
+shelbyville,2322,1
+stockman,353,3
+wainscott,388,6
+shelbyville,1271,1
+coffeen,1407,8
+marstons,758,4
+leonardo,648,4
+pinesdale,243,5
+pomaria,1203,5
+pomaria,985,1
+newfields,147,4
+merom,943,1
+wainscott,1227,1
+tolstoy,95,1
+pomaria,1176,8
+marstons,1668,9
+newfields,288,5
+ranchester,1270,0
+wainscott,1198,4
+woodbine,1273,1
+shelbyville,2118,1
+shelbyville,236,3
+pomaria,1147,18
+newfields,600,1
+klickitat,1230,0
+lindenwood,283,1
+benevolence,53,4
+forkland,843,2
+lindenwood,2022,3
+allensville,387,2
+hanson,785,2
+shelbyville,1499,0
+mifflinburg,449,6
+coffeen,99,0
+lindenwood,813,5
+mifflinburg,652,1
+cosmos,685,1
+ranchester,1203,1
+newfields,1276,2
+mifflinburg,249,1
+allensville,98,4
+leonardo,661,1
+merom,3,4
+hanson,921,7
+klickitat,1197,0
+shelbyville,2392,2
+lindenwood,543,2
+shelbyville,2748,1
+pomaria,1611,4
+hiteman,304,4
+marstons,1766,3
+shelbyville,1509,7
+leonardo,1376,11
+wainscott,1707,0
+klickitat,1037,7
+pomaria,1556,0
+leonardo,1362,5
+shelbyville,133,4
+stockman,1385,3
+leonardo,211,3
+klickitat,2193,0
+shelbyville,454,5
+marstons,852,6
+lakeville,718,0
+tolstoy,183,2
+newfields,47,11
+shelbyville,1936,2
+pinesdale,588,4
+shelbyville,1487,2
+lindenwood,1205,3
+hiteman,541,1
+stockman,744,3
+hiteman,528,2
+wainscott,250,6
+stockman,353,7
+leonardo,254,0
+shelbyville,993,1
+marstons,801,0
+benevolence,294,0
+marstons,1828,11
+shelbyville,901,1
+woodbine,15,7
+lindenwood,1836,6
+pinesdale,1101,4
+lindenwood,1502,0
+wainscott,819,0
+cosmos,1026,0
+stockman,883,1
+klickitat,2305,2
+merom,326,4
+klickitat,707,4
+klickitat,1094,3
+hiteman,1094,2
+woodbine,12,5
+ranchester,1491,6
+beechwood,338,2
+lindenwood,2453,2
+lindenwood,217,8
+leonardo,133,1
+mifflinburg,878,0
+klickitat,635,6
+wainscott,565,2
+hanson,1460,6
+newfields,1529,5
+stockman,356,0
+woodbine,1866,10
+lakeville,685,3
+shelbyville,1232,3
+tolstoy,1146,3
+leonardo,1816,1
+merom,348,2
+hiteman,820,8
+mifflinburg,841,5
+wainscott,1747,2
+wainscott,1321,0
+tolstoy,231,4
+marstons,712,4
+tolstoy,478,4
+stockman,1382,7
+newfields,252,13
+hiteman,753,5
+coffeen,520,1
+klickitat,703,2
+leonardo,1582,2
+shelbyville,1493,7
+onaga,544,5
+lindenwood,636,5
+coffeen,1418,2
+merom,370,2
+beechwood,294,3
+lakeville,1603,10
+marstons,1300,4
+marstons,710,10
+pinesdale,392,5
+beechwood,682,6
+newfields,618,0
+cosmos,419,0
+klickitat,2314,9
+merom,638,0
+ranchester,1013,1
+ranchester,671,5
+ranchester,1198,7
+lindenwood,931,8
+klickitat,2148,5
+newfields,1252,0
+marstons,1170,5
+pomaria,23,4
+pomaria,1070,2
+woodbine,1296,4
+wainscott,1156,0
+shelbyville,2218,8
+stockman,1454,4
+mifflinburg,902,3
+hanson,682,10
+klickitat,2022,9
+leonardo,1830,12
+woodbine,452,0
+klickitat,1899,0
+hanson,472,2
+benevolence,490,2
+cosmos,499,14
+woodbine,471,0
+beechwood,48,6
+ranchester,1573,2
+ranchester,797,3
+lakeville,413,3
+onaga,574,4
+beechwood,113,4
+hiteman,326,2
+marstons,1733,5
+wainscott,1752,3
+stockman,1465,6
+allensville,312,7
+pomaria,324,0
+coffeen,1043,4
+pinesdale,352,1
+shelbyville,1276,16
+lakeville,1570,3
+leonardo,852,5
+beechwood,993,7
+leonardo,1139,20
+lindenwood,167,1
+beechwood,327,1
+klickitat,1141,3
+tolstoy,1385,1
+wainscott,411,8
+ranchester,336,3
+leonardo,374,0
+cosmos,982,0
+tolstoy,1262,1
+ranchester,37,4
+tolstoy,491,1
+klickitat,2162,2
+woodbine,15,8
+leonardo,537,5
+stockman,324,4
+pinesdale,599,1
+coffeen,1483,8
+wainscott,277,4
+coffeen,1069,1
+pinesdale,305,4
+leonardo,347,11
+forkland,330,4
+tolstoy,602,3
+shelbyville,1018,14
+woodbine,1362,6
+leonardo,1858,6
+lakeville,1538,4
+benevolence,29,3
+hiteman,1318,10
+marstons,1024,0
+marstons,662,8
+lakeville,862,6
+shelbyville,1623,0
+hiteman,1083,16
+leonardo,1880,2
+klickitat,2352,6
+leonardo,1965,4
+lakeville,291,1
+beechwood,270,4
+mifflinburg,415,0
+hanson,135,8
+hanson,796,10
+woodbine,1903,1
+hiteman,1254,4
+pinesdale,1407,3
+ranchester,531,12
+klickitat,2152,1
+pomaria,575,2
+klickitat,197,5
+klickitat,2356,11
+marstons,2553,5
+woodbine,1892,10
+shelbyville,1705,6
+wainscott,34,4
+pinesdale,963,0
+klickitat,1321,2
+woodbine,21,19
+lindenwood,822,3
+shelbyville,1100,11
+lindenwood,1143,0
+woodbine,567,3
+cosmos,691,10
+onaga,544,3
+woodbine,1845,13
+woodbine,381,0
+wainscott,586,6
+klickitat,315,2
+tolstoy,933,7
+klickitat,1088,6
+stockman,1395,3
+leonardo,1325,1
+ranchester,565,5
+lindenwood,2239,4
+stockman,401,2
+klickitat,1671,7
+woodbine,633,8
+klickitat,8,13
+stockman,234,3
+shelbyville,574,3
+hiteman,1056,0
+marstons,185,3
+tolstoy,774,5
+hiteman,422,2
+lakeville,31,8
+merom,584,1
+hanson,1346,12
+newfields,1022,9
+onaga,467,1
+hanson,1308,9
+coffeen,842,0
+shelbyville,2573,2
+hiteman,337,0
+tolstoy,567,0
+beechwood,126,0
+pinesdale,567,0
+ranchester,873,11
+lakeville,809,6
+ranchester,980,1
+shelbyville,2297,1
+hiteman,612,4
+lakeville,118,1
+benevolence,96,2
+lindenwood,1237,2
+lakeville,1308,1
+wainscott,478,10
+beechwood,202,4
+marstons,629,0
+tolstoy,658,3
+lindenwood,1190,0
+lindenwood,1942,1
+wainscott,4,8
+cosmos,1056,2
+lindenwood,2634,2
+coffeen,12,4
+leonardo,1397,1
+shelbyville,1366,2
+woodbine,1447,4
+benevolence,39,5
+stockman,655,6
+wainscott,813,5
+mifflinburg,429,5
+tolstoy,1398,3
+hiteman,383,0
+leonardo,449,5
+lindenwood,2114,5
+pomaria,447,8
+lindenwood,1341,2
+marstons,738,0
+lindenwood,2628,1
+hanson,664,0
+klickitat,2243,2
+pinesdale,659,1
+merom,1071,7
+onaga,352,9
+klickitat,1087,2
+hanson,51,3
+hiteman,1853,6
+shelbyville,685,8
+stockman,1453,13
+mifflinburg,655,0
+wainscott,1339,10
+shelbyville,49,7
+mifflinburg,920,0
+mifflinburg,345,7
+coffeen,206,2
+woodbine,1764,9
+marstons,733,9
+hiteman,129,0
+marstons,2395,3
+shelbyville,934,0
+lindenwood,481,12
+marstons,528,5
+mifflinburg,482,0
+wainscott,107,2
+tolstoy,1140,0
+tolstoy,1180,4
+leonardo,1644,0
+hiteman,354,4
+leonardo,120,0
+hiteman,871,2
+coffeen,1023,3
+shelbyville,1330,7
+marstons,1221,1
+marstons,282,3
+lindenwood,1254,7
+coffeen,1199,5
+pomaria,859,8
+stockman,49,15
+stockman,1406,9
+newfields,991,7
+woodbine,1132,2
+tolstoy,1079,4
+marstons,2073,3
+tolstoy,1436,1
+klickitat,1716,2
+leonardo,1641,2
+marstons,657,12
+shelbyville,1515,2
+stockman,1578,0
+pomaria,618,1
+marstons,1475,11
+klickitat,2232,1
+stockman,1381,2
+klickitat,1562,13
+klickitat,426,3
+lindenwood,2574,13
+ranchester,1049,7
+benevolence,57,0
+allensville,205,0
+forkland,972,0
+wainscott,1112,10
+onaga,127,2
+hiteman,297,2
+mifflinburg,598,0
+hanson,31,14
+beechwood,22,6
+lindenwood,577,3
+tolstoy,344,0
+stockman,698,0
+klickitat,740,5
+lakeville,1583,1
+ranchester,780,1
+klickitat,2,1
+hanson,1234,2
+lakeville,470,0
+lakeville,368,19
+shelbyville,2240,4
+pomaria,977,2
+beechwood,272,0
+marstons,2493,8
+woodbine,812,13
+leonardo,874,12
+klickitat,707,0
+shelbyville,1732,18
+marstons,1598,1
+onaga,679,2
+hiteman,834,5
+lindenwood,1686,0
+cosmos,812,7
+pomaria,1384,2
+stockman,322,0
+hiteman,518,10
+woodbine,680,0
+marstons,184,2
+klickitat,274,4
+klickitat,2418,2
+marstons,615,7
+leonardo,1215,2
+pomaria,1234,2
+wainscott,161,2
+klickitat,1457,7
+leonardo,1187,0
+newfields,345,4
+shelbyville,2677,2
+marstons,2387,3
+marstons,2635,7
+hanson,1605,7
+ranchester,144,0
+coffeen,1104,4
+shelbyville,1740,2
+onaga,47,6
+klickitat,1775,6
+woodbine,1044,8
+benevolence,528,3
+hanson,1448,4
+leonardo,1563,3
+hanson,18,2
+wainscott,1477,9
+wainscott,665,11
+lakeville,1384,12
+klickitat,2270,0
+klickitat,765,1
+hiteman,259,0
+lindenwood,1302,3
+lakeville,1240,0
+merom,757,11
+ranchester,585,2
+shelbyville,210,4
+ranchester,663,1
+leonardo,1400,11
+lakeville,1735,3
+tolstoy,1471,1
+merom,194,8
+forkland,262,3
+hanson,813,6
+tolstoy,535,11
+klickitat,251,1
+hanson,351,4
+coffeen,360,7
+stockman,17,1
+marstons,1505,1
+pomaria,614,2
+lakeville,760,2
+onaga,463,1
+mifflinburg,246,2
+beechwood,340,1
+pomaria,453,1
+ranchester,1013,0
+lakeville,1860,3
+lindenwood,1260,2
+marstons,1661,1
+forkland,357,0
+shelbyville,1241,0
+ranchester,872,5
+allensville,123,3
+allensville,108,0
+lakeville,191,4
+leonardo,1067,1
+shelbyville,1171,3
+wainscott,738,5
+newfields,843,0
+marstons,2133,5
+allensville,382,0
+pinesdale,1502,2
+marstons,1546,0
+shelbyville,968,0
+cosmos,343,4
+lakeville,1670,21
+hanson,343,5
+hanson,986,3
+pomaria,1,1
+merom,135,2
+marstons,1403,3
+wainscott,678,2
+pinesdale,536,5
+newfields,91,1
+leonardo,347,17
+klickitat,1177,6
+lindenwood,624,3
+woodbine,1710,4
+lindenwood,1295,2
+tolstoy,1068,0
+ranchester,569,2
+lindenwood,2350,6
+pomaria,185,5
+merom,221,2
+hanson,648,10
+marstons,653,4
+allensville,276,2
+klickitat,234,0
+shelbyville,627,3
+hanson,724,7
+onaga,3,8
+tolstoy,35,3
+hiteman,1834,5
+coffeen,1024,1
+beechwood,408,1
+pomaria,467,1
+klickitat,390,16
+lindenwood,1893,3
+pomaria,1136,4
+pomaria,1325,1
+ranchester,360,3
+ranchester,197,9
+lindenwood,824,2
+pomaria,1254,7
+leonardo,254,1
+mifflinburg,53,8
+forkland,927,1
+hanson,516,11
+coffeen,770,0
+lakeville,1698,9
+woodbine,2019,5
+hanson,971,12
+lakeville,550,1
+wainscott,1167,10
+forkland,414,3
+klickitat,66,8
+merom,926,0
+shelbyville,493,2
+newfields,491,2
+pinesdale,1485,1
+tolstoy,1590,1
+pomaria,620,0
+stockman,584,5
+beechwood,444,0
+wainscott,408,2
+leonardo,1080,2
+allensville,170,3
+leonardo,1691,3
+hanson,699,2
+stockman,341,1
+wainscott,1794,9
+pomaria,1324,0
+hanson,602,16
+pinesdale,599,3
+merom,284,2
+lakeville,1739,2
+lakeville,1024,3
+beechwood,637,0
+stockman,737,5
+allensville,118,1
+pinesdale,862,12
+marstons,1273,0
+beechwood,9,4
+shelbyville,1236,10
+lakeville,392,1
+hanson,1388,7
+coffeen,732,1
+lindenwood,425,3
+lakeville,1601,3
+pinesdale,987,3
+stockman,1271,0
+tolstoy,704,5
+klickitat,897,0
+lindenwood,32,1
+merom,991,0
+beechwood,560,3
+stockman,525,9
+lindenwood,468,4
+ranchester,635,4
+wainscott,1614,0
+shelbyville,811,1
+shelbyville,2655,0
+tolstoy,1102,10
+lindenwood,1283,3
+lakeville,812,2
+lakeville,881,4
+hanson,431,2
+lindenwood,232,5
+coffeen,843,0
+benevolence,820,7
+hanson,833,3
+ranchester,1294,4
+lakeville,561,0
+ranchester,897,0
+shelbyville,1554,0
+marstons,1710,7
+tolstoy,109,3
+hiteman,1531,2
+pomaria,1429,0
+lindenwood,2615,1
+merom,593,4
+hiteman,708,0
+marstons,628,12
+cosmos,908,9
+shelbyville,2400,0
+benevolence,378,3
+tolstoy,375,1
+coffeen,175,2
+pomaria,611,7
+lindenwood,2503,5
+tolstoy,413,6
+leonardo,643,7
+merom,54,2
+shelbyville,1011,2
+onaga,519,0
+leonardo,1992,0
+tolstoy,1728,6
+wainscott,428,2
+klickitat,1600,0
+lakeville,1035,6
+newfields,1040,7
+wainscott,1576,9
+lindenwood,2070,6
+shelbyville,1190,4
+lindenwood,1866,0
+lindenwood,996,8
+woodbine,1725,0
+merom,581,5
+leonardo,206,0
+stockman,819,1
+marstons,151,7
+hiteman,850,11
+lakeville,288,3
+lakeville,433,2
+beechwood,978,1
+coffeen,1101,9
+wainscott,847,0
+shelbyville,2017,3
+klickitat,326,4
+newfields,1098,5
+newfields,1529,15
+hanson,1433,0
+lindenwood,1443,12
+tolstoy,1384,4
+marstons,1522,0
+ranchester,1335,3
+shelbyville,928,15
+beechwood,629,1
+ranchester,1402,6
+allensville,427,4
+marstons,393,1
+pinesdale,1095,0
+tolstoy,1205,7
+pomaria,916,6
+lakeville,1752,10
+hanson,199,0
+tolstoy,1725,2
+marstons,1921,0
+onaga,128,1
+marstons,1091,12
+leonardo,177,4
+hiteman,1573,3
+coffeen,925,1
+wainscott,1112,4
+benevolence,827,1
+cosmos,412,0
+ranchester,109,1
+pomaria,584,15
+shelbyville,1401,15
+ranchester,10,4
+ranchester,816,1
+marstons,549,3
+coffeen,792,0
+leonardo,1650,3
+hanson,1044,2
+klickitat,1882,4
+shelbyville,2249,3
+merom,941,6
+lindenwood,1989,1
+benevolence,931,3
+klickitat,1141,1
+klickitat,1960,11
+tolstoy,668,1
+woodbine,954,4
+pomaria,1233,12
+ranchester,18,2
+marstons,1484,2
+pomaria,1631,4
+lindenwood,745,2
+lindenwood,845,1
+lindenwood,486,7
+marstons,767,7
+lindenwood,1007,2
+stockman,826,0
+onaga,402,0
+allensville,426,6
+cosmos,75,9
+lakeville,1752,11
+hiteman,1446,6
+beechwood,747,3
+shelbyville,222,0
+hanson,620,0
+marstons,1567,6
+leonardo,353,6
+shelbyville,2342,11
+leonardo,343,1
+wainscott,24,3
+wainscott,96,14
+marstons,957,2
+wainscott,1334,1
+tolstoy,10,0
+lindenwood,2368,4
+newfields,885,4
+hiteman,627,2
+hiteman,1695,2
+leonardo,1644,11
+newfields,637,3
+merom,850,9
+lindenwood,1782,3
+newfields,1111,3
+marstons,1444,4
+stockman,1467,3
+forkland,98,4
+klickitat,1239,14
+marstons,1928,1
+klickitat,2341,3
+wainscott,1353,1
+pinesdale,1099,1
+tolstoy,598,3
+beechwood,1153,7
+pomaria,1066,8
+woodbine,1740,1
+klickitat,1552,16
+newfields,516,10
+woodbine,165,2
+lakeville,128,2
+tolstoy,785,5
+shelbyville,2131,5
+klickitat,1444,8
+ranchester,144,3
+wainscott,331,6
+leonardo,1805,4
+hiteman,717,2
+tolstoy,932,6
+pinesdale,60,2
+merom,240,1
+newfields,18,0
+woodbine,1351,3
+wainscott,456,4
+marstons,608,3
+shelbyville,164,2
+onaga,526,2
+tolstoy,1598,5
+leonardo,1402,11
+woodbine,1329,1
+leonardo,1532,0
+hiteman,678,1
+marstons,2419,10
+shelbyville,624,2
+newfields,454,4
+newfields,1006,3
+woodbine,322,8
+leonardo,1238,9
+tolstoy,1582,2
+cosmos,78,4
+forkland,6,0
+mifflinburg,916,3
+tolstoy,1689,5
+benevolence,877,13
+klickitat,1229,2
+shelbyville,317,0
+klickitat,405,4
+woodbine,1336,1
+coffeen,1159,2
+marstons,937,2
+coffeen,561,3
+pinesdale,485,3
+shelbyville,1945,4
+hanson,750,4
+klickitat,48,5
+marstons,2483,10
+shelbyville,2302,13
+wainscott,463,10
+pinesdale,1489,0
+wainscott,1790,15
+klickitat,591,6
+hiteman,501,5
+marstons,359,5
+mifflinburg,632,1
+klickitat,1889,9
+wainscott,917,0
+wainscott,1218,0
+shelbyville,85,4
+hanson,91,4
+newfields,1182,2
+benevolence,485,6
+leonardo,1787,0
+pinesdale,871,1
+klickitat,1808,1
+marstons,528,14
+lakeville,1687,1
+forkland,565,7
+coffeen,911,7
+leonardo,168,7
+forkland,102,3
+woodbine,91,1
+stockman,1196,1
+woodbine,1337,6
+pinesdale,24,1
+wainscott,1023,5
+benevolence,128,3
+lakeville,1319,3
+marstons,974,3
+tolstoy,835,1
+klickitat,1745,8
+lindenwood,192,2
+shelbyville,1370,3
+forkland,372,8
+marstons,909,2
+hanson,223,6
+hanson,1175,12
+newfields,1410,6
+forkland,1082,2
+tolstoy,866,4
+ranchester,986,2
+coffeen,728,2
+lakeville,680,0
+klickitat,1373,3
+stockman,1427,3
+shelbyville,2297,0
+hiteman,234,4
+leonardo,998,5
+pomaria,1254,9
+lindenwood,1654,3
+pomaria,508,1
+coffeen,306,4
+shelbyville,997,9
+lindenwood,751,2
+klickitat,584,2
+lakeville,1735,0
+shelbyville,1982,4
+klickitat,337,3
+beechwood,165,4
+leonardo,1203,0
+wainscott,1046,10
+tolstoy,1638,0
+shelbyville,127,9
+marstons,441,3
+hanson,1166,6
+hiteman,402,1
+wainscott,440,1
+leonardo,49,6
+mifflinburg,654,9
+ranchester,622,6
+forkland,258,4
+pinesdale,380,2
+lindenwood,2430,2
+lindenwood,2055,0
+marstons,2198,1
+cosmos,860,0
+hiteman,1677,1
+pinesdale,607,5
+cosmos,89,7
+wainscott,563,1
+mifflinburg,721,0
+pomaria,741,3
+klickitat,1309,5
+marstons,248,7
+klickitat,1468,15
+lakeville,1,3
+merom,80,0
+wainscott,1227,2
+pomaria,1279,0
+leonardo,1471,5
+cosmos,740,13
+marstons,2028,6
+hiteman,696,7
+pinesdale,1151,3
+pomaria,1520,1
+hanson,1421,4
+benevolence,355,0
+lakeville,321,1
+ranchester,1209,5
+pinesdale,477,4
+allensville,388,0
+stockman,901,0
+shelbyville,1361,4
+hanson,946,7
+pomaria,963,6
+lakeville,390,1
+klickitat,736,2
+lindenwood,171,7
+lakeville,526,0
+beechwood,761,12
+stockman,8,1
+mifflinburg,218,1
+newfields,85,7
+klickitat,1370,1
+tolstoy,1408,2
+leonardo,1390,1
+onaga,258,2
+hanson,1014,1
+leonardo,899,2
+pinesdale,398,4
+pinesdale,390,1
+marstons,2526,5
+klickitat,1501,1
+pomaria,730,0
+newfields,1610,10
+hanson,1093,2
+marstons,1336,7
+hanson,703,0
+lindenwood,1702,7
+marstons,769,7
+ranchester,895,7
+hiteman,767,0
+woodbine,1277,4
+pinesdale,31,10
+leonardo,597,0
+lakeville,414,1
+lindenwood,1044,1
+coffeen,1066,1
+lakeville,1506,3
+marstons,2066,2
+wainscott,541,4
+onaga,117,2
+mifflinburg,9,0
+klickitat,791,1
+coffeen,910,8
+lindenwood,1252,2
+lindenwood,1518,1
+leonardo,1588,0
+pomaria,234,0
+woodbine,856,3
+klickitat,2209,5
+leonardo,250,0
+coffeen,1283,1
+cosmos,881,2
+forkland,208,0
+newfields,1170,9
+tolstoy,307,1
+tolstoy,1466,2
+lakeville,1522,9
+cosmos,911,2
+tolstoy,504,6
+marstons,1277,0
+lakeville,1713,7
+leonardo,952,1
+pomaria,253,8
+lindenwood,1739,1
+woodbine,1358,2
+stockman,548,4
+hiteman,1549,1
+onaga,412,5
+klickitat,1239,12
+klickitat,2298,3
+marstons,180,1
+shelbyville,1386,4
+onaga,22,2
+woodbine,1733,2
+shelbyville,2682,10
+pomaria,1299,17
+hiteman,1232,1
+shelbyville,540,1
+marstons,2462,2
+merom,303,4
+stockman,1269,6
+newfields,449,11
+klickitat,35,4
+pinesdale,1509,0
+onaga,58,2
+hiteman,962,0
+lakeville,619,10
+wainscott,651,2
+klickitat,1101,5
+pinesdale,764,0
+woodbine,794,4
+merom,239,1
+wainscott,785,4
+stockman,458,4
+pinesdale,1075,6
+hiteman,21,6
+forkland,1037,0
+marstons,937,3
+leonardo,358,1
+wainscott,1726,3
+shelbyville,2311,12
+newfields,354,4
+pomaria,520,8
+lakeville,1884,4
+coffeen,1418,3
+newfields,717,10
+marstons,763,1
+hiteman,267,0
+mifflinburg,774,7
+lakeville,501,6
+marstons,1851,1
+allensville,441,1
+cosmos,506,1
+ranchester,1394,3
+cosmos,307,1
+allensville,133,1
+newfields,1448,7
+shelbyville,992,4
+wainscott,1642,1
+pomaria,204,0
+tolstoy,467,9
+leonardo,544,7
+stockman,1146,2
+leonardo,1902,0
+woodbine,1612,8
+ranchester,759,1
+shelbyville,1924,4
+beechwood,243,0
+klickitat,2120,0
+lindenwood,1256,4
+mifflinburg,966,0
+wainscott,1614,3
+woodbine,1735,6
+woodbine,1468,3
+cosmos,321,8
+klickitat,1686,11
+tolstoy,6,0
+hanson,1522,6
+lindenwood,1333,9
+klickitat,1447,9
+coffeen,1084,9
+mifflinburg,454,5
+lakeville,153,3
+forkland,880,2
+lindenwood,816,1
+cosmos,306,4
+coffeen,1248,3
+hanson,746,6
+ranchester,409,0
+lakeville,120,2
+shelbyville,760,1
+marstons,137,14
+cosmos,583,1
+stockman,724,1
+newfields,217,9
+shelbyville,856,0
+shelbyville,1402,0
+lindenwood,1698,3
+coffeen,688,1
+hanson,893,4
+ranchester,1128,0
+coffeen,81,7
+pinesdale,693,2
+mifflinburg,559,1
+marstons,429,2
+woodbine,1120,4
+tolstoy,305,6
+hanson,1142,5
+cosmos,248,0
+woodbine,568,2
+klickitat,1194,12
+klickitat,916,8
+pomaria,1574,3
+pomaria,835,3
+shelbyville,2032,2
+lakeville,325,0
+lindenwood,204,7
+cosmos,502,7
+wainscott,883,10
+stockman,1302,9
+woodbine,1407,0
+shelbyville,2608,2
+hiteman,1015,2
+klickitat,10,11
+pomaria,765,2
+merom,435,4
+hiteman,194,0
+onaga,586,3
+benevolence,882,5
+lakeville,688,4
+tolstoy,98,2
+wainscott,1595,11
+pomaria,573,4
+wainscott,4,14
+lindenwood,2093,5
+lindenwood,1489,6
+newfields,763,9
+newfields,663,13
+leonardo,111,4
+pinesdale,868,1
+tolstoy,1722,0
+merom,169,4
+newfields,272,3
+hanson,1016,2
+forkland,753,0
+pomaria,1477,3
+pomaria,186,3
+hiteman,489,0
+tolstoy,453,11
+coffeen,592,2
+pinesdale,1382,2
+pomaria,735,1
+marstons,1854,1
+shelbyville,682,1
+shelbyville,2651,0
+tolstoy,1471,0
+lindenwood,270,0
+mifflinburg,718,9
+marstons,1661,3
+stockman,632,1
+tolstoy,1680,0
+woodbine,966,1
+woodbine,1796,1
+lindenwood,2623,0
+newfields,1314,8
+woodbine,952,4
+marstons,1045,8
+marstons,929,13
+woodbine,652,5
+lakeville,248,6
+wainscott,710,2
+shelbyville,324,0
+hiteman,650,6
+tolstoy,543,6
+klickitat,2204,1
+klickitat,219,0
+leonardo,2101,1
+ranchester,264,3
+leonardo,867,2
+tolstoy,394,3
+hiteman,1469,5
+hiteman,437,1
+pinesdale,857,5
+marstons,2008,9
+wainscott,1286,8
+woodbine,1842,0
+woodbine,1258,1
+allensville,94,1
+beechwood,60,7
+coffeen,947,0
+shelbyville,184,1
+wainscott,1193,11
+wainscott,731,5
+onaga,392,0
+leonardo,211,1
+forkland,283,1
+pinesdale,21,0
+forkland,819,2
+onaga,299,1
+lindenwood,1381,5
+tolstoy,76,3
+ranchester,1538,10
+merom,606,2
+marstons,139,14
+woodbine,108,7
+hanson,230,7
+tolstoy,1133,0
+lindenwood,359,3
+marstons,1363,7
+pinesdale,324,1
+shelbyville,1366,6
+cosmos,63,2
+lindenwood,1114,7
+shelbyville,1121,5
+hiteman,1781,1
+stockman,1240,2
+klickitat,895,4
+marstons,1692,4
+newfields,48,5
+klickitat,1952,7
+pomaria,256,6
+forkland,234,4
+newfields,1439,18
+onaga,609,3
+tolstoy,1141,3
+lindenwood,1773,5
+ranchester,793,1
+lakeville,1656,0
+woodbine,1727,2
+pinesdale,985,6
+tolstoy,753,3
+mifflinburg,875,0
+woodbine,1823,9
+pinesdale,265,9
+ranchester,1376,1
+forkland,758,4
+hiteman,375,2
+wainscott,458,0
+leonardo,1944,1
+woodbine,1757,3
+woodbine,643,5
+woodbine,1320,8
+lindenwood,1912,0
+merom,47,0
+lakeville,967,2
+newfields,1488,11
+lindenwood,1407,2
+hanson,44,0
+shelbyville,2289,5
+pomaria,1602,1
+newfields,577,1
+klickitat,1914,2
+tolstoy,528,8
+lindenwood,828,5
+marstons,2072,2
+marstons,653,3
+woodbine,1246,8
+forkland,620,5
+onaga,478,4
+lakeville,305,4
+woodbine,656,2
+hanson,1173,10
+lakeville,1778,11
+woodbine,313,4
+lakeville,1278,13
+stockman,1280,1
+klickitat,928,1
+ranchester,463,2
+newfields,558,15
+klickitat,102,5
+hiteman,1363,6
+lindenwood,1951,6
+forkland,98,1
+leonardo,377,11
+onaga,185,4
+coffeen,1036,2
+woodbine,597,8
+klickitat,74,4
+woodbine,1375,11
+lakeville,771,0
+hanson,1658,2
+hanson,502,5
+wainscott,1536,0
+tolstoy,1330,3
+shelbyville,252,8
+hanson,968,3
+lakeville,82,11
+mifflinburg,752,3
+marstons,737,1
+klickitat,1751,4
+lakeville,1797,1
+pinesdale,769,4
+wainscott,1157,3
+tolstoy,1573,5
+shelbyville,149,0
+wainscott,1326,1
+benevolence,30,2
+onaga,236,3
+shelbyville,14,3
+marstons,1698,0
+tolstoy,332,11
+shelbyville,120,2
+hiteman,1583,3
+lakeville,1749,6
+beechwood,565,2
+lindenwood,965,5
+beechwood,35,0
+lindenwood,1373,1
+pinesdale,1388,8
+woodbine,856,2
+lindenwood,2483,5
+shelbyville,130,2
+leonardo,143,11
+shelbyville,1236,0
+woodbine,436,4
+pomaria,185,8
+cosmos,915,10
+pinesdale,248,8
+marstons,1151,4
+hiteman,1540,2
+pomaria,1450,6
+lindenwood,2470,3
+newfields,821,11
+shelbyville,605,11
+newfields,902,11
+ranchester,454,14
+lindenwood,1120,4
+lakeville,95,9
+shelbyville,259,10
+woodbine,1822,5
+mifflinburg,653,0
+pinesdale,637,4
+pomaria,72,0
+beechwood,658,4
+tolstoy,1828,0
+woodbine,203,3
+wainscott,364,4
+pomaria,984,1
+pomaria,498,4
+lindenwood,2470,4
+shelbyville,893,0
+tolstoy,467,8
+lindenwood,2166,7
+wainscott,587,3
+coffeen,701,0
+pinesdale,98,3
+pomaria,241,3
+pomaria,816,5
+lakeville,330,0
+leonardo,1610,2
+beechwood,881,3
+leonardo,665,4
+newfields,837,1
+ranchester,38,1
+marstons,580,3
+marstons,133,4
+marstons,2425,4
+forkland,488,4
+klickitat,47,7
+merom,838,1
+mifflinburg,734,0
+merom,30,7
+shelbyville,499,0
+leonardo,1297,2
+klickitat,2416,6
+lindenwood,2554,4
+lindenwood,1637,4
+woodbine,461,0
+marstons,1575,2
+marstons,1908,4
+woodbine,1277,0
+marstons,2209,0
+lakeville,609,2
+hiteman,1838,0
+leonardo,36,1
+hiteman,805,2
+tolstoy,717,2
+hanson,556,2
+lindenwood,1820,2
+klickitat,2247,4
+leonardo,2001,6
+benevolence,931,5
+newfields,297,1
+leonardo,347,16
+merom,725,6
+pomaria,369,0
+hanson,1152,5
+leonardo,1965,7
+coffeen,652,4
+leonardo,2117,1
+pinesdale,489,3
+leonardo,459,2
+hiteman,927,0
+merom,329,5
+mifflinburg,166,3
+lindenwood,502,0
+wainscott,325,6
+shelbyville,1057,2
+hanson,1539,1
+lindenwood,2642,10
+marstons,601,4
+hanson,1391,3
+forkland,155,3
+hiteman,713,2
+lindenwood,248,4
+klickitat,683,5
+onaga,149,1
+pinesdale,560,7
+shelbyville,2237,1
+ranchester,1385,1
+woodbine,849,3
+tolstoy,1189,2
+marstons,415,0
+lakeville,543,3
+lindenwood,1838,2
+klickitat,1416,8
+wainscott,1701,1
+shelbyville,713,7
+benevolence,769,7
+pinesdale,344,7
+marstons,2510,1
+pomaria,235,1
+leonardo,338,2
+lindenwood,300,4
+marstons,1436,1
+hiteman,761,7
+klickitat,730,3
+forkland,292,1
+woodbine,421,0
+hiteman,969,0
+newfields,1433,5
+pinesdale,71,4
+hiteman,1820,0
+lakeville,988,4
+lindenwood,397,1
+stockman,393,0
+klickitat,1515,1
+wainscott,42,3
+lindenwood,1647,7
+leonardo,2009,2
+cosmos,864,4
+marstons,1401,4
+pomaria,701,5
+marstons,1922,2
+beechwood,753,2
+lindenwood,139,3
+pinesdale,253,2
+merom,996,3
+pomaria,4,2
+lakeville,1345,1
+pomaria,818,1
+lakeville,428,0
+shelbyville,1054,3
+marstons,1673,0
+klickitat,1381,5
+pomaria,625,0
+klickitat,1426,6
+pomaria,1569,8
+pomaria,158,1
+lindenwood,996,3
+stockman,82,1
+ranchester,376,6
+hanson,1552,0
+tolstoy,1820,0
+marstons,1367,2
+wainscott,587,2
+newfields,813,6
+marstons,2046,4
+pinesdale,1220,8
+lakeville,87,13
+wainscott,305,0
+woodbine,495,0
+newfields,1546,8
+hiteman,1451,3
+tolstoy,171,2
+marstons,2187,4
+leonardo,657,1
+leonardo,1664,8
+forkland,266,3
+shelbyville,668,1
+newfields,176,0
+leonardo,1290,1
+stockman,440,0
+lakeville,1692,2
+woodbine,1186,4
+pomaria,469,12
+pomaria,231,8
+benevolence,72,1
+lakeville,326,4
+cosmos,334,8
+marstons,2132,1
+newfields,727,0
+klickitat,1524,3
+woodbine,1684,5
+merom,1016,2
+newfields,1552,5
+lindenwood,2220,0
+tolstoy,1175,1
+klickitat,803,5
+shelbyville,2185,1
+tolstoy,1350,0
+pinesdale,653,6
+hanson,999,4
+hanson,499,4
+woodbine,1140,8
+hanson,695,3
+pomaria,963,1
+tolstoy,1186,0
+woodbine,1899,4
+hanson,448,0
+beechwood,94,8
+pinesdale,500,2
+marstons,28,6
+merom,379,3
+hanson,1229,2
+woodbine,569,1
+marstons,1428,1
+allensville,225,1
+forkland,1120,2
+hiteman,1745,8
+klickitat,398,7
+woodbine,748,8
+shelbyville,483,3
+leonardo,271,1
+newfields,905,12
+lakeville,248,8
+marstons,2618,10
+coffeen,1156,5
+tolstoy,1600,2
+mifflinburg,541,2
+shelbyville,207,5
+wainscott,1122,3
+lindenwood,2227,5
+pomaria,801,8
+lakeville,1132,10
+wainscott,1147,2
+lindenwood,2545,5
+shelbyville,250,5
+klickitat,1499,2
+hiteman,186,7
+ranchester,1377,2
+lakeville,896,3
+hanson,678,2
+beechwood,832,3
+hiteman,1457,6
+beechwood,383,2
+ranchester,498,11
+pomaria,938,7
+lindenwood,1780,0
+merom,1008,4
+leonardo,588,1
+lakeville,854,1
+merom,53,4
+merom,268,7
+merom,927,3
+newfields,771,2
+woodbine,1785,6
+woodbine,1641,0
+klickitat,1544,0
+onaga,563,2
+merom,45,7
+lakeville,847,8
+hanson,1554,2
+wainscott,872,0
+marstons,1366,4
+newfields,24,3
+shelbyville,1239,3
+lindenwood,1519,7
+klickitat,845,1
+forkland,140,0
+ranchester,255,2
+pomaria,1085,1
+wainscott,1262,6
+marstons,1470,0
+woodbine,1054,13
+wainscott,1334,0
+newfields,240,5
+stockman,29,9
+pomaria,1392,5
+tolstoy,750,0
+klickitat,1025,2
+woodbine,456,1
+marstons,2415,0
+newfields,339,1
+benevolence,496,12
+pomaria,1224,4
+beechwood,710,2
+lindenwood,2540,4
+ranchester,94,19
+lindenwood,2485,1
+woodbine,317,3
+beechwood,247,2
+hanson,716,0
+wainscott,1672,3
+tolstoy,756,2
+merom,71,0
+klickitat,1762,9
+wainscott,844,4
+hiteman,399,4
+leonardo,396,1
+tolstoy,594,2
+mifflinburg,113,9
+shelbyville,2664,1
+lakeville,1547,5
+newfields,541,7
+klickitat,1024,9
+cosmos,30,4
+marstons,956,11
+pinesdale,1143,2
+klickitat,1834,2
+tolstoy,1073,2
+shelbyville,1005,3
+lindenwood,1157,4
+forkland,438,2
+lindenwood,2018,4
+lindenwood,1494,3
+ranchester,647,0
+klickitat,383,8
+leonardo,2088,7
+pinesdale,564,0
+hanson,935,10
+newfields,1571,1
+ranchester,1637,3
+marstons,2360,1
+pinesdale,820,11
+pinesdale,950,7
+shelbyville,428,5
+shelbyville,830,2
+benevolence,635,4
+shelbyville,1627,5
+lindenwood,1577,0
+onaga,536,3
+woodbine,224,11
+tolstoy,1349,9
+pomaria,412,0
+marstons,276,4
+lakeville,1763,2
+pomaria,473,2
+leonardo,1298,1
+coffeen,302,5
+hanson,543,6
+shelbyville,1504,2
+merom,836,2
+marstons,93,5
+newfields,737,2
+benevolence,261,1
+newfields,1171,6
+lakeville,1154,4
+merom,518,2
+pinesdale,785,9
+woodbine,864,4
+shelbyville,1306,0
+hanson,326,3
+tolstoy,1837,3
+pomaria,1617,8
+marstons,391,6
+hanson,1136,8
+ranchester,439,6
+merom,1082,1
+pomaria,1251,3
+klickitat,890,2
+lindenwood,237,3
+wainscott,1777,6
+pomaria,46,1
+klickitat,217,4
+woodbine,488,1
+pomaria,1303,3
+hiteman,533,3
+woodbine,657,4
+onaga,52,3
+newfields,1372,2
+lakeville,818,7
+hiteman,31,3
+pomaria,1344,1
+hiteman,189,5
+coffeen,963,0
+lindenwood,1978,6
+tolstoy,860,5
+lindenwood,1691,8
+woodbine,323,2
+hiteman,1795,4
+onaga,462,3
+klickitat,1725,2
+wainscott,558,5
+marstons,1268,5
+newfields,336,2
+lakeville,1538,1
+lakeville,396,12
+woodbine,748,3
+leonardo,1942,1
+hiteman,1445,9
+tolstoy,1779,3
+woodbine,1202,4
+klickitat,980,4
+shelbyville,675,11
+shelbyville,976,4
+lindenwood,1095,0
+woodbine,761,4
+shelbyville,170,10
+marstons,725,15
+ranchester,270,0
+shelbyville,830,3
+stockman,551,1
+leonardo,1673,5
+newfields,1319,1
+marstons,1713,0
+shelbyville,725,7
+onaga,475,3
+lindenwood,164,7
+leonardo,528,18
+woodbine,1097,10
+shelbyville,1543,3
+lakeville,1353,7
+pomaria,1138,2
+klickitat,1250,1
+woodbine,1493,3
+ranchester,1251,0
+hiteman,1495,14
+shelbyville,1644,0
+lindenwood,1372,1
+cosmos,975,2
+tolstoy,392,8
+leonardo,399,8
+wainscott,1152,1
+wainscott,921,2
+leonardo,639,1
+lindenwood,1694,5
+coffeen,437,2
+allensville,254,0
+forkland,191,2
+beechwood,880,2
+coffeen,46,0
+newfields,1050,4
+woodbine,1956,2
+newfields,325,8
+shelbyville,1045,2
+ranchester,645,7
+hiteman,1208,4
+klickitat,635,0
+leonardo,2034,6
+klickitat,178,2
+hiteman,1754,7
+leonardo,271,15
+forkland,109,3
+lakeville,263,0
+marstons,1759,5
+woodbine,1765,3
+woodbine,711,3
+allensville,495,2
+marstons,1544,7
+marstons,1091,17
+lakeville,975,3
+tolstoy,711,3
+klickitat,1423,4
+woodbine,1994,2
+tolstoy,347,0
+marstons,173,14
+pomaria,497,3
+shelbyville,1610,12
+marstons,2007,2
+ranchester,432,4
+woodbine,932,11
+woodbine,558,4
+newfields,730,5
+ranchester,1494,0
+merom,718,8
+tolstoy,291,6
+coffeen,401,3
+lindenwood,1963,1
+shelbyville,357,2
+marstons,2576,9
+ranchester,268,8
+hiteman,883,3
+tolstoy,958,0
+merom,729,3
+lakeville,384,0
+stockman,868,3
+pomaria,608,5
+wainscott,922,5
+leonardo,492,4
+beechwood,257,2
+shelbyville,2688,12
+shelbyville,1498,6
+shelbyville,885,2
+pinesdale,316,0
+lakeville,1213,4
+woodbine,599,1
+merom,1087,2
+klickitat,2217,1
+newfields,332,6
+ranchester,1411,6
+lakeville,652,1
+cosmos,46,10
+pinesdale,432,6
+marstons,1137,4
+newfields,444,3
+newfields,1351,2
+ranchester,302,7
+marstons,953,2
+lindenwood,2133,4
+lindenwood,492,0
+klickitat,873,0
+klickitat,260,5
+shelbyville,2528,11
+marstons,1114,4
+klickitat,2246,9
+pinesdale,823,3
+hanson,601,9
+klickitat,147,10
+lindenwood,1045,6
+klickitat,110,2
+woodbine,1513,8
+hiteman,1623,0
+woodbine,1207,2
+pomaria,1235,12
+wainscott,924,2
+hiteman,499,5
+klickitat,1484,4
+woodbine,1294,8
+pomaria,1301,1
+stockman,1541,6
+hanson,358,3
+hiteman,310,4
+lakeville,682,7
+klickitat,2312,4
+newfields,423,13
+leonardo,143,9
+lindenwood,1471,4
+shelbyville,2057,5
+hiteman,1735,4
+shelbyville,509,0
+klickitat,974,1
+lakeville,279,5
+pomaria,465,14
+leonardo,1542,3
+beechwood,723,3
+lakeville,909,11
+shelbyville,97,3
+hiteman,1751,2
+beechwood,103,3
+woodbine,482,2
+pomaria,847,0
+woodbine,1688,8
+wainscott,524,1
+lakeville,8,0
+woodbine,660,3
+leonardo,12,3
+hanson,339,3
+pinesdale,1346,7
+leonardo,265,4
+ranchester,1096,5
+leonardo,1767,4
+marstons,2297,11
+wainscott,1279,0
+newfields,1502,1
+newfields,670,8
+klickitat,253,3
+tolstoy,1460,1
+wainscott,386,13
+lindenwood,861,0
+wainscott,1698,5
+klickitat,1041,12
+shelbyville,2694,12
+stockman,278,3
+pomaria,189,1
+tolstoy,897,5
+pinesdale,444,5
+woodbine,742,1
+tolstoy,1839,9
+forkland,337,0
+coffeen,1048,3
+woodbine,1175,0
+marstons,1334,1
+hanson,1286,3
+hiteman,1203,0
+wainscott,726,13
+marstons,270,1
+lakeville,899,6
+lindenwood,397,9
+shelbyville,890,6
+beechwood,758,4
+woodbine,276,0
+hanson,813,10
+shelbyville,1498,13
+pinesdale,1050,0
+wainscott,1241,11
+lindenwood,1266,6
+newfields,677,5
+hiteman,1191,4
+lindenwood,1577,2
+lindenwood,2254,0
+woodbine,198,1
+shelbyville,2500,5
+leonardo,609,2
+stockman,1383,1
+pinesdale,704,2
+lakeville,1178,1
+ranchester,1521,1
+lindenwood,2266,1
+shelbyville,2096,10
+pinesdale,1345,4
+woodbine,889,3
+beechwood,1164,0
+klickitat,933,6
+forkland,761,3
+hanson,172,0
+hanson,652,1
+ranchester,1164,5
+marstons,1640,7
+pinesdale,1403,10
+forkland,1187,3
+lakeville,660,4
+lindenwood,2650,1
+beechwood,414,3
+hanson,1365,6
+klickitat,1010,1
+woodbine,683,0
+lindenwood,2326,0
+klickitat,1904,9
+woodbine,1255,1
+shelbyville,2297,6
+ranchester,427,2
+stockman,80,4
+allensville,323,9
+woodbine,309,5
+benevolence,489,1
+lindenwood,1880,2
+hanson,127,0
+newfields,874,4
+stockman,1341,0
+wainscott,1709,0
+klickitat,1976,1
+cosmos,486,0
+klickitat,657,3
+lakeville,1764,1
+coffeen,216,3
+hanson,482,16
+woodbine,978,4
+pinesdale,785,1
+woodbine,1094,4
+shelbyville,2295,10
+lindenwood,757,1
+ranchester,1526,12
+pinesdale,256,4
+hiteman,1245,0
+allensville,62,5
+coffeen,1293,7
+marstons,2431,9
+hiteman,12,11
+klickitat,455,1
+lindenwood,609,1
+tolstoy,957,4
+coffeen,2,1
+lindenwood,2127,2
+lakeville,855,2
+wainscott,489,4
+allensville,442,9
+allensville,127,7
+newfields,1270,3
+ranchester,101,5
+hiteman,330,4
+ranchester,1433,7
+coffeen,158,4
+woodbine,673,10
+coffeen,588,5
+marstons,1805,8
+beechwood,139,7
+woodbine,1630,2
+newfields,1455,0
+leonardo,1048,2
+shelbyville,508,8
+ranchester,823,9
+lakeville,1797,3
+coffeen,677,4
+hiteman,1186,6
+pomaria,1463,1
+hiteman,408,0
+klickitat,1821,2
+shelbyville,507,2
+klickitat,1958,0
+lakeville,1818,1
+beechwood,608,1
+leonardo,754,0
+lakeville,74,6
+lindenwood,1096,8
+marstons,439,8
+onaga,326,2
+wainscott,744,1
+forkland,125,4
+pomaria,245,1
+newfields,831,1
+newfields,804,6
+onaga,426,5
+cosmos,143,5
+lakeville,271,1
+cosmos,1044,1
+pomaria,1670,0
+shelbyville,415,5
+wainscott,735,13
+marstons,1277,5
+onaga,408,3
+hiteman,414,7
+lakeville,1186,3
+tolstoy,1367,2
+woodbine,1409,6
+mifflinburg,4,2
+woodbine,623,1
+lakeville,964,1
+onaga,642,2
+shelbyville,1697,3
+hiteman,880,5
+coffeen,847,2
+hanson,1608,6
+hanson,571,6
+coffeen,1364,10
+leonardo,1739,2
+newfields,296,0
+klickitat,14,15
+pinesdale,797,8
+newfields,1158,14
+marstons,1575,8
+pinesdale,500,8
+lakeville,1645,6
+benevolence,549,0
+stockman,1109,0
+ranchester,666,5
+newfields,219,6
+beechwood,174,3
+marstons,1058,3
+leonardo,528,20
+leonardo,1787,4
+mifflinburg,152,6
+leonardo,861,0
+stockman,1402,2
+woodbine,1700,9
+wainscott,928,0
+lindenwood,726,3
+pomaria,952,1
+coffeen,144,2
+beechwood,372,3
+marstons,1351,1
+marstons,1360,4
+newfields,1462,1
+lindenwood,1316,12
+pinesdale,975,4
+leonardo,164,1
+klickitat,2358,16
+mifflinburg,713,0
+pinesdale,273,2
+tolstoy,1103,7
+shelbyville,2565,2
+tolstoy,55,9
+leonardo,1965,10
+pomaria,1017,2
+woodbine,510,1
+leonardo,645,3
+leonardo,111,7
+leonardo,901,1
+klickitat,1516,4
+marstons,56,5
+lakeville,2,0
+klickitat,701,1
+coffeen,828,5
+woodbine,1198,1
+pinesdale,785,6
+shelbyville,881,3
+pomaria,1040,3
+hanson,209,11
+klickitat,705,2
+forkland,288,0
+hiteman,1717,1
+forkland,294,9
+benevolence,651,5
+hanson,643,4
+marstons,12,2
+pinesdale,537,4
+marstons,1910,7
+woodbine,254,1
+coffeen,1454,2
+lakeville,1592,5
+merom,832,2
+klickitat,1403,11
+cosmos,221,1
+newfields,53,0
+klickitat,1187,0
+newfields,1348,1
+coffeen,1334,4
+shelbyville,71,9
+pomaria,1082,14
+coffeen,615,4
+hiteman,1512,11
+klickitat,1498,2
+tolstoy,977,9
+wainscott,808,5
+pinesdale,1317,9
+shelbyville,2140,3
+pomaria,1193,1
+hiteman,707,4
+klickitat,964,10
+marstons,1993,4
+cosmos,149,1
+klickitat,2089,19
+coffeen,1098,6
+leonardo,492,1
+lakeville,436,6
+forkland,1126,1
+pinesdale,933,11
+lindenwood,1068,0
+lakeville,688,8
+hanson,243,0
+hiteman,175,2
+hanson,266,8
+shelbyville,336,5
+pinesdale,271,0
+klickitat,1988,2
+lindenwood,149,10
+woodbine,110,7
+hiteman,232,8
+ranchester,1410,0
+coffeen,1176,0
+onaga,578,1
+hiteman,1035,4
+stockman,238,3
+marstons,868,1
+pomaria,112,2
+klickitat,1248,2
+ranchester,344,4
+cosmos,893,14
+lindenwood,148,4
+beechwood,366,4
+coffeen,961,3
+marstons,1836,6
+hiteman,765,4
+lakeville,828,6
+klickitat,122,9
+lindenwood,1355,3
+stockman,1123,2
+klickitat,327,1
+pinesdale,1440,1
+tolstoy,411,3
+stockman,1248,4
+lakeville,1424,13
+shelbyville,1191,0
+wainscott,612,1
+ranchester,1322,1
+beechwood,474,0
+cosmos,396,4
+beechwood,765,1
+lakeville,1489,6
+newfields,781,2
+merom,871,2
+marstons,1829,0
+stockman,7,5
+hanson,135,2
+cosmos,1004,2
+mifflinburg,221,4
+woodbine,1025,2
+lindenwood,1241,7
+klickitat,65,12
+newfields,420,10
+stockman,1479,7
+pomaria,409,9
+shelbyville,2347,1
+coffeen,186,3
+woodbine,221,2
+merom,1083,4
+hiteman,1816,15
+lindenwood,1245,3
+merom,760,0
+lakeville,91,3
+klickitat,1145,3
+tolstoy,712,11
+coffeen,1291,1
+klickitat,1665,0
+forkland,822,2
+merom,75,0
+wainscott,128,2
+allensville,326,0
+pinesdale,187,2
+lakeville,886,0
+marstons,693,5
+leonardo,1229,2
+forkland,1157,7
+hanson,542,1
+wainscott,1313,5
+ranchester,1585,8
+newfields,125,1
+cosmos,841,8
+woodbine,1179,1
+lindenwood,1198,1
+hiteman,438,0
+lindenwood,1767,2
+lindenwood,2580,5
+ranchester,993,2
+newfields,1141,2
+lindenwood,251,11
+newfields,807,4
+wainscott,1332,7
+mifflinburg,616,5
+benevolence,557,2
+ranchester,83,5
+beechwood,1063,0
+cosmos,511,1
+ranchester,1271,3
+hanson,888,13
+beechwood,618,2
+cosmos,759,2
+shelbyville,1347,6
+pomaria,351,4
+woodbine,362,4
+forkland,580,2
+hanson,1534,3
+shelbyville,643,0
+shelbyville,913,0
+shelbyville,1737,9
+onaga,42,5
+newfields,1401,4
+newfields,1595,3
+klickitat,693,12
+forkland,1070,3
+marstons,2651,13
+pinesdale,203,1
+marstons,996,0
+hanson,1381,3
+marstons,1681,3
+pinesdale,1082,2
+lindenwood,2626,4
+newfields,1371,3
+newfields,467,0
+marstons,1133,3
+shelbyville,2242,1
+leonardo,458,3
+pomaria,1134,2
+leonardo,888,10
+wainscott,512,6
+coffeen,1067,3
+forkland,497,5
+lakeville,522,0
+mifflinburg,646,0
+klickitat,2179,0
+shelbyville,1830,6
+lindenwood,542,4
+stockman,497,0
+klickitat,471,3
+pomaria,1471,5
+lindenwood,2599,0
+shelbyville,1083,2
+leonardo,949,2
+klickitat,903,1
+hanson,105,5
+marstons,1902,13
+tolstoy,557,5
+wainscott,268,2
+woodbine,1608,5
+hiteman,288,1
+leonardo,231,2
+tolstoy,309,2
+klickitat,2395,7
+leonardo,851,9
+shelbyville,1296,8
+shelbyville,2227,4
+leonardo,1508,1
+ranchester,860,4
+shelbyville,1214,5
+newfields,612,15
+shelbyville,2565,3
+beechwood,1123,2
+beechwood,22,4
+merom,484,2
+benevolence,933,1
+hiteman,960,3
+wainscott,817,1
+beechwood,553,1
+mifflinburg,610,3
+woodbine,1302,1
+coffeen,517,6
+leonardo,1995,0
+ranchester,286,0
+pomaria,1375,4
+forkland,808,2
+pomaria,982,6
+tolstoy,902,5
+wainscott,159,2
+klickitat,1435,4
+coffeen,731,1
+wainscott,1408,3
+coffeen,1504,3
+pomaria,1638,13
+woodbine,113,3
+merom,16,0
+stockman,646,3
+wainscott,425,3
+klickitat,2193,3
+mifflinburg,496,4
+lindenwood,2544,2
+pinesdale,569,1
+allensville,79,3
+cosmos,290,4
+leonardo,204,2
+ranchester,472,7
+klickitat,1285,5
+klickitat,1559,6
+klickitat,1715,11
+klickitat,82,4
+onaga,423,3
+hanson,1013,2
+pomaria,563,1
+marstons,2070,4
+klickitat,1047,4
+klickitat,2120,2
+benevolence,123,7
+ranchester,1320,2
+beechwood,542,2
+lakeville,1831,2
+hiteman,110,1
+merom,709,3
+pinesdale,1151,4
+ranchester,1349,1
+lindenwood,426,8
+pinesdale,490,9
+ranchester,900,1
+hanson,438,4
+hiteman,1652,0
+leonardo,157,3
+woodbine,2031,1
+lindenwood,2281,10
+cosmos,631,2
+hanson,1605,10
+coffeen,797,9
+allensville,293,2
+wainscott,99,11
+hanson,602,1
+woodbine,1464,3
+merom,1001,1
+marstons,1258,1
+marstons,2023,3
+leonardo,2089,7
+klickitat,848,1
+lindenwood,255,2
+leonardo,287,0
+newfields,529,5
+stockman,734,0
+newfields,658,4
+newfields,802,5
+newfields,1625,11
+pinesdale,1192,2
+klickitat,256,3
+pinesdale,1055,7
+shelbyville,1110,4
+pinesdale,361,13
+shelbyville,1195,4
+stockman,1611,4
+klickitat,754,1
+lakeville,1051,0
+mifflinburg,113,2
+mifflinburg,46,0
+lindenwood,2039,3
+shelbyville,1888,3
+lakeville,766,4
+ranchester,537,0
+marstons,2559,1
+shelbyville,975,0
+coffeen,208,2
+woodbine,1399,5
+wainscott,1121,2
+lakeville,1397,1
+lindenwood,11,4
+lindenwood,1336,2
+woodbine,438,0
+ranchester,1108,4
+wainscott,1468,3
+stockman,1151,0
+marstons,533,6
+ranchester,1633,0
+pinesdale,879,1
+pomaria,172,0
+marstons,1368,7
+tolstoy,1595,0
+lakeville,129,5
+klickitat,1013,0
+stockman,402,2
+hiteman,520,1
+pomaria,968,9
+wainscott,1643,9
+ranchester,154,3
+shelbyville,476,4
+lindenwood,843,4
+hanson,1262,1
+newfields,1183,9
+hiteman,1710,11
+coffeen,406,5
+lakeville,1659,5
+hiteman,43,6
+marstons,18,2
+wainscott,1065,9
+cosmos,586,2
+hiteman,146,0
+hiteman,468,6
+leonardo,4,1
+lakeville,163,0
+beechwood,425,7
+coffeen,210,0
+lakeville,746,1
+hiteman,688,3
+marstons,915,3
+lindenwood,1888,2
+onaga,592,7
+ranchester,389,9
+lakeville,538,5
+cosmos,119,2
+wainscott,1651,5
+pomaria,1299,13
+benevolence,750,7
+shelbyville,1324,3
+lindenwood,239,6
+shelbyville,2474,1
+hiteman,564,8
+ranchester,1577,2
+woodbine,1131,3
+woodbine,1337,13
+coffeen,507,4
+newfields,504,5
+woodbine,1283,3
+stockman,554,5
+newfields,1170,10
+lindenwood,1858,2
+pomaria,920,0
+lakeville,515,5
+lakeville,608,10
+shelbyville,1949,4
+hanson,580,2
+woodbine,1242,3
+onaga,141,5
+lindenwood,423,10
+klickitat,529,2
+merom,639,7
+hanson,1433,13
+coffeen,699,1
+leonardo,496,0
+hiteman,674,2
+marstons,567,10
+allensville,43,5
+wainscott,1090,7
+onaga,349,5
+marstons,1571,3
+ranchester,815,4
+newfields,183,17
+hiteman,1577,1
+coffeen,823,8
+klickitat,521,7
+marstons,812,6
+hanson,943,1
+mifflinburg,27,3
+woodbine,1891,0
+lakeville,1869,11
+newfields,1362,7
+lakeville,399,2
+klickitat,2151,8
+marstons,1032,5
+pinesdale,740,3
+hiteman,1687,1
+shelbyville,1847,4
+pomaria,12,1
+cosmos,1012,3
+wainscott,1797,3
+lakeville,786,7
+marstons,115,5
+marstons,1909,10
+lakeville,525,8
+shelbyville,1324,6
+ranchester,1622,1
+tolstoy,1713,1
+woodbine,295,10
+merom,59,5
+woodbine,1125,9
+tolstoy,665,6
+mifflinburg,953,2
+klickitat,1511,8
+woodbine,1537,3
+newfields,35,0
+beechwood,659,13
+tolstoy,98,7
+wainscott,689,2
+beechwood,912,1
+hiteman,1212,1
+marstons,627,9
+marstons,1875,5
+lindenwood,668,13
+cosmos,373,2
+leonardo,1895,3
+klickitat,1092,8
+shelbyville,1430,0
+hanson,406,3
+tolstoy,233,1
+lakeville,925,0
+stockman,812,5
+pinesdale,961,1
+marstons,2442,2
+cosmos,743,8
+woodbine,1409,4
+tolstoy,1549,7
+pomaria,739,3
+beechwood,224,4
+allensville,220,2
+wainscott,656,12
+marstons,2436,2
+coffeen,992,8
+woodbine,1582,1
+beechwood,697,2
+klickitat,2127,1
+tolstoy,104,2
+newfields,456,14
+marstons,1970,12
+coffeen,752,4
+pomaria,574,8
+klickitat,2398,2
+wainscott,1111,0
+cosmos,1035,0
+tolstoy,1048,0
+klickitat,102,7
+beechwood,1177,0
+pinesdale,652,0
+lindenwood,2428,0
+marstons,953,1
+klickitat,982,9
+hiteman,902,5
+shelbyville,2768,2
+marstons,2201,3
+mifflinburg,118,4
+hanson,28,5
+leonardo,786,7
+hanson,745,3
+shelbyville,2200,3
+wainscott,295,6
+newfields,57,3
+wainscott,744,0
+pinesdale,425,9
+newfields,360,8
+marstons,2562,2
+lindenwood,115,0
+klickitat,1178,1
+lindenwood,1689,10
+klickitat,2363,0
+lindenwood,1,16
+lindenwood,914,2
+ranchester,207,3
+marstons,2258,8
+tolstoy,1498,12
+hanson,648,11
+forkland,330,0
+marstons,54,1
+woodbine,1138,11
+hanson,1461,14
+coffeen,464,5
+leonardo,1976,8
+woodbine,1252,4
+benevolence,932,3
+lindenwood,1328,6
+hiteman,1038,0
+tolstoy,1036,11
+lakeville,414,5
+woodbine,1189,2
+hiteman,1108,0
+lindenwood,2483,3
+cosmos,637,1
+tolstoy,1704,2
+klickitat,314,2
+hiteman,1157,1
+hiteman,682,2
+klickitat,2122,1
+benevolence,744,1
+hiteman,169,1
+pinesdale,459,6
+tolstoy,90,2
+wainscott,1181,4
+klickitat,399,0
+klickitat,1941,1
+hiteman,1578,5
+klickitat,1021,0
+wainscott,1262,2
+merom,67,0
+lindenwood,1651,16
+lakeville,538,1
+hanson,1425,1
+newfields,793,6
+hanson,1306,9
+hiteman,1425,3
+wainscott,1593,1
+allensville,373,1
+marstons,1561,5
+allensville,164,0
+hiteman,554,3
+woodbine,409,12
+pinesdale,1072,2
+marstons,2161,12
+forkland,922,0
+stockman,500,2
+newfields,172,3
+onaga,446,5
+marstons,1080,16
+hanson,1593,3
+ranchester,305,1
+marstons,1481,8
+newfields,966,6
+tolstoy,1439,2
+allensville,405,4
+tolstoy,53,0
+tolstoy,403,6
+lakeville,523,6
+klickitat,841,8
+leonardo,2006,10
+merom,626,4
+tolstoy,1786,6
+allensville,196,3
+ranchester,10,2
+tolstoy,21,3
+wainscott,43,3
+wainscott,1018,1
+coffeen,1482,0
+shelbyville,2589,12
+leonardo,1849,0
+woodbine,1966,2
+cosmos,23,0
+lindenwood,1467,0
+tolstoy,1302,2
+lindenwood,2451,5
+marstons,1631,2
+cosmos,934,0
+klickitat,1875,7
+wainscott,1517,6
+forkland,226,1
+woodbine,242,0
+pinesdale,613,3
+mifflinburg,417,2
+pomaria,1172,7
+klickitat,184,3
+ranchester,1601,1
+benevolence,571,0
+wainscott,1741,0
+hiteman,528,1
+wainscott,1359,0
+lindenwood,1533,12
+lindenwood,2601,1
+klickitat,2371,4
+shelbyville,487,1
+stockman,1107,11
+wainscott,1171,15
+merom,145,4
+marstons,535,3
+shelbyville,951,1
+coffeen,585,3
+shelbyville,2093,0
+leonardo,1295,12
+klickitat,1994,0
+forkland,596,2
+tolstoy,850,6
+lindenwood,2392,0
+hanson,1648,2
+marstons,1434,6
+beechwood,0,4
+pomaria,607,8
+woodbine,1794,2
+onaga,547,0
+shelbyville,1914,2
+merom,468,2
+pinesdale,415,4
+marstons,964,0
+forkland,412,1
+leonardo,1331,4
+lakeville,370,8
+leonardo,1857,1
+ranchester,540,2
+mifflinburg,674,6
+klickitat,2079,5
+onaga,145,1
+lindenwood,439,4
+shelbyville,2404,1
+tolstoy,1035,4
+pomaria,738,6
+hiteman,1848,7
+hiteman,1750,1
+marstons,48,8
+ranchester,315,6
+ranchester,1638,3
+wainscott,1038,0
+leonardo,1617,10
+klickitat,84,0
+leonardo,1780,4
+stockman,305,5
+onaga,381,2
+wainscott,91,1
+onaga,366,2
+shelbyville,994,9
+pinesdale,1134,2
+wainscott,415,7
+stockman,1390,9
+leonardo,350,2
+shelbyville,2207,7
+benevolence,308,8
+lakeville,436,2
+coffeen,602,2
+shelbyville,85,1
+beechwood,398,0
+pinesdale,1038,1
+mifflinburg,134,0
+tolstoy,1549,8
+wainscott,1474,0
+ranchester,603,4
+newfields,120,0
+benevolence,686,13
+leonardo,1124,0
+leonardo,138,2
+klickitat,1119,2
+klickitat,498,10
+newfields,1414,7
+wainscott,1466,2
+stockman,413,3
+klickitat,539,2
+lindenwood,1762,1
+coffeen,569,0
+tolstoy,1090,1
+cosmos,932,2
+pomaria,556,2
+woodbine,1329,4
+pinesdale,678,0
+ranchester,96,1
+woodbine,857,1
+klickitat,445,15
+woodbine,609,6
+hanson,40,2
+hiteman,379,4
+hanson,604,4
+woodbine,1472,0
+leonardo,252,8
+forkland,1101,11
+hanson,173,3
+allensville,258,2
+pinesdale,74,4
+leonardo,1648,2
+coffeen,529,0
+woodbine,1951,4
+leonardo,622,6
+lakeville,1632,3
+tolstoy,721,7
+hiteman,1750,0
+leonardo,40,1
+stockman,1257,13
+newfields,1649,1
+ranchester,1014,0
+tolstoy,660,2
+beechwood,425,3
+stockman,793,7
+pomaria,898,9
+leonardo,252,6
+lakeville,1547,6
+lindenwood,2267,1
+hanson,1124,4
+shelbyville,2177,4
+klickitat,2072,18
+wainscott,599,1
+klickitat,2154,6
+marstons,2239,6
+marstons,2556,2
+hiteman,536,8
+lindenwood,2130,14
+shelbyville,2763,0
+stockman,352,0
+tolstoy,143,8
+merom,345,0
+wainscott,712,6
+hanson,365,14
+klickitat,1247,5
+beechwood,284,6
+benevolence,851,1
+hiteman,1368,3
+leonardo,1119,7
+lindenwood,225,14
+pomaria,1586,1
+marstons,2605,0
+coffeen,451,1
+wainscott,1333,1
+lindenwood,2157,7
+hanson,1569,0
+pinesdale,777,3
+coffeen,245,0
+allensville,338,4
+lindenwood,1928,5
+woodbine,1317,3
+shelbyville,2385,8
+wainscott,374,6
+cosmos,891,6
+klickitat,11,9
+tolstoy,1015,9
+pinesdale,1214,4
+woodbine,1357,1
+pomaria,1465,19
+woodbine,1295,4
+hiteman,1698,0
+cosmos,600,2
+shelbyville,1721,2
+tolstoy,657,3
+cosmos,957,5
+onaga,105,4
+allensville,452,0
+hiteman,217,5
+pinesdale,1288,4
+woodbine,936,2
+coffeen,949,4
+klickitat,1425,4
+hanson,1218,7
+stockman,1558,3
+beechwood,594,9
+forkland,463,6
+beechwood,802,0
+leonardo,1885,5
+hanson,241,0
+leonardo,391,7
+tolstoy,887,11
+leonardo,2114,2
+lakeville,691,0
+newfields,1424,3
+hanson,247,15
+newfields,817,2
+hiteman,1397,2
+coffeen,294,4
+merom,860,3
+pinesdale,615,4
+hiteman,800,0
+stockman,991,0
+leonardo,1428,0
+beechwood,854,7
+marstons,2444,0
+hiteman,146,3
+cosmos,684,2
+woodbine,159,8
+wainscott,666,7
+beechwood,218,6
+tolstoy,232,0
+marstons,1683,3
+marstons,1718,10
+hanson,677,9
+merom,702,2
+wainscott,1631,1
+marstons,306,1
+pomaria,344,4
+leonardo,1462,3
+allensville,153,0
+klickitat,637,0
+lindenwood,1421,4
+klickitat,1203,4
+shelbyville,371,1
+stockman,1011,2
+stockman,512,1
+onaga,469,4
+pinesdale,1307,16
+newfields,454,1
+hiteman,440,0
+hanson,1279,1
+newfields,1443,1
+stockman,1401,2
+cosmos,622,0
+beechwood,1022,1
+hanson,457,1
+marstons,1985,10
+stockman,954,6
+ranchester,1389,2
+lindenwood,1105,2
+shelbyville,617,5
+hiteman,90,4
+lakeville,1800,0
+beechwood,250,4
+tolstoy,852,4
+pomaria,1628,8
+marstons,1102,14
+newfields,404,13
+cosmos,117,2
+klickitat,475,0
+shelbyville,535,6
+pomaria,794,3
+woodbine,1158,2
+coffeen,920,2
+pomaria,511,18
+lakeville,336,3
+hanson,1619,3
+hiteman,43,0
+beechwood,964,6
+onaga,400,1
+marstons,364,1
+wainscott,1632,10
+hanson,1282,1
+allensville,53,10
+shelbyville,48,6
+coffeen,743,0
+wainscott,1599,5
+tolstoy,1614,0
+klickitat,1931,2
+pomaria,1529,13
+hiteman,762,4
+beechwood,137,0
+woodbine,1004,0
+stockman,379,0
+shelbyville,2736,4
+pomaria,662,16
+leonardo,1882,3
+wainscott,1322,1
+forkland,1193,5
+lindenwood,1670,8
+pomaria,994,2
+beechwood,578,4
+wainscott,272,3
+forkland,420,5
+marstons,187,4
+leonardo,1560,2
+hanson,1640,6
+newfields,1136,4
+coffeen,1289,2
+shelbyville,2445,5
+marstons,1369,0
+woodbine,1988,3
+ranchester,280,1
+klickitat,1848,8
+tolstoy,1673,12
+hanson,35,14
+stockman,1081,10
+stockman,76,3
+hanson,1273,15
+shelbyville,2225,2
+shelbyville,1990,6
+mifflinburg,914,3
+klickitat,2283,7
+lindenwood,1765,2
+cosmos,313,1
+mifflinburg,306,2
+tolstoy,645,4
+klickitat,15,2
+coffeen,959,1
+marstons,668,3
+newfields,206,3
+marstons,433,2
+leonardo,375,0
+leonardo,386,1
+allensville,0,2
+klickitat,165,17
+lindenwood,772,3
+lindenwood,1441,3
+ranchester,541,7
+pomaria,739,6
+shelbyville,2641,2
+wainscott,1735,9
+marstons,793,7
+allensville,465,3
+wainscott,826,2
+shelbyville,852,4
+newfields,1526,0
+pinesdale,541,1
+hanson,818,1
+marstons,1909,5
+mifflinburg,102,0
+wainscott,635,5
+hanson,1125,1
+lakeville,409,1
+pinesdale,1266,3
+wainscott,329,0
+woodbine,123,2
+beechwood,840,12
+klickitat,1562,3
+leonardo,2108,2
+hanson,342,12
+forkland,935,2
+forkland,280,2
+lindenwood,2053,0
+wainscott,1283,1
+coffeen,609,7
+wainscott,914,3
+klickitat,1062,1
+hiteman,814,5
+hanson,1367,1
+pomaria,1088,10
+wainscott,341,4
+marstons,1913,3
+klickitat,46,4
+shelbyville,1925,0
+klickitat,1305,2
+lakeville,706,1
+lindenwood,579,6
+woodbine,1683,0
+lindenwood,1751,0
+lindenwood,1734,3
+woodbine,1078,1
+marstons,474,8
+ranchester,1284,5
+lakeville,1658,0
+wainscott,1333,4
+pinesdale,526,3
+leonardo,1376,7
+klickitat,2228,7
+coffeen,521,6
+stockman,142,1
+pinesdale,50,5
+beechwood,98,2
+marstons,1905,3
+leonardo,1353,7
+klickitat,151,3
+wainscott,835,4
+hiteman,471,3
+tolstoy,951,2
+wainscott,1256,4
+woodbine,7,6
+hiteman,1582,0
+tolstoy,1397,1
+lindenwood,293,0
+cosmos,640,0
+hanson,53,7
+klickitat,1507,6
+merom,359,4
+stockman,959,0
+woodbine,293,0
+woodbine,374,2
+coffeen,1231,2
+cosmos,568,1
+lindenwood,1340,2
+ranchester,786,3
+tolstoy,445,0
+pomaria,1198,1
+klickitat,1777,12
+lakeville,619,3
+lindenwood,2318,3
+woodbine,792,1
+leonardo,172,2
+tolstoy,696,3
+klickitat,1966,0
+coffeen,1257,4
+hiteman,176,4
+woodbine,1806,2
+wainscott,986,3
+hanson,1265,2
+marstons,1034,9
+pomaria,1315,6
+wainscott,546,5
+merom,558,4
+marstons,2530,3
+woodbine,1485,2
+stockman,655,2
+leonardo,108,8
+shelbyville,501,4
+wainscott,1342,2
+stockman,149,3
+pomaria,669,3
+benevolence,99,1
+ranchester,1587,4
+lakeville,1887,0
+klickitat,931,0
+merom,70,3
+beechwood,750,1
+pinesdale,635,5
+pomaria,319,5
+hiteman,1842,5
+tolstoy,1556,6
+pomaria,953,8
+stockman,879,2
+marstons,12,0
+wainscott,1152,6
+benevolence,443,2
+coffeen,273,4
+pinesdale,1158,1
+mifflinburg,828,1
+shelbyville,714,0
+marstons,338,0
+tolstoy,1513,17
+woodbine,527,4
+marstons,763,2
+forkland,404,3
+forkland,622,3
+hiteman,1110,0
+onaga,163,3
+tolstoy,998,0
+klickitat,1909,2
+stockman,1332,3
+lakeville,35,1
+shelbyville,2776,2
+pinesdale,272,5
+leonardo,292,2
+hanson,370,1
+woodbine,1623,3
+wainscott,1584,0
+woodbine,759,7
+beechwood,375,9
+stockman,1186,1
+newfields,283,0
+klickitat,2277,5
+stockman,1349,6
+hiteman,795,7
+merom,684,3
+stockman,274,4
+stockman,406,6
+woodbine,1063,11
+benevolence,187,3
+hiteman,333,1
+marstons,1994,9
+hiteman,1236,2
+klickitat,2419,0
+hanson,330,1
+woodbine,658,7
+lakeville,1446,12
+pinesdale,35,3
+coffeen,861,2
+marstons,658,2
+onaga,452,9
+klickitat,1536,3
+hanson,1245,3
+klickitat,1712,8
+cosmos,628,0
+shelbyville,2640,1
+shelbyville,1213,0
+marstons,403,3
+tolstoy,1637,6
+klickitat,1456,1
+hiteman,1809,2
+leonardo,1578,4
+marstons,1577,4
+allensville,323,5
+benevolence,561,1
+hiteman,1419,4
+benevolence,874,1
+forkland,871,9
+tolstoy,1060,10
+shelbyville,1415,2
+woodbine,1480,5
+wainscott,1571,0
+wainscott,985,2
+leonardo,433,1
+lakeville,24,8
+klickitat,1207,2
+pomaria,1540,0
+hanson,698,11
+ranchester,1017,3
+pinesdale,252,1
+marstons,2580,1
+newfields,1152,0
+marstons,1616,0
+hiteman,870,7
+allensville,358,4
+klickitat,2088,2
+newfields,690,1
+newfields,1039,1
+shelbyville,50,7
+lindenwood,1119,3
+marstons,715,1
+tolstoy,1832,3
+lakeville,124,3
+ranchester,1485,4
+hiteman,1120,2
+pomaria,732,0
+hanson,956,1
+marstons,1773,3
+leonardo,2043,0
+pinesdale,913,9
+benevolence,805,3
+tolstoy,1159,0
+pinesdale,929,7
+pomaria,223,2
+lindenwood,2581,1
+tolstoy,1680,2
+cosmos,383,3
+hanson,1606,4
+tolstoy,1084,0
+benevolence,53,8
+pomaria,99,0
+newfields,1002,5
+ranchester,188,9
+lindenwood,669,0
+shelbyville,2783,0
+coffeen,1452,1
+ranchester,730,6
+hiteman,770,4
+hiteman,1456,0
+marstons,1698,12
+tolstoy,924,7
+tolstoy,749,3
+hiteman,982,1
+pinesdale,1403,6
+wainscott,1210,7
+pomaria,1476,2
+onaga,323,2
+wainscott,1189,11
+lindenwood,1535,4
+ranchester,668,2
+hiteman,1173,3
+wainscott,740,3
+shelbyville,625,2
+lindenwood,869,3
+ranchester,338,0
+lakeville,1005,7
+newfields,172,9
+merom,423,1
+woodbine,119,0
+klickitat,1039,2
+cosmos,899,13
+hiteman,1770,1
+forkland,811,0
+hiteman,1071,4
+klickitat,257,2
+klickitat,693,15
+marstons,1422,1
+klickitat,701,0
+leonardo,1499,1
+stockman,1398,4
+klickitat,1818,9
+woodbine,1968,5
+wainscott,796,5
+lindenwood,2034,7
+marstons,1054,1
+merom,625,2
+hanson,1179,4
+coffeen,510,2
+ranchester,1150,7
+klickitat,521,6
+lindenwood,1220,0
+mifflinburg,944,5
+coffeen,854,3
+cosmos,243,2
+hiteman,794,6
+marstons,2041,2
+forkland,796,11
+lindenwood,400,2
+marstons,1553,0
+leonardo,1036,1
+mifflinburg,375,6
+allensville,347,5
+hanson,1122,1
+lakeville,1210,4
+coffeen,574,1
+coffeen,1409,0
+lindenwood,683,9
+beechwood,1150,1
+shelbyville,1603,12
+marstons,1945,2
+wainscott,868,4
+shelbyville,624,0
+ranchester,1469,2
+woodbine,1325,3
+marstons,893,3
+pinesdale,1496,9
+hanson,499,0
+pomaria,983,10
+tolstoy,213,7
+lakeville,912,1
+merom,284,4
+ranchester,1,1
+tolstoy,190,5
+ranchester,52,6
+leonardo,1043,6
+lindenwood,640,4
+klickitat,2061,10
+pomaria,954,12
+forkland,316,1
+marstons,1161,12
+forkland,351,0
+leonardo,919,1
+pinesdale,1487,14
+leonardo,606,2
+marstons,2193,0
+merom,875,0
+leonardo,1526,10
+leonardo,1837,0
+woodbine,1837,4
+hanson,860,8
+pinesdale,22,3
+pomaria,615,6
+lindenwood,643,1
+mifflinburg,222,2
+cosmos,947,3
+lindenwood,230,0
+tolstoy,646,4
+klickitat,1587,3
+lindenwood,2471,4
+marstons,1504,12
+pomaria,1363,8
+newfields,1143,3
+hiteman,476,0
+merom,131,8
+lindenwood,1931,11
+wainscott,496,2
+lakeville,1825,1
+newfields,331,7
+mifflinburg,775,0
+forkland,428,5
+hiteman,1309,0
+forkland,764,3
+wainscott,547,11
+marstons,2196,3
+woodbine,619,4
+benevolence,849,1
+marstons,1081,7
+coffeen,202,11
+shelbyville,983,2
+lakeville,623,4
+lakeville,1435,4
+woodbine,1032,14
+coffeen,195,2
+wainscott,235,0
+lindenwood,1963,4
+lindenwood,193,0
+lindenwood,1440,1
+leonardo,1057,1
+newfields,750,7
+woodbine,1800,10
+shelbyville,993,5
+newfields,1387,2
+pomaria,791,3
+lindenwood,1657,4
+newfields,1215,2
+onaga,138,3
+pomaria,313,3
+hiteman,346,11
+wainscott,1107,4
+woodbine,1073,2
+merom,585,8
+marstons,649,1
+marstons,726,3
+lindenwood,800,7
+lindenwood,2215,15
+newfields,306,1
+klickitat,1510,0
+cosmos,809,1
+hanson,431,6
+klickitat,651,1
+marstons,1274,0
+shelbyville,566,3
+pomaria,1269,1
+wainscott,64,11
+woodbine,530,4
+wainscott,9,7
+klickitat,2049,9
+klickitat,1676,3
+lakeville,1020,13
+stockman,488,5
+forkland,496,4
+lakeville,1261,3
+leonardo,25,4
+woodbine,9,10
+klickitat,1192,1
+shelbyville,2562,14
+coffeen,899,3
+ranchester,273,8
+pinesdale,1474,1
+klickitat,1958,3
+lindenwood,1589,3
+wainscott,141,8
+pinesdale,918,4
+pomaria,1078,0
+lindenwood,1249,1
+cosmos,251,1
+hiteman,1315,6
+benevolence,473,7
+merom,1044,3
+stockman,257,4
+marstons,2250,1
+pomaria,1306,3
+shelbyville,1903,0
+pinesdale,750,11
+tolstoy,418,8
+shelbyville,1886,0
+newfields,113,6
+hiteman,886,10
+coffeen,1386,3
+lindenwood,1946,6
+lakeville,1594,1
+pomaria,1168,8
+marstons,2621,3
+klickitat,1340,2
+klickitat,2208,9
+mifflinburg,242,2
+cosmos,652,0
+hanson,592,4
+marstons,1091,15
+pomaria,288,0
+hanson,893,11
+cosmos,1065,4
+newfields,3,10
+woodbine,704,0
+wainscott,1480,0
+hanson,857,1
+lindenwood,666,1
+ranchester,24,10
+lakeville,431,2
+pomaria,303,0
+shelbyville,566,5
+lakeville,798,4
+klickitat,1314,1
+pomaria,1217,5
+lindenwood,244,1
+wainscott,140,5
+pinesdale,655,6
+woodbine,1879,4
+onaga,624,1
+pomaria,1179,20
+woodbine,1902,18
+ranchester,1260,5
+tolstoy,1711,3
+pomaria,39,0
+pomaria,1170,1
+forkland,529,0
+ranchester,1014,10
+merom,978,0
+newfields,1134,6
+cosmos,393,6
+leonardo,941,16
+shelbyville,2357,6
+wainscott,1578,8
+tolstoy,984,9
+wainscott,976,11
+leonardo,774,1
+klickitat,2020,2
+leonardo,1572,6
+tolstoy,1565,7
+klickitat,455,13
+merom,868,2
+stockman,298,3
+merom,1064,3
+tolstoy,970,6
+tolstoy,441,5
+marstons,1698,5
+merom,600,1
+klickitat,976,0
+coffeen,127,0
+shelbyville,439,2
+coffeen,728,6
+mifflinburg,686,0
+shelbyville,334,2
+benevolence,247,6
+stockman,1032,0
+shelbyville,1519,8
+ranchester,555,13
+woodbine,276,3
+cosmos,619,6
+woodbine,272,0
+pinesdale,647,4
+wainscott,1623,5
+klickitat,437,4
+tolstoy,1108,7
+pomaria,106,1
+forkland,365,3
+stockman,746,7
+hanson,726,0
+klickitat,522,4
+pomaria,1021,4
+newfields,192,5
+ranchester,1508,15
+marstons,1605,9
+tolstoy,1755,8
+lakeville,347,6
+marstons,101,2
+coffeen,1350,4
+woodbine,1337,9
+cosmos,732,0
+forkland,1198,1
+lakeville,1714,7
+marstons,696,4
+lindenwood,2346,4
+leonardo,1367,15
+lakeville,1482,3
+ranchester,572,0
+merom,809,1
+shelbyville,1603,11
+pinesdale,1394,4
+leonardo,1837,2
+newfields,1020,2
+lindenwood,399,3
+tolstoy,128,2
+tolstoy,1346,2
+lakeville,855,7
+pinesdale,498,17
+wainscott,200,1
+leonardo,1652,1
+wainscott,1641,10
+merom,166,5
+shelbyville,593,1
+ranchester,659,5
+newfields,1438,1
+tolstoy,119,1
+lakeville,411,0
+hanson,1058,7
+tolstoy,190,6
+lakeville,878,3
+wainscott,1537,3
+beechwood,734,2
+pomaria,481,7
+pomaria,1256,2
+pinesdale,1418,3
+tolstoy,1313,3
+forkland,66,2
+newfields,1645,4
+tolstoy,35,8
+hanson,136,9
+coffeen,692,2
+shelbyville,766,6
+tolstoy,951,8
+klickitat,47,2
+wainscott,1220,4
+hiteman,1197,4
+coffeen,1444,3
+stockman,663,0
+marstons,1550,0
+marstons,1210,4
+tolstoy,258,2
+shelbyville,2365,3
+beechwood,1149,3
+woodbine,14,2
+klickitat,1845,13
+leonardo,659,15
+tolstoy,68,4
+tolstoy,985,2
+marstons,1081,6
+stockman,1024,1
+mifflinburg,889,0
+coffeen,645,4
+hiteman,855,6
+merom,259,5
+klickitat,359,3
+benevolence,142,4
+wainscott,1526,0
+wainscott,1378,5
+hiteman,1225,0
+ranchester,1155,3
+lindenwood,1927,1
+klickitat,1117,4
+ranchester,129,1
+wainscott,478,4
+stockman,571,6
+pinesdale,573,10
+tolstoy,1676,5
+tolstoy,436,1
+wainscott,1228,6
+wainscott,1470,0
+newfields,241,0
+merom,383,6
+klickitat,2227,6
+beechwood,763,0
+hanson,339,4
+stockman,122,5
+pomaria,1637,0
+marstons,2418,9
+shelbyville,2805,6
+woodbine,488,5
+shelbyville,1923,1
+mifflinburg,208,2
+hiteman,1559,1
+wainscott,680,0
+hanson,238,4
+woodbine,1147,3
+hanson,434,1
+pomaria,1160,10
+pinesdale,897,4
+pomaria,233,8
+leonardo,130,3
+marstons,2000,1
+shelbyville,1866,3
+lakeville,1284,9
+merom,441,0
+woodbine,907,15
+stockman,254,1
+lindenwood,47,3
+pinesdale,1095,10
+pomaria,193,3
+coffeen,517,5
+lakeville,691,7
+klickitat,1719,4
+marstons,1439,8
+tolstoy,756,1
+woodbine,1342,1
+lakeville,1444,4
+shelbyville,805,2
+woodbine,1331,1
+lakeville,649,8
+leonardo,1830,4
+klickitat,118,2
+stockman,704,3
+hiteman,669,6
+klickitat,303,12
+ranchester,625,0
+shelbyville,1803,2
+stockman,815,4
+marstons,1512,9
+tolstoy,1558,2
+hiteman,1829,6
+forkland,86,1
+tolstoy,157,7
+marstons,2524,3
+forkland,396,0
+tolstoy,582,9
+beechwood,594,2
+woodbine,1506,3
+shelbyville,2745,5
+woodbine,1929,4
+wainscott,674,5
+hanson,1420,5
+shelbyville,564,12
+merom,677,0
+shelbyville,1511,1
+forkland,475,1
+pomaria,1352,0
+tolstoy,1769,2
+hiteman,439,4
+shelbyville,43,1
+wainscott,217,2
+lakeville,1525,3
+lakeville,1228,3
+leonardo,641,2
+shelbyville,398,2
+newfields,1161,11
+wainscott,1780,1
+cosmos,772,5
+wainscott,1459,5
+pinesdale,723,3
+wainscott,1297,1
+cosmos,318,1
+lindenwood,2169,7
+klickitat,103,3
+hiteman,1000,4
+lakeville,1029,6
+leonardo,412,10
+marstons,1470,1
+hiteman,1081,2
+beechwood,146,5
+leonardo,144,2
+shelbyville,2409,2
+wainscott,1591,3
+marstons,1009,2
+tolstoy,535,6
+lindenwood,2103,8
+klickitat,194,0
+woodbine,809,6
+marstons,1606,1
+marstons,1331,1
+cosmos,573,0
+tolstoy,1071,14
+lakeville,939,8
+cosmos,132,13
+klickitat,678,0
+pomaria,1113,2
+lakeville,1645,7
+leonardo,252,11
+hiteman,1613,2
+pomaria,813,5
+pinesdale,1364,2
+stockman,213,6
+newfields,1514,1
+pomaria,1305,15
+coffeen,696,0
+marstons,2266,0
+ranchester,832,9
+leonardo,1662,2
+ranchester,1185,9
+leonardo,1794,5
+ranchester,1416,10
+hanson,1585,2
+shelbyville,386,0
+klickitat,595,1
+marstons,1331,4
+benevolence,838,4
+pomaria,1427,15
+wainscott,1389,5
+hiteman,1035,3
+leonardo,1026,2
+pomaria,1427,0
+klickitat,1592,12
+tolstoy,1168,1
+lakeville,581,0
+newfields,464,0
+beechwood,1072,6
+woodbine,392,5
+hanson,322,5
+shelbyville,326,0
+ranchester,377,8
+newfields,980,11
+coffeen,557,1
+lakeville,1629,0
+hanson,793,2
+woodbine,833,9
+tolstoy,181,2
+hiteman,196,5
+shelbyville,2395,0
+klickitat,1817,6
+ranchester,38,7
+hiteman,866,2
+merom,51,3
+hanson,907,4
+leonardo,636,8
+onaga,356,7
+klickitat,1502,8
+lakeville,1343,0
+merom,706,4
+mifflinburg,728,4
+leonardo,877,5
+newfields,1249,4
+ranchester,132,0
+lindenwood,146,1
+newfields,1417,14
+marstons,823,1
+newfields,29,1
+leonardo,418,2
+shelbyville,1875,3
+lindenwood,1048,2
+hiteman,669,3
+stockman,600,4
+beechwood,638,1
+pinesdale,345,3
+wainscott,1394,0
+marstons,2059,7
+wainscott,485,2
+ranchester,100,2
+stockman,941,3
+lakeville,852,8
+pinesdale,1429,0
+tolstoy,1430,2
+pomaria,1442,10
+newfields,836,2
+forkland,192,1
+tolstoy,347,6
+beechwood,399,0
+leonardo,236,5
+pomaria,21,5
+woodbine,1619,3
+newfields,1158,2
+lakeville,1843,3
+ranchester,560,0
+klickitat,415,4
+marstons,179,6
+woodbine,1729,6
+lakeville,486,2
+pomaria,965,0
+woodbine,440,6
+stockman,823,5
+allensville,167,2
+pinesdale,302,1
+tolstoy,1036,2
+forkland,1096,4
+shelbyville,719,9
+hanson,230,5
+lindenwood,2032,5
+stockman,526,12
+cosmos,130,12
+beechwood,847,0
+pinesdale,303,4
+lindenwood,853,8
+shelbyville,148,7
+beechwood,335,1
+leonardo,1490,9
+lindenwood,492,1
+lakeville,246,7
+tolstoy,1449,2
+ranchester,982,13
+hanson,1578,1
+forkland,556,2
+leonardo,889,4
+shelbyville,2725,0
+newfields,1111,16
+coffeen,200,0
+hiteman,813,3
+newfields,228,8
+pomaria,150,15
+hanson,435,2
+wainscott,251,5
+pomaria,279,2
+wainscott,901,0
+hiteman,443,4
+coffeen,498,3
+newfields,1048,0
+forkland,1128,0
+marstons,665,4
+allensville,69,1
+woodbine,1153,1
+ranchester,61,2
+ranchester,873,7
+klickitat,1970,5
+pomaria,25,3
+leonardo,88,1
+klickitat,2324,7
+forkland,238,1
+onaga,470,1
+beechwood,360,6
+wainscott,409,4
+pinesdale,518,8
+coffeen,1032,9
+shelbyville,1549,14
+shelbyville,1680,7
+ranchester,1478,4
+woodbine,146,0
+lindenwood,2568,2
+shelbyville,2616,3
+cosmos,1021,3
+tolstoy,1159,4
+benevolence,477,13
+coffeen,15,0
+hanson,43,8
+ranchester,889,0
+newfields,973,5
+lakeville,843,2
+lakeville,420,4
+shelbyville,933,2
+pinesdale,328,0
+wainscott,920,1
+beechwood,1070,2
+shelbyville,1024,1
+klickitat,840,5
+woodbine,319,9
+pinesdale,284,3
+shelbyville,2315,0
+cosmos,398,6
+leonardo,1467,0
+newfields,299,12
+pomaria,849,1
+pomaria,1310,4
+ranchester,6,5
+coffeen,1033,2
+pinesdale,395,1
+woodbine,1693,1
+pomaria,1240,4
+wainscott,823,5
+shelbyville,2147,1
+newfields,1450,2
+pinesdale,454,7
+klickitat,947,8
+forkland,1109,2
+lindenwood,182,7
+coffeen,712,4
+allensville,79,2
+shelbyville,533,2
+lakeville,653,6
+shelbyville,2137,8
+leonardo,985,4
+hanson,326,2
+lakeville,91,1
+hanson,1643,1
+hanson,1547,7
+pomaria,38,6
+coffeen,767,3
+cosmos,848,4
+woodbine,1267,0
+hanson,504,2
+forkland,1116,1
+tolstoy,1028,6
+hanson,1108,3
+klickitat,386,2
+shelbyville,1687,4
+shelbyville,1692,17
+newfields,987,1
+newfields,829,0
+hanson,49,2
+beechwood,240,5
+benevolence,827,2
+ranchester,643,2
+coffeen,900,1
+coffeen,420,3
+onaga,444,0
+lindenwood,2286,4
+pomaria,373,1
+beechwood,1121,0
+shelbyville,378,2
+ranchester,372,0
+hiteman,1470,6
+klickitat,65,7
+coffeen,969,0
+allensville,31,1
+tolstoy,48,0
+beechwood,360,10
+forkland,472,3
+leonardo,955,4
+klickitat,1795,6
+klickitat,814,9
+klickitat,695,6
+woodbine,1551,7
+shelbyville,2247,6
+leonardo,40,8
+marstons,2221,1
+mifflinburg,585,0
+ranchester,1527,5
+ranchester,385,7
+marstons,1984,1
+pomaria,1202,1
+wainscott,1233,13
+benevolence,296,10
+klickitat,1033,0
+klickitat,930,7
+wainscott,973,1
+marstons,2133,0
+wainscott,808,8
+forkland,698,6
+hiteman,1852,1
+newfields,674,4
+pomaria,127,5
+tolstoy,1141,6
+klickitat,2352,8
+leonardo,1675,1
+beechwood,581,2
+newfields,431,6
+pomaria,1516,8
+lindenwood,145,4
+shelbyville,1774,1
+beechwood,677,2
+woodbine,1644,6
+shelbyville,856,4
+forkland,13,0
+shelbyville,2163,8
+wainscott,34,7
+klickitat,74,11
+pinesdale,1174,5
+wainscott,392,1
+pomaria,123,7
+marstons,783,4
+marstons,450,1
+coffeen,277,0
+coffeen,573,3
+klickitat,319,4
+lakeville,1190,3
+leonardo,723,2
+woodbine,748,17
+wainscott,716,1
+ranchester,376,5
+cosmos,501,6
+tolstoy,227,5
+coffeen,488,2
+newfields,473,1
+woodbine,594,6
+wainscott,1440,3
+stockman,92,7
+woodbine,986,11
+shelbyville,1391,2
+tolstoy,84,3
+shelbyville,2649,2
+woodbine,156,4
+mifflinburg,106,1
+klickitat,213,5
+wainscott,732,3
+tolstoy,1748,5
+wainscott,894,2
+pomaria,267,1
+pomaria,148,4
+marstons,1761,0
+woodbine,1660,1
+hanson,615,1
+marstons,2302,1
+hiteman,107,1
+marstons,1808,9
+pinesdale,136,2
+wainscott,758,5
+coffeen,1445,3
+beechwood,648,1
+marstons,2635,6
+leonardo,1051,16
+leonardo,766,3
+klickitat,927,5
+coffeen,1095,4
+hiteman,219,11
+woodbine,507,2
+beechwood,516,5
+klickitat,393,0
+ranchester,192,1
+shelbyville,2544,9
+hanson,639,2
+hiteman,1238,2
+shelbyville,2701,0
+tolstoy,305,4
+lakeville,1837,5
+leonardo,1246,4
+forkland,845,2
+leonardo,1806,4
+newfields,1071,1
+lindenwood,439,2
+coffeen,313,0
+lindenwood,2051,9
+lindenwood,1958,5
+merom,580,8
+lakeville,1861,3
+marstons,2001,4
+hanson,738,8
+onaga,4,3
+ranchester,966,3
+hanson,749,1
+lindenwood,1055,11
+beechwood,521,3
+hanson,416,8
+leonardo,1778,1
+wainscott,1151,6
+woodbine,903,16
+woodbine,1159,9
+merom,785,0
+mifflinburg,239,1
+tolstoy,1504,3
+klickitat,1023,2
+marstons,1722,0
+newfields,535,8
+ranchester,337,7
+forkland,758,2
+wainscott,599,7
+wainscott,1281,5
+newfields,1258,6
+klickitat,1909,0
+wainscott,126,5
+shelbyville,2108,1
+woodbine,276,1
+marstons,1135,7
+stockman,1318,4
+cosmos,486,5
+onaga,70,1
+mifflinburg,344,1
+shelbyville,679,3
+woodbine,1280,2
+lindenwood,335,0
+pinesdale,218,1
+pomaria,846,14
+stockman,1519,1
+marstons,1209,0
+newfields,1289,0
+klickitat,2177,3
+newfields,410,1
+leonardo,1312,2
+shelbyville,2500,0
+ranchester,75,6
+hiteman,1442,0
+mifflinburg,184,0
+mifflinburg,347,8
+ranchester,250,8
+shelbyville,1376,3
+lakeville,574,5
+pomaria,545,2
+leonardo,1971,5
+mifflinburg,561,3
+beechwood,270,0
+tolstoy,932,0
+leonardo,1775,1
+beechwood,581,1
+wainscott,1259,11
+klickitat,614,2
+klickitat,1565,5
+shelbyville,2465,0
+wainscott,1428,1
+leonardo,1219,2
+ranchester,1465,5
+newfields,794,1
+lakeville,985,3
+hanson,980,17
+klickitat,932,2
+klickitat,1955,5
+stockman,521,5
+allensville,134,4
+onaga,110,2
+pomaria,1473,9
+woodbine,177,0
+merom,728,6
+lindenwood,1474,8
+coffeen,1024,0
+ranchester,210,5
+stockman,496,2
+coffeen,1102,1
+wainscott,1563,4
+hanson,385,3
+klickitat,2133,1
+shelbyville,1692,3
+pomaria,664,6
+stockman,1113,0
+klickitat,1467,4
+leonardo,398,5
+klickitat,1850,11
+hanson,1007,2
+ranchester,952,3
+woodbine,1055,0
+klickitat,1621,3
+marstons,1323,2
+leonardo,963,1
+woodbine,580,8
+tolstoy,519,12
+newfields,672,3
+tolstoy,1600,8
+lindenwood,456,3
+shelbyville,422,5
+lakeville,86,2
+shelbyville,1662,1
+shelbyville,2528,1
+klickitat,1362,1
+shelbyville,1490,12
+pinesdale,56,0
+merom,650,0
+wainscott,1567,3
+shelbyville,1077,12
+hanson,1065,1
+pinesdale,209,3
+klickitat,1355,2
+hanson,1005,0
+woodbine,748,11
+lakeville,1674,9
+shelbyville,2742,6
+pinesdale,194,0
+shelbyville,1013,2
+leonardo,850,6
+hanson,352,4
+merom,46,4
+forkland,361,0
+leonardo,1285,3
+tolstoy,1457,2
+klickitat,1760,6
+leonardo,115,5
+ranchester,906,4
+wainscott,1751,7
+woodbine,1429,0
+marstons,1974,0
+stockman,1148,4
+klickitat,1131,8
+lakeville,736,0
+lindenwood,2620,1
+tolstoy,1390,0
+lakeville,1004,16
+leonardo,1027,6
+marstons,1604,0
+lindenwood,2003,4
+tolstoy,264,0
+hanson,1230,16
+wainscott,268,1
+newfields,1096,16
+newfields,1220,3
+woodbine,289,1
+hiteman,670,2
+forkland,974,10
+shelbyville,2,5
+hiteman,275,10
+tolstoy,538,1
+pomaria,204,8
+newfields,885,3
+lakeville,834,9
+shelbyville,1452,1
+cosmos,657,0
+newfields,113,2
+woodbine,925,10
+klickitat,501,0
+tolstoy,968,2
+hiteman,358,0
+pinesdale,33,1
+beechwood,486,1
+newfields,985,4
+lakeville,1254,1
+beechwood,1090,2
+pomaria,536,2
+tolstoy,958,1
+marstons,2177,8
+wainscott,547,4
+lakeville,819,1
+coffeen,565,0
+merom,448,2
+merom,534,1
+pinesdale,644,0
+newfields,108,13
+hiteman,911,4
+coffeen,454,12
+pinesdale,918,1
+klickitat,1435,11
+mifflinburg,738,3
+marstons,1923,6
+stockman,339,8
+pomaria,1669,0
+beechwood,729,2
+lindenwood,2672,4
+coffeen,1154,0
+merom,55,1
+lindenwood,1385,5
+hiteman,1144,1
+cosmos,412,2
+coffeen,528,2
+shelbyville,1389,3
+woodbine,863,3
+mifflinburg,319,2
+woodbine,510,7
+hiteman,1017,12
+lindenwood,1390,6
+lindenwood,329,2
+hanson,210,3
+lakeville,1458,4
+coffeen,1429,2
+hanson,1385,2
+coffeen,1179,3
+hanson,592,0
+hanson,301,4
+ranchester,122,2
+ranchester,1588,0
+woodbine,1977,1
+tolstoy,1738,13
+newfields,1276,1
+stockman,1441,11
+hanson,1496,5
+tolstoy,1580,4
+leonardo,43,0
+leonardo,1700,7
+leonardo,834,2
+klickitat,2010,14
+marstons,285,2
+marstons,1422,15
+onaga,522,3
+cosmos,829,4
+forkland,502,4
+cosmos,737,3
+ranchester,1304,10
+ranchester,394,2
+ranchester,383,0
+lindenwood,198,0
+mifflinburg,309,2
+lindenwood,744,1
+marstons,659,1
+beechwood,428,2
+stockman,49,4
+mifflinburg,523,2
+mifflinburg,904,0
+lindenwood,713,3
+lindenwood,2053,1
+lindenwood,180,4
+leonardo,816,0
+klickitat,1457,5
+leonardo,2037,1
+leonardo,359,7
+shelbyville,2296,1
+wainscott,1555,10
+klickitat,889,0
+lakeville,1199,1
+leonardo,446,2
+pinesdale,1188,1
+pomaria,1336,2
+pomaria,945,8
+lindenwood,41,2
+marstons,286,1
+hanson,1343,0
+hiteman,626,5
+klickitat,1730,10
+leonardo,221,4
+coffeen,1317,3
+marstons,1907,2
+newfields,859,1
+marstons,541,0
+lindenwood,1533,10
+woodbine,1929,3
+wainscott,601,6
+leonardo,652,9
+shelbyville,1490,3
+klickitat,1005,11
+stockman,843,3
+stockman,671,0
+woodbine,738,4
+hanson,1533,3
+stockman,825,1
+leonardo,646,1
+klickitat,1380,4
+pomaria,984,3
+woodbine,1673,13
+merom,913,0
+woodbine,1199,3
+pomaria,71,0
+marstons,1587,0
+tolstoy,1088,12
+tolstoy,1179,12
+hanson,1438,3
+newfields,407,1
+marstons,1506,0
+wainscott,496,4
+leonardo,187,3
+marstons,306,0
+tolstoy,1517,2
+woodbine,537,1
+lakeville,1862,0
+cosmos,247,2
+lakeville,1266,6
+marstons,106,1
+coffeen,617,7
+lakeville,1402,3
+pinesdale,1510,1
+ranchester,243,6
+leonardo,282,2
+hanson,840,3
+pomaria,637,2
+leonardo,261,9
+woodbine,1866,6
+lindenwood,1589,0
+ranchester,165,5
+marstons,509,2
+beechwood,52,1
+lindenwood,327,4
+beechwood,60,3
+marstons,938,1
+shelbyville,1281,2
+klickitat,2153,3
+hanson,1504,2
+allensville,346,0
+lakeville,652,12
+stockman,566,4
+wainscott,346,2
+wainscott,853,6
+stockman,491,5
+leonardo,1825,2
+newfields,32,8
+lindenwood,1408,1
+shelbyville,2402,1
+hiteman,155,0
+cosmos,1047,2
+allensville,121,0
+pomaria,351,3
+woodbine,237,1
+stockman,532,0
+shelbyville,1283,6
+hiteman,1631,6
+shelbyville,872,8
+hiteman,1671,15
+marstons,1599,2
+pomaria,619,5
+marstons,1321,0
+wainscott,550,11
+shelbyville,527,1
+tolstoy,1050,2
+onaga,92,1
+marstons,1313,3
+merom,237,3
+hanson,1279,18
+shelbyville,2276,0
+woodbine,509,0
+shelbyville,2490,9
+lindenwood,914,3
+klickitat,774,1
+newfields,606,0
+newfields,794,0
+wainscott,1704,1
+wainscott,5,3
+leonardo,518,11
+cosmos,34,0
+hiteman,1217,2
+beechwood,70,5
+shelbyville,1105,5
+coffeen,548,1
+leonardo,1045,2
+lindenwood,1074,0
+klickitat,2167,1
+shelbyville,1318,2
+newfields,602,10
+klickitat,992,2
+marstons,1976,4
+klickitat,2227,0
+hiteman,428,3
+beechwood,920,1
+hiteman,1209,2
+lakeville,1429,7
+beechwood,430,5
+marstons,597,1
+shelbyville,2306,10
+pinesdale,1493,5
+hiteman,465,0
+marstons,1144,0
+lakeville,351,20
+coffeen,557,0
+marstons,465,2
+pinesdale,344,5
+pinesdale,1492,6
+merom,6,0
+lindenwood,1905,6
+coffeen,1260,0
+hanson,1377,8
+hanson,226,13
+allensville,223,1
+lindenwood,107,2
+woodbine,1857,0
+lakeville,1355,2
+woodbine,885,2
+woodbine,751,9
+hiteman,89,0
+klickitat,702,5
+marstons,2174,0
+lindenwood,1615,0
+pinesdale,1428,4
+ranchester,338,2
+coffeen,1354,2
+woodbine,403,7
+lindenwood,1736,4
+hanson,1522,5
+stockman,797,8
+newfields,665,0
+ranchester,1151,7
+shelbyville,767,4
+coffeen,613,2
+lakeville,1835,0
+leonardo,1943,3
+coffeen,78,5
+stockman,462,1
+pinesdale,1514,2
+woodbine,1357,10
+klickitat,1321,5
+marstons,2246,4
+lindenwood,1845,1
+marstons,125,0
+shelbyville,1474,3
+newfields,264,4
+shelbyville,2275,2
+cosmos,688,1
+ranchester,7,1
+pomaria,1261,2
+woodbine,1246,2
+hiteman,1723,3
+lindenwood,961,6
+newfields,1135,1
+tolstoy,1440,0
+hiteman,1027,0
+pinesdale,770,2
+lakeville,1169,1
+pinesdale,184,5
+hiteman,979,2
+onaga,35,1
+hiteman,1127,4
+shelbyville,784,7
+marstons,822,3
+forkland,258,8
+marstons,472,0
+marstons,1339,10
+shelbyville,959,4
+marstons,69,7
+woodbine,1665,6
+coffeen,690,8
+pomaria,1485,13
+mifflinburg,505,0
+marstons,1822,4
+shelbyville,1140,8
+pomaria,1004,1
+lindenwood,2382,3
+shelbyville,586,9
+beechwood,550,3
+woodbine,221,7
+onaga,574,2
+pomaria,1329,0
+stockman,1296,11
+woodbine,604,5
+stockman,898,3
+lindenwood,1398,1
+wainscott,1504,0
+hanson,82,4
+hiteman,1109,14
+pomaria,1473,7
+klickitat,1004,0
+pinesdale,743,2
+coffeen,322,3
+stockman,468,4
+newfields,1386,0
+marstons,670,4
+onaga,122,2
+leonardo,2068,6
+ranchester,853,3
+pinesdale,694,3
+shelbyville,700,7
+mifflinburg,589,1
+marstons,2102,2
+marstons,355,1
+klickitat,1872,6
+lindenwood,470,2
+marstons,316,0
+forkland,1184,4
+woodbine,1135,2
+shelbyville,238,11
+lindenwood,75,4
+forkland,225,0
+cosmos,642,7
+pomaria,128,2
+hanson,1349,6
+beechwood,93,4
+leonardo,257,23
+woodbine,846,13
+woodbine,1254,2
+merom,477,0
+tolstoy,1189,7
+stockman,431,1
+shelbyville,1522,5
+tolstoy,856,2
+coffeen,809,5
+stockman,198,3
+woodbine,900,3
+ranchester,484,11
+benevolence,147,5
+pinesdale,550,2
+hanson,1624,1
+coffeen,155,0
+hiteman,1057,1
+newfields,516,8
+lakeville,262,2
+pinesdale,806,6
+newfields,363,0
+newfields,948,0
+forkland,564,1
+hiteman,1503,8
+woodbine,818,6
+tolstoy,1690,1
+klickitat,1218,7
+stockman,84,1
+pomaria,1559,2
+woodbine,493,12
+coffeen,83,9
+wainscott,97,1
+benevolence,762,1
+shelbyville,2347,7
+hiteman,145,5
+stockman,1006,6
+marstons,1000,8
+wainscott,221,1
+lakeville,1421,11
+pinesdale,712,1
+beechwood,444,6
+hanson,244,4
+pomaria,1234,8
+hiteman,834,2
+tolstoy,685,0
+woodbine,474,6
+forkland,469,2
+marstons,311,0
+hanson,331,6
+merom,92,6
+coffeen,914,0
+hiteman,587,1
+klickitat,1783,0
+stockman,789,0
+marstons,576,4
+woodbine,1311,5
+newfields,932,4
+wainscott,556,4
+mifflinburg,879,4
+pomaria,1273,10
+lindenwood,528,0
+wainscott,1303,3
+marstons,2243,1
+marstons,2624,1
+marstons,1984,2
+klickitat,2184,3
+lindenwood,2201,1
+pomaria,1615,1
+coffeen,1026,2
+hanson,1338,2
+klickitat,2131,4
+newfields,641,12
+lakeville,1271,3
+lindenwood,487,2
+stockman,913,4
+shelbyville,809,3
+lindenwood,1886,1
+pomaria,1464,0
+cosmos,561,3
+merom,397,0
+mifflinburg,550,0
+woodbine,257,1
+wainscott,1509,10
+woodbine,187,10
+cosmos,1033,1
+shelbyville,1603,9
+wainscott,437,9
+wainscott,1508,0
+coffeen,1322,7
+shelbyville,314,1
+cosmos,389,14
+hanson,1241,10
+onaga,371,3
+tolstoy,1400,0
+hiteman,1510,2
+lindenwood,1447,5
+leonardo,779,1
+mifflinburg,749,1
+hiteman,1795,5
+woodbine,923,3
+shelbyville,1973,13
+forkland,212,1
+beechwood,824,4
+shelbyville,262,3
+forkland,639,3
+pomaria,538,3
+newfields,1327,2
+klickitat,228,2
+beechwood,233,5
+hanson,1460,1
+wainscott,48,5
+hanson,794,14
+woodbine,1578,0
+wainscott,1169,3
+marstons,1904,1
+shelbyville,2459,4
+pomaria,455,3
+shelbyville,430,3
+marstons,219,1
+lindenwood,1470,7
+merom,267,5
+beechwood,407,4
+marstons,1570,1
+forkland,1194,1
+pomaria,1090,10
+hiteman,1626,2
+marstons,1929,5
+lakeville,965,1
+hanson,47,5
+woodbine,1901,3
+leonardo,12,4
+tolstoy,1330,1
+lakeville,387,5
+ranchester,674,1
+shelbyville,760,5
+shelbyville,949,6
+tolstoy,362,6
+shelbyville,1630,11
+wainscott,1724,4
+marstons,636,2
+pomaria,1637,2
+lakeville,1321,0
+klickitat,927,2
+onaga,510,2
+mifflinburg,385,2
+lindenwood,951,5
+tolstoy,1776,6
+pomaria,1216,4
+shelbyville,1195,6
+cosmos,726,1
+lindenwood,1676,6
+shelbyville,853,0
+ranchester,409,12
+shelbyville,2753,6
+shelbyville,39,0
+ranchester,596,3
+hanson,552,2
+lakeville,1099,10
+cosmos,41,4
+marstons,829,4
+newfields,1230,0
+ranchester,1107,7
+beechwood,865,3
+ranchester,1266,0
+stockman,1367,0
+pomaria,639,1
+newfields,240,1
+lindenwood,365,1
+beechwood,918,1
+pomaria,1437,17
+wainscott,1041,5
+tolstoy,221,2
+forkland,839,6
+wainscott,876,2
+hiteman,43,2
+mifflinburg,381,1
+cosmos,673,1
+hiteman,409,6
+wainscott,1069,4
+lakeville,1155,16
+cosmos,642,4
+shelbyville,199,10
+lindenwood,1601,8
+woodbine,1082,4
+lindenwood,971,1
+hiteman,439,7
+beechwood,1098,6
+lindenwood,2641,2
+lindenwood,745,7
+klickitat,55,11
+pinesdale,64,0
+pomaria,119,6
+lakeville,756,14
+shelbyville,1035,2
+klickitat,1804,1
+merom,354,5
+tolstoy,1130,5
+pinesdale,1156,3
+klickitat,2004,3
+benevolence,153,12
+klickitat,1201,6
+klickitat,1094,1
+pinesdale,771,4
+marstons,1676,18
+stockman,885,2
+wainscott,386,2
+ranchester,1319,0
+onaga,118,3
+woodbine,1327,8
+leonardo,819,1
+klickitat,337,1
+tolstoy,1600,9
+marstons,1852,1
+tolstoy,165,0
+beechwood,482,0
+forkland,55,3
+shelbyville,1241,12
+marstons,1800,4
+pomaria,1253,0
+woodbine,599,0
+leonardo,417,6
+tolstoy,530,4
+hanson,1163,3
+shelbyville,1766,13
+hiteman,464,5
+merom,785,1
+hanson,1366,6
+newfields,1416,7
+merom,220,6
+lakeville,850,0
+leonardo,1417,2
+hanson,1365,2
+woodbine,1140,2
+klickitat,858,2
+ranchester,153,3
+woodbine,1042,0
+merom,592,2
+pinesdale,359,0
+lindenwood,2350,8
+shelbyville,2034,4
+cosmos,834,4
+klickitat,1608,2
+beechwood,220,1
+hiteman,1597,2
+marstons,2335,1
+marstons,2434,1
+lindenwood,2358,0
+forkland,650,4
+tolstoy,823,0
+pomaria,603,4
+lakeville,1312,3
+tolstoy,299,5
+woodbine,1770,0
+ranchester,399,18
+lindenwood,2531,2
+merom,72,3
+coffeen,517,1
+mifflinburg,259,5
+lakeville,568,16
+onaga,53,4
+forkland,878,7
+wainscott,764,5
+hiteman,497,0
+forkland,1054,0
+lakeville,731,8
+pinesdale,875,3
+hanson,1467,1
+klickitat,922,0
+cosmos,621,4
+lakeville,1498,4
+hiteman,373,6
+hiteman,928,1
+newfields,1029,6
+hanson,1499,4
+forkland,1073,4
+tolstoy,478,1
+stockman,1466,1
+coffeen,1467,0
+woodbine,220,0
+tolstoy,1757,2
+wainscott,1449,7
+coffeen,987,4
+leonardo,250,5
+shelbyville,2202,6
+marstons,1225,8
+pinesdale,452,7
+allensville,320,0
+lakeville,906,6
+marstons,906,1
+woodbine,23,16
+tolstoy,871,0
+beechwood,454,2
+hiteman,497,6
+lindenwood,573,2
+woodbine,1544,6
+klickitat,1021,9
+hiteman,602,2
+klickitat,2151,0
+wainscott,1016,0
+lindenwood,2577,12
+lakeville,242,1
+newfields,401,3
+tolstoy,666,6
+lindenwood,247,0
+mifflinburg,264,7
+ranchester,254,1
+hanson,1094,0
+coffeen,979,3
+woodbine,1050,14
+onaga,458,0
+benevolence,481,3
+woodbine,1639,5
+leonardo,1084,2
+shelbyville,1343,1
+mifflinburg,807,0
+pomaria,388,7
+woodbine,302,5
+shelbyville,1797,0
+marstons,1916,8
+coffeen,1207,1
+pomaria,1167,2
+marstons,2391,3
+wainscott,675,2
+coffeen,1236,1
+shelbyville,1697,12
+lindenwood,677,6
+pomaria,470,16
+hanson,1377,0
+pomaria,1147,1
+onaga,41,0
+pomaria,155,5
+klickitat,1507,0
+klickitat,1451,6
+klickitat,1588,4
+mifflinburg,483,1
+beechwood,157,3
+hanson,1128,1
+tolstoy,431,8
+shelbyville,37,6
+beechwood,1062,7
+benevolence,464,5
+tolstoy,217,7
+merom,417,4
+stockman,1025,7
+woodbine,812,5
+beechwood,1157,3
+hiteman,566,5
+tolstoy,1583,7
+hiteman,1204,4
+shelbyville,811,2
+coffeen,1328,1
+klickitat,1793,0
+leonardo,1454,1
+marstons,473,5
+merom,389,6
+coffeen,1098,0
+stockman,540,3
+lakeville,304,7
+forkland,598,3
+marstons,2174,3
+lakeville,656,4
+merom,412,0
+tolstoy,1581,2
+klickitat,1902,8
+lakeville,1381,0
+forkland,1075,1
+marstons,1774,8
+woodbine,214,0
+lindenwood,570,0
+woodbine,1547,4
+leonardo,1049,2
+lindenwood,780,4
+leonardo,658,0
+wainscott,82,5
+lindenwood,293,2
+klickitat,1633,9
+wainscott,212,5
+lindenwood,2306,0
+leonardo,1976,9
+hiteman,973,1
+hanson,1632,7
+hiteman,1756,4
+lakeville,1333,0
+shelbyville,1522,1
+klickitat,1717,7
+pomaria,1404,5
+hanson,233,6
+wainscott,148,7
+shelbyville,2208,5
+hiteman,1416,6
+wainscott,1001,3
+pomaria,836,3
+marstons,145,5
+klickitat,2259,0
+stockman,228,5
+stockman,525,12
+ranchester,161,1
+benevolence,291,1
+cosmos,903,10
+klickitat,771,2
+hiteman,211,5
+lindenwood,328,5
+lindenwood,389,0
+klickitat,1264,4
+woodbine,481,13
+leonardo,1811,6
+mifflinburg,261,1
+stockman,1052,2
+wainscott,307,10
+coffeen,551,4
+klickitat,2318,0
+lakeville,689,0
+pomaria,1554,1
+allensville,401,6
+shelbyville,1458,7
+wainscott,1364,0
+coffeen,1472,1
+lindenwood,484,2
+klickitat,2387,4
+lindenwood,1274,3
+wainscott,541,5
+lakeville,1173,7
+lakeville,36,11
+wainscott,1169,8
+shelbyville,329,4
+newfields,1353,5
+leonardo,480,1
+shelbyville,314,7
+lindenwood,1490,2
+klickitat,361,5
+coffeen,447,1
+hanson,1026,1
+cosmos,396,0
+beechwood,1109,3
+marstons,2587,0
+shelbyville,389,3
+tolstoy,282,2
+cosmos,520,9
+pinesdale,1308,4
+wainscott,1691,3
+woodbine,1414,5
+hanson,548,2
+lakeville,168,4
+cosmos,202,5
+lindenwood,1368,2
+lindenwood,21,2
+klickitat,2244,6
+shelbyville,2745,0
+shelbyville,997,6
+klickitat,708,19
+coffeen,202,1
+leonardo,396,0
+klickitat,365,8
+coffeen,296,1
+klickitat,458,8
+forkland,841,0
+leonardo,722,0
+marstons,1892,10
+lakeville,150,1
+pinesdale,225,4
+ranchester,1105,6
+lakeville,1117,1
+tolstoy,794,7
+coffeen,217,1
+lakeville,660,3
+shelbyville,2344,3
+marstons,1561,0
+pomaria,688,13
+marstons,218,5
+beechwood,64,0
+shelbyville,497,1
+leonardo,1473,7
+beechwood,408,3
+benevolence,225,1
+ranchester,399,14
+newfields,792,1
+leonardo,108,9
+tolstoy,272,1
+lindenwood,1763,0
+merom,685,0
+onaga,374,3
+lakeville,1484,1
+coffeen,1359,3
+woodbine,790,0
+marstons,1115,5
+tolstoy,689,9
+lakeville,1823,5
+merom,218,3
+hiteman,1027,2
+pinesdale,466,0
+cosmos,1036,3
+shelbyville,1471,0
+pomaria,17,5
+shelbyville,1967,1
+klickitat,1561,2
+cosmos,841,3
+hanson,1536,4
+klickitat,922,11
+shelbyville,2779,4
+woodbine,1063,3
+tolstoy,1122,10
+pinesdale,1346,0
+hiteman,326,3
+lakeville,1425,8
+pinesdale,1145,9
+lindenwood,636,4
+merom,1095,3
+hanson,993,7
+wainscott,788,0
+lindenwood,2405,1
+tolstoy,1016,1
+lindenwood,1584,1
+hanson,131,3
+leonardo,1036,2
+stockman,998,5
+pomaria,506,6
+leonardo,1726,0
+shelbyville,73,1
+hanson,75,4
+hanson,1164,4
+woodbine,1638,3
+woodbine,599,5
+pinesdale,635,0
+tolstoy,1769,9
+klickitat,276,1
+klickitat,275,2
+pinesdale,565,2
+newfields,858,1
+wainscott,636,8
+wainscott,1355,3
+lindenwood,2473,2
+merom,796,1
+hiteman,634,2
+klickitat,121,1
+leonardo,260,3
+klickitat,1221,0
+coffeen,548,5
+beechwood,149,7
+marstons,315,1
+hanson,702,5
+hanson,1121,1
+woodbine,1728,1
+tolstoy,1169,6
+newfields,1379,1
+shelbyville,938,2
+ranchester,1410,8
+forkland,212,5
+wainscott,433,1
+benevolence,548,2
+beechwood,538,0
+mifflinburg,888,1
+lindenwood,1010,6
+forkland,571,1
+marstons,210,3
+mifflinburg,317,1
+cosmos,60,0
+hanson,176,4
+mifflinburg,207,1
+wainscott,1639,1
+pinesdale,317,2
+leonardo,1496,2
+coffeen,1506,2
+hiteman,484,2
+pinesdale,832,0
+hanson,1637,4
+shelbyville,1048,2
+leonardo,484,0
+pomaria,646,1
+hiteman,339,0
+klickitat,1858,2
+tolstoy,1750,4
+woodbine,1328,1
+klickitat,821,4
+lakeville,918,2
+klickitat,2015,5
+shelbyville,2523,2
+hanson,472,3
+lindenwood,760,2
+shelbyville,2520,0
+lindenwood,1591,6
+lindenwood,2613,0
+lindenwood,1623,9
+coffeen,440,3
+hanson,1041,0
+shelbyville,2761,18
+shelbyville,992,7
+hiteman,518,3
+marstons,2113,10
+wainscott,1045,2
+shelbyville,1683,1
+lakeville,203,0
+marstons,1998,0
+wainscott,1607,8
+benevolence,323,3
+tolstoy,1668,8
+leonardo,1393,4
+tolstoy,1164,6
+leonardo,51,5
+leonardo,1162,2
+shelbyville,2119,5
+pinesdale,71,7
+shelbyville,2479,1
+shelbyville,565,1
+hiteman,749,6
+leonardo,311,4
+ranchester,1562,3
+pinesdale,184,8
+hiteman,1710,6
+hiteman,928,4
+lakeville,580,4
+shelbyville,1410,0
+klickitat,1285,2
+marstons,103,0
+leonardo,1160,1
+benevolence,181,10
+merom,173,3
+woodbine,1548,5
+benevolence,351,3
+lindenwood,2175,2
+wainscott,1721,3
+ranchester,1536,3
+shelbyville,645,4
+leonardo,435,4
+ranchester,787,4
+marstons,1577,14
+lakeville,376,2
+newfields,907,11
+onaga,72,4
+lindenwood,571,1
+ranchester,536,8
+ranchester,375,9
+marstons,1906,1
+woodbine,2055,11
+benevolence,774,0
+beechwood,34,2
+newfields,1079,2
+klickitat,1084,2
+wainscott,116,4
+wainscott,250,2
+leonardo,1840,4
+merom,482,1
+wainscott,105,1
+allensville,208,5
+wainscott,650,3
+woodbine,631,0
+coffeen,282,3
+onaga,347,4
+shelbyville,2320,3
+pinesdale,609,2
+tolstoy,1578,2
+pomaria,45,2
+wainscott,727,4
+lindenwood,357,0
+hanson,1647,0
+klickitat,1757,5
+lindenwood,994,5
+lindenwood,816,0
+klickitat,840,2
+benevolence,307,3
+stockman,688,7
+stockman,1363,2
+ranchester,204,1
+pinesdale,274,6
+shelbyville,742,2
+lakeville,735,2
+wainscott,678,3
+hiteman,1301,0
+beechwood,128,3
+lindenwood,1649,2
+shelbyville,605,4
+ranchester,1002,4
+lindenwood,1322,3
+klickitat,2254,4
+klickitat,65,1
+lindenwood,623,2
+woodbine,1311,11
+coffeen,735,2
+coffeen,251,4
+shelbyville,2716,2
+ranchester,837,7
+cosmos,243,4
+klickitat,2024,11
+tolstoy,761,1
+stockman,483,0
+marstons,852,3
+marstons,243,4
+cosmos,132,8
+lakeville,1747,3
+cosmos,963,2
+lindenwood,706,1
+tolstoy,619,3
+ranchester,1487,5
+marstons,2127,2
+leonardo,251,2
+lindenwood,1340,1
+forkland,919,5
+hanson,936,3
+stockman,474,1
+marstons,28,3
+beechwood,781,4
+leonardo,1164,0
+wainscott,1156,6
+woodbine,1737,4
+lindenwood,1711,0
+lakeville,1830,2
+forkland,759,1
+leonardo,817,13
+hanson,1397,1
+shelbyville,1165,14
+lakeville,1744,0
+woodbine,585,3
+pinesdale,1203,6
+hanson,517,8
+marstons,1912,1
+shelbyville,296,4
+leonardo,1920,1
+cosmos,31,0
+marstons,1223,1
+lakeville,210,0
+hiteman,1672,4
+klickitat,1664,11
+lindenwood,592,2
+marstons,798,11
+lindenwood,2134,6
+lakeville,58,0
+woodbine,280,7
+lakeville,561,8
+shelbyville,2663,14
+pomaria,203,5
+hiteman,518,0
+hiteman,1031,2
+hanson,1060,0
+tolstoy,1612,3
+marstons,330,0
+forkland,1009,3
+shelbyville,1315,1
+shelbyville,202,3
+marstons,2072,4
+forkland,327,5
+hanson,950,1
+coffeen,534,6
+hanson,1553,9
+wainscott,950,2
+lakeville,293,3
+marstons,240,7
+ranchester,1504,5
+ranchester,404,1
+coffeen,149,1
+lakeville,350,11
+marstons,2157,12
+woodbine,1215,1
+woodbine,308,4
+pinesdale,46,2
+klickitat,1748,6
+coffeen,785,2
+stockman,598,16
+merom,447,5
+tolstoy,1311,1
+stockman,509,3
+klickitat,1612,2
+lakeville,544,1
+shelbyville,2521,2
+klickitat,1695,1
+stockman,1497,6
+hanson,472,0
+stockman,1247,3
+forkland,950,1
+hiteman,212,1
+ranchester,1162,11
+shelbyville,1819,7
+leonardo,882,3
+woodbine,846,8
+klickitat,1363,6
+merom,227,1
+klickitat,748,3
+newfields,336,1
+marstons,2245,6
+shelbyville,218,7
+klickitat,1193,6
+ranchester,749,6
+hiteman,138,14
+wainscott,234,11
+leonardo,1542,4
+klickitat,2053,3
+mifflinburg,831,1
+cosmos,112,1
+woodbine,266,9
+woodbine,117,0
+woodbine,1403,1
+hiteman,1634,3
+ranchester,734,0
+ranchester,393,9
+leonardo,1751,0
+stockman,34,4
+marstons,775,8
+ranchester,789,2
+newfields,1487,4
+cosmos,560,0
+hiteman,1129,4
+stockman,1327,1
+woodbine,2022,1
+marstons,168,9
+merom,946,0
+merom,520,1
+leonardo,1832,3
+mifflinburg,100,3
+lindenwood,1416,0
+forkland,1030,0
+beechwood,1106,6
+cosmos,414,2
+marstons,895,8
+woodbine,121,3
+pomaria,294,8
+hiteman,1813,9
+coffeen,95,6
+leonardo,733,5
+beechwood,185,2
+lakeville,1864,1
+klickitat,1965,2
+pinesdale,954,1
+pomaria,825,2
+newfields,1468,1
+stockman,550,0
+hanson,91,3
+coffeen,974,2
+marstons,422,0
+forkland,1092,6
+woodbine,1581,1
+stockman,591,0
+cosmos,663,2
+hiteman,1123,2
+leonardo,2094,18
+coffeen,1265,7
+leonardo,1386,5
+hiteman,1779,9
+beechwood,1120,3
+marstons,1094,4
+hanson,1133,4
+tolstoy,181,3
+cosmos,764,3
+coffeen,1335,2
+wainscott,942,11
+merom,642,4
+onaga,80,0
+marstons,2186,7
+tolstoy,1837,2
+ranchester,593,5
+shelbyville,1820,2
+wainscott,463,3
+ranchester,313,3
+beechwood,395,2
+pomaria,1168,6
+pomaria,963,12
+hiteman,1636,5
+forkland,163,8
+marstons,2597,0
+mifflinburg,531,2
+merom,808,2
+shelbyville,1324,1
+hiteman,1756,2
+klickitat,115,15
+tolstoy,942,6
+lakeville,1117,2
+leonardo,164,2
+beechwood,278,2
+hanson,1433,3
+onaga,435,1
+klickitat,1971,0
+beechwood,1094,1
+lindenwood,1790,0
+lakeville,682,2
+marstons,1708,2
+merom,97,5
+pomaria,806,0
+shelbyville,238,10
+coffeen,940,7
+woodbine,1636,2
+coffeen,1133,0
+cosmos,579,7
+beechwood,745,1
+beechwood,297,4
+woodbine,335,0
+klickitat,558,5
+marstons,2279,2
+hanson,708,1
+stockman,839,2
+onaga,613,8
+leonardo,1757,9
+beechwood,1163,0
+klickitat,305,8
+lakeville,765,8
+lindenwood,2299,12
+mifflinburg,360,3
+newfields,1563,1
+marstons,617,0
+shelbyville,1898,1
+ranchester,94,17
+woodbine,401,4
+lakeville,1191,4
+leonardo,863,4
+newfields,1030,6
+lakeville,313,0
+merom,961,9
+coffeen,1018,3
+wainscott,453,5
+shelbyville,926,2
+shelbyville,523,5
+cosmos,855,1
+shelbyville,1920,10
+beechwood,1139,2
+wainscott,720,2
+klickitat,1291,4
+marstons,599,1
+pomaria,1540,2
+pomaria,1210,8
+lindenwood,1317,1
+hiteman,248,2
+shelbyville,1363,11
+cosmos,940,5
+shelbyville,980,3
+lindenwood,638,8
+leonardo,97,1
+marstons,1200,0
+leonardo,1591,8
+wainscott,732,11
+lakeville,1785,0
+hiteman,1452,7
+lakeville,835,6
+newfields,1087,1
+ranchester,242,2
+shelbyville,625,3
+stockman,1073,3
+klickitat,653,7
+tolstoy,380,2
+ranchester,809,2
+leonardo,373,6
+pomaria,406,1
+klickitat,1513,14
+pomaria,1339,8
+wainscott,1396,1
+lindenwood,1973,0
+lindenwood,556,0
+hanson,268,3
+tolstoy,1270,3
+leonardo,1058,2
+pomaria,733,2
+merom,1075,3
+newfields,1353,2
+klickitat,2167,9
+shelbyville,912,7
+wainscott,464,1
+newfields,158,0
+wainscott,386,6
+newfields,1097,3
+wainscott,316,4
+cosmos,900,0
+pomaria,816,2
+pinesdale,369,2
+lakeville,838,1
+ranchester,150,0
+leonardo,668,8
+lakeville,1097,9
+lakeville,599,4
+marstons,1027,3
+shelbyville,743,4
+klickitat,1735,11
+shelbyville,752,5
+woodbine,764,0
+forkland,1130,6
+lakeville,1684,3
+newfields,452,1
+hanson,354,1
+forkland,1097,2
+pomaria,83,6
+lindenwood,1108,4
+tolstoy,1564,3
+pomaria,1647,1
+hiteman,1686,4
+marstons,37,14
+newfields,1070,1
+tolstoy,1776,13
+newfields,1279,2
+ranchester,1605,4
+coffeen,986,0
+klickitat,1386,4
+marstons,1797,0
+marstons,1139,2
+merom,1003,4
+wainscott,1585,5
+tolstoy,1029,2
+stockman,77,1
+wainscott,1468,2
+stockman,758,7
+newfields,767,1
+tolstoy,490,0
+tolstoy,335,0
+lakeville,1518,3
+pomaria,1094,0
+marstons,921,9
+pomaria,631,8
+cosmos,857,7
+beechwood,448,2
+hiteman,1441,4
+shelbyville,841,4
+marstons,1100,0
+pomaria,292,1
+lindenwood,2088,0
+marstons,1486,1
+allensville,13,1
+klickitat,2108,3
+klickitat,271,5
+klickitat,2225,0
+klickitat,1671,13
+merom,80,3
+hanson,1242,0
+marstons,2596,1
+lindenwood,658,2
+lakeville,1359,0
+beechwood,304,9
+coffeen,1506,3
+ranchester,967,1
+marstons,2128,1
+mifflinburg,897,5
+marstons,332,4
+ranchester,648,0
+leonardo,562,3
+coffeen,576,2
+forkland,259,8
+newfields,720,1
+cosmos,71,14
+hiteman,1468,7
+shelbyville,1292,3
+mifflinburg,239,3
+leonardo,1301,1
+ranchester,1343,3
+lindenwood,456,8
+marstons,1766,0
+lindenwood,209,0
+hiteman,803,1
+cosmos,995,3
+woodbine,697,2
+lakeville,1714,11
+lindenwood,2130,10
+mifflinburg,473,1
+shelbyville,949,2
+leonardo,1273,0
+beechwood,754,9
+lindenwood,613,1
+klickitat,430,2
+forkland,741,0
+merom,281,5
+shelbyville,1909,2
+leonardo,1946,3
+hiteman,1447,1
+coffeen,1487,3
+ranchester,840,1
+leonardo,915,1
+lindenwood,872,5
+klickitat,1296,2
+onaga,638,7
+forkland,157,0
+ranchester,1065,4
+klickitat,2194,0
+stockman,108,1
+leonardo,303,0
+lindenwood,2377,3
+ranchester,1466,4
+pomaria,450,10
+newfields,857,13
+newfields,406,2
+lindenwood,2515,5
+marstons,2027,6
+beechwood,1067,4
+cosmos,1,3
+woodbine,135,2
+lindenwood,2656,1
+marstons,1446,2
+pomaria,1411,10
+lakeville,1236,3
+ranchester,950,4
+klickitat,1868,0
+woodbine,469,13
+lindenwood,1517,5
+pomaria,16,2
+woodbine,1223,2
+lindenwood,1022,2
+stockman,1365,3
+coffeen,1160,4
+forkland,1159,0
+forkland,68,3
+woodbine,199,13
+ranchester,129,2
+marstons,735,2
+hiteman,946,3
+newfields,435,0
+lakeville,1786,2
+newfields,1015,2
+klickitat,1641,1
+pinesdale,436,4
+hiteman,1841,9
+lindenwood,1834,2
+woodbine,1796,4
+lindenwood,215,3
+leonardo,1871,1
+stockman,1430,0
+mifflinburg,923,1
+forkland,664,1
+onaga,147,8
+hiteman,1600,0
+pinesdale,423,0
+shelbyville,1233,0
+allensville,368,1
+shelbyville,1094,2
+lindenwood,2020,3
+leonardo,1318,12
+hanson,1068,1
+pinesdale,287,1
+marstons,526,2
+beechwood,414,7
+wainscott,1215,0
+beechwood,680,1
+pinesdale,1073,9
+stockman,105,0
+lakeville,747,2
+hanson,1617,7
+stockman,163,5
+klickitat,1036,5
+klickitat,1628,6
+marstons,2536,7
+marstons,1733,1
+pinesdale,814,15
+shelbyville,2082,7
+woodbine,62,12
+klickitat,1295,4
+newfields,604,8
+lindenwood,869,8
+marstons,1072,2
+wainscott,1112,8
+ranchester,506,5
+hanson,16,2
+ranchester,892,1
+marstons,2474,9
+tolstoy,877,5
+woodbine,522,2
+hanson,467,1
+stockman,831,2
+woodbine,71,2
+woodbine,1458,15
+lindenwood,428,3
+pomaria,509,1
+newfields,394,2
+benevolence,795,1
+shelbyville,1481,6
+woodbine,1388,7
+woodbine,1727,3
+shelbyville,481,3
+hiteman,1218,3
+lindenwood,796,6
+merom,519,0
+cosmos,456,2
+klickitat,846,6
+hanson,120,3
+lakeville,734,2
+mifflinburg,146,0
+leonardo,1313,4
+coffeen,476,7
+lakeville,1422,5
+marstons,1117,0
+shelbyville,68,2
+ranchester,1521,4
+hiteman,452,2
+marstons,1550,4
+forkland,910,3
+shelbyville,2405,11
+wainscott,8,2
+stockman,790,2
+stockman,840,6
+marstons,498,6
+klickitat,1761,0
+klickitat,245,1
+beechwood,1146,1
+stockman,878,4
+wainscott,287,5
+ranchester,816,3
+marstons,768,14
+stockman,954,1
+wainscott,43,4
+woodbine,715,0
+ranchester,860,0
+shelbyville,1483,1
+ranchester,1450,6
+lakeville,693,3
+forkland,954,4
+marstons,429,8
+klickitat,1522,0
+pomaria,1634,13
+stockman,457,5
+beechwood,18,2
+marstons,1382,2
+lakeville,410,2
+beechwood,657,2
+klickitat,2056,0
+benevolence,484,1
+shelbyville,2512,11
+marstons,2526,6
+pomaria,952,10
+marstons,512,2
+leonardo,754,2
+lindenwood,1044,3
+hiteman,1786,2
+lakeville,1479,3
+shelbyville,413,3
+coffeen,523,2
+forkland,129,0
+klickitat,1808,0
+klickitat,14,5
+marstons,587,4
+leonardo,729,3
+wainscott,655,3
+woodbine,1335,1
+newfields,762,0
+tolstoy,1821,8
+leonardo,1136,2
+tolstoy,1109,8
+leonardo,370,1
+marstons,2127,6
+hiteman,1727,3
+hanson,854,1
+ranchester,173,1
+lakeville,364,1
+lindenwood,1565,2
+hanson,142,3
+leonardo,236,0
+lindenwood,2258,3
+pinesdale,509,2
+wainscott,1527,2
+lakeville,1440,2
+leonardo,695,7
+leonardo,925,4
+hanson,1618,0
+ranchester,1384,4
+merom,421,0
+coffeen,1426,0
+pomaria,1643,3
+klickitat,846,8
+wainscott,960,5
+lakeville,279,2
+leonardo,749,1
+pinesdale,552,5
+allensville,418,1
+woodbine,413,2
+marstons,1030,5
+newfields,1351,3
+newfields,1615,3
+lindenwood,2281,15
+merom,166,8
+hiteman,770,0
+leonardo,1198,0
+beechwood,811,2
+leonardo,38,1
+hiteman,1740,6
+merom,669,3
+hanson,1246,10
+stockman,419,0
+klickitat,790,1
+tolstoy,1746,2
+klickitat,2180,5
+tolstoy,1065,1
+newfields,274,15
+stockman,583,11
+tolstoy,1739,3
+beechwood,886,3
+pomaria,1468,5
+pomaria,139,2
+stockman,137,7
+leonardo,1248,2
+wainscott,1407,2
+pomaria,128,1
+lakeville,1184,0
+leonardo,38,0
+pomaria,934,4
+marstons,2198,12
+coffeen,1401,1
+pomaria,893,8
+mifflinburg,920,1
+lakeville,1781,1
+klickitat,1451,13
+ranchester,581,4
+leonardo,1884,3
+onaga,253,5
+hanson,1190,4
+newfields,401,1
+mifflinburg,970,3
+shelbyville,1000,2
+pomaria,448,1
+shelbyville,219,8
+lakeville,290,2
+newfields,158,7
+pomaria,205,10
+lakeville,909,0
+leonardo,788,7
+leonardo,1515,7
+marstons,1670,3
+mifflinburg,885,1
+ranchester,652,0
+lakeville,1751,2
+mifflinburg,186,1
+lindenwood,1765,5
+marstons,33,7
+forkland,771,5
+hanson,79,1
+forkland,66,0
+shelbyville,2201,2
+cosmos,604,1
+wainscott,1055,2
+shelbyville,2042,1
+woodbine,127,2
+wainscott,1454,1
+pomaria,1088,7
+lindenwood,2255,5
+leonardo,12,1
+klickitat,1412,14
+klickitat,73,12
+lakeville,1484,9
+hiteman,1583,16
+ranchester,633,2
+marstons,1616,1
+coffeen,1132,0
+lindenwood,201,0
+woodbine,906,0
+hiteman,1160,2
+hiteman,4,0
+woodbine,1831,2
+coffeen,109,3
+lindenwood,615,3
+lakeville,1305,2
+klickitat,405,2
+leonardo,466,4
+benevolence,196,2
+shelbyville,470,0
+allensville,504,2
+woodbine,927,2
+shelbyville,1234,2
+cosmos,551,1
+hiteman,1416,4
+beechwood,462,6
+newfields,494,4
+stockman,528,1
+onaga,538,4
+lakeville,62,7
+hiteman,1572,0
+woodbine,899,6
+marstons,1796,1
+woodbine,409,2
+pomaria,1249,5
+shelbyville,577,4
+coffeen,1318,1
+hanson,902,7
+ranchester,1469,0
+newfields,203,1
+pinesdale,1072,1
+woodbine,1076,0
+merom,564,1
+ranchester,1420,8
+woodbine,1085,3
+shelbyville,64,9
+lindenwood,554,6
+ranchester,1203,2
+woodbine,812,3
+shelbyville,678,4
+leonardo,897,5
+stockman,805,4
+hiteman,1123,4
+shelbyville,334,13
+lindenwood,2241,2
+pomaria,538,15
+klickitat,2294,1
+marstons,2397,1
+shelbyville,2619,5
+marstons,2551,1
+marstons,345,2
+stockman,1533,1
+marstons,1520,3
+shelbyville,1192,7
+klickitat,288,4
+allensville,23,8
+newfields,1556,0
+tolstoy,1562,4
+leonardo,2008,1
+leonardo,291,6
+beechwood,861,2
+woodbine,1253,1
+lakeville,86,8
+marstons,496,3
+merom,19,5
+beechwood,606,0
+hanson,1449,12
+lakeville,628,9
+shelbyville,1469,8
+woodbine,1586,7
+newfields,1323,1
+hiteman,1422,3
+wainscott,236,3
+stockman,339,5
+wainscott,331,11
+klickitat,1408,3
+leonardo,1135,1
+tolstoy,1591,2
+hanson,116,0
+leonardo,887,2
+pomaria,407,0
+coffeen,292,5
+cosmos,357,1
+marstons,388,3
+woodbine,1043,4
+lakeville,631,1
+merom,1035,5
+hanson,167,0
+benevolence,52,0
+klickitat,346,4
+newfields,1434,3
+wainscott,298,9
+pinesdale,113,4
+wainscott,1488,3
+beechwood,99,0
+marstons,2033,1
+woodbine,288,3
+hiteman,952,2
+tolstoy,118,6
+marstons,2434,6
+hanson,1266,2
+ranchester,488,2
+wainscott,71,0
+tolstoy,116,7
+ranchester,241,1
+shelbyville,2742,8
+hiteman,357,0
+mifflinburg,301,5
+shelbyville,982,2
+leonardo,827,2
+woodbine,1504,5
+coffeen,162,5
+beechwood,442,2
+klickitat,311,2
+ranchester,1628,3
+tolstoy,1816,0
+wainscott,1306,10
+stockman,380,7
+newfields,108,4
+lindenwood,267,4
+beechwood,1077,10
+shelbyville,2069,6
+lakeville,1505,14
+woodbine,530,2
+tolstoy,1397,2
+stockman,27,12
+tolstoy,1197,1
+shelbyville,2808,2
+mifflinburg,827,0
+woodbine,1595,0
+hanson,1284,7
+lakeville,86,1
+mifflinburg,51,0
+shelbyville,987,0
+lakeville,1446,11
+lindenwood,668,1
+lakeville,1586,2
+klickitat,868,2
+shelbyville,1280,14
+hiteman,860,9
+lindenwood,2585,4
+klickitat,1314,2
+marstons,2413,5
+hanson,1022,5
+wainscott,1462,13
+klickitat,1764,3
+beechwood,608,3
+ranchester,1639,8
+hiteman,1816,11
+hanson,1649,4
+newfields,37,1
+shelbyville,1064,2
+leonardo,1434,2
+marstons,2410,0
+klickitat,1039,3
+ranchester,469,9
+merom,1111,1
+mifflinburg,92,0
+coffeen,705,2
+shelbyville,2553,4
+ranchester,269,2
+marstons,321,1
+woodbine,1785,3
+hanson,318,0
+hiteman,1776,10
+coffeen,468,3
+merom,688,4
+newfields,1132,7
+klickitat,1005,3
+lindenwood,1315,10
+wainscott,177,10
+merom,1003,5
+marstons,1504,3
+pomaria,1304,2
+onaga,513,1
+hanson,616,1
+ranchester,1405,2
+hiteman,1496,1
+coffeen,783,1
+forkland,478,1
+marstons,1412,3
+ranchester,704,5
+klickitat,1315,7
+woodbine,554,14
+shelbyville,2233,1
+marstons,2536,8
+hiteman,1095,14
+pinesdale,124,2
+leonardo,128,13
+forkland,742,2
+hiteman,1376,11
+leonardo,799,4
+allensville,331,4
+wainscott,1394,4
+tolstoy,825,2
+allensville,156,2
+hiteman,1409,4
+marstons,814,5
+stockman,333,3
+ranchester,532,8
+hiteman,1518,3
+hanson,1464,4
+pomaria,675,6
+merom,469,0
+leonardo,1266,6
+klickitat,2274,4
+klickitat,1735,5
+merom,245,1
+ranchester,1150,3
+tolstoy,690,3
+merom,154,3
+hiteman,1226,8
+mifflinburg,28,4
+woodbine,487,4
+leonardo,785,6
+woodbine,1941,4
+shelbyville,1689,10
+beechwood,891,1
+hiteman,136,2
+newfields,844,6
+pinesdale,492,2
+marstons,1601,1
+coffeen,630,5
+coffeen,260,0
+tolstoy,898,3
+coffeen,681,1
+forkland,301,5
+hanson,780,3
+wainscott,1787,2
+pinesdale,1055,5
+leonardo,362,2
+shelbyville,697,12
+forkland,229,1
+wainscott,736,1
+hanson,1437,3
+leonardo,257,8
+marstons,2370,4
+lakeville,184,0
+shelbyville,2703,7
+hiteman,1174,5
+coffeen,1373,2
+beechwood,325,3
+marstons,1361,6
+lakeville,1221,2
+stockman,1571,2
+lindenwood,1625,3
+woodbine,548,3
+klickitat,1715,6
+marstons,1710,6
+onaga,479,0
+hanson,425,0
+lindenwood,1908,1
+stockman,1454,11
+marstons,1751,13
+hiteman,782,9
+beechwood,770,5
+pinesdale,1247,5
+hiteman,1259,5
+woodbine,1793,4
+lakeville,1542,1
+shelbyville,394,2
+lindenwood,1859,1
+woodbine,1355,0
+wainscott,1362,0
+cosmos,1000,7
+pomaria,528,1
+pomaria,657,5
+hiteman,1127,2
+shelbyville,892,2
+lakeville,818,4
+tolstoy,437,5
+marstons,835,5
+pinesdale,1327,0
+cosmos,458,2
+tolstoy,1382,1
+tolstoy,1112,6
+shelbyville,1185,3
+lakeville,137,6
+pinesdale,932,2
+stockman,1239,2
+klickitat,151,16
+ranchester,37,9
+hiteman,1137,0
+woodbine,1884,9
+allensville,0,4
+newfields,846,5
+klickitat,1679,15
+mifflinburg,836,2
+shelbyville,2674,11
+shelbyville,561,5
+shelbyville,2361,15
+lindenwood,602,3
+leonardo,311,3
+lakeville,175,12
+pinesdale,308,1
+hanson,1402,4
+shelbyville,1196,10
+pinesdale,333,2
+shelbyville,2612,0
+klickitat,1061,3
+marstons,319,8
+allensville,309,1
+lakeville,351,8
+stockman,342,2
+beechwood,461,1
+leonardo,2110,0
+lindenwood,2076,0
+woodbine,804,6
+woodbine,879,7
+shelbyville,1298,1
+newfields,1330,0
+shelbyville,1780,2
+hanson,399,1
+newfields,751,4
+ranchester,1552,7
+woodbine,1700,18
+pomaria,1122,9
+shelbyville,1358,9
+cosmos,849,4
+shelbyville,1395,2
+onaga,71,3
+klickitat,2305,8
+ranchester,1271,6
+merom,1114,0
+hanson,1643,2
+benevolence,395,4
+stockman,935,2
+pinesdale,1488,0
+woodbine,1884,2
+onaga,475,0
+shelbyville,56,3
+wainscott,317,2
+tolstoy,88,8
+marstons,2404,0
+hiteman,966,2
+pomaria,1442,0
+leonardo,632,0
+forkland,361,3
+shelbyville,578,0
+merom,474,0
+forkland,15,7
+lindenwood,1091,13
+lindenwood,1151,0
+wainscott,1419,9
+woodbine,1269,8
+lakeville,692,3
+klickitat,1740,4
+leonardo,1173,1
+tolstoy,433,4
+coffeen,1365,0
+wainscott,96,6
+hiteman,1430,6
+stockman,653,9
+shelbyville,472,0
+lakeville,35,2
+lakeville,964,0
+merom,960,1
+klickitat,2013,0
+stockman,854,2
+pomaria,1371,8
+marstons,1008,3
+beechwood,107,4
+klickitat,2385,8
+pinesdale,1516,4
+pomaria,1452,2
+forkland,575,0
+marstons,825,6
+newfields,186,4
+tolstoy,1323,3
+stockman,522,0
+pinesdale,943,2
+klickitat,256,5
+marstons,518,2
+pinesdale,1181,1
+benevolence,459,2
+leonardo,316,0
+woodbine,890,3
+pomaria,150,0
+hanson,209,0
+lindenwood,1523,0
+shelbyville,1613,6
+marstons,2418,1
+wainscott,443,3
+pinesdale,425,3
+newfields,481,17
+leonardo,711,0
+klickitat,1024,16
+shelbyville,2608,1
+klickitat,2065,3
+tolstoy,133,11
+coffeen,586,2
+cosmos,202,4
+klickitat,428,6
+wainscott,966,1
+onaga,70,2
+marstons,1516,5
+newfields,1209,4
+lindenwood,2163,2
+lakeville,1788,2
+lindenwood,9,0
+wainscott,677,1
+pinesdale,1166,5
+lakeville,908,16
+lakeville,184,4
+tolstoy,544,5
+allensville,261,1
+lindenwood,2203,4
+lakeville,1773,5
+pinesdale,948,0
+pomaria,1416,18
+stockman,1289,0
+newfields,1538,4
+hanson,1136,1
+forkland,1064,0
+leonardo,1182,3
+lindenwood,740,1
+beechwood,761,1
+tolstoy,467,4
+lakeville,1446,1
+hiteman,1309,8
+pomaria,556,0
+wainscott,170,2
+hiteman,910,0
+merom,1084,1
+lakeville,104,4
+merom,546,2
+marstons,1854,2
+wainscott,515,0
+pinesdale,456,1
+ranchester,1226,3
+ranchester,1063,2
+leonardo,859,1
+klickitat,929,1
+marstons,355,6
+lindenwood,1096,5
+klickitat,1474,2
+stockman,706,1
+klickitat,334,11
+lindenwood,1072,0
+benevolence,287,1
+pinesdale,1188,6
+wainscott,909,10
+leonardo,250,10
+cosmos,245,1
+woodbine,918,1
+woodbine,1577,3
+marstons,2046,9
+ranchester,892,0
+forkland,2,6
+klickitat,1179,10
+lindenwood,1187,8
+merom,313,4
+newfields,999,6
+marstons,568,4
+lakeville,1566,2
+lakeville,1770,1
+tolstoy,397,3
+pomaria,374,3
+pomaria,1159,17
+stockman,173,0
+pinesdale,219,0
+hiteman,1703,0
+pinesdale,1388,2
+klickitat,730,4
+hiteman,778,3
+klickitat,231,3
+pomaria,469,5
+tolstoy,589,1
+tolstoy,1145,0
+beechwood,109,8
+newfields,897,2
+leonardo,1199,1
+shelbyville,2544,8
+pinesdale,606,2
+klickitat,34,1
+newfields,1245,9
+coffeen,668,6
+hanson,961,3
+ranchester,911,3
+hanson,198,7
+leonardo,238,3
+shelbyville,1152,5
+lindenwood,610,1
+lindenwood,2007,4
+pinesdale,1308,0
+hanson,1159,2
+klickitat,2251,2
+tolstoy,1381,2
+lindenwood,2559,0
+leonardo,892,1
+wainscott,1475,4
+tolstoy,1646,4
+pomaria,1261,0
+shelbyville,1779,4
+hanson,428,1
+shelbyville,2592,1
+hanson,1399,13
+hanson,306,2
+klickitat,1756,3
+tolstoy,263,2
+marstons,756,3
+woodbine,1450,5
+hiteman,203,3
+lindenwood,2109,11
+woodbine,455,1
+tolstoy,1604,0
+forkland,146,1
+tolstoy,20,4
+forkland,530,0
+klickitat,1284,1
+klickitat,967,3
+lindenwood,828,17
+beechwood,416,3
+wainscott,1052,2
+stockman,380,1
+shelbyville,2260,4
+allensville,480,1
+marstons,587,3
+woodbine,999,3
+hiteman,575,1
+wainscott,1669,2
+pomaria,1659,0
+hiteman,1197,0
+merom,336,2
+leonardo,1722,2
+beechwood,601,1
+marstons,1043,3
+leonardo,561,3
+lindenwood,369,5
+pinesdale,135,5
+shelbyville,2644,1
+hiteman,814,0
+woodbine,266,14
+lindenwood,1268,14
+newfields,856,12
+shelbyville,1784,5
+marstons,2400,4
+ranchester,676,4
+stockman,1390,5
+cosmos,777,4
+shelbyville,832,2
+lindenwood,2031,6
+hiteman,894,7
+mifflinburg,237,3
+lakeville,743,2
+pinesdale,1515,2
+leonardo,1681,6
+leonardo,1714,2
+pinesdale,973,6
+lindenwood,134,0
+hiteman,1306,0
+stockman,1539,3
+ranchester,861,2
+tolstoy,1092,16
+beechwood,922,1
+lakeville,1080,2
+cosmos,185,6
+hiteman,1380,11
+hanson,808,5
+stockman,342,4
+newfields,1047,2
+klickitat,300,2
+hiteman,984,1
+klickitat,488,23
+cosmos,544,2
+benevolence,457,2
+leonardo,1594,3
+woodbine,1488,4
+beechwood,640,3
+beechwood,480,8
+newfields,39,2
+cosmos,758,0
+hanson,1178,4
+klickitat,2114,11
+woodbine,247,4
+shelbyville,701,0
+marstons,2311,3
+lakeville,704,1
+coffeen,470,5
+woodbine,1643,2
+cosmos,11,3
+leonardo,1390,0
+newfields,3,9
+benevolence,127,4
+hiteman,366,11
+coffeen,891,1
+marstons,2529,5
+newfields,581,6
+lindenwood,1050,2
+shelbyville,2684,0
+lindenwood,2120,4
+marstons,750,0
+klickitat,1687,6
+marstons,2413,1
+coffeen,925,2
+lakeville,936,12
+coffeen,986,1
+lindenwood,1705,3
+wainscott,735,5
+merom,745,1
+marstons,232,8
+merom,219,5
+coffeen,181,2
+klickitat,164,4
+shelbyville,1376,1
+hiteman,1241,0
+marstons,2114,0
+shelbyville,1620,10
+pomaria,86,14
+newfields,1088,1
+hanson,797,4
+leonardo,396,2
+klickitat,618,2
+lindenwood,2350,4
+woodbine,1957,3
+tolstoy,1781,4
+shelbyville,179,4
+hanson,1553,17
+wainscott,1045,5
+hanson,1617,10
+coffeen,220,6
+klickitat,1560,2
+hiteman,209,3
+pomaria,281,5
+marstons,343,4
+marstons,408,0
+wainscott,1025,14
+stockman,367,1
+merom,98,0
+benevolence,869,8
+wainscott,382,2
+cosmos,828,9
+newfields,320,3
+tolstoy,1662,2
+shelbyville,1306,6
+tolstoy,701,0
+lindenwood,1275,0
+tolstoy,960,2
+lindenwood,1879,4
+forkland,191,0
+marstons,2586,2
+coffeen,78,0
+coffeen,1150,5
+merom,735,9
+shelbyville,1954,12
+leonardo,1516,1
+lakeville,1870,5
+leonardo,183,1
+lindenwood,1011,0
+wainscott,953,6
+shelbyville,1230,3
+lindenwood,491,1
+lindenwood,731,5
+pinesdale,702,3
+lindenwood,289,3
+merom,800,0
+tolstoy,1450,4
+pomaria,945,2
+coffeen,1051,5
+marstons,2446,2
+stockman,544,4
+stockman,383,7
+shelbyville,173,11
+ranchester,1503,2
+pomaria,77,2
+lindenwood,1272,1
+ranchester,197,3
+tolstoy,774,2
+lakeville,1245,0
+lakeville,172,13
+onaga,559,3
+klickitat,252,1
+pomaria,537,2
+klickitat,987,2
+woodbine,793,7
+lindenwood,1190,4
+leonardo,412,2
+allensville,66,2
+tolstoy,1218,16
+marstons,692,3
+lakeville,1872,9
+shelbyville,672,5
+woodbine,1469,0
+woodbine,256,7
+woodbine,643,12
+newfields,798,8
+ranchester,574,1
+forkland,563,3
+woodbine,375,2
+cosmos,635,3
+tolstoy,805,4
+tolstoy,518,9
+stockman,50,2
+coffeen,1402,3
+cosmos,413,4
+lindenwood,2662,5
+tolstoy,650,3
+marstons,1511,12
+lindenwood,1490,16
+wainscott,1653,9
+leonardo,134,0
+coffeen,947,2
+benevolence,199,2
+benevolence,364,10
+lakeville,515,1
+klickitat,2061,5
+lakeville,1399,2
+wainscott,942,6
+beechwood,534,3
+leonardo,1139,13
+tolstoy,1306,2
+onaga,354,0
+leonardo,102,2
+pomaria,282,0
+wainscott,58,3
+tolstoy,1682,4
+lindenwood,333,9
+benevolence,495,6
+lindenwood,1833,2
+forkland,1169,1
+pomaria,1510,1
+merom,536,0
+merom,969,4
+tolstoy,1781,9
+shelbyville,1984,8
+mifflinburg,692,0
+ranchester,99,6
+mifflinburg,239,6
+tolstoy,269,0
+lindenwood,635,0
+woodbine,1349,8
+leonardo,1944,9
+wainscott,62,18
+pinesdale,78,2
+leonardo,482,5
+ranchester,175,3
+pinesdale,869,2
+lindenwood,751,3
+tolstoy,1665,1
+coffeen,924,8
+pomaria,332,3
+newfields,316,2
+shelbyville,2730,0
+leonardo,1903,2
+hiteman,935,4
+ranchester,938,8
+woodbine,1377,1
+tolstoy,1366,11
+hiteman,1458,4
+shelbyville,1872,5
+leonardo,89,3
+tolstoy,961,1
+marstons,2163,3
+shelbyville,1312,1
+leonardo,1331,7
+pomaria,1233,0
+shelbyville,663,5
+hanson,157,1
+leonardo,1533,7
+shelbyville,2739,3
+beechwood,685,6
+hanson,858,3
+marstons,821,9
+klickitat,1467,5
+woodbine,1397,1
+lindenwood,1831,0
+hiteman,1066,0
+newfields,1515,3
+stockman,398,4
+newfields,1221,16
+forkland,124,4
+ranchester,707,2
+tolstoy,1048,3
+klickitat,501,1
+merom,190,9
+leonardo,2093,4
+hanson,1521,1
+lakeville,449,4
+klickitat,8,8
+beechwood,250,3
+tolstoy,172,2
+klickitat,13,9
+coffeen,435,0
+marstons,2320,2
+hiteman,1754,6
+beechwood,874,2
+cosmos,948,3
+tolstoy,384,7
+shelbyville,2335,2
+onaga,360,2
+hiteman,223,6
+pomaria,1079,2
+lakeville,1313,9
+onaga,670,1
+woodbine,1947,1
+lakeville,51,8
+mifflinburg,201,0
+forkland,27,0
+klickitat,779,1
+pomaria,633,11
+newfields,485,0
+newfields,1613,4
+pomaria,410,2
+woodbine,1902,11
+newfields,1290,1
+tolstoy,733,1
+lakeville,679,10
+hiteman,245,6
+shelbyville,2475,1
+hanson,731,6
+lakeville,1783,2
+leonardo,688,1
+pinesdale,1465,1
+hiteman,799,3
+stockman,796,1
+newfields,1212,2
+beechwood,443,10
+coffeen,1322,8
+wainscott,616,3
+pinesdale,689,5
+ranchester,1444,5
+marstons,308,1
+allensville,314,3
+woodbine,1050,4
+hiteman,1171,1
+stockman,981,0
+ranchester,0,2
+wainscott,832,2
+lindenwood,1217,7
+hiteman,368,2
+stockman,1570,2
+wainscott,871,4
+hanson,290,2
+leonardo,1819,4
+hiteman,48,7
+ranchester,1428,0
+hanson,77,2
+wainscott,1185,6
+wainscott,1189,9
+lindenwood,1385,14
+lindenwood,1315,8
+leonardo,726,6
+woodbine,207,3
+lindenwood,693,11
+hanson,170,4
+pomaria,1494,6
+klickitat,1624,0
+wainscott,1504,1
+stockman,1507,2
+hiteman,66,2
+leonardo,1733,2
+klickitat,2296,11
+pinesdale,1414,2
+lindenwood,526,1
+lakeville,172,4
+lindenwood,1823,4
+klickitat,1139,0
+merom,670,1
+stockman,123,2
+lakeville,641,4
+marstons,1961,3
+coffeen,609,2
+woodbine,1128,0
+klickitat,1273,1
+hanson,1035,2
+tolstoy,1311,2
+shelbyville,1616,0
+pomaria,712,4
+lindenwood,1915,0
+newfields,1158,3
+klickitat,326,2
+shelbyville,1952,3
+klickitat,1041,2
+beechwood,882,1
+klickitat,639,0
+shelbyville,95,1
+marstons,2636,3
+pinesdale,772,1
+lindenwood,1184,3
+lindenwood,1342,1
+stockman,1107,3
+woodbine,1125,10
+lindenwood,238,11
+tolstoy,1347,3
+benevolence,233,5
+leonardo,1821,3
+wainscott,773,1
+stockman,1515,2
+tolstoy,1035,6
+marstons,11,7
+cosmos,936,1
+lindenwood,29,12
+woodbine,1603,2
+wainscott,84,7
+lakeville,1677,1
+pomaria,1381,14
+beechwood,1165,4
+woodbine,1686,1
+lindenwood,404,10
+coffeen,1241,6
+shelbyville,1293,10
+klickitat,2204,0
+lindenwood,1327,1
+lindenwood,1694,8
+hiteman,409,1
+newfields,717,15
+marstons,1512,2
+hiteman,1448,3
+wainscott,110,7
+marstons,2152,1
+merom,380,0
+beechwood,508,3
+tolstoy,452,3
+hanson,228,9
+woodbine,1737,0
+ranchester,1154,1
+ranchester,1404,1
+woodbine,342,7
+pinesdale,908,1
+hanson,542,2
+leonardo,41,4
+forkland,983,2
+coffeen,156,1
+beechwood,606,1
+klickitat,772,2
+marstons,1131,1
+wainscott,1420,3
+newfields,1228,9
+hiteman,1300,11
+wainscott,293,1
+wainscott,1758,2
+hiteman,462,1
+shelbyville,1169,2
+onaga,643,0
+leonardo,480,5
+lindenwood,2029,1
+benevolence,621,1
+coffeen,911,8
+coffeen,409,3
+lakeville,1364,5
+cosmos,770,1
+marstons,2085,2
+hiteman,1319,14
+shelbyville,2282,4
+klickitat,1114,0
+tolstoy,574,4
+klickitat,1345,10
+tolstoy,1822,12
+klickitat,2188,8
+wainscott,1584,10
+newfields,5,7
+marstons,1613,4
+coffeen,249,2
+tolstoy,137,2
+woodbine,1735,4
+beechwood,457,1
+ranchester,281,0
+marstons,2059,2
+woodbine,1545,8
+hiteman,283,6
+leonardo,561,1
+shelbyville,2361,4
+klickitat,1296,10
+tolstoy,1202,4
+shelbyville,1403,3
+lakeville,1357,3
+klickitat,2055,2
+klickitat,200,5
+shelbyville,991,3
+ranchester,1519,3
+hiteman,1129,8
+coffeen,617,1
+lakeville,1552,3
+lindenwood,704,4
+newfields,539,6
+wainscott,1046,4
+klickitat,494,2
+lindenwood,291,15
+ranchester,1632,2
+woodbine,569,3
+marstons,1856,0
+marstons,570,0
+wainscott,505,10
+pomaria,1062,0
+woodbine,1201,0
+cosmos,27,8
+ranchester,295,1
+beechwood,714,4
+woodbine,199,3
+pomaria,646,0
+shelbyville,2081,1
+tolstoy,1447,4
+leonardo,1000,12
+coffeen,1514,3
+lindenwood,2464,3
+hanson,967,2
+hiteman,197,2
+leonardo,719,4
+klickitat,288,0
+marstons,1603,6
+hanson,1081,4
+hiteman,912,2
+shelbyville,1033,4
+hanson,1002,6
+woodbine,1974,2
+onaga,202,2
+marstons,798,9
+coffeen,546,0
+forkland,1023,2
+pomaria,488,14
+mifflinburg,666,0
+marstons,1854,3
+merom,929,1
+wainscott,1574,5
+ranchester,544,2
+stockman,1154,0
+woodbine,315,9
+hanson,152,5
+tolstoy,702,2
+marstons,2188,5
+pomaria,1036,3
+benevolence,582,12
+klickitat,1819,4
+shelbyville,2392,5
+lakeville,44,7
+hanson,556,6
+pomaria,914,8
+hiteman,741,1
+wainscott,271,1
+pinesdale,42,6
+leonardo,1772,4
+beechwood,911,1
+leonardo,379,0
+hanson,25,0
+coffeen,783,3
+allensville,43,1
+merom,132,0
+ranchester,350,4
+lakeville,649,3
+wainscott,892,5
+marstons,1279,2
+marstons,2471,14
+wainscott,721,0
+tolstoy,797,4
+shelbyville,2358,11
+coffeen,234,8
+woodbine,839,4
+stockman,1407,0
+shelbyville,480,5
+hanson,1358,1
+lakeville,460,10
+forkland,727,5
+mifflinburg,195,5
+lindenwood,1788,5
+pinesdale,1156,1
+pinesdale,1110,4
+mifflinburg,83,5
+coffeen,345,0
+hiteman,1663,1
+coffeen,346,2
+stockman,629,4
+tolstoy,879,1
+pomaria,1219,3
+wainscott,425,4
+wainscott,274,2
+shelbyville,228,8
+lindenwood,2069,2
+shelbyville,1689,8
+wainscott,783,5
+lakeville,1478,4
+merom,490,0
+hiteman,608,10
+lakeville,1097,1
+marstons,822,10
+hiteman,1000,3
+shelbyville,2585,2
+pomaria,188,0
+ranchester,836,9
+klickitat,1344,4
+lindenwood,1769,8
+merom,528,0
+benevolence,489,6
+woodbine,1874,2
+leonardo,545,4
+woodbine,76,0
+klickitat,2326,2
+coffeen,387,0
+hanson,878,3
+ranchester,844,0
+wainscott,533,0
+woodbine,1286,0
+ranchester,1305,1
+marstons,606,10
+coffeen,666,2
+tolstoy,1643,0
+klickitat,1466,3
+newfields,264,0
+lindenwood,1010,3
+shelbyville,1697,1
+shelbyville,584,3
+lakeville,1762,10
+shelbyville,2212,7
+klickitat,97,11
+pinesdale,573,11
+lakeville,1214,2
+tolstoy,911,1
+ranchester,449,10
+pinesdale,440,7
+hanson,716,9
+wainscott,1583,3
+ranchester,61,3
+klickitat,19,11
+pomaria,1620,1
+stockman,1123,1
+ranchester,837,10
+lakeville,1545,9
+pomaria,858,0
+lakeville,744,0
+lakeville,1257,7
+coffeen,808,3
+lindenwood,1048,11
+coffeen,1479,6
+hanson,95,1
+wainscott,1229,6
+coffeen,696,4
+allensville,23,6
+woodbine,791,0
+pomaria,932,3
+cosmos,666,1
+lakeville,885,4
+woodbine,211,2
+marstons,1225,7
+stockman,1257,16
+klickitat,1649,4
+marstons,1916,0
+lakeville,1799,6
+newfields,917,11
+ranchester,1178,0
+hanson,992,4
+pomaria,853,2
+cosmos,718,1
+coffeen,474,6
+beechwood,988,4
+hiteman,1437,2
+shelbyville,1507,12
+lindenwood,1320,7
+newfields,1081,0
+klickitat,1160,3
+shelbyville,2491,13
+coffeen,589,8
+pomaria,205,1
+marstons,264,4
+klickitat,2096,6
+tolstoy,48,1
+lindenwood,1498,5
+marstons,2135,0
+hanson,1528,13
+hanson,104,6
+stockman,1525,1
+lindenwood,878,2
+shelbyville,1054,1
+leonardo,1695,1
+wainscott,307,1
+stockman,643,2
+ranchester,9,1
+newfields,984,6
+leonardo,121,1
+mifflinburg,255,2
+hiteman,1700,3
+hanson,494,1
+coffeen,1255,2
+stockman,1574,1
+ranchester,199,2
+shelbyville,2354,0
+klickitat,2378,2
+cosmos,882,1
+hanson,82,3
+stockman,193,0
+ranchester,1164,1
+hanson,737,12
+pomaria,781,4
+lakeville,1217,2
+wainscott,240,5
+coffeen,643,1
+stockman,1535,7
+onaga,414,0
+coffeen,1233,1
+hiteman,1629,4
+coffeen,37,0
+woodbine,115,11
+leonardo,878,5
+pomaria,1280,1
+lakeville,1614,13
+wainscott,1528,3
+marstons,585,13
+marstons,2343,4
+stockman,1599,6
+shelbyville,123,0
+wainscott,1500,4
+woodbine,13,4
+wainscott,1037,2
+leonardo,293,4
+lindenwood,1667,1
+klickitat,1373,6
+benevolence,810,3
+tolstoy,1110,7
+ranchester,139,1
+tolstoy,1632,1
+wainscott,1792,4
+hiteman,861,11
+forkland,188,0
+cosmos,343,3
+newfields,1009,4
+tolstoy,1204,2
+lindenwood,1244,2
+ranchester,305,4
+lindenwood,2478,1
+mifflinburg,290,2
+pinesdale,1408,4
+klickitat,1367,4
+wainscott,1247,2
+onaga,199,1
+stockman,404,0
+leonardo,377,10
+lakeville,329,1
+tolstoy,549,6
+leonardo,725,6
+stockman,1425,2
+pomaria,905,1
+klickitat,1655,3
+lakeville,1732,4
+mifflinburg,393,3
+shelbyville,417,2
+woodbine,359,3
+hanson,1087,5
+pinesdale,727,11
+shelbyville,144,0
+pinesdale,769,7
+pomaria,905,0
+klickitat,1881,6
+ranchester,1511,7
+pinesdale,1303,2
+ranchester,262,4
+lindenwood,1904,1
+tolstoy,925,2
+tolstoy,1085,0
+pomaria,1493,1
+pomaria,867,2
+hanson,1581,3
+woodbine,427,3
+woodbine,632,5
+leonardo,444,2
+lakeville,1472,5
+shelbyville,173,1
+lindenwood,1446,1
+klickitat,1727,2
+shelbyville,534,6
+cosmos,940,9
+onaga,188,1
+lakeville,1201,1
+klickitat,548,2
+woodbine,1374,7
+newfields,1167,0
+ranchester,1079,3
+klickitat,484,10
+hiteman,1708,6
+marstons,319,4
+mifflinburg,480,6
+cosmos,845,0
+tolstoy,898,6
+tolstoy,1541,2
+newfields,641,6
+hanson,857,9
+newfields,170,2
+pomaria,203,0
+merom,52,2
+lindenwood,2199,2
+pinesdale,1247,7
+wainscott,46,6
+shelbyville,2035,1
+hiteman,1109,7
+pinesdale,627,1
+woodbine,245,1
+shelbyville,914,1
+hanson,931,4
+pomaria,1537,11
+merom,1088,4
+leonardo,2023,6
+marstons,2651,1
+tolstoy,1324,2
+klickitat,2277,2
+marstons,29,0
+marstons,390,0
+wainscott,726,11
+newfields,807,3
+marstons,359,8
+lakeville,371,1
+lindenwood,2563,0
+leonardo,1077,3
+leonardo,593,5
+tolstoy,1793,5
+onaga,331,1
+hanson,1012,8
+klickitat,863,13
+leonardo,163,1
+klickitat,1429,4
+klickitat,386,7
+hiteman,1826,4
+woodbine,138,12
+benevolence,94,6
+marstons,340,7
+cosmos,390,2
+pomaria,1341,6
+woodbine,973,3
+woodbine,1857,5
+ranchester,50,14
+wainscott,695,2
+tolstoy,11,2
+shelbyville,1080,3
+lindenwood,1040,0
+hanson,199,10
+hiteman,2,1
+lindenwood,397,8
+forkland,159,3
+leonardo,1608,23
+ranchester,1142,3
+woodbine,1034,0
+shelbyville,477,2
+wainscott,1513,1
+allensville,475,1
+pinesdale,1098,1
+marstons,242,7
+leonardo,652,3
+lindenwood,2145,2
+woodbine,2014,2
+shelbyville,2296,4
+pomaria,1365,4
+lakeville,1234,5
+marstons,598,2
+ranchester,414,10
+leonardo,887,14
+hiteman,1825,4
+beechwood,1065,10
+newfields,757,1
+coffeen,792,3
+wainscott,1455,5
+hanson,971,5
+woodbine,270,10
+pomaria,874,3
+stockman,706,4
+mifflinburg,814,7
+mifflinburg,926,1
+forkland,28,0
+wainscott,1069,3
+coffeen,1378,1
+newfields,1571,4
+pinesdale,514,2
+coffeen,467,2
+onaga,96,1
+leonardo,279,4
+shelbyville,2589,13
+allensville,444,1
+klickitat,1848,1
+lakeville,1748,0
+wainscott,235,1
+wainscott,1543,2
+tolstoy,1083,1
+tolstoy,1689,4
+tolstoy,753,9
+coffeen,1135,0
+leonardo,1407,1
+marstons,415,1
+merom,826,1
+pomaria,1128,1
+onaga,303,3
+forkland,725,7
+ranchester,1346,4
+onaga,476,2
+onaga,77,4
+lindenwood,2486,0
+pinesdale,1095,2
+pomaria,810,1
+pinesdale,790,11
+woodbine,1591,0
+wainscott,406,0
+stockman,757,2
+beechwood,1054,2
+benevolence,363,3
+leonardo,1589,1
+wainscott,8,7
+marstons,2006,5
+wainscott,1338,2
+newfields,1017,2
+lindenwood,2175,6
+forkland,1003,1
+merom,320,4
+benevolence,520,3
+hanson,1133,0
+hiteman,992,0
+lindenwood,1428,8
+tolstoy,656,13
+leonardo,515,3
+pinesdale,130,4
+marstons,581,2
+shelbyville,911,2
+shelbyville,323,7
+benevolence,199,0
+ranchester,922,0
+marstons,524,5
+shelbyville,265,2
+pomaria,1437,4
+coffeen,15,4
+tolstoy,1408,4
+marstons,2357,1
+benevolence,99,4
+lindenwood,1658,2
+wainscott,1167,5
+shelbyville,1971,1
+tolstoy,1158,5
+leonardo,1125,4
+hiteman,834,0
+newfields,1072,3
+mifflinburg,728,3
+benevolence,146,4
+leonardo,1251,0
+shelbyville,1813,12
+pomaria,1430,0
+coffeen,258,3
+shelbyville,1558,1
+leonardo,1976,3
+stockman,1335,2
+shelbyville,950,9
+mifflinburg,829,2
+marstons,2089,5
+pinesdale,1158,6
+ranchester,874,8
+woodbine,553,2
+pinesdale,1279,0
+coffeen,1115,1
+forkland,626,3
+beechwood,1052,1
+lindenwood,619,2
+woodbine,1294,10
+newfields,148,2
+leonardo,400,2
+ranchester,615,6
+marstons,1988,4
+ranchester,841,7
+wainscott,1291,2
+lakeville,1791,5
+stockman,950,3
+merom,536,2
+wainscott,1291,10
+lindenwood,789,9
+pomaria,641,0
+wainscott,264,3
+newfields,1185,2
+lindenwood,2447,1
+stockman,15,11
+hanson,1022,8
+klickitat,2022,6
+allensville,240,1
+allensville,365,1
+ranchester,982,0
+leonardo,1887,0
+ranchester,715,0
+coffeen,1242,3
+leonardo,1477,0
+lindenwood,313,3
+forkland,603,2
+merom,753,6
+klickitat,320,2
+pomaria,1095,16
+shelbyville,531,1
+allensville,304,2
+woodbine,1609,1
+wainscott,646,4
+woodbine,1847,0
+mifflinburg,248,4
+klickitat,1496,1
+coffeen,255,7
+tolstoy,1676,0
+mifflinburg,544,3
+pinesdale,1106,1
+shelbyville,528,2
+newfields,702,2
+pomaria,1677,3
+pomaria,853,0
+ranchester,132,10
+marstons,1371,2
+hiteman,1228,0
+lindenwood,1732,0
+forkland,522,1
+shelbyville,686,1
+wainscott,1274,1
+tolstoy,730,3
+pinesdale,520,3
+lindenwood,2302,2
+hanson,1138,2
+newfields,129,10
+klickitat,2213,1
+marstons,793,9
+pomaria,105,6
+forkland,1176,3
+beechwood,467,2
+wainscott,260,4
+newfields,1313,1
+lakeville,1006,0
+allensville,115,6
+shelbyville,2112,3
+lakeville,667,6
+klickitat,2050,0
+hiteman,916,2
+marstons,1379,4
+shelbyville,546,0
+forkland,1134,4
+newfields,331,9
+shelbyville,557,2
+hanson,565,1
+marstons,602,9
+lakeville,1350,2
+beechwood,725,2
+ranchester,779,4
+mifflinburg,574,1
+lindenwood,2600,5
+newfields,1222,0
+hanson,412,0
+hiteman,919,0
+pomaria,79,4
+lindenwood,1125,5
+tolstoy,1285,5
+marstons,2073,9
+stockman,967,4
+merom,1049,1
+stockman,39,1
+woodbine,1322,3
+hanson,708,0
+stockman,1575,14
+allensville,467,1
+beechwood,612,5
+tolstoy,1709,5
+newfields,99,9
+marstons,576,1
+newfields,380,4
+hiteman,956,1
+merom,799,9
+pinesdale,819,4
+hanson,209,4
+beechwood,322,1
+newfields,161,1
+lakeville,1171,2
+pinesdale,316,8
+stockman,523,6
+marstons,384,1
+pomaria,584,7
+newfields,1208,7
+marstons,1829,9
+hiteman,976,2
+beechwood,527,3
+tolstoy,499,3
+wainscott,523,0
+merom,1103,6
+pinesdale,414,2
+lakeville,159,1
+tolstoy,1737,3
+beechwood,976,4
+hanson,876,11
+marstons,1086,6
+wainscott,1,3
+hanson,846,5
+coffeen,1076,0
+klickitat,1365,9
+forkland,541,6
+onaga,634,0
+lindenwood,1938,3
+marstons,623,5
+woodbine,837,1
+klickitat,51,2
+pomaria,1222,8
+pinesdale,764,2
+klickitat,162,2
+lakeville,365,0
+lakeville,1444,7
+wainscott,547,8
+ranchester,1470,3
+klickitat,2277,7
+stockman,1245,2
+klickitat,2072,22
+hanson,198,3
+klickitat,220,4
+pinesdale,1399,4
+marstons,573,3
+wainscott,776,12
+lakeville,743,1
+leonardo,170,6
+pinesdale,726,6
+allensville,375,2
+cosmos,692,0
+wainscott,393,4
+wainscott,88,0
+tolstoy,429,2
+woodbine,668,0
+marstons,1938,4
+marstons,801,4
+stockman,1583,2
+pinesdale,1055,4
+wainscott,916,8
+marstons,2595,0
+lindenwood,883,7
+marstons,2265,0
+shelbyville,2327,7
+merom,153,1
+hiteman,952,3
+onaga,637,1
+lindenwood,1742,2
+shelbyville,615,3
+cosmos,662,4
+newfields,17,16
+shelbyville,938,13
+lakeville,1801,2
+hiteman,735,0
+lindenwood,73,10
+hiteman,1522,8
+wainscott,1145,2
+mifflinburg,825,3
+lindenwood,1838,1
+marstons,2110,2
+lakeville,1516,9
+lindenwood,127,5
+newfields,428,2
+forkland,839,1
+stockman,1265,5
+beechwood,23,4
+klickitat,1396,4
+newfields,657,6
+woodbine,66,10
+leonardo,1374,2
+allensville,226,0
+klickitat,2076,11
+leonardo,999,1
+lindenwood,358,8
+lakeville,1846,1
+ranchester,784,0
+beechwood,876,5
+klickitat,2285,7
+woodbine,847,0
+coffeen,382,3
+lakeville,1502,10
+ranchester,226,3
+marstons,1115,4
+klickitat,1115,1
+leonardo,796,4
+wainscott,270,3
+tolstoy,1700,2
+leonardo,886,8
+klickitat,2283,2
+pinesdale,1201,3
+hiteman,1440,2
+shelbyville,2767,0
+stockman,982,1
+klickitat,1818,10
+tolstoy,142,3
+tolstoy,693,2
+leonardo,559,6
+leonardo,971,2
+pinesdale,1515,3
+lindenwood,16,1
+pomaria,740,1
+forkland,947,1
+pinesdale,397,4
+pomaria,918,5
+pinesdale,657,3
+lakeville,71,5
+allensville,293,3
+marstons,175,2
+lindenwood,2040,3
+cosmos,68,3
+leonardo,420,4
+wainscott,388,5
+pinesdale,1506,1
+leonardo,1207,4
+pomaria,753,6
+cosmos,558,2
+shelbyville,2688,0
+beechwood,1104,0
+wainscott,1560,4
+newfields,1329,0
+leonardo,529,18
+hiteman,1593,1
+hanson,882,2
+klickitat,383,5
+lindenwood,358,4
+forkland,136,2
+wainscott,139,5
+shelbyville,1056,4
+pomaria,6,3
+pomaria,1433,7
+tolstoy,1447,1
+forkland,641,2
+pinesdale,1317,1
+stockman,846,0
+wainscott,1496,6
+woodbine,761,2
+marstons,1390,5
+lindenwood,1567,1
+lakeville,1652,6
+hiteman,1059,3
+newfields,1268,2
+marstons,2306,2
+wainscott,676,2
+lakeville,1537,16
+cosmos,1048,0
+woodbine,1771,2
+shelbyville,1320,1
+pomaria,787,5
+ranchester,1490,0
+klickitat,1772,5
+coffeen,98,5
+shelbyville,818,3
+klickitat,795,5
+tolstoy,1549,4
+merom,550,4
+lindenwood,2576,3
+lakeville,222,4
+wainscott,1019,11
+pinesdale,1502,9
+woodbine,463,2
+coffeen,37,4
+leonardo,1098,4
+lakeville,1099,14
+klickitat,470,3
+newfields,1641,1
+ranchester,1345,10
+tolstoy,7,0
+merom,1069,2
+lindenwood,427,0
+benevolence,37,0
+tolstoy,1253,3
+wainscott,656,15
+pinesdale,1445,6
+wainscott,62,19
+lindenwood,2612,3
+tolstoy,1406,7
+marstons,2135,5
+marstons,1536,1
+forkland,610,1
+shelbyville,2695,0
+wainscott,966,6
+woodbine,2011,5
+benevolence,573,2
+marstons,2182,4
+shelbyville,2222,5
+newfields,1335,2
+leonardo,1160,7
+pomaria,1107,0
+tolstoy,965,8
+allensville,100,4
+newfields,235,3
+lindenwood,1738,3
+lakeville,1513,3
+leonardo,486,2
+hanson,1563,7
+klickitat,2122,8
+woodbine,888,0
+hanson,1164,8
+shelbyville,1987,8
+ranchester,1465,2
+ranchester,758,4
+shelbyville,2208,7
+wainscott,1583,9
+pomaria,1301,8
+lindenwood,542,0
+klickitat,1041,0
+woodbine,1208,13
+klickitat,2260,3
+leonardo,1207,11
+merom,1073,2
+ranchester,1096,10
+mifflinburg,280,1
+coffeen,960,4
+lindenwood,2259,0
+beechwood,1170,6
+leonardo,1635,6
+klickitat,1906,6
+marstons,2284,7
+lakeville,917,7
+lindenwood,390,9
+hanson,1041,7
+merom,262,0
+shelbyville,679,14
+newfields,197,7
+newfields,802,3
+wainscott,510,2
+marstons,1022,5
+hiteman,134,2
+mifflinburg,564,2
+merom,266,2
+lakeville,1013,3
+shelbyville,1873,0
+marstons,657,11
+hanson,432,1
+wainscott,1440,2
+hiteman,1790,2
+lakeville,285,3
+woodbine,1678,1
+tolstoy,381,3
+wainscott,258,2
+hiteman,280,4
+benevolence,227,12
+mifflinburg,116,3
+stockman,1283,1
+hiteman,376,4
+newfields,773,2
+hiteman,808,3
+stockman,904,1
+hanson,362,2
+allensville,343,4
+forkland,808,5
+klickitat,1872,1
+wainscott,1436,3
+shelbyville,1489,8
+beechwood,1170,3
+pinesdale,388,1
+newfields,836,0
+cosmos,809,3
+klickitat,274,12
+onaga,403,3
+tolstoy,1709,2
+ranchester,992,2
+wainscott,642,2
+lindenwood,2240,9
+pomaria,630,6
+forkland,802,3
+lakeville,1347,2
+hanson,993,9
+ranchester,83,12
+leonardo,1153,5
+pomaria,968,13
+woodbine,1954,1
+marstons,1071,1
+hanson,840,1
+marstons,1764,9
+cosmos,262,6
+beechwood,463,7
+shelbyville,2172,3
+tolstoy,629,3
+lindenwood,2013,0
+stockman,1131,1
+woodbine,591,10
+lindenwood,2090,0
+lindenwood,2106,5
+woodbine,1579,0
+shelbyville,1634,0
+ranchester,1280,1
+coffeen,996,6
+coffeen,1351,2
+pinesdale,397,1
+ranchester,1539,5
+pomaria,1465,8
+shelbyville,1160,2
+hiteman,1510,5
+leonardo,274,5
+stockman,224,2
+shelbyville,2211,0
+pinesdale,682,3
+pinesdale,1235,5
+hanson,1393,8
+ranchester,1261,1
+leonardo,4,2
+ranchester,817,1
+klickitat,2248,6
+pomaria,42,3
+shelbyville,2659,0
+allensville,351,0
+marstons,1537,2
+stockman,1141,14
+marstons,269,2
+lakeville,710,6
+beechwood,673,1
+hanson,170,6
+tolstoy,856,0
+klickitat,2003,1
+lindenwood,2093,6
+hiteman,1215,0
+woodbine,14,3
+forkland,1002,0
+cosmos,460,10
+forkland,1055,2
+woodbine,1235,1
+pomaria,1253,10
+marstons,862,0
+hanson,559,0
+marstons,1332,14
+coffeen,721,4
+coffeen,360,9
+shelbyville,2430,5
+newfields,620,0
+leonardo,1474,1
+wainscott,1100,0
+wainscott,1730,0
+lindenwood,2131,3
+newfields,1427,14
+pomaria,702,0
+ranchester,321,4
+shelbyville,1943,1
+newfields,861,2
+lakeville,419,4
+wainscott,1363,8
+marstons,2164,8
+marstons,2257,7
+marstons,2000,2
+ranchester,1542,3
+shelbyville,2437,3
+hiteman,575,5
+shelbyville,402,4
+ranchester,610,4
+beechwood,594,0
+shelbyville,574,8
+woodbine,1319,1
+lindenwood,1846,1
+klickitat,657,0
+onaga,513,4
+pinesdale,593,0
+wainscott,1087,1
+coffeen,1183,3
+lakeville,1229,2
+pomaria,662,12
+tolstoy,402,0
+shelbyville,629,5
+lindenwood,2192,1
+tolstoy,461,0
+hanson,725,3
+tolstoy,1599,9
+leonardo,447,4
+woodbine,294,6
+shelbyville,1798,4
+stockman,481,1
+ranchester,804,2
+shelbyville,1615,4
+cosmos,640,9
+newfields,458,12
+ranchester,348,3
+tolstoy,511,2
+klickitat,1848,7
+coffeen,1422,7
+coffeen,964,3
+beechwood,790,8
+tolstoy,1776,16
+shelbyville,2128,3
+wainscott,1595,5
+klickitat,492,6
+marstons,1174,2
+forkland,339,1
+marstons,2022,2
+shelbyville,1292,8
+shelbyville,2428,0
+hiteman,506,1
+lindenwood,1539,0
+coffeen,593,1
+klickitat,361,6
+allensville,262,1
+leonardo,1064,2
+marstons,2317,2
+forkland,1182,0
+marstons,167,8
+wainscott,310,10
+lindenwood,504,1
+hiteman,1094,3
+hanson,83,0
+lindenwood,2000,0
+newfields,1572,6
+leonardo,1623,5
+tolstoy,1084,1
+klickitat,454,2
+hanson,527,7
+tolstoy,98,5
+leonardo,1500,4
+shelbyville,2310,2
+benevolence,2,0
+klickitat,2195,13
+wainscott,190,9
+hanson,1444,0
+onaga,448,1
+hiteman,1209,0
+beechwood,490,4
+shelbyville,2001,1
+marstons,1660,3
+woodbine,1638,2
+merom,639,4
+wainscott,795,0
+wainscott,42,4
+cosmos,262,1
+tolstoy,166,2
+klickitat,567,2
+lindenwood,287,11
+shelbyville,2311,8
+coffeen,280,0
+marstons,1426,4
+ranchester,997,2
+shelbyville,2422,2
+tolstoy,1257,0
+lakeville,1109,2
+lindenwood,1122,2
+forkland,244,5
+klickitat,1759,4
+tolstoy,1690,3
+lindenwood,1113,6
+cosmos,321,5
+lakeville,1513,4
+hiteman,1080,5
+ranchester,319,12
+woodbine,403,0
+pomaria,1090,2
+lindenwood,558,2
+tolstoy,1795,1
+lakeville,1594,5
+ranchester,238,0
+pomaria,260,0
+wainscott,163,5
+wainscott,843,2
+pinesdale,1099,4
+lindenwood,1370,8
+hanson,240,8
+hiteman,1642,4
+klickitat,1856,2
+pinesdale,579,1
+klickitat,753,2
+hanson,23,4
+coffeen,114,2
+lakeville,568,17
+pomaria,536,11
+mifflinburg,804,1
+marstons,2474,1
+merom,721,5
+allensville,255,0
+shelbyville,1195,10
+shelbyville,1266,13
+wainscott,1719,7
+leonardo,1845,3
+cosmos,330,8
+hiteman,1748,2
+lakeville,1750,0
+lakeville,1475,10
+stockman,1141,12
+cosmos,78,1
+klickitat,824,9
+newfields,660,1
+leonardo,1705,5
+woodbine,1241,3
+marstons,1706,1
+pomaria,1476,3
+woodbine,1528,7
+lindenwood,2018,5
+shelbyville,1419,4
+marstons,2172,0
+wainscott,519,3
+klickitat,1617,4
+wainscott,434,1
+beechwood,497,3
+hanson,756,0
+pinesdale,507,5
+cosmos,616,2
+wainscott,130,0
+hanson,711,2
+marstons,1454,3
+pomaria,681,3
+shelbyville,766,5
+marstons,704,2
+klickitat,1472,3
+beechwood,95,6
+stockman,1536,1
+mifflinburg,215,1
+leonardo,690,12
+tolstoy,552,0
+onaga,147,9
+hiteman,1379,0
+merom,780,1
+leonardo,1638,5
+lakeville,283,8
+onaga,271,0
+hiteman,820,0
+shelbyville,359,4
+shelbyville,2588,1
+wainscott,1161,4
+marstons,1012,6
+shelbyville,2716,0
+woodbine,912,1
+pinesdale,605,1
+pomaria,1633,7
+pinesdale,829,1
+coffeen,1323,1
+cosmos,810,0
+cosmos,269,1
+tolstoy,566,0
+hanson,1055,7
+forkland,510,3
+klickitat,1262,2
+tolstoy,643,7
+tolstoy,1689,8
+ranchester,308,6
+coffeen,747,4
+wainscott,1056,2
+leonardo,966,0
+marstons,567,9
+ranchester,837,8
+shelbyville,2800,1
+cosmos,546,0
+newfields,108,8
+coffeen,325,2
+lindenwood,2436,1
+wainscott,1375,0
+onaga,198,3
+marstons,1438,5
+newfields,1322,2
+ranchester,1304,1
+klickitat,1056,2
+marstons,2224,13
+cosmos,437,0
+wainscott,142,4
+hiteman,385,3
+woodbine,1544,5
+wainscott,1786,11
+onaga,438,5
+lakeville,1396,6
+hiteman,64,1
+klickitat,1502,14
+marstons,739,2
+lindenwood,216,3
+pomaria,355,6
+wainscott,1604,5
+lakeville,1001,2
+pomaria,1544,9
+woodbine,1879,5
+shelbyville,765,2
+lindenwood,3,4
+ranchester,679,0
+klickitat,154,9
+stockman,1176,0
+onaga,75,6
+marstons,1748,3
+onaga,445,4
+wainscott,1278,7
+hanson,1058,1
+klickitat,2235,1
+lindenwood,969,1
+newfields,1321,0
+hiteman,1336,13
+hanson,1570,3
+beechwood,596,1
+ranchester,509,1
+marstons,1155,4
+lindenwood,1071,1
+beechwood,23,5
+klickitat,484,0
+stockman,1492,2
+newfields,748,0
+marstons,2136,13
+forkland,1036,0
+wainscott,1082,3
+pinesdale,543,8
+tolstoy,1657,4
+newfields,1502,4
+marstons,2359,1
+lindenwood,1912,2
+klickitat,1465,4
+wainscott,1548,3
+beechwood,901,14
+leonardo,1737,2
+merom,438,1
+stockman,743,5
+woodbine,879,4
+beechwood,960,2
+wainscott,1002,5
+leonardo,931,0
+marstons,1589,0
+marstons,1614,6
+marstons,1426,2
+leonardo,1060,4
+beechwood,756,0
+lakeville,384,9
+ranchester,606,1
+ranchester,701,1
+woodbine,1937,1
+woodbine,1178,4
+wainscott,941,8
+lindenwood,1965,4
+leonardo,393,0
+coffeen,615,3
+tolstoy,1458,5
+hanson,86,6
+klickitat,1026,7
+klickitat,69,7
+lindenwood,1783,7
+merom,61,1
+pomaria,651,11
+pinesdale,1349,5
+cosmos,1033,2
+pinesdale,1351,2
+shelbyville,1218,8
+allensville,519,2
+pinesdale,371,4
+woodbine,1707,1
+shelbyville,1506,2
+wainscott,1036,8
+hiteman,1254,0
+onaga,214,2
+pomaria,798,3
+forkland,774,2
+stockman,995,1
+hanson,380,0
+ranchester,259,1
+tolstoy,1172,7
+wainscott,923,6
+woodbine,783,5
+hanson,1358,8
+cosmos,585,1
+shelbyville,1688,0
+hanson,1052,6
+lindenwood,1009,10
+klickitat,1249,8
+mifflinburg,131,8
+wainscott,136,7
+merom,349,1
+leonardo,1034,4
+pinesdale,216,1
+lakeville,1067,3
+lindenwood,1715,4
+allensville,388,4
+merom,97,1
+marstons,1823,0
+newfields,856,10
+klickitat,321,4
+marstons,1596,16
+pinesdale,1091,2
+tolstoy,401,6
+lakeville,1872,7
+ranchester,466,4
+klickitat,1832,4
+lakeville,944,8
+marstons,122,8
+coffeen,628,1
+stockman,1575,13
+woodbine,1312,6
+pomaria,1571,7
+hiteman,555,10
+lakeville,367,2
+lindenwood,696,1
+tolstoy,505,1
+wainscott,470,2
+lakeville,1690,1
+coffeen,879,2
+hiteman,501,10
+coffeen,1119,2
+klickitat,2196,1
+mifflinburg,250,5
+pinesdale,583,2
+beechwood,928,7
+lakeville,502,8
+coffeen,237,2
+benevolence,880,0
+newfields,440,0
+pinesdale,1320,2
+lakeville,1515,6
+wainscott,949,1
+lindenwood,19,1
+lakeville,1374,1
+lakeville,1806,1
+pinesdale,1210,1
+tolstoy,1804,0
+lakeville,515,13
+beechwood,53,4
+pinesdale,602,1
+shelbyville,2055,8
+klickitat,1117,8
+leonardo,957,12
+shelbyville,406,6
+lindenwood,1291,8
+beechwood,10,2
+leonardo,2014,3
+shelbyville,364,4
+mifflinburg,381,0
+leonardo,975,4
+beechwood,1072,8
+onaga,301,0
+tolstoy,1580,1
+marstons,852,1
+allensville,137,1
+shelbyville,1473,4
+beechwood,339,6
+shelbyville,1611,4
+klickitat,445,10
+lakeville,365,10
+leonardo,492,0
+klickitat,1495,20
+woodbine,692,4
+lindenwood,2383,1
+hanson,1518,2
+ranchester,895,15
+marstons,303,4
+shelbyville,1871,3
+woodbine,120,4
+woodbine,931,2
+lindenwood,107,5
+lindenwood,2553,6
+klickitat,365,7
+wainscott,209,9
+newfields,1210,0
+hiteman,1855,6
+shelbyville,1875,4
+beechwood,235,1
+hanson,641,4
+woodbine,627,2
+pomaria,644,11
+beechwood,893,4
+lakeville,550,6
+merom,817,1
+marstons,2342,11
+marstons,1279,3
+klickitat,927,4
+klickitat,554,0
+benevolence,99,9
+wainscott,713,0
+pomaria,212,1
+tolstoy,1588,1
+pomaria,1238,5
+merom,8,2
+stockman,1184,10
+shelbyville,2358,15
+coffeen,1058,3
+leonardo,963,2
+coffeen,1171,0
+hiteman,1039,3
+hanson,1067,9
+ranchester,345,13
+pomaria,881,3
+tolstoy,608,6
+shelbyville,413,2
+woodbine,351,1
+stockman,339,2
+stockman,654,4
+pomaria,1384,7
+lakeville,111,15
+ranchester,1150,5
+leonardo,434,1
+merom,216,0
+leonardo,74,6
+lindenwood,804,2
+hanson,740,2
+klickitat,1575,0
+shelbyville,121,3
+shelbyville,895,10
+hiteman,1661,2
+pomaria,1214,2
+newfields,792,3
+pinesdale,1342,10
+marstons,697,6
+hanson,1078,6
+lindenwood,889,1
+pomaria,676,6
+klickitat,2279,13
+marstons,721,5
+leonardo,941,11
+marstons,2020,7
+hanson,1628,3
+lakeville,785,15
+shelbyville,534,7
+coffeen,1364,6
+marstons,993,12
+shelbyville,478,4
+lakeville,176,3
+wainscott,748,12
+lindenwood,1551,0
+wainscott,597,4
+forkland,857,1
+lakeville,165,2
+cosmos,574,3
+marstons,284,5
+coffeen,878,3
+lakeville,396,9
+wainscott,1079,2
+hiteman,1261,14
+lindenwood,1772,8
+pomaria,247,0
+merom,1022,1
+tolstoy,123,4
+forkland,877,7
+pinesdale,893,0
+tolstoy,1322,5
+marstons,1111,4
+shelbyville,1911,4
+lakeville,614,5
+hanson,999,0
+cosmos,757,2
+shelbyville,2785,3
+klickitat,2018,1
+leonardo,697,3
+newfields,868,2
+shelbyville,690,3
+coffeen,837,1
+shelbyville,2582,14
+forkland,458,2
+lindenwood,2678,1
+tolstoy,1348,4
+tolstoy,1157,4
+shelbyville,2280,0
+pomaria,1173,1
+lindenwood,1484,11
+woodbine,1427,8
+marstons,594,1
+shelbyville,122,11
+pinesdale,738,5
+tolstoy,863,5
+cosmos,466,0
+wainscott,695,1
+lakeville,1545,2
+pinesdale,1509,3
+pinesdale,70,2
+tolstoy,1731,2
+newfields,1494,2
+cosmos,386,1
+stockman,1347,5
+woodbine,596,0
+klickitat,1232,0
+shelbyville,1875,11
+marstons,1146,7
+ranchester,582,6
+lakeville,1218,4
+coffeen,147,4
+forkland,330,5
+lindenwood,346,4
+hiteman,1278,2
+shelbyville,1318,16
+allensville,424,1
+leonardo,270,3
+hiteman,442,3
+forkland,124,6
+lindenwood,2654,3
+mifflinburg,371,2
+stockman,83,0
+lakeville,977,9
+lakeville,184,1
+leonardo,996,3
+leonardo,16,4
+woodbine,450,1
+marstons,704,4
+ranchester,1059,1
+woodbine,1573,3
+cosmos,958,4
+cosmos,890,1
+hiteman,647,5
+lakeville,110,4
+woodbine,150,11
+benevolence,888,3
+woodbine,911,4
+woodbine,227,5
+marstons,1786,3
+lindenwood,681,2
+shelbyville,839,5
+ranchester,892,9
+ranchester,526,4
+woodbine,112,4
+woodbine,1313,9
+marstons,2144,0
+marstons,2076,3
+cosmos,947,5
+lakeville,292,1
+shelbyville,701,1
+leonardo,1459,11
+newfields,1243,7
+shelbyville,2260,1
+marstons,427,2
+leonardo,1901,2
+shelbyville,2762,10
+lakeville,3,5
+woodbine,965,11
+ranchester,288,0
+woodbine,46,2
+tolstoy,629,4
+shelbyville,2735,5
+woodbine,318,2
+newfields,663,11
+merom,665,2
+woodbine,1804,0
+tolstoy,27,2
+wainscott,1145,5
+forkland,767,0
+coffeen,1174,1
+marstons,1034,6
+woodbine,2009,0
+hanson,1430,2
+merom,318,2
+lindenwood,2142,4
+newfields,1058,5
+leonardo,1558,2
+pinesdale,1270,5
+leonardo,2039,9
+pomaria,1477,2
+coffeen,404,2
+onaga,114,1
+hiteman,1604,3
+leonardo,979,0
+mifflinburg,617,3
+hiteman,0,3
+cosmos,273,1
+ranchester,671,4
+shelbyville,1257,7
+beechwood,786,7
+merom,484,0
+klickitat,1752,3
+tolstoy,49,6
+marstons,671,1
+lindenwood,1794,0
+hanson,531,1
+klickitat,52,0
+pomaria,361,3
+shelbyville,2607,5
+lakeville,351,12
+marstons,2270,3
+wainscott,1026,0
+cosmos,183,4
+woodbine,357,2
+lakeville,686,0
+lindenwood,1032,6
+klickitat,2066,2
+marstons,585,4
+stockman,896,1
+woodbine,586,2
+woodbine,1712,9
+hiteman,1773,7
+coffeen,817,3
+woodbine,1261,1
+shelbyville,2142,9
+stockman,1568,0
+cosmos,263,4
+leonardo,312,5
+ranchester,1215,3
+cosmos,66,0
+klickitat,399,4
+shelbyville,1964,0
+hanson,246,1
+coffeen,904,3
+wainscott,1238,1
+ranchester,1384,7
+tolstoy,383,3
+leonardo,1883,10
+lindenwood,228,2
+klickitat,768,3
+wainscott,110,11
+pinesdale,1290,3
+shelbyville,2326,1
+marstons,1332,4
+marstons,196,3
+pinesdale,106,1
+stockman,999,2
+cosmos,512,2
+lindenwood,520,2
+pinesdale,1110,1
+leonardo,690,15
+mifflinburg,200,7
+leonardo,1527,3
+lakeville,884,4
+hiteman,1754,1
+leonardo,1193,2
+ranchester,32,3
+wainscott,1605,11
+pinesdale,167,1
+ranchester,290,1
+ranchester,489,3
+klickitat,275,0
+beechwood,73,1
+hanson,1596,3
+woodbine,1705,0
+lakeville,177,7
+ranchester,932,4
+ranchester,241,2
+coffeen,1485,5
+newfields,1627,3
+leonardo,117,4
+klickitat,1129,7
+lakeville,539,6
+marstons,2038,8
+klickitat,738,12
+wainscott,1680,1
+forkland,689,0
+shelbyville,1959,5
+woodbine,666,3
+wainscott,738,4
+allensville,205,1
+beechwood,282,1
+pinesdale,769,13
+beechwood,438,3
+wainscott,181,4
+benevolence,210,4
+onaga,449,2
+hiteman,917,4
+newfields,694,6
+shelbyville,324,8
+stockman,1188,4
+hiteman,237,7
+marstons,458,5
+wainscott,182,2
+merom,1007,0
+pinesdale,1164,7
+marstons,616,3
+benevolence,496,9
+woodbine,515,13
+leonardo,160,5
+leonardo,786,1
+pinesdale,523,0
+tolstoy,1127,6
+pinesdale,1019,0
+marstons,884,8
+wainscott,1172,1
+lakeville,1562,16
+shelbyville,2501,10
+pomaria,1309,9
+merom,641,4
+tolstoy,1194,2
+merom,354,0
+lakeville,21,0
+wainscott,1509,9
+hanson,558,2
+pinesdale,361,7
+stockman,970,1
+marstons,764,6
+lakeville,1096,9
+marstons,587,6
+klickitat,2359,5
+klickitat,228,0
+shelbyville,2750,4
+stockman,40,3
+woodbine,1995,0
+merom,854,1
+klickitat,2361,0
+pinesdale,429,4
+klickitat,2286,11
+marstons,1455,12
+woodbine,285,15
+lindenwood,1616,3
+lakeville,62,4
+woodbine,1171,1
+klickitat,2044,14
+lindenwood,2034,2
+tolstoy,1507,2
+ranchester,1040,3
+shelbyville,1578,1
+pinesdale,667,2
+beechwood,975,2
+benevolence,555,5
+lindenwood,780,2
+marstons,2292,2
+hanson,1347,3
+allensville,237,3
+coffeen,1080,4
+hanson,751,10
+woodbine,503,3
+lindenwood,2493,3
+beechwood,1103,0
+lakeville,1180,2
+wainscott,347,1
+hanson,1509,1
+leonardo,885,8
+tolstoy,1169,0
+benevolence,210,2
+pomaria,970,2
+lindenwood,1148,6
+lakeville,1886,12
+marstons,1474,1
+lindenwood,226,3
+lindenwood,2237,1
+ranchester,964,5
+newfields,571,1
+tolstoy,471,0
+lakeville,332,4
+pomaria,1570,6
+coffeen,545,0
+coffeen,1478,2
+lakeville,1354,2
+leonardo,779,4
+lindenwood,997,1
+pinesdale,1345,3
+wainscott,1238,3
+hiteman,1388,0
+tolstoy,402,4
+klickitat,1891,1
+marstons,161,4
+hiteman,1361,0
+klickitat,1971,6
+marstons,1829,8
+ranchester,662,2
+stockman,456,1
+tolstoy,623,0
+pomaria,950,2
+cosmos,882,8
+leonardo,401,3
+forkland,926,2
+stockman,234,4
+shelbyville,475,7
+shelbyville,680,0
+lindenwood,147,8
+shelbyville,654,4
+hanson,1448,3
+onaga,426,8
+stockman,1219,1
+wainscott,496,6
+benevolence,21,1
+wainscott,1792,3
+leonardo,347,6
+woodbine,1585,1
+shelbyville,768,2
+klickitat,1420,1
+woodbine,457,9
+shelbyville,1854,1
+leonardo,1462,1
+marstons,2347,3
+lindenwood,2527,0
+pomaria,861,1
+marstons,1647,2
+hiteman,1789,0
+klickitat,279,0
+lindenwood,1780,1
+lakeville,765,6
+lakeville,988,0
+wainscott,973,13
+klickitat,1386,2
+ranchester,94,5
+hiteman,1730,3
+tolstoy,432,0
+lindenwood,513,0
+hiteman,67,5
+newfields,34,2
+lakeville,183,0
+lakeville,307,0
+wainscott,1616,5
+klickitat,1203,5
+shelbyville,1880,2
+beechwood,761,2
+lakeville,1501,8
+marstons,343,1
+pinesdale,685,3
+hanson,16,0
+marstons,2015,0
+marstons,1491,3
+klickitat,983,10
+mifflinburg,269,1
+klickitat,2338,1
+marstons,2172,3
+pomaria,1446,0
+lindenwood,49,2
+klickitat,2125,2
+tolstoy,1524,3
+benevolence,973,0
+newfields,1243,2
+pinesdale,566,2
+woodbine,786,0
+ranchester,1086,2
+coffeen,1428,3
+allensville,356,2
+wainscott,1705,2
+tolstoy,1198,0
+cosmos,655,0
+cosmos,874,1
+wainscott,1588,0
+shelbyville,2727,3
+woodbine,603,8
+cosmos,286,2
+ranchester,962,0
+klickitat,2203,1
+newfields,1532,1
+klickitat,979,4
+shelbyville,2624,2
+coffeen,908,0
+cosmos,903,1
+coffeen,799,0
+merom,373,2
+klickitat,149,0
+hanson,684,1
+wainscott,281,8
+hiteman,966,7
+tolstoy,49,4
+lakeville,1389,17
+pomaria,1045,5
+stockman,1102,2
+woodbine,369,7
+shelbyville,49,10
+merom,226,2
+shelbyville,1587,3
+hanson,483,3
+forkland,265,1
+forkland,855,1
+woodbine,360,7
+lindenwood,1386,3
+woodbine,1267,7
+newfields,658,2
+wainscott,1049,1
+leonardo,1580,14
+lakeville,646,2
+leonardo,419,8
+lakeville,225,0
+klickitat,726,3
+woodbine,1735,1
+woodbine,1763,9
+coffeen,525,1
+pomaria,702,2
+pinesdale,154,7
+tolstoy,1127,8
+leonardo,811,1
+marstons,2636,2
+lakeville,470,1
+tolstoy,1600,1
+leonardo,1123,2
+woodbine,537,0
+mifflinburg,975,2
+klickitat,1584,15
+leonardo,378,2
+newfields,1052,4
+leonardo,277,5
+shelbyville,2788,3
+leonardo,596,12
+pinesdale,129,3
+ranchester,724,6
+leonardo,1579,7
+pinesdale,1086,7
+shelbyville,2531,7
+mifflinburg,620,0
+newfields,478,15
+woodbine,813,2
+beechwood,906,5
+lakeville,945,6
+klickitat,2078,7
+onaga,328,1
+lindenwood,572,0
+ranchester,256,2
+forkland,121,2
+hiteman,1793,0
+tolstoy,1283,5
+wainscott,1391,7
+shelbyville,1095,6
+leonardo,494,1
+klickitat,1479,5
+klickitat,1686,13
+hanson,1403,3
+leonardo,860,3
+leonardo,152,10
+hanson,72,2
+beechwood,307,1
+pinesdale,282,1
+tolstoy,1240,0
+pinesdale,1153,6
+lakeville,1701,3
+pomaria,1518,1
+beechwood,169,5
+ranchester,1364,2
+tolstoy,1204,6
+hanson,97,7
+wainscott,1203,4
+marstons,158,5
+pinesdale,1073,2
+merom,524,1
+klickitat,1841,0
+klickitat,1455,1
+coffeen,239,4
+klickitat,1002,2
+hiteman,324,3
+klickitat,915,1
+pinesdale,916,13
+tolstoy,870,3
+shelbyville,1858,9
+coffeen,694,4
+newfields,417,4
+leonardo,355,5
+tolstoy,409,1
+lindenwood,2084,3
+shelbyville,989,4
+hiteman,1039,5
+hanson,10,5
+pomaria,1110,0
+pomaria,757,1
+hiteman,1086,1
+marstons,1427,8
+marstons,2441,3
+klickitat,1316,1
+hiteman,1064,2
+shelbyville,1999,4
+leonardo,1068,2
+hiteman,266,3
+shelbyville,1038,3
+pinesdale,1018,0
+hanson,1508,5
+benevolence,914,1
+leonardo,989,8
+pinesdale,361,12
+hanson,243,1
+lakeville,1132,12
+beechwood,1107,1
+tolstoy,381,6
+shelbyville,2761,1
+lindenwood,1609,3
+woodbine,62,6
+stockman,1364,1
+beechwood,793,4
+leonardo,128,5
+hiteman,1773,1
+klickitat,1123,3
+allensville,25,0
+hiteman,1812,0
+coffeen,1272,8
+marstons,19,7
+shelbyville,1644,9
+hiteman,680,4
+klickitat,1554,11
+coffeen,17,0
+forkland,274,2
+benevolence,433,0
+shelbyville,173,3
+pinesdale,950,14
+stockman,530,1
+pinesdale,826,3
+hanson,604,1
+merom,391,2
+hanson,19,4
+leonardo,1386,3
+klickitat,2269,3
+shelbyville,2287,3
+hanson,1555,3
+klickitat,2085,5
+leonardo,446,0
+lindenwood,982,12
+wainscott,1566,10
+cosmos,870,0
+ranchester,167,4
+woodbine,1623,1
+stockman,982,4
+coffeen,1275,2
+mifflinburg,908,0
+pomaria,739,11
+marstons,142,2
+marstons,1327,7
+woodbine,1800,3
+mifflinburg,492,2
+shelbyville,1231,3
+hanson,813,3
+beechwood,38,2
+coffeen,655,1
+klickitat,1506,6
+shelbyville,2287,0
+pomaria,1025,2
+klickitat,338,3
+shelbyville,250,6
+forkland,163,0
+marstons,1558,4
+newfields,1231,1
+leonardo,2024,2
+marstons,541,6
+shelbyville,2306,9
+wainscott,1585,11
+shelbyville,1077,4
+tolstoy,141,9
+lakeville,1309,8
+allensville,10,4
+ranchester,449,11
+woodbine,1144,0
+marstons,2116,1
+woodbine,64,3
+hanson,506,1
+pinesdale,260,3
+lindenwood,1282,4
+shelbyville,181,5
+pomaria,1593,6
+pinesdale,139,0
+pomaria,1346,3
+leonardo,632,2
+pomaria,285,0
+hanson,362,3
+lindenwood,700,1
+klickitat,2186,8
+leonardo,2034,1
+klickitat,748,7
+lakeville,103,2
+lindenwood,1204,2
+shelbyville,2512,7
+hanson,1399,0
+marstons,1027,10
+ranchester,65,5
+newfields,50,1
+hanson,1065,14
+pomaria,766,3
+wainscott,1200,4
+stockman,239,1
+shelbyville,2094,5
+klickitat,277,9
+onaga,65,3
+mifflinburg,156,1
+wainscott,1457,1
+newfields,465,0
+lindenwood,1569,4
+woodbine,1766,0
+marstons,494,3
+shelbyville,270,15
+marstons,1652,7
+klickitat,2340,2
+marstons,1598,4
+lindenwood,841,3
+shelbyville,1002,6
+hanson,330,6
+benevolence,63,1
+newfields,920,0
+leonardo,534,5
+hiteman,605,10
+klickitat,1997,4
+klickitat,459,1
+klickitat,1498,6
+beechwood,339,7
+lakeville,1602,15
+lindenwood,300,2
+hanson,447,4
+hanson,246,3
+tolstoy,605,1
+wainscott,1537,0
+ranchester,595,4
+woodbine,1063,4
+pomaria,1079,6
+newfields,1435,1
+shelbyville,1007,9
+marstons,216,0
+shelbyville,534,0
+marstons,410,8
+klickitat,2340,11
+shelbyville,2078,5
+klickitat,2261,3
+cosmos,77,0
+lindenwood,2210,6
+klickitat,641,2
+cosmos,516,1
+cosmos,177,3
+cosmos,292,3
+ranchester,1295,13
+hiteman,823,1
+hiteman,1628,4
+newfields,315,2
+marstons,2392,2
+shelbyville,1303,0
+leonardo,911,0
+ranchester,896,5
+coffeen,323,1
+lindenwood,217,7
+wainscott,1093,2
+pinesdale,362,0
+cosmos,439,1
+beechwood,1065,6
+shelbyville,948,2
+ranchester,649,2
+hiteman,53,3
+hiteman,1656,1
+forkland,1102,5
+forkland,273,0
+leonardo,745,3
+merom,66,13
+leonardo,485,3
+leonardo,2005,5
+marstons,1238,7
+marstons,1309,9
+klickitat,656,9
+shelbyville,753,1
+shelbyville,2544,7
+benevolence,394,3
+pomaria,487,3
+coffeen,302,2
+hiteman,796,7
+klickitat,2279,16
+pinesdale,268,5
+cosmos,199,7
+hiteman,662,5
+onaga,563,3
+ranchester,194,5
+leonardo,1720,4
+lindenwood,535,1
+lindenwood,1679,2
+lakeville,1492,3
+shelbyville,2667,5
+leonardo,1935,7
+hiteman,36,4
+shelbyville,2535,3
+pomaria,1390,3
+lakeville,940,2
+merom,389,7
+coffeen,18,1
+tolstoy,1510,3
+mifflinburg,1,1
+shelbyville,984,8
+shelbyville,1775,1
+coffeen,1100,1
+lindenwood,1247,0
+leonardo,1411,19
+coffeen,1007,9
+newfields,717,12
+shelbyville,442,8
+tolstoy,1686,7
+marstons,722,1
+lakeville,1765,7
+woodbine,749,3
+pomaria,125,4
+beechwood,785,8
+forkland,836,7
+shelbyville,647,5
+hiteman,1467,1
+ranchester,373,4
+shelbyville,1640,0
+newfields,377,0
+tolstoy,1656,1
+merom,1074,3
+leonardo,359,10
+pomaria,1294,7
+woodbine,972,5
+hanson,731,7
+shelbyville,1403,0
+pomaria,1549,0
+klickitat,480,1
+pinesdale,540,3
+pomaria,136,5
+coffeen,1496,3
+shelbyville,1647,1
+klickitat,1605,1
+hanson,1369,13
+shelbyville,2401,5
+mifflinburg,844,1
+wainscott,410,1
+klickitat,1001,5
+coffeen,685,13
+lakeville,911,2
+shelbyville,143,5
+hiteman,902,1
+woodbine,295,17
+pomaria,983,8
+woodbine,1647,3
+marstons,1561,11
+newfields,23,2
+leonardo,522,5
+hiteman,1363,5
+merom,1090,1
+woodbine,779,14
+benevolence,780,3
+forkland,545,5
+marstons,563,3
+hiteman,1251,8
+wainscott,12,0
+leonardo,1507,11
+coffeen,482,10
+merom,682,3
+leonardo,1788,5
+newfields,1165,5
+lindenwood,1293,5
+shelbyville,2302,14
+leonardo,1574,2
+hiteman,1846,2
+marstons,1664,1
+lindenwood,1545,8
+merom,938,9
+beechwood,341,0
+wainscott,1719,8
+lindenwood,996,10
+stockman,449,5
+marstons,725,17
+coffeen,193,3
+newfields,697,7
+hiteman,1266,5
+marstons,128,7
+hiteman,1398,4
+coffeen,994,2
+shelbyville,145,1
+marstons,769,8
+coffeen,1008,2
+allensville,283,0
+lindenwood,2140,4
+woodbine,1585,2
+klickitat,943,3
+forkland,446,2
+hanson,144,7
+shelbyville,2464,6
+shelbyville,1591,7
+tolstoy,1251,5
+allensville,448,4
+stockman,1228,2
+lakeville,1315,4
+onaga,434,4
+klickitat,1223,0
+shelbyville,1626,1
+wainscott,1116,5
+pinesdale,467,4
+marstons,675,2
+marstons,1241,1
+hiteman,46,14
+pomaria,1640,0
+klickitat,422,0
+wainscott,784,11
+forkland,1199,2
+shelbyville,1047,3
+cosmos,618,1
+hanson,1202,4
+hiteman,492,6
+shelbyville,1467,6
+shelbyville,1310,0
+woodbine,277,10
+newfields,849,9
+tolstoy,691,2
+allensville,222,1
+beechwood,106,0
+shelbyville,2771,14
+pinesdale,161,4
+lakeville,1218,7
+shelbyville,2789,8
+forkland,569,0
+klickitat,1082,5
+leonardo,1651,3
+marstons,2526,4
+hanson,487,0
+lakeville,1818,2
+hanson,289,5
+leonardo,1475,1
+newfields,229,1
+pinesdale,855,7
+forkland,12,1
+wainscott,1048,2
+woodbine,1371,5
+ranchester,1148,3
+wainscott,451,1
+lindenwood,715,8
+marstons,205,2
+forkland,838,5
+lakeville,492,17
+klickitat,717,5
+leonardo,1459,3
+wainscott,1692,5
+woodbine,168,2
+forkland,877,5
+wainscott,808,9
+hanson,1292,12
+cosmos,1014,6
+marstons,2599,3
+lindenwood,1022,0
+lindenwood,731,0
+stockman,209,1
+shelbyville,2534,0
+coffeen,1359,7
+leonardo,404,2
+coffeen,273,0
+beechwood,1032,8
+hiteman,1388,12
+wainscott,623,2
+hiteman,1156,0
+ranchester,406,1
+leonardo,1635,5
+pomaria,1472,10
+klickitat,428,0
+pinesdale,690,2
+coffeen,768,1
+shelbyville,1180,0
+hanson,958,0
+pinesdale,382,0
+lindenwood,780,7
+cosmos,730,4
+hiteman,1658,1
+marstons,1085,5
+ranchester,398,5
+pinesdale,1389,6
+coffeen,178,1
+ranchester,34,0
+leonardo,572,2
+stockman,479,0
+ranchester,800,7
+onaga,655,2
+lindenwood,462,0
+marstons,2588,8
+forkland,473,3
+hanson,1603,9
+hiteman,342,4
+pomaria,293,2
+woodbine,20,1
+marstons,1988,6
+hanson,672,0
+onaga,44,0
+lindenwood,81,0
+hiteman,390,8
+pinesdale,388,4
+lindenwood,2055,3
+lakeville,1385,0
+leonardo,841,2
+wainscott,678,0
+shelbyville,1176,3
+ranchester,565,3
+leonardo,603,12
+wainscott,901,7
+hanson,1231,11
+hanson,826,17
+beechwood,215,2
+mifflinburg,519,2
+ranchester,1552,5
+leonardo,699,22
+marstons,1299,7
+allensville,474,2
+wainscott,791,10
+wainscott,469,1
+shelbyville,1120,0
+lindenwood,432,13
+leonardo,547,3
+pinesdale,729,0
+klickitat,463,4
+benevolence,494,8
+coffeen,993,0
+shelbyville,932,12
+shelbyville,556,8
+shelbyville,2165,0
+klickitat,1527,4
+marstons,2560,5
+beechwood,1120,0
+hanson,931,3
+lakeville,1344,1
+leonardo,681,6
+woodbine,937,8
+leonardo,1465,5
+tolstoy,1506,3
+klickitat,2187,5
+marstons,1883,1
+pinesdale,79,1
+hiteman,427,2
+ranchester,3,0
+lindenwood,1080,1
+cosmos,713,0
+hanson,1361,4
+leonardo,1128,2
+shelbyville,1494,12
+leonardo,231,4
+woodbine,619,0
+pinesdale,59,1
+hanson,1264,7
+pomaria,1628,6
+shelbyville,862,3
+stockman,1360,7
+pomaria,423,2
+klickitat,527,1
+klickitat,1302,3
+wainscott,869,3
+ranchester,42,3
+woodbine,1214,4
+klickitat,1527,3
+marstons,1555,1
+pinesdale,423,1
+mifflinburg,880,1
+leonardo,923,1
+klickitat,398,2
+marstons,50,2
+marstons,1670,11
+pinesdale,663,2
+hanson,1279,10
+coffeen,202,5
+lakeville,1531,12
+lindenwood,1422,0
+allensville,172,7
+cosmos,695,3
+pomaria,781,11
+forkland,417,0
+shelbyville,553,8
+marstons,1116,3
+lindenwood,2183,1
+wainscott,1269,2
+wainscott,256,4
+pomaria,724,3
+klickitat,2062,2
+lindenwood,1659,4
+shelbyville,1081,2
+merom,851,3
+allensville,412,4
+pomaria,608,4
+wainscott,1596,0
+hiteman,1253,5
+wainscott,622,3
+lindenwood,2657,4
+newfields,1239,1
+marstons,1652,2
+mifflinburg,400,3
+hanson,747,1
+lakeville,1416,1
+hiteman,1770,0
+klickitat,2319,3
+pomaria,86,2
+stockman,934,3
+klickitat,1879,13
+hanson,1116,1
+tolstoy,712,7
+lakeville,429,2
+klickitat,1849,5
+pomaria,1440,1
+beechwood,284,2
+lindenwood,1403,0
+benevolence,152,8
+coffeen,671,1
+woodbine,883,5
+marstons,724,6
+forkland,974,2
+hanson,197,3
+pomaria,631,7
+coffeen,690,9
+beechwood,628,5
+lakeville,628,1
+marstons,2200,6
+hanson,1242,5
+marstons,2584,3
+lakeville,1227,2
+klickitat,1177,5
+ranchester,1380,0
+klickitat,2125,3
+tolstoy,153,1
+beechwood,967,0
+coffeen,1425,4
+leonardo,1937,3
+merom,50,4
+shelbyville,118,9
+leonardo,1569,8
+benevolence,288,0
+woodbine,358,0
+marstons,1426,9
+merom,967,6
+stockman,654,6
+merom,564,0
+marstons,1967,4
+klickitat,1219,3
+klickitat,750,0
+merom,275,4
+coffeen,100,3
+coffeen,718,3
+marstons,1995,1
+lindenwood,76,2
+newfields,737,3
+klickitat,2311,2
+wainscott,1152,2
+lakeville,294,2
+leonardo,636,3
+stockman,809,1
+cosmos,908,7
+marstons,2113,1
+pomaria,1073,8
+merom,1054,1
+shelbyville,1694,7
+tolstoy,143,3
+tolstoy,901,1
+marstons,729,6
+beechwood,264,0
+newfields,1576,8
+leonardo,1029,5
+shelbyville,1238,2
+wainscott,37,6
+coffeen,498,4
+leonardo,1789,6
+shelbyville,2547,4
+marstons,1489,2
+onaga,545,8
+shelbyville,1724,10
+klickitat,279,4
+coffeen,189,11
+lakeville,1503,6
+klickitat,1600,1
+marstons,1974,2
+marstons,1217,9
+marstons,957,0
+allensville,451,0
+wainscott,1106,6
+hiteman,1375,9
+lindenwood,1767,1
+lakeville,504,11
+stockman,282,3
+klickitat,1572,1
+leonardo,1155,2
+tolstoy,1371,9
+hanson,639,11
+marstons,368,3
+leonardo,1988,8
+wainscott,1498,0
+hiteman,747,1
+shelbyville,85,2
+stockman,1500,7
+lindenwood,2170,5
+woodbine,1666,3
+forkland,354,0
+lakeville,882,1
+tolstoy,650,10
+beechwood,755,11
+coffeen,55,2
+marstons,2384,3
+shelbyville,2388,12
+mifflinburg,778,2
+woodbine,1249,0
+shelbyville,2245,7
+klickitat,162,0
+ranchester,915,8
+allensville,381,4
+marstons,609,3
+marstons,1541,8
+cosmos,671,2
+wainscott,1309,1
+stockman,291,1
+coffeen,812,5
+leonardo,530,18
+shelbyville,295,0
+shelbyville,2665,3
+mifflinburg,719,6
+klickitat,1082,7
+marstons,1651,2
+stockman,694,6
+cosmos,63,1
+mifflinburg,921,1
+shelbyville,1585,6
+coffeen,386,4
+allensville,133,4
+ranchester,1227,1
+pinesdale,159,5
+woodbine,823,6
+wainscott,170,3
+wainscott,1279,2
+mifflinburg,98,1
+klickitat,858,7
+marstons,1057,10
+klickitat,1080,3
+marstons,2564,10
+wainscott,1797,12
+shelbyville,2711,1
+leonardo,1454,3
+tolstoy,286,1
+beechwood,1089,3
+shelbyville,104,15
+merom,862,3
+marstons,4,9
+wainscott,1412,0
+allensville,378,2
+merom,75,9
+lakeville,548,11
+hanson,544,0
+pomaria,1562,13
+newfields,1163,11
+pomaria,319,11
+benevolence,765,0
+coffeen,878,0
+pomaria,850,1
+hiteman,752,4
+pinesdale,686,0
+woodbine,1334,7
+lindenwood,252,5
+lakeville,1389,15
+klickitat,1217,3
+klickitat,1183,0
+newfields,1457,0
+beechwood,43,0
+ranchester,783,4
+hanson,1177,3
+benevolence,134,1
+klickitat,2135,2
+stockman,780,3
+coffeen,160,1
+tolstoy,1130,10
+klickitat,380,5
+leonardo,947,2
+coffeen,441,2
+stockman,768,9
+marstons,537,0
+marstons,2234,1
+pomaria,807,1
+marstons,192,3
+lakeville,733,7
+coffeen,1416,0
+wainscott,472,1
+mifflinburg,838,1
+lakeville,589,3
+cosmos,799,8
+leonardo,102,1
+tolstoy,806,1
+forkland,715,2
+tolstoy,159,3
+pomaria,242,0
+coffeen,1393,6
+lindenwood,613,7
+leonardo,741,0
+lindenwood,473,6
+leonardo,1511,1
+klickitat,1799,7
+hanson,1475,1
+pinesdale,1239,0
+shelbyville,2813,17
+tolstoy,1175,3
+lakeville,492,13
+tolstoy,882,10
+stockman,1388,6
+klickitat,1872,12
+marstons,1075,10
+leonardo,1316,1
+cosmos,518,2
+mifflinburg,779,1
+mifflinburg,560,0
+cosmos,657,2
+leonardo,324,0
+shelbyville,25,2
+woodbine,267,4
+newfields,1618,14
+hiteman,1236,4
+shelbyville,1957,4
+klickitat,91,1
+marstons,1286,6
+hanson,44,3
+merom,369,3
+forkland,972,3
+leonardo,216,4
+lakeville,1688,2
+coffeen,281,10
+lindenwood,1439,0
+pinesdale,1411,4
+onaga,552,2
+hanson,836,3
+klickitat,2044,5
+benevolence,100,1
+tolstoy,544,0
+woodbine,1877,4
+shelbyville,410,2
+hanson,318,6
+hanson,906,4
+stockman,1002,0
+hiteman,1647,5
+newfields,91,0
+klickitat,1366,0
+woodbine,303,1
+hiteman,18,10
+shelbyville,996,5
+marstons,630,1
+ranchester,705,8
+woodbine,267,9
+marstons,362,7
+woodbine,198,4
+klickitat,2011,0
+shelbyville,2716,1
+ranchester,1281,2
+lakeville,1865,8
+wainscott,1202,12
+klickitat,2286,21
+cosmos,572,8
+hanson,256,7
+shelbyville,2636,1
+marstons,269,10
+woodbine,925,4
+shelbyville,1988,4
+ranchester,326,1
+lakeville,1763,9
+ranchester,534,4
+marstons,1504,6
+tolstoy,785,6
+stockman,1111,5
+lindenwood,1917,0
+hiteman,1284,0
+hanson,1284,16
+stockman,1458,7
+pomaria,1017,1
+tolstoy,395,0
+beechwood,168,4
+woodbine,1129,4
+ranchester,929,0
+lakeville,57,17
+klickitat,560,8
+pinesdale,432,8
+shelbyville,1872,9
+beechwood,873,2
+merom,908,3
+marstons,733,0
+mifflinburg,211,3
+woodbine,1955,5
+onaga,237,0
+hanson,1434,12
+newfields,391,6
+shelbyville,2787,5
+tolstoy,1154,0
+leonardo,1524,1
+lakeville,1383,2
+wainscott,1663,3
+coffeen,1506,5
+leonardo,2107,1
+coffeen,491,1
+hanson,462,4
+woodbine,606,6
+forkland,691,2
+tolstoy,35,1
+pomaria,971,2
+stockman,746,2
+woodbine,1612,12
+woodbine,1463,2
+newfields,239,3
+forkland,136,0
+pomaria,1621,0
+pomaria,574,4
+mifflinburg,694,5
+leonardo,1383,3
+lindenwood,2347,3
+leonardo,1163,11
+newfields,1482,2
+beechwood,270,5
+leonardo,1266,3
+marstons,1414,0
+klickitat,869,6
+leonardo,2101,0
+coffeen,437,5
+woodbine,795,0
+wainscott,1284,4
+marstons,2436,6
+pomaria,12,4
+woodbine,488,17
+mifflinburg,353,2
+hiteman,1498,2
+hiteman,32,4
+merom,75,7
+leonardo,241,0
+beechwood,889,3
+merom,131,1
+hanson,1262,2
+shelbyville,250,0
+wainscott,808,16
+shelbyville,1762,0
+klickitat,145,2
+klickitat,2068,9
+hanson,1024,13
+beechwood,713,4
+woodbine,1417,8
+tolstoy,1461,0
+wainscott,531,3
+merom,434,0
+klickitat,952,13
+pomaria,323,0
+wainscott,1037,9
+woodbine,484,4
+hiteman,341,3
+shelbyville,2564,10
+shelbyville,2753,4
+newfields,987,4
+onaga,100,1
+pomaria,1451,2
+beechwood,1121,1
+woodbine,663,3
+klickitat,1879,14
+cosmos,424,5
+newfields,1160,6
+pinesdale,313,1
+beechwood,297,14
+shelbyville,2161,4
+wainscott,670,6
+newfields,1164,1
+klickitat,2022,7
+onaga,148,0
+lakeville,647,5
+lakeville,1207,7
+shelbyville,2318,2
+tolstoy,1124,2
+stockman,1565,4
+beechwood,658,3
+lindenwood,49,6
+lakeville,847,1
+stockman,117,1
+mifflinburg,713,3
+forkland,331,1
+mifflinburg,612,2
+woodbine,1233,1
+cosmos,162,4
+cosmos,514,3
+shelbyville,2458,10
+shelbyville,650,3
+marstons,1603,2
+leonardo,1804,3
+lakeville,1623,8
+pinesdale,379,3
+stockman,638,2
+shelbyville,1697,9
+hiteman,83,0
+shelbyville,185,5
+tolstoy,1049,3
+shelbyville,842,3
+pomaria,864,1
+klickitat,314,3
+stockman,1152,2
+lakeville,14,5
+lindenwood,1482,8
+leonardo,847,2
+onaga,545,4
+cosmos,429,2
+leonardo,619,2
+mifflinburg,941,2
+marstons,697,1
+leonardo,1526,3
+woodbine,1508,11
+tolstoy,484,0
+newfields,355,0
+onaga,656,0
+lakeville,691,14
+tolstoy,216,1
+leonardo,78,9
+hiteman,1365,1
+benevolence,212,3
+hiteman,885,2
+shelbyville,2471,0
+onaga,549,2
+newfields,139,2
+pomaria,1441,1
+wainscott,1588,2
+lindenwood,2149,2
+tolstoy,522,5
+marstons,1847,1
+leonardo,1086,0
+allensville,134,8
+marstons,2036,4
+leonardo,71,1
+marstons,2368,4
+shelbyville,2169,18
+onaga,258,0
+hanson,933,6
+lakeville,731,6
+cosmos,539,2
+lindenwood,2539,1
+newfields,1177,5
+shelbyville,2684,5
+shelbyville,2268,5
+lindenwood,32,0
+marstons,63,3
+pomaria,538,17
+hiteman,860,2
+wainscott,351,8
+lakeville,309,2
+tolstoy,341,3
+pinesdale,420,1
+tolstoy,147,0
+ranchester,265,9
+shelbyville,780,0
+lakeville,1234,6
+klickitat,1829,2
+hanson,1275,0
+hiteman,708,2
+lakeville,1488,1
+lakeville,721,1
+marstons,339,1
+pinesdale,99,1
+hanson,1048,5
+leonardo,585,2
+marstons,78,0
+benevolence,526,5
+tolstoy,721,0
+cosmos,976,6
+shelbyville,709,1
+hanson,571,7
+stockman,1321,5
+klickitat,402,1
+tolstoy,217,6
+klickitat,11,1
+pomaria,1475,7
+shelbyville,603,8
+ranchester,592,6
+shelbyville,1195,13
+coffeen,688,2
+pinesdale,264,0
+lakeville,826,11
+hanson,461,6
+leonardo,1247,1
+lindenwood,904,4
+pomaria,143,4
+marstons,69,1
+coffeen,531,0
+marstons,1419,3
+lakeville,25,3
+stockman,275,4
+cosmos,738,1
+klickitat,1235,2
+hanson,343,3
+pomaria,320,12
+newfields,781,3
+marstons,1387,5
+klickitat,2061,0
+merom,188,1
+cosmos,1010,2
+lakeville,1862,12
+coffeen,1032,5
+forkland,555,0
+tolstoy,140,5
+wainscott,780,5
+tolstoy,234,2
+allensville,361,6
+lindenwood,365,2
+ranchester,680,1
+wainscott,382,4
+klickitat,1183,2
+woodbine,74,5
+tolstoy,1148,7
+lindenwood,172,6
+hanson,17,17
+beechwood,924,8
+coffeen,778,3
+tolstoy,1512,12
+tolstoy,1349,0
+ranchester,552,2
+hanson,1042,9
+lindenwood,2587,12
+leonardo,1079,13
+wainscott,712,4
+leonardo,507,6
+newfields,188,1
+klickitat,1225,3
+hiteman,218,0
+newfields,316,4
+tolstoy,755,0
+leonardo,1557,4
+newfields,1417,0
+lakeville,378,1
+leonardo,1423,20
+hanson,96,0
+wainscott,460,1
+lakeville,586,7
+hiteman,1007,1
+marstons,61,7
+tolstoy,782,1
+stockman,310,1
+tolstoy,1192,4
+stockman,1304,5
+newfields,972,2
+leonardo,1643,1
+ranchester,8,4
+leonardo,1562,2
+shelbyville,2560,0
+tolstoy,590,7
+wainscott,443,0
+pomaria,1081,4
+woodbine,1500,5
+newfields,236,5
+hiteman,1737,4
+cosmos,355,1
+klickitat,1443,1
+pomaria,1369,1
+shelbyville,668,4
+hanson,1069,4
+leonardo,108,7
+stockman,936,3
+cosmos,1025,6
+shelbyville,1083,3
+hiteman,1584,3
+klickitat,2054,8
+hanson,292,2
+lakeville,1606,1
+marstons,238,1
+woodbine,1349,1
+hanson,662,5
+lindenwood,1333,6
+lindenwood,59,7
+cosmos,908,5
+wainscott,1227,13
+benevolence,596,4
+onaga,472,1
+woodbine,483,5
+shelbyville,651,4
+benevolence,615,1
+shelbyville,2596,2
+marstons,1321,1
+ranchester,80,3
+lakeville,1109,0
+lakeville,1321,3
+pomaria,17,1
+leonardo,459,5
+merom,786,5
+pinesdale,569,2
+benevolence,582,3
+shelbyville,2661,1
+leonardo,628,3
+beechwood,820,5
+lakeville,1500,13
+woodbine,1095,2
+allensville,243,0
+cosmos,943,0
+newfields,853,1
+pomaria,631,0
+lakeville,1705,1
+coffeen,1257,2
+marstons,1490,0
+benevolence,563,9
+pinesdale,1495,11
+newfields,125,3
+klickitat,1728,10
+pomaria,158,7
+lakeville,1550,5
+mifflinburg,568,2
+wainscott,1306,11
+shelbyville,2267,0
+pomaria,483,3
+lindenwood,1910,8
+lakeville,1242,2
+marstons,537,2
+leonardo,461,6
+allensville,473,1
+marstons,1063,9
+benevolence,675,1
+klickitat,2155,5
+leonardo,751,3
+shelbyville,186,3
+forkland,1123,1
+stockman,870,1
+marstons,2208,3
+hiteman,1737,13
+onaga,395,6
+wainscott,35,3
+merom,568,0
+allensville,486,1
+tolstoy,400,8
+cosmos,237,0
+pomaria,982,3
+merom,581,6
+lakeville,973,3
+newfields,341,1
+mifflinburg,203,3
+woodbine,172,1
+merom,754,8
+klickitat,1247,1
+mifflinburg,432,12
+woodbine,368,0
+onaga,27,3
+wainscott,942,4
+shelbyville,1251,6
+pomaria,1585,0
+marstons,287,4
+shelbyville,958,3
+beechwood,41,1
+ranchester,617,5
+hanson,1038,4
+forkland,788,0
+wainscott,529,13
+lakeville,424,2
+wainscott,1599,10
+leonardo,1213,0
+lindenwood,2022,4
+marstons,2361,1
+leonardo,313,1
+shelbyville,690,2
+lindenwood,1291,5
+lindenwood,632,2
+leonardo,544,3
+mifflinburg,219,0
+coffeen,1485,3
+lindenwood,1875,3
+lindenwood,127,3
+pinesdale,199,2
+newfields,547,4
+lakeville,1347,1
+wainscott,774,5
+hanson,1461,12
+newfields,1113,5
+wainscott,1578,2
+tolstoy,761,4
+hanson,1563,4
+ranchester,222,10
+marstons,2259,3
+hanson,284,1
+lakeville,526,3
+pinesdale,490,10
+lindenwood,1458,10
+woodbine,544,4
+stockman,276,3
+lakeville,1879,1
+benevolence,3,2
+marstons,2314,1
+ranchester,1393,1
+merom,1008,5
+shelbyville,2520,10
+stockman,1510,8
+stockman,870,2
+merom,1039,5
+coffeen,486,0
+shelbyville,2496,14
+lakeville,1576,2
+klickitat,645,4
+pomaria,294,4
+shelbyville,1201,6
+leonardo,12,5
+wainscott,1352,10
+ranchester,1359,1
+lindenwood,814,17
+pinesdale,713,1
+hiteman,1622,1
+newfields,210,1
+woodbine,671,7
+leonardo,915,4
+cosmos,1066,2
+marstons,716,2
+lindenwood,2016,6
+leonardo,2055,5
+benevolence,510,1
+tolstoy,1435,2
+woodbine,912,11
+shelbyville,2676,4
+marstons,2166,7
+shelbyville,1405,3
+lakeville,650,1
+shelbyville,2581,3
+merom,1076,0
+leonardo,350,1
+marstons,423,5
+newfields,1644,3
+mifflinburg,766,1
+ranchester,1258,2
+tolstoy,331,6
+benevolence,312,2
+lindenwood,744,0
+shelbyville,2146,4
+cosmos,37,3
+leonardo,1396,5
+tolstoy,80,2
+cosmos,33,11
+klickitat,338,9
+marstons,1712,0
+hiteman,134,4
+wainscott,495,2
+allensville,410,6
+tolstoy,1257,8
+wainscott,374,1
+newfields,418,3
+wainscott,117,2
+woodbine,952,12
+pomaria,483,1
+hanson,1315,2
+klickitat,519,8
+pomaria,976,11
+coffeen,1181,0
+marstons,2257,5
+wainscott,698,1
+pinesdale,991,0
+leonardo,85,0
+leonardo,1423,19
+wainscott,561,3
+shelbyville,2753,5
+newfields,1109,5
+coffeen,930,3
+ranchester,475,2
+lakeville,1083,12
+tolstoy,483,4
+allensville,151,0
+woodbine,1505,1
+allensville,169,0
+stockman,466,0
+lakeville,294,5
+marstons,859,8
+shelbyville,2407,3
+leonardo,1141,3
+leonardo,1379,2
+klickitat,417,4
+wainscott,1478,4
+ranchester,1002,1
+mifflinburg,164,2
+newfields,1228,2
+ranchester,466,7
+merom,818,4
+cosmos,666,12
+mifflinburg,67,3
+hiteman,1317,10
+onaga,302,0
+newfields,1441,0
+ranchester,420,13
+lindenwood,2152,1
+mifflinburg,499,10
+pinesdale,1257,12
+tolstoy,1498,13
+pinesdale,945,1
+lindenwood,742,5
+lindenwood,381,2
+stockman,1453,14
+hiteman,1622,2
+hanson,1451,2
+allensville,254,3
+benevolence,864,6
+benevolence,244,5
+lindenwood,1841,6
+woodbine,1329,3
+shelbyville,801,1
+forkland,979,1
+shelbyville,466,4
+lindenwood,1564,6
+newfields,1379,2
+pomaria,760,4
+mifflinburg,472,0
+wainscott,1282,1
+woodbine,1577,2
+shelbyville,1809,2
+lakeville,1150,0
+coffeen,1079,9
+ranchester,471,0
+pomaria,1437,8
+pomaria,297,2
+hanson,234,1
+wainscott,476,2
+onaga,39,0
+shelbyville,64,10
+lakeville,402,1
+lakeville,1838,5
+shelbyville,2095,4
+pomaria,69,2
+shelbyville,595,5
+benevolence,206,1
+klickitat,88,1
+leonardo,1468,9
+tolstoy,605,2
+wainscott,518,7
+pomaria,1455,1
+ranchester,1386,3
+newfields,1593,2
+marstons,1189,3
+forkland,28,1
+lindenwood,2547,2
+marstons,1327,5
+beechwood,626,3
+marstons,1561,8
+cosmos,802,2
+hanson,1356,9
+coffeen,849,1
+lakeville,633,2
+leonardo,270,1
+woodbine,2040,0
+stockman,562,0
+lakeville,1855,3
+klickitat,727,1
+stockman,1253,7
+merom,1025,0
+woodbine,1886,2
+klickitat,126,5
+wainscott,38,0
+klickitat,686,1
+hiteman,262,0
+ranchester,979,0
+klickitat,555,1
+shelbyville,2094,2
+shelbyville,2334,9
+tolstoy,637,0
+merom,857,0
+klickitat,735,4
+wainscott,387,10
+beechwood,501,3
+marstons,852,4
+stockman,1605,2
+hiteman,937,0
+onaga,417,1
+shelbyville,2537,0
+leonardo,1360,0
+lakeville,1648,5
+shelbyville,2018,0
+wainscott,513,2
+cosmos,1078,2
+lakeville,20,8
+hanson,194,0
+shelbyville,1502,1
+tolstoy,1794,0
+woodbine,1126,8
+hanson,679,3
+cosmos,831,3
+hanson,766,7
+pomaria,644,3
+shelbyville,1318,3
+klickitat,2283,6
+shelbyville,1797,2
+klickitat,2165,3
+merom,779,5
+newfields,615,1
+marstons,1685,0
+wainscott,303,12
+marstons,1589,7
+marstons,1215,0
+klickitat,1253,0
+leonardo,359,8
+woodbine,188,5
+lakeville,247,4
+tolstoy,1474,0
+marstons,895,0
+pinesdale,166,5
+shelbyville,138,2
+mifflinburg,347,4
+hiteman,1607,2
+lakeville,965,4
+lindenwood,1387,11
+forkland,549,0
+klickitat,730,1
+pinesdale,1371,7
+beechwood,683,2
+klickitat,1211,2
+cosmos,707,1
+beechwood,287,3
+ranchester,273,1
+merom,240,5
+shelbyville,1540,2
+allensville,346,1
+hanson,621,4
+stockman,667,3
+woodbine,1025,4
+wainscott,951,2
+lakeville,1496,4
+pinesdale,1435,4
+pinesdale,889,0
+pinesdale,731,2
+stockman,631,1
+lindenwood,747,2
+lindenwood,2149,1
+shelbyville,997,7
+pinesdale,721,5
+coffeen,744,2
+marstons,2397,0
+hiteman,555,1
+beechwood,536,3
+beechwood,45,6
+lindenwood,626,6
+lindenwood,60,9
+hiteman,1112,3
+klickitat,858,4
+newfields,366,3
+forkland,678,1
+ranchester,1434,13
+stockman,1242,4
+ranchester,464,3
+cosmos,225,0
+leonardo,197,5
+newfields,809,4
+leonardo,615,0
+leonardo,783,1
+onaga,82,2
+lindenwood,693,0
+lindenwood,2034,4
+marstons,124,2
+shelbyville,1226,1
+merom,188,5
+woodbine,19,0
+klickitat,445,6
+coffeen,92,0
+stockman,1179,1
+shelbyville,2343,0
+marstons,195,6
+onaga,662,5
+ranchester,1043,3
+tolstoy,757,2
+ranchester,151,2
+coffeen,514,1
+lindenwood,2576,4
+ranchester,1420,4
+lindenwood,732,5
+benevolence,741,10
+lakeville,251,3
+stockman,747,13
+wainscott,805,2
+cosmos,685,8
+pomaria,1433,2
+pomaria,1234,0
+beechwood,482,1
+hiteman,180,2
+lindenwood,1674,1
+lakeville,51,3
+stockman,1244,0
+tolstoy,1156,0
+coffeen,83,1
+lindenwood,1073,3
+leonardo,299,1
+wainscott,1315,1
+woodbine,628,2
+lakeville,528,1
+marstons,1674,6
+klickitat,2286,18
+pinesdale,1145,4
+forkland,244,3
+wainscott,539,0
+hanson,87,12
+hanson,704,8
+tolstoy,724,8
+marstons,1930,1
+leonardo,30,1
+klickitat,2190,16
+wainscott,244,6
+wainscott,1483,2
+woodbine,559,5
+forkland,538,1
+woodbine,708,0
+merom,901,2
+tolstoy,827,7
+newfields,622,4
+shelbyville,2451,9
+ranchester,366,8
+hiteman,39,2
+klickitat,1905,12
+lindenwood,1757,6
+tolstoy,631,11
+pinesdale,1349,0
+woodbine,368,1
+merom,174,1
+ranchester,415,0
+stockman,1228,3
+tolstoy,242,5
+marstons,2035,1
+shelbyville,2810,2
+woodbine,1848,2
+lindenwood,468,3
+hiteman,113,1
+marstons,2223,4
+klickitat,330,1
+klickitat,458,10
+woodbine,1999,8
+shelbyville,2524,2
+lakeville,855,6
+hiteman,1717,7
+ranchester,380,5
+pomaria,584,1
+lindenwood,2117,4
+pinesdale,345,5
+beechwood,135,3
+pomaria,1333,6
+forkland,551,6
+hanson,778,0
+woodbine,199,5
+lindenwood,225,11
+ranchester,1334,4
+stockman,1466,2
+woodbine,986,2
+marstons,1573,0
+lindenwood,2304,8
+klickitat,1902,0
+marstons,1063,7
+hiteman,664,3
+hiteman,1452,3
+woodbine,1823,0
+wainscott,389,2
+marstons,2113,3
+lakeville,380,2
+wainscott,1377,1
+klickitat,914,22
+newfields,1077,1
+coffeen,9,0
+klickitat,65,3
+marstons,2428,8
+leonardo,2023,5
+woodbine,671,13
+woodbine,1214,1
+pinesdale,1046,6
+marstons,586,1
+marstons,1360,2
+shelbyville,548,5
+wainscott,1518,4
+forkland,698,5
+lindenwood,1680,2
+merom,275,6
+klickitat,2207,3
+klickitat,487,1
+pomaria,1646,8
+hanson,971,2
+klickitat,2373,3
+hanson,763,3
+hiteman,667,1
+cosmos,310,11
+wainscott,1610,5
+pomaria,1026,7
+hanson,567,4
+newfields,191,1
+allensville,497,1
+newfields,889,0
+wainscott,855,4
+lindenwood,1349,4
+marstons,2243,2
+beechwood,94,0
+lindenwood,2395,5
+marstons,806,8
+klickitat,644,6
+mifflinburg,671,4
+newfields,1275,0
+newfields,1497,0
+hanson,150,12
+lakeville,1217,5
+leonardo,684,4
+stockman,31,5
+tolstoy,1822,3
+hiteman,1659,1
+newfields,1554,0
+benevolence,326,4
+marstons,863,1
+klickitat,2377,3
+klickitat,1751,0
+wainscott,227,5
+hanson,843,1
+leonardo,807,5
+woodbine,1470,0
+shelbyville,1501,3
+marstons,2270,9
+newfields,1015,3
+coffeen,1137,0
+shelbyville,1965,5
+hanson,1233,2
+hiteman,138,7
+forkland,1158,2
+leonardo,1884,4
+shelbyville,1767,2
+shelbyville,931,4
+shelbyville,1614,1
+marstons,1613,0
+shelbyville,1424,6
+merom,708,0
+forkland,615,7
+lindenwood,1286,2
+lakeville,997,1
+cosmos,902,7
+ranchester,382,1
+hanson,1330,11
+klickitat,1192,0
+newfields,490,0
+tolstoy,408,7
+benevolence,284,2
+shelbyville,2513,5
+coffeen,136,2
+allensville,350,1
+wainscott,140,7
+pinesdale,725,11
+woodbine,1639,7
+shelbyville,2209,0
+marstons,1225,6
+klickitat,2334,2
+cosmos,832,0
+lindenwood,528,9
+coffeen,484,0
+forkland,436,1
+woodbine,566,7
+beechwood,797,7
+pomaria,1527,1
+tolstoy,181,6
+pomaria,1415,14
+pinesdale,766,5
+merom,1112,1
+shelbyville,575,16
+woodbine,1887,9
+tolstoy,1335,1
+hiteman,33,12
+pomaria,275,1
+newfields,1618,6
+pomaria,1218,7
+shelbyville,2457,10
+leonardo,1862,1
+pomaria,367,6
+klickitat,686,11
+allensville,336,3
+stockman,1479,3
+hiteman,499,4
+coffeen,470,7
+beechwood,912,3
+pinesdale,832,5
+wainscott,922,4
+wainscott,970,6
+stockman,251,6
+onaga,469,8
+shelbyville,1975,6
+pinesdale,418,9
+coffeen,654,3
+coffeen,1089,2
+benevolence,224,0
+pinesdale,982,0
+tolstoy,869,2
+benevolence,81,2
+leonardo,851,13
+benevolence,818,1
+woodbine,672,3
+stockman,131,1
+shelbyville,1192,10
+marstons,1249,4
+cosmos,512,6
+lakeville,1127,5
+leonardo,258,2
+coffeen,686,11
+lakeville,435,0
+tolstoy,1807,0
+leonardo,1812,2
+shelbyville,2454,5
+lakeville,1477,6
+lindenwood,2407,2
+newfields,1130,1
+shelbyville,352,2
+hanson,1576,11
+lindenwood,1659,9
+woodbine,586,4
+merom,73,2
+woodbine,1902,4
+newfields,1315,4
+beechwood,123,7
+leonardo,1045,3
+woodbine,2024,2
+hanson,446,2
+hiteman,111,0
+klickitat,1142,0
+pomaria,1025,5
+shelbyville,559,3
+leonardo,528,23
+stockman,1077,0
+ranchester,1225,1
+shelbyville,2260,12
+stockman,1467,6
+stockman,1033,2
+tolstoy,948,3
+coffeen,1265,2
+shelbyville,2194,0
+lindenwood,914,4
+lakeville,466,9
+beechwood,1153,2
+klickitat,906,0
+shelbyville,685,17
+woodbine,1167,1
+leonardo,601,2
+hiteman,1838,1
+leonardo,496,4
+marstons,858,1
+forkland,352,0
+hanson,1428,8
+lindenwood,183,1
+shelbyville,2139,2
+leonardo,576,5
+forkland,83,2
+leonardo,760,5
+leonardo,623,0
+ranchester,1031,9
+mifflinburg,524,5
+pinesdale,1361,0
+tolstoy,430,3
+mifflinburg,111,0
+marstons,757,1
+marstons,1478,9
+leonardo,1980,2
+marstons,320,7
+leonardo,781,4
+hiteman,614,7
+coffeen,556,7
+cosmos,408,0
+tolstoy,803,4
+cosmos,519,1
+hiteman,1755,5
+klickitat,411,1
+pomaria,46,3
+wainscott,932,1
+marstons,1340,1
+pinesdale,1384,6
+leonardo,1388,3
+beechwood,416,7
+newfields,289,3
+lindenwood,986,1
+mifflinburg,651,2
+leonardo,1569,6
+onaga,95,1
+lindenwood,2265,3
+pomaria,475,1
+shelbyville,261,5
+shelbyville,91,7
+forkland,392,5
+marstons,2080,2
+marstons,1828,3
+hiteman,866,5
+hanson,1432,8
+klickitat,2164,5
+forkland,1138,7
+wainscott,1449,2
+lakeville,1683,0
+ranchester,1550,0
+hiteman,137,7
+wainscott,467,12
+shelbyville,2631,13
+forkland,1137,2
+marstons,1632,1
+marstons,1749,15
+merom,277,0
+tolstoy,145,11
+wainscott,1435,7
+pomaria,1386,0
+beechwood,569,1
+leonardo,603,6
+lindenwood,2075,6
+newfields,995,0
+allensville,392,0
+marstons,899,5
+newfields,1315,1
+hanson,131,10
+tolstoy,543,9
+beechwood,151,2
+hiteman,1244,2
+newfields,1261,2
+benevolence,590,2
+forkland,892,2
+shelbyville,2582,7
+pomaria,189,3
+marstons,228,1
+marstons,855,7
+stockman,681,0
+klickitat,1530,4
+ranchester,1316,3
+marstons,1861,1
+marstons,1513,7
+lakeville,187,0
+wainscott,1501,3
+tolstoy,539,5
+hanson,1420,4
+lindenwood,1406,0
+hiteman,1737,8
+mifflinburg,234,10
+klickitat,976,11
+woodbine,2017,7
+newfields,167,4
+woodbine,1791,2
+marstons,542,5
+pinesdale,471,2
+forkland,369,0
+wainscott,56,2
+newfields,38,2
+lindenwood,774,9
+marstons,217,5
+klickitat,1014,3
+newfields,500,4
+forkland,162,4
+klickitat,1732,1
+stockman,1205,2
+allensville,260,0
+lakeville,443,2
+hanson,1659,4
+forkland,900,6
+lakeville,566,5
+tolstoy,591,7
+lindenwood,1923,0
+marstons,1816,3
+benevolence,390,1
+shelbyville,292,9
+shelbyville,1198,0
+lindenwood,912,1
+stockman,890,1
+hiteman,1626,7
+klickitat,2407,8
+pomaria,104,2
+pomaria,132,0
+tolstoy,163,5
+pomaria,903,8
+leonardo,458,2
+hiteman,1576,2
+mifflinburg,87,1
+shelbyville,47,9
+stockman,432,4
+stockman,582,5
+pomaria,120,1
+forkland,1166,6
+lakeville,584,3
+merom,466,4
+coffeen,769,0
+ranchester,247,3
+ranchester,1377,1
+lakeville,1201,2
+leonardo,274,7
+mifflinburg,917,0
+klickitat,2334,0
+coffeen,1383,2
+shelbyville,2324,2
+coffeen,686,7
+lakeville,73,1
+cosmos,381,2
+lakeville,1785,2
+woodbine,657,3
+lakeville,1006,7
+lakeville,1602,9
+hiteman,1066,7
+ranchester,1003,2
+wainscott,1200,7
+shelbyville,2431,3
+shelbyville,1026,1
+marstons,1356,7
+newfields,1536,3
+ranchester,1635,5
+shelbyville,1314,3
+coffeen,1104,8
+pomaria,228,9
+pinesdale,1098,5
+pinesdale,1314,0
+shelbyville,2695,3
+shelbyville,1066,5
+woodbine,1178,3
+benevolence,26,1
+shelbyville,2601,0
+marstons,2190,11
+stockman,441,4
+newfields,1620,1
+ranchester,1111,0
+wainscott,1208,6
+pomaria,301,2
+shelbyville,1436,0
+pomaria,330,9
+wainscott,148,3
+benevolence,573,1
+marstons,2561,1
+ranchester,999,4
+benevolence,967,2
+klickitat,42,6
+wainscott,1243,2
+shelbyville,1004,6
+lindenwood,1783,3
+shelbyville,1923,2
+benevolence,718,5
+coffeen,168,3
+klickitat,940,6
+pomaria,739,9
+pinesdale,945,6
+woodbine,1928,3
+woodbine,1318,1
+hanson,1025,5
+hanson,1226,13
+benevolence,206,0
+stockman,241,1
+hiteman,802,1
+stockman,1093,1
+klickitat,1513,4
+lindenwood,2014,7
+lakeville,939,7
+klickitat,102,11
+lindenwood,508,0
+shelbyville,259,12
+merom,810,1
+woodbine,936,9
+shelbyville,524,3
+hiteman,789,4
+lindenwood,1585,1
+klickitat,517,3
+newfields,106,12
+woodbine,1311,16
+forkland,52,2
+woodbine,190,5
+allensville,295,0
+newfields,1610,13
+stockman,960,2
+lindenwood,2047,2
+lakeville,1559,1
+forkland,684,0
+klickitat,561,4
+coffeen,1382,0
+beechwood,325,2
+lindenwood,1600,9
+hanson,846,2
+pinesdale,855,3
+marstons,308,6
+lakeville,1651,4
+pinesdale,358,6
+lindenwood,397,7
+pomaria,26,1
+beechwood,597,4
+leonardo,10,4
+hanson,1274,3
+klickitat,487,3
+beechwood,956,2
+wainscott,140,0
+marstons,1187,1
+pinesdale,1087,5
+klickitat,2196,3
+klickitat,394,9
+klickitat,1844,1
+coffeen,1325,0
+newfields,1290,2
+leonardo,1662,0
+lindenwood,2350,0
+hiteman,881,0
+marstons,473,9
+marstons,1240,3
+klickitat,795,0
+hanson,89,11
+ranchester,133,3
+tolstoy,1299,2
+stockman,345,3
+woodbine,1534,8
+coffeen,66,4
+klickitat,1657,0
+lindenwood,2628,13
+tolstoy,1270,12
+leonardo,972,5
+ranchester,649,5
+lindenwood,984,1
+benevolence,393,1
+stockman,764,5
+tolstoy,1527,3
+woodbine,1032,5
+lindenwood,161,3
+pomaria,1365,7
+mifflinburg,754,10
+leonardo,1729,5
+stockman,82,0
+ranchester,1214,7
+newfields,1618,1
+coffeen,799,3
+klickitat,648,12
+pomaria,1159,8
+ranchester,1412,2
+wainscott,859,4
+hanson,1550,0
+benevolence,679,12
+woodbine,1802,1
+leonardo,73,3
+pomaria,643,6
+marstons,91,4
+leonardo,1569,7
+pomaria,1011,11
+lindenwood,1564,1
+hiteman,895,6
+pomaria,1590,2
+hiteman,608,8
+tolstoy,1359,5
+klickitat,960,5
+allensville,446,2
+wainscott,1036,7
+wainscott,63,2
+marstons,2361,0
+leonardo,258,4
+leonardo,1084,3
+leonardo,1933,3
+pomaria,516,2
+tolstoy,1015,12
+hiteman,68,5
+wainscott,1117,4
+pomaria,1095,12
+newfields,901,2
+cosmos,649,6
+hanson,817,3
+pomaria,1560,7
+beechwood,2,0
+wainscott,1559,4
+lindenwood,247,1
+allensville,190,1
+cosmos,684,3
+woodbine,1097,15
+tolstoy,1764,2
+marstons,738,3
+pinesdale,887,5
+woodbine,287,2
+lakeville,363,0
+wainscott,1385,5
+hanson,694,0
+stockman,908,0
+klickitat,2240,2
+lindenwood,1311,2
+hiteman,263,1
+lakeville,758,3
+marstons,1663,1
+lindenwood,1398,3
+cosmos,191,6
+wainscott,1108,3
+klickitat,493,12
+hanson,1507,1
+klickitat,224,3
+coffeen,1064,1
+shelbyville,1323,1
+shelbyville,2329,0
+hiteman,875,5
+pomaria,1190,2
+cosmos,84,5
+ranchester,30,5
+pinesdale,1307,12
+beechwood,710,4
+ranchester,1555,7
+newfields,661,1
+ranchester,776,5
+pinesdale,291,3
+beechwood,922,3
+pinesdale,545,5
+klickitat,1171,9
+newfields,1406,6
+pinesdale,1511,0
+newfields,1053,1
+ranchester,82,3
+newfields,621,2
+lakeville,1709,3
+leonardo,530,11
+klickitat,1012,0
+stockman,395,0
+wainscott,375,0
+hiteman,1782,6
+pomaria,347,1
+woodbine,878,13
+cosmos,563,4
+tolstoy,1405,5
+ranchester,767,5
+lindenwood,823,4
+hiteman,949,0
+lakeville,1655,10
+newfields,1068,7
+marstons,394,1
+pinesdale,795,3
+klickitat,2153,11
+lindenwood,2412,1
+klickitat,448,8
+pomaria,124,6
+woodbine,973,2
+beechwood,743,2
+pinesdale,156,0
+ranchester,1545,0
+wainscott,256,7
+marstons,2316,4
+mifflinburg,488,2
+woodbine,1439,1
+lakeville,1877,0
+beechwood,32,3
+tolstoy,1269,2
+hiteman,608,11
+coffeen,1427,7
+newfields,1394,10
+pomaria,1085,7
+lakeville,108,2
+woodbine,1184,0
+newfields,287,1
+cosmos,929,2
+newfields,1259,1
+wainscott,409,10
+woodbine,1577,7
+lindenwood,721,4
+wainscott,1790,1
+leonardo,425,3
+beechwood,1010,0
+allensville,77,7
+ranchester,481,2
+woodbine,240,11
+allensville,270,9
+lakeville,36,2
+pinesdale,440,13
+lakeville,541,6
+wainscott,59,10
+beechwood,638,2
+lakeville,229,12
+marstons,992,1
+leonardo,774,6
+shelbyville,1453,2
+lakeville,1490,3
+woodbine,1467,3
+stockman,265,16
+hiteman,1593,6
+coffeen,1419,3
+woodbine,2012,1
+shelbyville,2618,1
+klickitat,2157,4
+woodbine,584,3
+shelbyville,1454,8
+lakeville,454,5
+tolstoy,794,6
+pinesdale,930,2
+klickitat,1618,2
+klickitat,338,4
+woodbine,853,2
+forkland,201,2
+newfields,872,9
+marstons,2227,6
+tolstoy,36,3
+klickitat,1205,1
+leonardo,1140,5
+beechwood,505,3
+mifflinburg,831,3
+mifflinburg,570,5
+marstons,2091,15
+merom,1109,0
+shelbyville,865,6
+merom,678,1
+shelbyville,2420,0
+leonardo,1776,7
+lindenwood,2537,0
+shelbyville,2737,8
+shelbyville,2110,3
+lakeville,656,5
+benevolence,289,6
+lindenwood,306,0
+leonardo,1155,5
+beechwood,297,5
+lakeville,398,5
+ranchester,400,14
+shelbyville,2001,4
+marstons,766,0
+woodbine,119,1
+tolstoy,731,0
+coffeen,1342,0
+ranchester,152,0
+onaga,229,0
+shelbyville,757,0
+hanson,888,5
+shelbyville,1028,1
+marstons,2207,6
+klickitat,959,12
+tolstoy,1120,1
+woodbine,1793,9
+tolstoy,1519,1
+wainscott,72,4
+lindenwood,90,3
+lindenwood,585,1
+newfields,131,10
+coffeen,1384,2
+mifflinburg,742,5
+leonardo,1603,1
+pinesdale,438,2
+shelbyville,1772,2
+coffeen,950,1
+newfields,1448,6
+cosmos,478,5
+shelbyville,1325,6
+shelbyville,941,1
+lakeville,453,5
+klickitat,1238,13
+klickitat,933,1
+benevolence,231,0
+woodbine,633,6
+mifflinburg,638,5
+benevolence,488,4
+mifflinburg,339,1
+pinesdale,933,1
+shelbyville,1841,2
+klickitat,1083,0
+cosmos,1078,3
+benevolence,782,4
+ranchester,447,1
+wainscott,16,4
+cosmos,389,11
+newfields,1453,2
+stockman,380,6
+leonardo,1295,10
+merom,783,0
+leonardo,190,5
+marstons,2183,5
+lindenwood,717,2
+forkland,1023,0
+ranchester,313,0
+shelbyville,2095,1
+leonardo,342,6
+hanson,1493,6
+shelbyville,2148,1
+onaga,29,5
+ranchester,274,6
+allensville,443,1
+tolstoy,1307,2
+benevolence,919,1
+hiteman,1681,7
+onaga,151,3
+newfields,660,9
+shelbyville,502,2
+ranchester,1585,7
+marstons,2443,10
+hanson,78,3
+woodbine,1990,1
+newfields,164,1
+lindenwood,1703,0
+ranchester,1132,1
+woodbine,1653,12
+wainscott,1684,8
+lakeville,233,3
+woodbine,313,1
+lindenwood,1738,1
+lindenwood,1473,4
+marstons,1928,5
+marstons,1987,2
+allensville,324,0
+pomaria,35,9
+marstons,2072,8
+beechwood,365,6
+newfields,412,4
+beechwood,490,6
+pomaria,613,11
+lakeville,995,6
+ranchester,356,0
+woodbine,1369,10
+hanson,401,8
+woodbine,521,3
+lindenwood,390,8
+klickitat,1096,8
+hanson,946,6
+lindenwood,942,0
+hanson,517,1
+pomaria,39,3
+forkland,907,4
+wainscott,604,6
+lakeville,223,1
+klickitat,2267,9
+hanson,1253,7
+hiteman,762,2
+hiteman,1212,4
+cosmos,131,3
+hanson,1204,18
+cosmos,254,1
+tolstoy,1659,5
+pomaria,1635,2
+ranchester,1261,7
+wainscott,677,4
+newfields,1354,5
+shelbyville,504,4
+hiteman,1418,1
+coffeen,560,11
+lakeville,1753,0
+lindenwood,1470,2
+coffeen,1124,3
+newfields,1285,4
+marstons,1091,7
+lindenwood,720,5
+stockman,1310,0
+tolstoy,914,0
+marstons,2346,2
+klickitat,2116,2
+leonardo,457,10
+woodbine,409,3
+ranchester,1464,1
+cosmos,729,5
+lakeville,1642,11
+lakeville,1442,2
+lindenwood,1403,2
+lindenwood,334,2
+tolstoy,986,4
+pomaria,1294,12
+onaga,565,2
+ranchester,563,2
+pomaria,999,3
+newfields,830,8
+pinesdale,222,4
+hanson,437,4
+wainscott,1505,0
+marstons,171,2
+forkland,511,12
+klickitat,2368,2
+woodbine,1534,9
+merom,278,1
+pinesdale,637,3
+beechwood,200,7
+lakeville,554,5
+tolstoy,741,7
+woodbine,1005,13
+lakeville,523,4
+lindenwood,2214,1
+klickitat,1328,0
+stockman,1615,0
+newfields,300,11
+marstons,2157,6
+pinesdale,118,8
+shelbyville,916,8
+klickitat,132,0
+ranchester,173,3
+newfields,292,7
+shelbyville,1953,15
+benevolence,104,1
+tolstoy,582,7
+wainscott,1226,0
+hanson,5,0
+pomaria,557,16
+hanson,1379,1
+pinesdale,723,4
+klickitat,1256,2
+klickitat,516,3
+coffeen,1089,5
+marstons,2604,8
+lindenwood,78,3
+leonardo,1204,8
+marstons,1850,5
+ranchester,949,3
+forkland,674,1
+hanson,208,6
+woodbine,1823,4
+shelbyville,361,0
+marstons,1878,5
+shelbyville,1786,2
+pomaria,499,5
+hanson,100,1
+lakeville,1051,8
+hiteman,766,0
+lakeville,157,5
+stockman,1367,5
+pomaria,913,4
+pomaria,451,6
+ranchester,639,6
+forkland,315,0
+wainscott,1670,3
+klickitat,1606,2
+klickitat,479,7
+stockman,894,2
+leonardo,559,7
+woodbine,589,3
+coffeen,441,5
+hiteman,1259,2
+woodbine,1387,8
+marstons,1922,4
+hiteman,612,6
+cosmos,33,5
+beechwood,703,12
+klickitat,1998,6
+shelbyville,645,1
+wainscott,1540,9
+shelbyville,1484,10
+pomaria,1361,10
+coffeen,864,8
+shelbyville,649,6
+hanson,221,4
+merom,51,0
+tolstoy,326,11
+lindenwood,1358,0
+tolstoy,1810,1
+lindenwood,1940,3
+wainscott,909,8
+pomaria,500,2
+hiteman,714,2
+newfields,1394,11
+klickitat,537,14
+lakeville,81,8
+newfields,1007,8
+pomaria,606,3
+coffeen,239,1
+pinesdale,1145,6
+ranchester,1009,1
+marstons,2332,7
+stockman,1257,4
+stockman,218,2
+ranchester,1627,15
+marstons,2633,3
+klickitat,1437,21
+coffeen,1423,1
+tolstoy,1714,1
+leonardo,2021,7
+woodbine,527,7
+stockman,60,13
+ranchester,574,2
+woodbine,1156,1
+pinesdale,848,0
+shelbyville,1699,0
+stockman,392,2
+woodbine,294,5
+klickitat,1006,0
+leonardo,1608,14
+newfields,35,1
+leonardo,141,0
+hanson,269,2
+lindenwood,411,0
+marstons,1192,3
+shelbyville,351,9
+newfields,582,2
+hanson,423,7
+marstons,1544,0
+klickitat,1559,2
+woodbine,641,6
+benevolence,164,1
+leonardo,1800,3
+klickitat,693,17
+leonardo,1286,1
+cosmos,849,2
+stockman,458,3
+hanson,74,17
+marstons,1367,8
+pinesdale,414,6
+klickitat,2094,0
+leonardo,111,6
+klickitat,670,9
+lindenwood,1924,2
+ranchester,188,14
+klickitat,711,8
+stockman,861,7
+coffeen,1506,0
+lindenwood,1437,2
+woodbine,1348,0
+newfields,1207,4
+shelbyville,2414,0
+coffeen,1007,1
+ranchester,1561,2
+klickitat,2326,14
+klickitat,1475,13
+pomaria,1398,7
+klickitat,1101,4
+tolstoy,754,8
+tolstoy,1319,1
+hanson,171,8
+lakeville,261,3
+newfields,1437,1
+lindenwood,1485,1
+coffeen,1304,6
+hanson,548,5
+marstons,218,0
+woodbine,1212,6
+lindenwood,2172,3
+hiteman,851,1
+hanson,1626,1
+stockman,421,2
+wainscott,1618,14
+lindenwood,1376,3
+marstons,236,1
+woodbine,1564,2
+klickitat,156,14
+cosmos,18,1
+klickitat,2377,8
+ranchester,153,5
+klickitat,1769,2
+shelbyville,538,4
+shelbyville,2311,9
+beechwood,1039,10
+newfields,689,2
+coffeen,1215,3
+klickitat,2263,1
+lakeville,356,1
+shelbyville,1619,5
+klickitat,1559,1
+marstons,1629,0
+wainscott,983,0
+ranchester,22,0
+stockman,1187,6
+leonardo,104,0
+klickitat,2418,4
+shelbyville,632,10
+wainscott,1083,7
+lakeville,711,2
+merom,1096,0
+marstons,2315,3
+tolstoy,919,7
+woodbine,1928,5
+lindenwood,1326,3
+klickitat,652,0
+coffeen,229,3
+merom,411,1
+newfields,51,3
+mifflinburg,111,4
+coffeen,1217,1
+shelbyville,859,16
+newfields,1455,2
+klickitat,525,0
+beechwood,71,0
+hiteman,1465,1
+wainscott,783,8
+wainscott,1708,16
+pinesdale,372,0
+stockman,671,2
+marstons,2366,5
+leonardo,1745,4
+lakeville,1387,8
+onaga,523,2
+mifflinburg,246,8
+hiteman,1794,2
+benevolence,653,1
+marstons,168,16
+pinesdale,1088,2
+marstons,1875,4
+marstons,1500,4
+klickitat,2246,7
+stockman,1181,2
+klickitat,605,0
+hiteman,410,2
+woodbine,1080,1
+newfields,764,1
+forkland,1101,6
+benevolence,751,6
+tolstoy,428,3
+stockman,1218,5
+pomaria,282,1
+marstons,1896,8
+newfields,211,0
+woodbine,465,0
+marstons,1865,4
+lindenwood,499,2
+forkland,568,4
+klickitat,913,3
+lakeville,457,13
+marstons,27,1
+shelbyville,964,1
+leonardo,1575,0
+beechwood,498,3
+pinesdale,305,10
+tolstoy,46,2
+ranchester,263,7
+pinesdale,609,12
+klickitat,1542,5
+coffeen,550,0
+benevolence,69,9
+onaga,432,1
+coffeen,258,8
+pomaria,1199,13
+ranchester,1517,6
+hanson,1626,2
+marstons,220,2
+lindenwood,1545,2
+shelbyville,337,3
+pinesdale,923,3
+ranchester,478,1
+shelbyville,2221,1
+leonardo,846,5
+beechwood,598,2
+newfields,1487,13
+cosmos,255,0
+ranchester,933,1
+tolstoy,65,2
+coffeen,58,1
+ranchester,744,0
+marstons,267,1
+lakeville,720,1
+hanson,1440,1
+lindenwood,1069,0
+ranchester,1524,6
+lindenwood,700,3
+lindenwood,909,1
+marstons,543,9
+wainscott,1472,5
+lindenwood,1176,1
+tolstoy,1601,8
+pinesdale,521,0
+newfields,1498,2
+leonardo,1705,6
+merom,1106,0
+mifflinburg,790,0
+woodbine,102,0
+klickitat,1235,1
+hanson,1510,20
+pinesdale,1267,0
+pomaria,1086,1
+leonardo,1613,5
+shelbyville,1342,15
+wainscott,219,1
+shelbyville,1619,10
+coffeen,464,7
+ranchester,1524,2
+cosmos,395,2
+shelbyville,1200,3
+ranchester,222,14
+pomaria,1572,0
+tolstoy,1316,1
+merom,402,4
+tolstoy,1526,5
+pinesdale,1268,2
+leonardo,1644,4
+klickitat,797,8
+coffeen,1382,2
+shelbyville,510,0
+lakeville,1045,6
+marstons,2590,7
+allensville,285,0
+onaga,278,2
+wainscott,1147,10
+woodbine,1402,3
+lindenwood,1358,2
+lindenwood,1414,8
+hiteman,532,4
+wainscott,297,7
+newfields,156,0
+woodbine,1571,1
+klickitat,117,5
+shelbyville,2118,6
+lindenwood,993,2
+benevolence,439,2
+woodbine,1834,0
+hiteman,550,4
+shelbyville,1313,1
+pinesdale,1476,2
+leonardo,373,8
+pomaria,112,6
+ranchester,693,3
+shelbyville,1678,1
+klickitat,2231,13
+hanson,1449,1
+hanson,825,0
+stockman,248,3
+stockman,778,5
+klickitat,2066,4
+ranchester,1235,2
+hiteman,1583,6
+shelbyville,2026,6
+klickitat,1395,4
+forkland,1024,0
+leonardo,1442,3
+allensville,85,2
+coffeen,438,0
+pomaria,1199,10
+forkland,269,5
+marstons,2340,1
+shelbyville,1864,1
+cosmos,448,3
+klickitat,1104,5
+coffeen,1004,0
+leonardo,882,7
+stockman,1115,0
+hanson,50,5
+marstons,2421,0
+hanson,1226,0
+woodbine,1183,0
+cosmos,893,0
+leonardo,780,2
+wainscott,975,1
+wainscott,1786,12
+allensville,62,4
+klickitat,465,7
+leonardo,470,0
+lindenwood,2521,5
+beechwood,468,0
+mifflinburg,587,1
+cosmos,656,2
+lakeville,927,11
+stockman,1349,7
+pomaria,1579,11
+hiteman,1660,1
+beechwood,857,1
+shelbyville,1735,7
+klickitat,2403,1
+ranchester,484,12
+marstons,196,1
+klickitat,461,0
+shelbyville,220,7
+wainscott,1558,6
+forkland,671,0
+klickitat,1413,7
+lakeville,72,0
+beechwood,755,7
+benevolence,664,0
+leonardo,762,5
+leonardo,1211,1
+newfields,1499,7
+hiteman,229,1
+klickitat,196,1
+hiteman,693,6
+stockman,837,1
+shelbyville,1414,5
+marstons,238,0
+tolstoy,613,2
+lindenwood,2395,1
+lakeville,993,2
+lindenwood,964,10
+wainscott,1619,4
+stockman,10,0
+marstons,1970,11
+ranchester,1107,2
+hanson,1341,2
+wainscott,603,7
+woodbine,23,0
+klickitat,1960,3
+shelbyville,2100,4
+newfields,1027,8
+lindenwood,1506,4
+lakeville,640,4
+stockman,511,4
+allensville,506,0
+marstons,2186,2
+ranchester,1456,0
+lindenwood,622,3
+coffeen,1498,2
+mifflinburg,905,4
+leonardo,372,1
+cosmos,332,8
+klickitat,2033,0
+mifflinburg,633,0
+woodbine,716,2
+coffeen,445,2
+shelbyville,1342,6
+klickitat,1875,8
+benevolence,503,5
+lindenwood,793,0
+stockman,830,9
+pomaria,1115,3
+cosmos,453,2
+leonardo,973,3
+merom,279,1
+lakeville,609,1
+lindenwood,814,15
+klickitat,1113,2
+pinesdale,618,7
+leonardo,1125,12
+wainscott,198,6
+lakeville,608,3
+woodbine,1789,3
+leonardo,1538,1
+tolstoy,202,9
+merom,903,0
+shelbyville,1957,0
+tolstoy,820,10
+pinesdale,447,2
+leonardo,1537,1
+lakeville,1230,1
+shelbyville,405,4
+shelbyville,2009,1
+leonardo,35,1
+hiteman,1513,2
+lindenwood,2664,1
+shelbyville,783,9
+coffeen,228,2
+hanson,292,1
+stockman,675,3
+cosmos,870,3
+allensville,515,6
+newfields,921,1
+lakeville,803,4
+ranchester,819,3
+newfields,1417,2
+lindenwood,1051,0
+tolstoy,1361,8
+beechwood,4,1
+newfields,947,11
+klickitat,2357,0
+shelbyville,1530,6
+leonardo,1786,0
+benevolence,131,1
+coffeen,375,3
+ranchester,356,9
+woodbine,573,1
+cosmos,1058,2
+merom,1079,1
+klickitat,1137,0
+newfields,627,5
+beechwood,365,1
+woodbine,1510,6
+cosmos,1059,0
+stockman,1575,17
+mifflinburg,976,4
+shelbyville,1619,11
+ranchester,1454,1
+leonardo,1967,0
+coffeen,797,4
+benevolence,216,2
+stockman,1396,5
+lakeville,1079,1
+klickitat,1693,1
+pinesdale,1388,7
+shelbyville,1924,9
+mifflinburg,474,5
+ranchester,606,5
+klickitat,1042,2
+shelbyville,1484,8
+tolstoy,80,3
+wainscott,1372,1
+forkland,1141,1
+cosmos,226,8
+cosmos,685,12
+shelbyville,2280,5
+wainscott,1561,2
+coffeen,19,3
+woodbine,649,5
+lindenwood,1199,0
+ranchester,815,2
+pomaria,1266,1
+beechwood,329,1
+pomaria,1537,7
+shelbyville,1176,4
+wainscott,619,2
+shelbyville,1292,1
+lindenwood,1945,8
+beechwood,13,2
+leonardo,438,1
+lakeville,119,7
+lakeville,919,1
+pomaria,608,1
+shelbyville,1784,6
+lindenwood,2137,14
+wainscott,1706,7
+marstons,1499,3
+hiteman,282,4
+lakeville,1859,3
+leonardo,83,6
+pinesdale,1441,1
+pinesdale,454,6
+forkland,169,4
+wainscott,925,4
+coffeen,556,11
+newfields,205,2
+tolstoy,445,2
+coffeen,1482,5
+pinesdale,312,5
+shelbyville,1716,2
+shelbyville,2712,0
+newfields,711,0
+lindenwood,2445,8
+leonardo,625,1
+beechwood,665,3
+shelbyville,445,2
+shelbyville,1208,7
+klickitat,437,5
+klickitat,821,2
+woodbine,425,1
+marstons,2565,10
+hanson,74,15
+allensville,253,0
+hiteman,1573,4
+woodbine,84,4
+woodbine,607,0
+klickitat,646,2
+shelbyville,1018,12
+tolstoy,1178,2
+pinesdale,1450,4
+wainscott,223,6
+merom,44,0
+ranchester,416,10
+stockman,89,1
+hiteman,1323,0
+marstons,564,8
+klickitat,515,9
+leonardo,652,7
+stockman,431,2
+beechwood,1102,3
+shelbyville,683,3
+leonardo,1827,1
+lakeville,18,1
+ranchester,88,2
+stockman,523,4
+woodbine,1057,1
+lakeville,553,4
+stockman,929,3
+shelbyville,1871,6
+lakeville,49,1
+leonardo,223,8
+tolstoy,1552,2
+beechwood,391,0
+shelbyville,1342,8
+tolstoy,1193,2
+hiteman,153,4
+tolstoy,1721,1
+ranchester,507,1
+klickitat,2089,11
+pinesdale,1135,5
+woodbine,238,3
+newfields,1202,3
+woodbine,1984,4
+shelbyville,2659,3
+beechwood,1156,4
+klickitat,1468,3
+pinesdale,863,0
+newfields,650,2
+woodbine,2034,1
+tolstoy,1189,1
+marstons,593,0
+pomaria,1529,6
+wainscott,1558,9
+marstons,80,1
+shelbyville,2738,4
+ranchester,1250,16
+marstons,74,2
+merom,516,4
+klickitat,1986,0
+lindenwood,252,6
+shelbyville,1099,3
+lindenwood,1787,2
+pinesdale,275,1
+klickitat,1363,2
+mifflinburg,454,2
+tolstoy,1407,8
+onaga,10,6
+stockman,708,1
+coffeen,694,3
+marstons,249,3
+pinesdale,1031,3
+beechwood,766,3
+pinesdale,1077,5
+shelbyville,248,1
+lakeville,308,4
+klickitat,1104,4
+cosmos,282,0
+marstons,33,4
+hanson,1526,2
+marstons,2245,2
+beechwood,778,5
+klickitat,1302,11
+shelbyville,1671,0
+shelbyville,1140,1
+marstons,2558,4
+cosmos,285,0
+wainscott,414,2
+marstons,247,1
+klickitat,580,1
+tolstoy,168,1
+woodbine,1953,3
+newfields,1034,1
+mifflinburg,131,7
+lakeville,1853,0
+mifflinburg,424,4
+tolstoy,1452,16
+shelbyville,1563,3
+pomaria,1618,1
+leonardo,1803,3
+wainscott,161,3
+pomaria,846,11
+klickitat,2285,16
+pinesdale,1015,2
+leonardo,1002,8
+shelbyville,1774,0
+woodbine,767,1
+wainscott,1409,3
+marstons,1161,10
+wainscott,652,4
+newfields,490,5
+cosmos,256,3
+lindenwood,1971,0
+wainscott,547,5
+klickitat,710,1
+ranchester,473,2
+newfields,1567,0
+woodbine,532,0
+wainscott,1394,7
+wainscott,1057,5
+pinesdale,485,4
+merom,302,4
+wainscott,564,3
+ranchester,1322,3
+tolstoy,1129,2
+woodbine,447,3
+lindenwood,331,12
+cosmos,421,4
+shelbyville,2691,0
+newfields,157,2
+hiteman,1094,4
+woodbine,418,4
+lindenwood,1106,2
+klickitat,1463,7
+ranchester,398,2
+klickitat,2321,2
+cosmos,311,7
+forkland,573,8
+mifflinburg,971,2
+ranchester,917,1
+hanson,1553,8
+leonardo,1687,1
+lakeville,1120,11
+onaga,58,1
+allensville,464,4
+wainscott,1191,4
+newfields,1339,0
+tolstoy,798,2
+merom,905,0
+shelbyville,1276,0
+pomaria,1041,0
+coffeen,640,0
+pomaria,493,4
+pomaria,478,9
+lindenwood,772,9
+lindenwood,1687,3
+beechwood,617,6
+lindenwood,2116,1
+shelbyville,1051,6
+hanson,1230,14
+cosmos,113,5
+cosmos,1057,1
+stockman,744,2
+leonardo,441,5
+hanson,389,0
+woodbine,1090,11
+marstons,2534,1
+marstons,671,3
+tolstoy,826,2
+shelbyville,2352,5
+marstons,835,11
+stockman,506,3
+pomaria,1079,10
+wainscott,1225,0
+tolstoy,264,2
+forkland,707,1
+shelbyville,835,2
+hiteman,1548,9
+marstons,1888,3
+lakeville,477,0
+pomaria,316,15
+lindenwood,2502,1
+stockman,985,1
+hiteman,12,9
+beechwood,173,4
+tolstoy,102,12
+hiteman,49,2
+merom,614,1
+hiteman,699,4
+woodbine,1665,13
+lindenwood,1117,4
+merom,568,3
+marstons,2215,6
+tolstoy,231,6
+pinesdale,115,0
+lindenwood,563,6
+newfields,514,0
+leonardo,1757,1
+forkland,820,1
+wainscott,829,2
+pomaria,737,3
+shelbyville,908,0
+shelbyville,1810,0
+newfields,1071,3
+pinesdale,381,5
+ranchester,384,0
+coffeen,549,3
+shelbyville,1688,4
+pinesdale,883,2
+marstons,2345,2
+shelbyville,2653,1
+hiteman,840,8
+lindenwood,1580,0
+hiteman,178,4
+pomaria,644,10
+shelbyville,2611,9
+leonardo,1395,5
+marstons,784,7
+onaga,96,0
+stockman,475,2
+beechwood,754,6
+leonardo,1091,5
+wainscott,204,1
+hiteman,503,5
+tolstoy,1050,8
+lindenwood,547,1
+tolstoy,1322,4
+tolstoy,553,3
+lindenwood,2637,2
+cosmos,980,0
+cosmos,563,5
+marstons,2378,10
+pomaria,835,2
+beechwood,248,2
+hanson,1319,0
+lakeville,586,1
+leonardo,1151,3
+wainscott,1379,3
+stockman,32,0
+klickitat,288,3
+benevolence,809,2
+leonardo,386,5
+shelbyville,1317,5
+ranchester,221,10
+stockman,357,0
+shelbyville,2080,4
+woodbine,2014,4
+hiteman,1020,2
+hanson,1481,1
+marstons,861,0
+shelbyville,2345,1
+shelbyville,1346,2
+hiteman,868,5
+newfields,993,0
+tolstoy,1490,4
+ranchester,856,0
+leonardo,530,1
+shelbyville,1109,9
+marstons,696,1
+beechwood,821,0
+coffeen,1137,1
+shelbyville,2274,11
+woodbine,1974,1
+shelbyville,426,6
+woodbine,984,3
+leonardo,1233,2
+mifflinburg,552,3
+hanson,553,2
+klickitat,1757,0
+klickitat,375,5
+leonardo,1635,18
+marstons,1213,12
+coffeen,1018,5
+hiteman,834,4
+lindenwood,1602,8
+leonardo,1909,5
+klickitat,1685,4
+coffeen,18,4
+shelbyville,1046,2
+hiteman,1740,7
+woodbine,1458,10
+shelbyville,1293,4
+tolstoy,1745,2
+tolstoy,1601,2
+pomaria,307,2
+pinesdale,1213,2
+marstons,1792,9
+woodbine,292,5
+hiteman,116,5
+lakeville,995,3
+tolstoy,1255,9
+onaga,133,1
+pomaria,1160,1
+shelbyville,1400,4
+ranchester,1492,4
+woodbine,992,3
+hanson,536,2
+wainscott,709,1
+shelbyville,2712,5
+beechwood,592,4
+benevolence,228,1
+marstons,2428,12
+stockman,461,6
+woodbine,1003,0
+leonardo,1307,2
+lindenwood,547,8
+lakeville,823,3
+ranchester,785,2
+tolstoy,804,5
+shelbyville,1186,3
+newfields,1542,6
+tolstoy,886,5
+leonardo,226,6
+lakeville,608,4
+shelbyville,637,1
+woodbine,2005,4
+hiteman,143,6
+stockman,601,4
+shelbyville,1646,2
+lakeville,270,4
+cosmos,349,2
+wainscott,878,8
+tolstoy,1022,3
+beechwood,954,3
+shelbyville,2459,1
+klickitat,1940,5
+shelbyville,541,2
+pomaria,1381,7
+wainscott,263,10
+pomaria,426,9
+woodbine,1707,7
+shelbyville,1388,0
+shelbyville,17,7
+lakeville,1402,2
+woodbine,1529,3
+wainscott,65,11
+shelbyville,2751,0
+pomaria,1193,2
+marstons,820,3
+lindenwood,343,2
+marstons,1408,2
+pinesdale,592,0
+shelbyville,1952,5
+newfields,363,3
+marstons,2513,1
+forkland,302,2
+onaga,47,1
+wainscott,544,0
+hanson,1257,1
+cosmos,979,0
+lindenwood,550,2
+leonardo,1450,0
+klickitat,184,1
+hanson,291,1
+pomaria,503,9
+onaga,266,2
+beechwood,1058,1
+hanson,481,10
+onaga,643,3
+wainscott,196,11
+allensville,79,0
+lindenwood,1258,3
+lindenwood,1761,6
+pomaria,859,0
+wainscott,1146,1
+woodbine,510,12
+stockman,757,1
+lindenwood,2119,3
+coffeen,968,2
+hanson,585,3
+hiteman,128,3
+tolstoy,224,1
+beechwood,104,1
+lakeville,386,0
+tolstoy,887,9
+marstons,362,5
+hiteman,1495,0
+stockman,461,5
+forkland,1093,0
+klickitat,1872,10
+lindenwood,733,13
+klickitat,2392,7
+hanson,16,5
+hiteman,1695,1
+leonardo,1027,4
+newfields,1248,5
+leonardo,1707,1
+forkland,62,0
+beechwood,111,4
+klickitat,676,0
+woodbine,1411,2
+shelbyville,2238,0
+marstons,2531,1
+marstons,2459,5
+woodbine,1481,8
+marstons,2374,5
+marstons,647,5
+tolstoy,328,1
+benevolence,817,2
+onaga,278,0
+woodbine,25,9
+lindenwood,958,10
+cosmos,579,5
+allensville,380,0
+lindenwood,2154,6
+lindenwood,1351,8
+marstons,1898,4
+beechwood,632,2
+ranchester,1398,3
+wainscott,1616,1
+newfields,813,3
+mifflinburg,90,7
+mifflinburg,410,1
+newfields,1326,2
+stockman,31,1
+coffeen,671,3
+leonardo,1608,6
+shelbyville,929,3
+merom,553,2
+merom,281,3
+lindenwood,995,1
+shelbyville,1949,1
+merom,112,1
+lindenwood,668,7
+pomaria,967,4
+leonardo,1579,5
+klickitat,1698,10
+newfields,1056,1
+stockman,343,2
+stockman,900,5
+merom,937,2
+pomaria,163,6
+merom,990,4
+lakeville,183,7
+pinesdale,1462,8
+hanson,1364,1
+wainscott,575,1
+mifflinburg,302,1
+marstons,1383,4
+forkland,593,5
+shelbyville,219,9
+cosmos,694,4
+coffeen,1257,0
+lakeville,1120,13
+leonardo,1723,3
+marstons,1404,0
+marstons,1521,8
+ranchester,1516,2
+woodbine,1136,2
+cosmos,366,1
+klickitat,2266,0
+woodbine,138,0
+lakeville,1701,5
+wainscott,1353,5
+allensville,342,5
+klickitat,924,0
+shelbyville,740,10
+pomaria,656,0
+klickitat,1006,7
+pomaria,161,1
+cosmos,111,9
+beechwood,1051,1
+allensville,280,2
+allensville,224,5
+tolstoy,1815,5
+marstons,273,6
+shelbyville,560,3
+lindenwood,1240,1
+cosmos,186,1
+shelbyville,1356,2
+shelbyville,1709,10
+pomaria,186,6
+klickitat,1887,5
+tolstoy,332,9
+klickitat,1733,1
+lakeville,1194,3
+lindenwood,1516,3
+marstons,1841,3
+woodbine,1717,3
+marstons,1815,4
+woodbine,432,5
+leonardo,1677,3
+newfields,700,4
+ranchester,1144,5
+beechwood,882,2
+cosmos,0,3
+marstons,119,0
+hiteman,1453,1
+coffeen,1322,1
+klickitat,1652,4
+tolstoy,309,12
+ranchester,969,5
+marstons,1379,5
+hanson,1479,11
+marstons,822,8
+forkland,340,2
+mifflinburg,205,6
+cosmos,548,2
+marstons,733,7
+tolstoy,714,3
+hanson,1059,0
+tolstoy,1269,6
+coffeen,962,9
+mifflinburg,701,0
+lakeville,1727,2
+leonardo,1637,3
+pinesdale,1363,6
+allensville,514,1
+lindenwood,1545,7
+pomaria,769,2
+marstons,1500,7
+coffeen,1477,1
+lindenwood,2249,9
+pinesdale,1409,1
+shelbyville,722,2
+hanson,659,9
+lindenwood,957,2
+wainscott,1030,4
+benevolence,204,1
+klickitat,1597,1
+lakeville,503,5
+lindenwood,2677,8
+lindenwood,1889,4
+hiteman,1656,2
+cosmos,103,3
+ranchester,809,4
+ranchester,1446,0
+shelbyville,2547,1
+lindenwood,2563,3
+shelbyville,1242,2
+onaga,617,0
+forkland,501,1
+tolstoy,178,5
+pomaria,982,0
+woodbine,1764,11
+shelbyville,619,1
+woodbine,1052,8
+lindenwood,1059,8
+tolstoy,1216,4
+ranchester,1434,3
+pomaria,593,0
+stockman,1045,1
+marstons,895,5
+pinesdale,175,2
+onaga,117,1
+shelbyville,1128,2
+wainscott,1378,4
+shelbyville,922,4
+coffeen,716,2
+wainscott,817,4
+klickitat,1258,7
+cosmos,661,5
+wainscott,593,0
+leonardo,548,3
+hiteman,1460,1
+coffeen,863,1
+woodbine,429,0
+cosmos,82,7
+lindenwood,1590,1
+pinesdale,10,9
+lindenwood,1865,11
+coffeen,1290,7
+ranchester,1030,0
+hanson,1570,11
+hiteman,688,9
+mifflinburg,856,1
+lindenwood,856,5
+leonardo,562,0
+wainscott,624,1
+lindenwood,1126,5
+forkland,449,5
+benevolence,594,2
+newfields,1128,4
+stockman,221,1
+klickitat,1782,7
+marstons,434,2
+lindenwood,1340,0
+hiteman,808,1
+coffeen,810,1
+ranchester,1489,3
+tolstoy,1419,1
+marstons,2080,1
+klickitat,2085,2
+merom,770,2
+coffeen,211,3
+allensville,172,8
+ranchester,1023,1
+marstons,1649,1
+leonardo,1158,1
+lindenwood,367,4
+tolstoy,357,2
+lindenwood,860,1
+woodbine,1213,7
+hanson,121,1
+shelbyville,2399,15
+pomaria,492,10
+lakeville,1471,17
+pomaria,439,1
+ranchester,1232,2
+marstons,499,8
+klickitat,1260,4
+klickitat,557,4
+leonardo,250,3
+lakeville,896,0
+lindenwood,1404,6
+cosmos,708,10
+pinesdale,1203,0
+leonardo,1281,0
+forkland,349,3
+wainscott,273,0
+klickitat,193,3
+lakeville,258,10
+shelbyville,2582,3
+merom,360,12
+pinesdale,1363,18
+cosmos,121,6
+marstons,1921,9
+marstons,1287,0
+onaga,499,0
+hanson,1337,8
+benevolence,179,8
+benevolence,890,5
+hiteman,841,11
+tolstoy,1208,0
+wainscott,450,2
+newfields,618,7
+stockman,952,4
+hiteman,1005,3
+pinesdale,1499,0
+lakeville,858,0
+pomaria,1512,9
+klickitat,1093,9
+lindenwood,1357,5
+klickitat,1070,13
+newfields,360,3
+marstons,1605,11
+ranchester,967,0
+marstons,1238,5
+cosmos,1004,3
+tolstoy,1029,5
+woodbine,30,5
+beechwood,361,3
+pomaria,748,3
+lindenwood,1335,6
+onaga,156,2
+marstons,1652,6
+tolstoy,90,15
+klickitat,1093,8
+beechwood,900,3
+leonardo,1479,2
+newfields,1191,0
+hiteman,1104,12
+marstons,36,5
+klickitat,845,0
+hiteman,359,6
+klickitat,759,1
+ranchester,1369,3
+onaga,431,1
+ranchester,1348,1
+pomaria,507,7
+lindenwood,2109,5
+klickitat,1286,3
+leonardo,1287,2
+wainscott,960,8
+lindenwood,1988,0
+woodbine,487,9
+hiteman,1158,8
+wainscott,920,7
+lindenwood,2646,6
+hiteman,1820,5
+pinesdale,1078,2
+hiteman,429,2
+beechwood,871,3
+lindenwood,1978,0
+tolstoy,905,9
+pomaria,320,7
+pomaria,976,9
+woodbine,818,9
+marstons,288,13
+allensville,354,1
+hiteman,783,4
+pomaria,706,8
+allensville,373,0
+shelbyville,2451,8
+klickitat,1305,5
+leonardo,1860,4
+hiteman,1644,3
+forkland,657,1
+klickitat,1696,2
+pomaria,1118,3
+ranchester,270,1
+klickitat,29,0
+stockman,1318,9
+lakeville,290,5
+klickitat,991,4
+lindenwood,364,3
+pinesdale,1025,0
+hanson,10,12
+woodbine,753,3
+lakeville,1422,7
+lakeville,330,7
+ranchester,655,8
+wainscott,1113,0
+leonardo,2007,6
+woodbine,1802,3
+lakeville,1671,0
+newfields,703,2
+cosmos,476,2
+shelbyville,1662,2
+stockman,1619,6
+marstons,2275,7
+shelbyville,1744,7
+marstons,1920,0
+klickitat,313,0
+cosmos,588,2
+hiteman,759,8
+klickitat,60,1
+klickitat,2119,4
+hiteman,973,4
+stockman,1229,0
+klickitat,1361,9
+pomaria,1392,14
+newfields,622,7
+ranchester,1242,0
+stockman,20,0
+pinesdale,99,11
+onaga,345,5
+ranchester,1413,7
+pinesdale,1060,1
+ranchester,1436,2
+leonardo,1216,1
+leonardo,1099,1
+hanson,1346,2
+wainscott,1502,3
+tolstoy,1000,6
+wainscott,1515,3
+benevolence,436,3
+cosmos,642,1
+lindenwood,985,4
+cosmos,424,4
+woodbine,417,11
+marstons,2284,0
+lakeville,1122,4
+coffeen,1454,4
+marstons,371,1
+stockman,1492,0
+leonardo,228,0
+pomaria,1381,16
+hanson,230,1
+marstons,287,1
+forkland,995,1
+shelbyville,1410,6
+pomaria,937,4
+woodbine,1158,12
+lindenwood,52,0
+lakeville,935,6
+hiteman,1259,1
+merom,405,1
+merom,918,0
+hanson,987,3
+wainscott,1579,2
+woodbine,1527,5
+newfields,61,17
+onaga,373,8
+allensville,464,7
+pinesdale,41,1
+ranchester,154,6
+marstons,1896,5
+pinesdale,311,2
+tolstoy,1332,6
+marstons,1577,16
+cosmos,385,10
+lindenwood,741,9
+shelbyville,2277,7
+marstons,1785,0
+hanson,86,10
+tolstoy,1776,9
+pinesdale,859,6
+leonardo,1027,11
+lakeville,1199,0
+stockman,265,13
+lindenwood,1982,2
+tolstoy,1278,1
+lindenwood,1538,2
+pomaria,1103,1
+wainscott,201,4
+mifflinburg,979,0
+merom,688,2
+hiteman,1439,7
+marstons,791,2
+pomaria,133,6
+woodbine,1950,3
+newfields,528,20
+beechwood,142,3
+woodbine,1809,2
+newfields,1497,9
+pomaria,776,1
+hiteman,1003,0
+onaga,212,3
+shelbyville,2475,4
+mifflinburg,199,4
+stockman,1010,1
+hiteman,1079,0
+hiteman,737,0
+shelbyville,604,0
+klickitat,1604,1
+klickitat,192,0
+hiteman,305,1
+shelbyville,561,7
+benevolence,536,6
+shelbyville,916,1
+merom,270,3
+wainscott,887,2
+onaga,500,2
+hiteman,899,4
+forkland,213,2
+coffeen,381,4
+beechwood,277,0
+stockman,458,2
+ranchester,216,14
+shelbyville,76,4
+tolstoy,1490,1
+lakeville,1210,3
+woodbine,632,2
+wainscott,1300,6
+lakeville,832,3
+klickitat,1246,15
+lindenwood,1643,3
+shelbyville,1659,5
+lindenwood,82,6
+pomaria,441,6
+lakeville,1598,11
+tolstoy,1565,1
+shelbyville,1406,5
+tolstoy,260,3
+pomaria,411,5
+lindenwood,2175,3
+leonardo,948,1
+mifflinburg,634,1
+hiteman,359,7
+leonardo,2033,1
+benevolence,857,8
+hiteman,665,4
+marstons,340,9
+onaga,167,3
+leonardo,1377,2
+coffeen,161,2
+klickitat,1762,7
+lakeville,1401,2
+pomaria,672,3
+woodbine,1296,5
+klickitat,2242,4
+stockman,466,6
+marstons,516,0
+wainscott,1652,1
+woodbine,1633,8
+leonardo,2038,6
+shelbyville,2611,8
+merom,889,0
+leonardo,1581,2
+hanson,825,12
+wainscott,1171,2
+pomaria,875,1
+ranchester,1150,13
+hanson,1494,2
+klickitat,580,8
+woodbine,1317,1
+lindenwood,1791,1
+woodbine,198,3
+shelbyville,1357,1
+lindenwood,219,8
+tolstoy,669,0
+shelbyville,1555,4
+ranchester,926,4
+marstons,993,0
+wainscott,1094,3
+hiteman,443,3
+hanson,1201,5
+tolstoy,1533,8
+woodbine,386,3
+leonardo,1713,2
+tolstoy,1448,8
+shelbyville,1295,1
+shelbyville,2598,6
+ranchester,531,13
+hiteman,1194,1
+woodbine,941,3
+leonardo,1689,2
+lakeville,386,1
+woodbine,796,10
+pinesdale,24,4
+wainscott,817,5
+pinesdale,818,2
+woodbine,1875,0
+forkland,350,2
+wainscott,448,1
+marstons,2058,6
+woodbine,481,8
+klickitat,1731,3
+allensville,290,1
+woodbine,1388,4
+shelbyville,2360,4
+marstons,1114,8
+hiteman,1583,8
+woodbine,1212,14
+ranchester,1207,2
+lindenwood,516,3
+leonardo,280,0
+klickitat,664,3
+leonardo,1231,3
+tolstoy,1452,20
+pomaria,531,1
+shelbyville,1916,5
+shelbyville,1347,13
+allensville,460,2
+hanson,817,2
+hanson,1044,10
+beechwood,458,0
+hanson,665,3
+klickitat,2295,5
+cosmos,127,4
+merom,787,2
+klickitat,592,3
+newfields,598,2
+pomaria,928,2
+leonardo,322,3
+hiteman,1695,0
+pinesdale,15,0
+shelbyville,2750,0
+klickitat,1638,2
+shelbyville,1766,1
+marstons,2533,9
+shelbyville,685,14
+woodbine,1460,1
+woodbine,554,13
+lindenwood,2442,1
+stockman,569,6
+klickitat,1179,6
+wainscott,554,3
+lakeville,1191,8
+wainscott,707,5
+pomaria,813,18
+woodbine,1796,0
+wainscott,1462,17
+hiteman,1648,4
+woodbine,661,1
+newfields,1086,7
+allensville,518,5
+woodbine,1178,1
+hiteman,648,3
+shelbyville,24,0
+beechwood,750,10
+newfields,574,8
+lindenwood,1166,6
+marstons,1133,9
+newfields,1520,1
+leonardo,320,1
+marstons,2267,3
+leonardo,1728,1
+wainscott,378,3
+leonardo,480,10
+stockman,143,12
+mifflinburg,324,1
+tolstoy,1344,2
+coffeen,1024,3
+shelbyville,1805,11
+ranchester,112,3
+hiteman,1741,0
+pomaria,281,8
+newfields,1521,1
+klickitat,7,3
+marstons,1140,7
+wainscott,760,7
+coffeen,695,2
+pinesdale,26,3
+stockman,511,8
+ranchester,210,8
+pinesdale,268,7
+lakeville,1264,0
+marstons,974,6
+klickitat,904,4
+stockman,1317,4
+leonardo,2004,1
+pomaria,1503,4
+ranchester,1626,0
+newfields,936,1
+coffeen,1129,0
+lindenwood,1354,5
+lakeville,1790,5
+hiteman,1636,3
+leonardo,841,4
+hanson,1320,7
+tolstoy,830,9
+woodbine,809,5
+klickitat,984,2
+shelbyville,2339,9
+wainscott,53,1
+lindenwood,292,0
+wainscott,567,1
+marstons,452,1
+lindenwood,119,3
+marstons,939,1
+marstons,1293,7
+woodbine,1537,2
+pinesdale,1274,4
+pinesdale,950,6
+woodbine,825,3
+hanson,547,0
+pomaria,993,3
+tolstoy,984,7
+hiteman,1761,4
+leonardo,942,0
+pinesdale,330,3
+newfields,13,8
+stockman,270,4
+wainscott,1090,2
+hiteman,132,3
+wainscott,637,0
+wainscott,556,1
+leonardo,609,5
+stockman,1349,3
+stockman,1476,1
+lakeville,436,3
+marstons,1246,2
+wainscott,1631,2
+shelbyville,1709,12
+pomaria,242,1
+woodbine,303,11
+forkland,1115,0
+lindenwood,2626,2
+wainscott,1194,2
+woodbine,1141,4
+shelbyville,162,7
+lindenwood,536,1
+stockman,1129,11
+stockman,29,2
+pomaria,1306,7
+merom,936,0
+stockman,233,0
+newfields,658,0
+pinesdale,949,0
+shelbyville,1954,13
+woodbine,513,4
+wainscott,272,1
+stockman,928,0
+wainscott,1079,3
+klickitat,1107,5
+newfields,340,0
+tolstoy,383,5
+klickitat,1950,1
+hanson,317,5
+hiteman,1487,2
+cosmos,54,5
+marstons,1608,4
+pomaria,426,1
+wainscott,1348,4
+beechwood,138,1
+lakeville,745,9
+newfields,869,10
+merom,556,6
+pinesdale,1168,8
+leonardo,517,4
+pinesdale,785,2
+tolstoy,1829,2
+newfields,1285,2
+lindenwood,910,3
+forkland,297,6
+newfields,363,2
+woodbine,1854,2
+wainscott,1040,0
+lindenwood,389,1
+leonardo,1824,1
+pomaria,195,0
+klickitat,953,6
+leonardo,1671,16
+merom,1024,3
+tolstoy,530,1
+woodbine,1099,10
+leonardo,2003,1
+woodbine,2004,2
+benevolence,409,1
+leonardo,588,0
+newfields,204,3
+ranchester,1570,1
+woodbine,589,1
+ranchester,615,11
+wainscott,754,2
+shelbyville,974,13
+pomaria,22,1
+woodbine,476,6
+ranchester,1472,9
+pomaria,633,14
+benevolence,103,8
+newfields,397,2
+woodbine,809,1
+mifflinburg,169,2
+woodbine,1576,5
+newfields,526,1
+shelbyville,1606,0
+marstons,861,3
+klickitat,1246,2
+woodbine,1095,1
+merom,790,0
+klickitat,439,2
+forkland,850,3
+hiteman,1266,3
+coffeen,997,1
+lindenwood,990,2
+lindenwood,1014,0
+newfields,1294,1
+marstons,1237,4
+lindenwood,1322,1
+klickitat,27,3
+pinesdale,331,0
+stockman,413,4
+lakeville,1197,2
+newfields,944,1
+pinesdale,768,0
+leonardo,1935,12
+shelbyville,2044,8
+wainscott,1019,13
+ranchester,967,5
+tolstoy,105,2
+benevolence,253,4
+lindenwood,104,5
+hanson,1498,3
+hiteman,654,4
+stockman,104,5
+newfields,1093,14
+hanson,1311,3
+lindenwood,328,10
+ranchester,760,8
+marstons,793,1
+hiteman,1756,3
+tolstoy,143,14
+shelbyville,873,6
+leonardo,1947,4
+allensville,235,4
+hanson,853,0
+mifflinburg,955,6
+benevolence,754,2
+hanson,1493,5
+lindenwood,2093,1
+lindenwood,2458,6
+merom,166,2
+merom,867,3
+shelbyville,1641,1
+woodbine,1036,9
+shelbyville,1196,2
+stockman,451,0
+lindenwood,1011,4
+klickitat,809,6
+pinesdale,89,6
+tolstoy,1584,2
+wainscott,1503,2
+hiteman,1389,0
+marstons,1271,8
+ranchester,1411,12
+lakeville,1345,2
+hanson,1189,6
+shelbyville,2080,0
+lakeville,1424,12
+marstons,1955,4
+lindenwood,1122,3
+klickitat,863,9
+coffeen,1147,1
+lakeville,1344,13
+lindenwood,1817,1
+shelbyville,2084,4
+woodbine,195,1
+pomaria,283,1
+marstons,2035,0
+beechwood,845,0
+onaga,73,1
+merom,498,2
+pinesdale,1242,1
+marstons,1087,1
+woodbine,38,1
+marstons,124,3
+woodbine,1027,10
+leonardo,678,4
+marstons,955,0
+forkland,759,4
+marstons,32,0
+hanson,519,9
+shelbyville,2131,4
+newfields,1597,0
+stockman,1447,0
+lakeville,1740,4
+stockman,1465,2
+ranchester,1163,3
+marstons,810,1
+ranchester,429,4
+beechwood,659,11
+newfields,950,0
+woodbine,746,12
+stockman,931,5
+klickitat,1511,12
+wainscott,1594,5
+ranchester,1167,2
+tolstoy,257,2
+beechwood,437,11
+woodbine,722,0
+stockman,603,1
+hanson,1179,2
+woodbine,85,8
+coffeen,518,5
+coffeen,610,12
+woodbine,1095,3
+leonardo,1247,2
+pinesdale,159,2
+klickitat,936,0
+klickitat,1231,3
+shelbyville,2184,2
+wainscott,898,2
+leonardo,1378,1
+lakeville,999,6
+woodbine,2017,6
+shelbyville,1061,1
+beechwood,359,1
+shelbyville,1249,12
+shelbyville,690,0
+hiteman,1715,3
+pomaria,1012,2
+tolstoy,1253,5
+ranchester,660,4
+lindenwood,2389,9
+lakeville,394,0
+shelbyville,122,14
+woodbine,2006,1
+klickitat,821,8
+hiteman,1752,2
+hiteman,101,4
+lindenwood,382,5
+lakeville,203,3
+wainscott,1091,4
+mifflinburg,217,0
+shelbyville,1614,5
+mifflinburg,118,1
+coffeen,1027,2
+marstons,1903,1
+hiteman,475,2
+coffeen,321,10
+klickitat,1019,1
+lindenwood,2060,2
+leonardo,631,3
+klickitat,1719,5
+marstons,1744,6
+lindenwood,873,1
+woodbine,2023,13
+stockman,770,3
+woodbine,926,8
+cosmos,1024,2
+pomaria,53,4
+stockman,1265,3
+lindenwood,1032,0
+klickitat,1978,1
+mifflinburg,720,8
+pomaria,220,3
+stockman,344,1
+coffeen,338,4
+cosmos,484,3
+hiteman,481,2
+hanson,144,15
+pinesdale,1143,4
+wainscott,609,6
+beechwood,493,1
+wainscott,267,0
+leonardo,1976,1
+onaga,376,4
+coffeen,728,4
+stockman,27,14
+stockman,383,0
+mifflinburg,718,7
+pinesdale,960,0
+forkland,698,2
+lakeville,855,1
+lakeville,1501,7
+woodbine,827,3
+onaga,415,2
+hiteman,1240,4
+ranchester,937,0
+klickitat,1229,3
+pinesdale,104,1
+beechwood,287,1
+leonardo,2088,0
+stockman,282,0
+tolstoy,214,6
+hanson,742,0
+woodbine,1388,8
+klickitat,2192,1
+ranchester,92,0
+klickitat,733,3
+lindenwood,696,3
+wainscott,847,11
+hiteman,1390,3
+woodbine,1497,0
+lakeville,868,7
+shelbyville,2259,1
+pinesdale,1502,7
+mifflinburg,469,1
+woodbine,1366,3
+ranchester,56,0
+wainscott,38,4
+pomaria,1095,13
+allensville,408,0
+lakeville,1423,2
+hanson,617,1
+leonardo,817,11
+klickitat,493,2
+allensville,225,6
+lakeville,1202,6
+woodbine,1447,3
+marstons,1243,1
+newfields,457,0
+cosmos,948,5
+mifflinburg,712,8
+lindenwood,1652,3
+pomaria,1499,3
+tolstoy,1125,1
+mifflinburg,656,0
+pinesdale,36,1
+benevolence,80,2
+shelbyville,559,6
+pomaria,56,8
+shelbyville,1177,3
+newfields,490,9
+coffeen,324,3
+newfields,821,3
+merom,1094,0
+klickitat,2188,2
+marstons,1213,18
+shelbyville,1433,0
+leonardo,1655,2
+woodbine,1223,4
+coffeen,98,6
+newfields,99,1
+stockman,764,0
+woodbine,1803,2
+woodbine,1054,6
+lindenwood,275,2
+merom,770,3
+klickitat,1257,6
+newfields,1087,8
+hanson,1073,8
+leonardo,1532,1
+shelbyville,404,4
+klickitat,1639,2
+lindenwood,2159,2
+coffeen,666,5
+woodbine,1176,3
+shelbyville,630,1
+lakeville,1890,4
+marstons,1982,6
+woodbine,179,1
+cosmos,291,5
+marstons,1546,3
+lindenwood,1825,3
+lakeville,1785,9
+woodbine,475,3
+ranchester,1302,1
+leonardo,971,15
+klickitat,1658,6
+newfields,405,6
+lakeville,1186,4
+shelbyville,10,2
+tolstoy,968,9
+coffeen,500,0
+shelbyville,1419,8
+lakeville,901,5
+lindenwood,313,17
+benevolence,673,10
+marstons,1646,7
+marstons,1727,2
+pinesdale,1191,0
+woodbine,100,20
+marstons,2270,4
+lindenwood,1135,9
+lindenwood,2661,1
+stockman,183,0
+marstons,10,9
+leonardo,1882,1
+coffeen,568,3
+allensville,33,5
+shelbyville,146,10
+pinesdale,1318,0
+pomaria,982,4
+merom,366,0
+shelbyville,2530,6
+woodbine,422,7
+woodbine,1258,3
+shelbyville,2664,6
+hiteman,625,8
+newfields,813,0
+forkland,894,11
+shelbyville,1400,3
+merom,9,1
+wainscott,900,1
+pomaria,973,0
+pomaria,464,1
+mifflinburg,833,0
+marstons,477,9
+mifflinburg,94,1
+shelbyville,1587,0
+lakeville,396,15
+hiteman,203,9
+coffeen,434,7
+lindenwood,1393,2
+leonardo,99,0
+pinesdale,1140,1
+newfields,879,3
+marstons,1102,4
+pomaria,280,1
+marstons,1449,5
+marstons,2541,5
+merom,545,4
+woodbine,372,3
+beechwood,1159,1
+marstons,313,7
+tolstoy,680,4
+coffeen,838,0
+tolstoy,1712,4
+beechwood,929,7
+newfields,1221,14
+onaga,169,2
+marstons,2040,13
+benevolence,846,4
+klickitat,642,3
+stockman,1545,1
+wainscott,1028,2
+merom,124,2
+stockman,24,2
+coffeen,685,0
+marstons,2274,1
+leonardo,468,3
+newfields,1338,6
+leonardo,181,2
+newfields,1357,14
+lakeville,727,5
+wainscott,1514,7
+woodbine,1667,12
+leonardo,1067,20
+marstons,2204,1
+beechwood,91,0
+pomaria,486,1
+hanson,54,9
+wainscott,48,1
+stockman,737,1
+coffeen,491,2
+woodbine,380,2
+pomaria,1630,3
+shelbyville,1630,3
+hanson,752,4
+hiteman,1841,11
+marstons,2634,2
+klickitat,343,5
+beechwood,451,2
+lindenwood,1212,1
+wainscott,1778,8
+merom,616,3
+pomaria,369,5
+shelbyville,1646,5
+benevolence,168,11
+tolstoy,621,3
+pinesdale,857,0
+pomaria,1436,8
+marstons,1023,3
+pinesdale,599,7
+lakeville,1477,12
+marstons,909,5
+cosmos,625,9
+woodbine,1918,5
+lakeville,960,3
+stockman,457,1
+woodbine,876,2
+pinesdale,560,2
+klickitat,824,1
+woodbine,931,4
+shelbyville,2133,9
+marstons,2042,3
+woodbine,1527,2
+leonardo,256,7
+cosmos,276,7
+beechwood,446,2
+klickitat,1902,12
+shelbyville,972,10
+lindenwood,761,3
+lindenwood,674,3
+marstons,2358,5
+shelbyville,1838,11
+forkland,705,1
+shelbyville,976,1
+coffeen,201,1
+shelbyville,2132,8
+hanson,530,0
+mifflinburg,658,2
+shelbyville,2138,5
+wainscott,909,1
+coffeen,979,5
+lindenwood,612,2
+tolstoy,282,1
+forkland,496,0
+newfields,370,11
+klickitat,1921,6
+klickitat,1003,7
+woodbine,879,2
+cosmos,493,4
+ranchester,1005,0
+lindenwood,1936,4
+pinesdale,10,3
+stockman,780,2
+newfields,823,0
+shelbyville,624,1
+pinesdale,550,4
+lakeville,1202,5
+ranchester,497,3
+shelbyville,487,15
+wainscott,1358,0
+klickitat,101,7
+woodbine,1786,1
+shelbyville,2169,12
+leonardo,815,7
+forkland,909,1
+wainscott,11,2
+woodbine,1198,13
+klickitat,450,2
+woodbine,1005,17
+stockman,330,3
+mifflinburg,632,0
+hiteman,1417,4
+marstons,350,0
+tolstoy,1394,1
+tolstoy,947,5
+newfields,271,1
+pomaria,1057,1
+benevolence,578,1
+tolstoy,807,8
+lakeville,1350,0
+stockman,1306,0
+klickitat,148,23
+leonardo,1633,5
+tolstoy,427,5
+lindenwood,142,0
+shelbyville,1704,7
+hanson,1160,1
+forkland,609,1
+ranchester,844,9
+hiteman,1279,0
+klickitat,277,3
+newfields,762,5
+mifflinburg,316,1
+pinesdale,354,2
+pomaria,725,3
+cosmos,893,8
+newfields,1164,3
+woodbine,207,0
+lindenwood,419,3
+lindenwood,251,12
+woodbine,580,0
+ranchester,1620,5
+woodbine,1218,2
+coffeen,175,5
+hanson,1569,2
+ranchester,533,8
+leonardo,1358,23
+shelbyville,2342,13
+marstons,2594,0
+ranchester,334,1
+pinesdale,158,4
+cosmos,239,2
+hanson,1510,9
+hanson,780,1
+hiteman,1787,4
+wainscott,1414,0
+leonardo,506,8
+newfields,289,2
+hiteman,483,2
+mifflinburg,316,0
+wainscott,1772,2
+hanson,1481,8
+beechwood,744,1
+merom,190,7
+newfields,1350,1
+forkland,67,0
+pomaria,1403,1
+shelbyville,970,1
+tolstoy,920,4
+tolstoy,1035,7
+marstons,629,2
+forkland,785,0
+hanson,845,0
+lakeville,185,0
+shelbyville,1574,3
+wainscott,871,7
+hanson,926,1
+coffeen,1172,1
+wainscott,1589,2
+lakeville,1704,5
+lakeville,839,15
+coffeen,279,3
+leonardo,1487,3
+lindenwood,1389,3
+pomaria,1360,2
+shelbyville,1920,0
+forkland,276,6
+klickitat,1569,2
+pomaria,1013,0
+marstons,2563,6
+coffeen,1349,0
+pomaria,1403,6
+cosmos,923,2
+hiteman,868,0
+pinesdale,1030,5
+woodbine,1416,1
+lakeville,1300,4
+klickitat,157,2
+lindenwood,2393,6
+lakeville,798,6
+benevolence,849,8
+newfields,1301,15
+marstons,1020,2
+shelbyville,526,1
+beechwood,901,5
+shelbyville,2406,0
+klickitat,1938,6
+woodbine,1496,3
+pinesdale,645,2
+lindenwood,236,1
+marstons,13,0
+lakeville,739,5
+onaga,396,6
+lakeville,1037,3
+beechwood,552,0
+coffeen,1216,4
+klickitat,1907,3
+lindenwood,2220,2
+wainscott,257,0
+hiteman,325,5
+klickitat,1358,3
+pomaria,1556,2
+merom,779,9
+newfields,528,0
+marstons,1934,1
+leonardo,1301,0
+coffeen,928,0
+pomaria,423,3
+pomaria,1672,8
+onaga,23,2
+leonardo,1411,6
+lindenwood,2482,2
+lakeville,159,8
+hiteman,693,0
+marstons,118,1
+allensville,260,5
+lakeville,1441,10
+lindenwood,2134,7
+stockman,1485,3
+wainscott,686,6
+tolstoy,665,4
+leonardo,1646,2
+benevolence,278,8
+mifflinburg,799,3
+klickitat,707,9
+woodbine,399,4
+newfields,8,2
+pomaria,262,4
+lindenwood,31,2
+leonardo,225,0
+pinesdale,624,1
+shelbyville,103,4
+wainscott,960,3
+mifflinburg,727,0
+klickitat,1015,0
+cosmos,826,0
+marstons,531,2
+lindenwood,2111,0
+hanson,1468,1
+merom,1105,9
+merom,757,0
+hiteman,1068,1
+lakeville,754,1
+tolstoy,1671,2
+leonardo,1600,5
+pomaria,1342,6
+shelbyville,92,1
+newfields,1631,3
+shelbyville,2218,9
+pinesdale,1396,8
+lindenwood,1123,4
+pinesdale,190,1
+wainscott,1730,13
+lindenwood,905,1
+pinesdale,1012,1
+klickitat,862,2
+shelbyville,456,1
+ranchester,924,6
+pomaria,492,9
+ranchester,697,7
+marstons,1588,0
+wainscott,500,0
+lindenwood,1882,2
+benevolence,862,0
+pomaria,1465,6
+woodbine,853,0
+klickitat,1719,7
+lindenwood,2237,4
+woodbine,1180,8
+lakeville,907,7
+coffeen,826,1
+shelbyville,2362,2
+shelbyville,1315,2
+leonardo,1661,3
+wainscott,1241,3
+pinesdale,930,6
+klickitat,1721,1
+pomaria,1174,1
+marstons,2026,2
+hanson,1132,4
+marstons,1056,4
+pinesdale,643,7
+pomaria,204,2
+ranchester,1205,12
+marstons,417,7
+tolstoy,1243,0
+tolstoy,1153,0
+lindenwood,990,8
+coffeen,287,1
+benevolence,672,6
+onaga,114,3
+leonardo,1266,1
+lakeville,508,6
+lakeville,1496,7
+coffeen,162,0
+woodbine,267,13
+klickitat,1670,6
+forkland,430,2
+shelbyville,1458,5
+allensville,515,1
+leonardo,522,3
+lakeville,1689,3
+leonardo,412,12
+wainscott,348,5
+stockman,824,3
+lakeville,1257,3
+hiteman,1825,2
+woodbine,1168,3
+newfields,1189,2
+lakeville,875,9
+ranchester,1156,4
+mifflinburg,350,2
+merom,171,2
+merom,490,1
+ranchester,1319,7
+hanson,1164,7
+woodbine,347,0
+leonardo,659,24
+lindenwood,2604,2
+wainscott,1645,0
+leonardo,1526,7
+shelbyville,2029,9
+tolstoy,1009,1
+wainscott,1723,1
+hanson,1326,3
+cosmos,910,2
+woodbine,1075,1
+klickitat,2205,1
+klickitat,1058,0
+hanson,1029,14
+hanson,806,1
+wainscott,1700,7
+tolstoy,840,2
+leonardo,906,7
+pomaria,761,1
+ranchester,194,1
+mifflinburg,172,3
+leonardo,738,1
+wainscott,1686,1
+shelbyville,2544,16
+leonardo,912,3
+hanson,647,2
+onaga,328,0
+newfields,627,6
+ranchester,135,1
+allensville,128,0
+leonardo,1243,3
+leonardo,926,4
+leonardo,1774,6
+hanson,697,4
+shelbyville,1358,0
+ranchester,268,3
+cosmos,756,5
+woodbine,1729,0
+hanson,887,4
+shelbyville,2476,5
+marstons,2428,10
+beechwood,320,1
+ranchester,1485,1
+ranchester,402,4
+mifflinburg,388,1
+pinesdale,750,8
+merom,918,6
+pomaria,505,5
+coffeen,1022,0
+shelbyville,2388,0
+wainscott,959,1
+lindenwood,1153,1
+forkland,251,2
+woodbine,691,2
+lakeville,1645,3
+benevolence,698,3
+lindenwood,1491,3
+wainscott,316,2
+lakeville,756,17
+mifflinburg,400,4
+wainscott,1744,3
+wainscott,271,8
+pinesdale,1310,6
+leonardo,853,4
+shelbyville,1855,0
+klickitat,1144,4
+lindenwood,402,3
+klickitat,882,2
+woodbine,26,4
+lindenwood,919,2
+lindenwood,1004,2
+klickitat,1552,14
+cosmos,903,9
+woodbine,1000,3
+woodbine,595,4
+stockman,228,1
+klickitat,2148,11
+marstons,361,4
+lindenwood,1245,1
+hiteman,1698,7
+coffeen,484,5
+mifflinburg,134,1
+lindenwood,1338,4
+hiteman,802,0
+klickitat,1130,2
+klickitat,1622,8
+woodbine,1542,4
+mifflinburg,247,0
+marstons,297,1
+hanson,745,1
+lindenwood,345,4
+lindenwood,665,1
+hanson,304,9
+pinesdale,50,2
+hanson,427,6
+hanson,1486,2
+lakeville,304,10
+lindenwood,1356,5
+hiteman,1,3
+klickitat,316,6
+shelbyville,2108,4
+coffeen,998,6
+ranchester,1026,0
+coffeen,182,9
+shelbyville,1356,3
+beechwood,857,0
+leonardo,761,3
+forkland,587,3
+pinesdale,680,4
+klickitat,463,5
+pomaria,1189,8
+pomaria,1237,3
+marstons,483,1
+marstons,2214,4
+mifflinburg,704,5
+marstons,344,5
+hiteman,871,7
+mifflinburg,543,2
+lindenwood,2271,3
+leonardo,1965,0
+wainscott,1266,5
+hanson,240,1
+lindenwood,840,0
+hanson,646,3
+merom,630,1
+leonardo,2113,2
+onaga,69,2
+lakeville,944,6
+hanson,518,12
+shelbyville,442,6
+marstons,2275,1
+leonardo,304,3
+merom,380,4
+hanson,1640,0
+shelbyville,2115,3
+beechwood,847,1
+leonardo,1798,4
+shelbyville,127,1
+newfields,971,2
+ranchester,61,6
+merom,1001,5
+shelbyville,2416,13
+lindenwood,202,3
+klickitat,263,2
+shelbyville,2630,2
+hanson,1647,1
+wainscott,1599,16
+lindenwood,827,8
+klickitat,389,3
+shelbyville,766,4
+lindenwood,1487,9
+forkland,4,0
+lindenwood,53,2
+wainscott,549,1
+woodbine,1117,0
+shelbyville,1625,0
+woodbine,1662,2
+shelbyville,2478,7
+mifflinburg,851,2
+lindenwood,1496,3
+pinesdale,1071,4
+newfields,1418,0
+hiteman,569,0
+lakeville,378,0
+hanson,1162,3
+stockman,1259,2
+wainscott,420,4
+lakeville,1846,4
+hiteman,20,2
+leonardo,1367,0
+shelbyville,109,4
+forkland,1000,2
+hanson,517,3
+hiteman,258,2
+pomaria,232,15
+hanson,1082,2
+shelbyville,2208,1
+hiteman,1496,0
+lakeville,3,0
+pomaria,1042,0
+marstons,753,6
+wainscott,1424,1
+leonardo,1394,5
+stockman,318,3
+pinesdale,643,5
+coffeen,467,0
+lindenwood,1542,6
+onaga,582,4
+hiteman,1505,3
+marstons,2054,1
+lakeville,654,7
+wainscott,13,4
+marstons,1773,12
+shelbyville,2342,0
+klickitat,1188,3
+marstons,1704,5
+pinesdale,546,1
+marstons,1067,7
+shelbyville,2432,3
+lakeville,114,4
+klickitat,1291,10
+ranchester,240,5
+ranchester,690,3
+stockman,1496,2
+coffeen,335,3
+klickitat,1250,0
+wainscott,1171,9
+pinesdale,951,3
+leonardo,1900,7
+hiteman,1539,8
+klickitat,1735,3
+hiteman,285,1
+lindenwood,600,0
+pomaria,232,13
+mifflinburg,637,3
+newfields,926,3
+stockman,137,0
+marstons,243,1
+pinesdale,446,2
+woodbine,15,0
+lindenwood,1281,8
+woodbine,963,0
+tolstoy,14,3
+hanson,681,5
+shelbyville,174,3
+tolstoy,30,3
+mifflinburg,441,0
+klickitat,1984,6
+ranchester,89,1
+lindenwood,2086,15
+leonardo,268,10
+shelbyville,2697,8
+marstons,1114,10
+mifflinburg,894,1
+lakeville,53,4
+beechwood,1090,3
+lindenwood,2347,9
+stockman,445,3
+lakeville,1268,4
+tolstoy,1477,3
+beechwood,1069,14
+coffeen,1174,6
+marstons,1252,4
+merom,875,2
+marstons,2244,1
+ranchester,1340,11
+klickitat,1090,0
+woodbine,1602,9
+pinesdale,1155,3
+leonardo,501,12
+newfields,1235,4
+marstons,1250,1
+newfields,918,3
+hanson,1009,7
+beechwood,1056,3
+wainscott,936,0
+ranchester,472,6
+tolstoy,1649,7
+forkland,324,9
+klickitat,1109,4
+forkland,752,2
+shelbyville,2706,0
+onaga,222,6
+klickitat,2068,0
+tolstoy,822,4
+allensville,251,2
+tolstoy,1055,0
+beechwood,284,7
+hanson,1231,4
+hiteman,1240,3
+marstons,1511,10
+shelbyville,780,8
+onaga,461,0
+lakeville,813,2
+pomaria,738,2
+newfields,155,12
+leonardo,1385,2
+onaga,650,0
+pinesdale,1316,7
+merom,746,0
+stockman,227,0
+hanson,144,11
+klickitat,2239,1
+lindenwood,2394,1
+leonardo,664,3
+leonardo,320,4
+pinesdale,1457,1
+tolstoy,297,3
+klickitat,1492,9
+lakeville,1667,2
+lakeville,60,5
+stockman,1484,10
+hiteman,1841,10
+forkland,719,2
+woodbine,537,4
+pomaria,419,11
+lakeville,1403,3
+lindenwood,757,0
+lakeville,610,6
+leonardo,812,3
+beechwood,882,0
+wainscott,1559,14
+klickitat,991,0
+woodbine,1085,4
+shelbyville,2811,2
+woodbine,2058,3
+stockman,465,5
+lindenwood,2389,8
+newfields,907,13
+mifflinburg,609,2
+woodbine,353,7
+leonardo,733,16
+pinesdale,840,4
+lakeville,1224,4
+ranchester,1223,9
+klickitat,880,2
+klickitat,1401,4
+lindenwood,2507,2
+pomaria,1018,1
+marstons,2144,6
+woodbine,563,2
+hanson,1035,0
+wainscott,1514,4
+leonardo,429,1
+leonardo,955,1
+mifflinburg,545,1
+newfields,95,6
+pinesdale,1076,11
+lakeville,692,13
+hanson,1239,3
+ranchester,1191,3
+leonardo,2105,0
+hiteman,1473,0
+cosmos,281,1
+hanson,94,7
+woodbine,466,4
+shelbyville,414,0
+lakeville,400,3
+klickitat,677,1
+wainscott,1610,2
+stockman,525,2
+wainscott,82,10
+leonardo,617,1
+woodbine,403,6
+klickitat,331,8
+marstons,195,4
+lindenwood,1689,6
+klickitat,1729,1
+hanson,1284,3
+klickitat,1174,5
+pinesdale,1507,3
+klickitat,1363,3
+leonardo,476,2
+shelbyville,1530,7
+woodbine,562,1
+mifflinburg,736,6
+wainscott,1180,5
+leonardo,1435,8
+leonardo,376,3
+benevolence,856,5
+tolstoy,1348,2
+leonardo,40,6
+lakeville,1356,0
+klickitat,179,3
+stockman,1240,0
+stockman,962,1
+wainscott,1517,8
+benevolence,920,0
+leonardo,541,0
+cosmos,969,4
+tolstoy,365,0
+pomaria,1384,6
+shelbyville,2458,12
+leonardo,115,2
+tolstoy,1720,5
+wainscott,158,3
+shelbyville,2491,5
+hanson,771,9
+hanson,1478,2
+leonardo,37,3
+lakeville,1873,1
+woodbine,543,2
+shelbyville,2712,7
+klickitat,417,1
+woodbine,1675,6
+onaga,627,3
+hiteman,1338,4
+pinesdale,113,12
+woodbine,1661,2
+hanson,323,0
+lindenwood,1258,1
+ranchester,1070,7
+klickitat,662,4
+hanson,1635,4
+stockman,1352,2
+allensville,365,0
+lakeville,41,1
+hiteman,1375,2
+pomaria,787,4
+lakeville,158,2
+wainscott,1173,1
+forkland,923,1
+stockman,1484,11
+tolstoy,1686,3
+lakeville,323,3
+hiteman,191,3
+newfields,135,2
+stockman,1090,0
+ranchester,1098,6
+woodbine,1138,0
+mifflinburg,60,2
+lindenwood,1573,1
+shelbyville,2086,3
+ranchester,1486,2
+lindenwood,552,1
+merom,354,2
+shelbyville,727,7
+wainscott,1445,6
+coffeen,305,5
+hiteman,941,1
+mifflinburg,570,4
+coffeen,1020,4
+wainscott,673,3
+leonardo,705,1
+pinesdale,1013,7
+klickitat,123,8
+klickitat,1134,6
+coffeen,81,6
+wainscott,1793,10
+mifflinburg,672,0
+hiteman,945,5
+pomaria,1061,5
+tolstoy,1137,0
+beechwood,480,6
+newfields,577,3
+klickitat,35,8
+marstons,1278,2
+forkland,655,2
+woodbine,1835,6
+woodbine,1865,0
+pomaria,513,0
+ranchester,1148,1
+hanson,1141,1
+pomaria,1661,3
+pomaria,1332,5
+ranchester,356,1
+klickitat,1276,2
+lakeville,1459,11
+marstons,315,7
+hiteman,693,1
+stockman,1034,2
+lindenwood,967,0
+lakeville,1160,4
+pomaria,854,8
+ranchester,1345,2
+lakeville,1327,5
+beechwood,1112,10
+newfields,695,3
+beechwood,876,0
+lakeville,1557,1
+lakeville,876,11
+hanson,0,4
+wainscott,961,3
+lakeville,1485,2
+lakeville,424,5
+shelbyville,859,0
+tolstoy,1075,2
+ranchester,525,7
+coffeen,1301,1
+wainscott,1045,8
+tolstoy,1032,1
+coffeen,707,0
+ranchester,1305,0
+tolstoy,931,3
+cosmos,212,0
+hiteman,1828,4
+woodbine,1579,2
+klickitat,214,16
+lindenwood,2449,1
+leonardo,1214,5
+benevolence,597,4
+wainscott,573,1
+coffeen,1058,2
+hiteman,377,1
+lakeville,1162,10
+lindenwood,357,2
+klickitat,2077,9
+pinesdale,1004,0
+shelbyville,2525,2
+shelbyville,1041,3
+lindenwood,2109,13
+lakeville,663,2
+coffeen,1437,2
+marstons,335,9
+woodbine,527,5
+shelbyville,340,0
+beechwood,244,5
+beechwood,762,2
+shelbyville,1069,3
+shelbyville,2613,3
+pomaria,1512,0
+woodbine,1355,9
+hiteman,1186,7
+hiteman,563,4
+coffeen,614,2
+shelbyville,23,4
+woodbine,1330,10
+lakeville,1704,11
+wainscott,1290,5
+stockman,1296,1
+lindenwood,1904,4
+marstons,657,0
+coffeen,277,2
+ranchester,618,5
+pinesdale,253,4
+stockman,584,6
+hanson,1361,1
+shelbyville,1949,8
+leonardo,2078,0
+wainscott,366,0
+forkland,648,0
+hiteman,252,1
+newfields,403,5
+shelbyville,789,5
+pomaria,281,1
+hanson,423,11
+shelbyville,781,8
+ranchester,1296,3
+woodbine,1414,12
+wainscott,1682,9
+leonardo,754,11
+pomaria,1461,4
+wainscott,1118,6
+pomaria,586,4
+shelbyville,1524,0
+beechwood,604,3
+stockman,576,0
+newfields,1386,5
+shelbyville,2652,3
+cosmos,123,0
+lakeville,1419,0
+stockman,466,1
+newfields,1092,1
+klickitat,256,1
+wainscott,770,4
+coffeen,295,1
+lindenwood,2093,4
+newfields,1570,1
+marstons,692,5
+beechwood,620,2
+merom,339,2
+shelbyville,914,5
+stockman,1492,4
+klickitat,1233,0
+tolstoy,1263,1
+lindenwood,519,2
+lakeville,530,10
+newfields,1204,5
+cosmos,281,2
+marstons,2587,1
+woodbine,1712,4
+hiteman,203,5
+onaga,488,7
+leonardo,1130,6
+wainscott,1458,4
+woodbine,163,2
+coffeen,1067,1
+leonardo,476,7
+hiteman,1072,2
+leonardo,2041,6
+marstons,1602,2
+lakeville,80,5
+merom,164,3
+leonardo,1341,1
+klickitat,1711,8
+lindenwood,2114,8
+cosmos,448,4
+merom,1014,3
+stockman,704,8
+leonardo,926,3
+cosmos,364,0
+mifflinburg,845,2
+lindenwood,676,5
+ranchester,171,2
+leonardo,957,11
+newfields,620,3
+lakeville,1505,7
+lindenwood,540,4
+marstons,39,3
+mifflinburg,952,8
+wainscott,1510,4
+woodbine,1824,2
+tolstoy,1359,3
+woodbine,1267,1
+lakeville,1865,0
+tolstoy,1523,5
+lindenwood,309,0
+ranchester,1149,9
+lindenwood,1437,1
+tolstoy,298,1
+pomaria,904,1
+newfields,1096,8
+forkland,638,1
+marstons,1393,4
+marstons,1596,3
+lakeville,487,0
+wainscott,1057,1
+marstons,995,1
+marstons,1230,1
+lakeville,1799,10
+marstons,1207,7
+coffeen,1355,2
+wainscott,1123,8
+leonardo,261,2
+benevolence,5,1
+ranchester,1579,1
+lakeville,1054,1
+wainscott,1320,2
+woodbine,268,1
+coffeen,478,0
+leonardo,1928,12
+leonardo,806,1
+pomaria,727,3
+lakeville,146,2
+forkland,632,6
+allensville,196,0
+hanson,206,5
+pomaria,1408,4
+klickitat,54,11
+forkland,867,1
+stockman,1041,2
+marstons,548,3
+woodbine,1117,5
+mifflinburg,234,6
+pinesdale,518,1
+ranchester,844,10
+coffeen,1341,1
+tolstoy,1564,5
+hanson,1086,1
+mifflinburg,734,3
+klickitat,1777,4
+newfields,1405,15
+lakeville,843,4
+merom,18,0
+lindenwood,2090,13
+coffeen,819,7
+forkland,950,0
+hanson,1272,1
+shelbyville,173,5
+beechwood,637,1
+wainscott,967,2
+woodbine,1772,1
+lakeville,1246,1
+allensville,67,4
+woodbine,1062,4
+pinesdale,1210,6
+newfields,545,20
+wainscott,1756,0
+cosmos,1017,7
+beechwood,667,2
+klickitat,25,2
+lakeville,566,13
+lindenwood,713,1
+merom,259,0
+woodbine,1939,6
+stockman,1055,2
+mifflinburg,480,1
+marstons,193,5
+shelbyville,1703,3
+newfields,186,3
+shelbyville,976,2
+pomaria,256,3
+shelbyville,121,7
+shelbyville,2711,2
+coffeen,264,2
+pinesdale,303,6
+hanson,135,4
+lindenwood,1177,4
+pomaria,599,5
+mifflinburg,567,1
+cosmos,393,0
+lakeville,1285,2
+pomaria,9,2
+lakeville,909,10
+hiteman,1332,0
+leonardo,1111,1
+shelbyville,946,7
+klickitat,579,0
+leonardo,144,1
+wainscott,1014,1
+leonardo,1944,5
+hanson,1498,0
+pinesdale,276,3
+klickitat,176,4
+wainscott,410,0
+forkland,768,0
+klickitat,883,0
+ranchester,1437,4
+shelbyville,2682,3
+woodbine,667,1
+leonardo,1229,5
+lakeville,206,8
+forkland,606,8
+shelbyville,815,2
+woodbine,1154,1
+hanson,502,1
+woodbine,187,8
+woodbine,72,2
+leonardo,235,5
+leonardo,1512,4
+klickitat,151,17
+lakeville,558,2
+marstons,921,14
+tolstoy,112,4
+pomaria,240,6
+hanson,1121,2
+tolstoy,440,0
+leonardo,553,21
+mifflinburg,163,1
+hiteman,1234,0
+ranchester,167,3
+marstons,339,5
+tolstoy,1020,5
+tolstoy,11,1
+woodbine,114,4
+tolstoy,1629,3
+hiteman,1759,3
+leonardo,1136,1
+coffeen,936,0
+coffeen,276,5
+woodbine,915,0
+hiteman,127,1
+klickitat,246,8
+onaga,629,0
+lindenwood,2388,5
+benevolence,877,3
+lakeville,1032,4
+beechwood,321,5
+woodbine,99,2
+woodbine,496,0
+leonardo,261,17
+forkland,206,0
+wainscott,442,0
+lindenwood,899,1
+marstons,2207,5
+pinesdale,872,11
+hanson,569,7
+lindenwood,1318,0
+pinesdale,583,0
+klickitat,594,4
+coffeen,34,2
+stockman,1293,6
+pomaria,855,0
+woodbine,1266,3
+ranchester,535,4
+newfields,1525,9
+woodbine,1609,3
+pomaria,1009,5
+leonardo,296,1
+benevolence,247,3
+shelbyville,405,3
+beechwood,204,4
+cosmos,921,1
+shelbyville,1567,1
+beechwood,466,0
+klickitat,550,4
+woodbine,1399,2
+lakeville,293,0
+leonardo,86,2
+marstons,1462,2
+pomaria,900,1
+lakeville,1566,4
+leonardo,1080,1
+forkland,400,4
+pomaria,225,2
+beechwood,585,4
+pinesdale,1164,6
+klickitat,426,5
+beechwood,548,7
+woodbine,919,2
+lindenwood,2614,1
+lindenwood,43,0
+merom,1061,4
+woodbine,1888,1
+klickitat,257,3
+tolstoy,47,2
+newfields,259,1
+hiteman,1646,0
+klickitat,826,0
+lindenwood,1965,2
+hanson,738,7
+tolstoy,1232,1
+lakeville,365,7
+woodbine,20,6
+lakeville,469,8
+forkland,1174,2
+tolstoy,312,2
+merom,361,1
+wainscott,712,1
+coffeen,1271,3
+leonardo,1625,2
+tolstoy,215,2
+hiteman,206,2
+wainscott,860,3
+lindenwood,786,2
+klickitat,2249,3
+woodbine,782,8
+wainscott,924,0
+pinesdale,1480,0
+forkland,454,2
+hiteman,96,5
+woodbine,2034,3
+pinesdale,1342,7
+beechwood,172,1
+lakeville,1303,7
+lakeville,303,5
+hanson,592,5
+cosmos,618,2
+marstons,2553,6
+tolstoy,764,7
+ranchester,1409,4
+stockman,696,1
+klickitat,1279,11
+stockman,1222,5
+klickitat,1601,2
+woodbine,1159,1
+coffeen,761,1
+klickitat,623,3
+lindenwood,2312,12
+marstons,2621,9
+woodbine,1983,11
+lakeville,1459,4
+klickitat,653,13
+hiteman,156,1
+shelbyville,617,8
+lindenwood,2080,3
+coffeen,46,2
+mifflinburg,688,3
+lakeville,1871,3
+leonardo,864,3
+lindenwood,456,10
+klickitat,966,10
+beechwood,563,1
+shelbyville,355,0
+tolstoy,1102,16
+newfields,108,10
+wainscott,1688,8
+merom,202,1
+tolstoy,153,8
+hiteman,762,0
+hanson,303,2
+ranchester,361,0
+benevolence,604,4
+woodbine,859,0
+newfields,294,2
+tolstoy,1634,1
+coffeen,1423,3
+shelbyville,83,4
+lakeville,697,9
+wainscott,821,5
+lindenwood,1189,1
+forkland,216,2
+klickitat,560,6
+tolstoy,871,5
+tolstoy,339,1
+pinesdale,824,9
+tolstoy,1670,0
+wainscott,1508,1
+klickitat,1760,4
+stockman,38,1
+newfields,824,10
+stockman,484,3
+onaga,80,4
+shelbyville,2429,1
+coffeen,555,0
+coffeen,1149,5
+hanson,1009,0
+marstons,896,4
+lindenwood,438,9
+leonardo,1089,0
+tolstoy,863,7
+beechwood,347,2
+woodbine,495,3
+ranchester,1176,6
+lakeville,1689,15
+marstons,1062,4
+klickitat,2154,9
+pomaria,862,13
+lakeville,1287,5
+tolstoy,131,2
+leonardo,1953,2
+merom,53,1
+klickitat,295,10
+marstons,1943,1
+stockman,1476,0
+klickitat,2107,7
+shelbyville,224,1
+pinesdale,495,1
+woodbine,63,0
+pomaria,1008,11
+hiteman,435,4
+ranchester,121,0
+lakeville,179,7
+allensville,456,0
+leonardo,2073,2
+lakeville,1613,11
+hiteman,1569,2
+marstons,2354,7
+mifflinburg,774,9
+pomaria,152,4
+woodbine,63,9
+lakeville,755,5
+hiteman,687,3
+marstons,2040,10
+shelbyville,531,13
+pomaria,785,0
+shelbyville,2478,4
+tolstoy,844,1
+mifflinburg,499,13
+tolstoy,256,0
+allensville,56,8
+coffeen,117,0
+lindenwood,1717,5
+lindenwood,2405,0
+lakeville,1872,6
+cosmos,928,3
+klickitat,2090,4
+klickitat,2247,5
+shelbyville,1575,0
+tolstoy,1102,4
+pomaria,1104,2
+woodbine,2048,2
+marstons,513,6
+marstons,1066,7
+klickitat,35,7
+hiteman,1772,2
+pinesdale,1060,6
+hiteman,27,1
+shelbyville,1591,12
+marstons,2646,0
+hanson,12,0
+coffeen,1485,0
+wainscott,183,3
+tolstoy,1667,6
+forkland,1096,5
+leonardo,1564,1
+hiteman,475,0
+tolstoy,183,10
+lindenwood,98,11
+mifflinburg,408,2
+wainscott,708,1
+marstons,28,5
+shelbyville,786,6
+lakeville,1095,3
+hanson,22,9
+hanson,691,0
+pomaria,192,2
+forkland,184,5
+tolstoy,1218,10
+leonardo,1828,5
+lakeville,651,1
+ranchester,253,0
+beechwood,45,7
+merom,1093,1
+pinesdale,205,8
+marstons,1390,7
+stockman,1246,8
+ranchester,243,2
+klickitat,2175,6
+newfields,1541,5
+pomaria,1495,2
+hanson,483,6
+woodbine,327,4
+shelbyville,2817,1
+marstons,1868,1
+allensville,490,1
+pinesdale,261,6
+woodbine,702,8
+newfields,763,10
+woodbine,1247,3
+wainscott,68,7
+pomaria,142,0
+cosmos,840,2
+forkland,39,1
+stockman,584,2
+lindenwood,328,4
+shelbyville,588,3
+lakeville,1636,1
+merom,949,5
+leonardo,1741,0
+ranchester,1012,2
+shelbyville,715,1
+pinesdale,836,0
+beechwood,628,4
+lindenwood,1990,5
+woodbine,953,1
+woodbine,853,1
+klickitat,2323,1
+lakeville,1737,2
+lindenwood,380,5
+wainscott,542,5
+newfields,1597,2
+leonardo,117,3
+merom,768,2
+lindenwood,2319,3
+woodbine,1707,6
+marstons,406,0
+wainscott,229,8
+onaga,129,2
+wainscott,639,1
+pinesdale,362,3
+lindenwood,986,5
+lindenwood,1872,4
+ranchester,86,6
+pomaria,1560,18
+pinesdale,12,1
+lakeville,554,6
+shelbyville,426,0
+ranchester,1016,0
+klickitat,246,15
+newfields,896,1
+lindenwood,1936,10
+leonardo,899,4
+ranchester,241,0
+klickitat,363,5
+newfields,546,4
+allensville,95,2
+lindenwood,2406,4
+allensville,218,6
+shelbyville,2678,6
+newfields,1365,6
+newfields,1314,2
+klickitat,17,0
+cosmos,920,1
+merom,404,2
+lakeville,1463,6
+pomaria,1662,7
+leonardo,2044,3
+cosmos,251,3
+klickitat,1329,7
+shelbyville,578,3
+pomaria,594,4
+pinesdale,1013,3
+lakeville,1140,0
+klickitat,66,7
+klickitat,1872,7
+marstons,1944,0
+wainscott,1476,7
+woodbine,1641,2
+hiteman,793,6
+marstons,303,2
+marstons,1628,5
+lakeville,22,2
+stockman,1170,3
+pomaria,134,11
+tolstoy,1342,0
+lindenwood,715,1
+pinesdale,369,10
+newfields,541,5
+leonardo,820,6
+benevolence,934,0
+leonardo,1276,7
+marstons,1085,11
+tolstoy,802,0
+newfields,1013,1
+newfields,1286,2
+coffeen,901,2
+newfields,740,3
+lakeville,258,9
+woodbine,558,10
+leonardo,1192,5
+lindenwood,1091,12
+coffeen,1448,0
+cosmos,833,0
+lakeville,1407,4
+tolstoy,1470,1
+onaga,335,7
+pomaria,259,6
+beechwood,321,3
+hanson,1340,2
+tolstoy,1331,8
+klickitat,2076,3
+wainscott,1188,1
+marstons,1771,7
+marstons,481,3
+stockman,251,2
+klickitat,1517,5
+beechwood,961,8
+newfields,1077,13
+forkland,1053,6
+wainscott,1724,1
+stockman,620,1
+marstons,785,1
+beechwood,645,0
+tolstoy,1483,1
+marstons,1576,2
+klickitat,2010,9
+ranchester,947,3
+ranchester,1054,4
+ranchester,508,2
+pomaria,553,7
+marstons,2194,0
+ranchester,120,4
+hanson,1356,5
+klickitat,1573,3
+woodbine,439,2
+marstons,1751,0
+onaga,99,1
+ranchester,1450,2
+wainscott,1181,3
+leonardo,1819,11
+pomaria,186,2
+shelbyville,1667,0
+merom,907,2
+pomaria,1273,8
+pinesdale,312,3
+shelbyville,1039,3
+coffeen,158,2
+stockman,1267,2
+pomaria,236,6
+shelbyville,115,2
+klickitat,1940,1
+shelbyville,355,8
+newfields,85,0
+klickitat,66,2
+klickitat,1742,2
+lakeville,1382,7
+beechwood,1130,6
+forkland,1050,1
+benevolence,583,1
+shelbyville,1329,0
+ranchester,1524,3
+wainscott,261,3
+benevolence,878,0
+leonardo,287,5
+klickitat,14,12
+marstons,297,2
+wainscott,170,0
+cosmos,174,2
+pomaria,110,2
+lindenwood,1320,2
+lindenwood,1413,5
+coffeen,692,1
+pomaria,1163,1
+woodbine,1295,5
+lindenwood,964,15
+onaga,62,1
+shelbyville,1260,5
+hanson,1465,6
+lakeville,473,10
+leonardo,630,6
+tolstoy,295,6
+hiteman,1216,8
+wainscott,337,12
+woodbine,1348,5
+lindenwood,1553,1
+marstons,2389,1
+woodbine,1490,0
+marstons,2562,13
+marstons,2632,1
+newfields,1286,10
+woodbine,1362,11
+cosmos,419,8
+hiteman,205,3
+marstons,2431,10
+newfields,156,12
+wainscott,1730,14
+tolstoy,912,3
+klickitat,1567,6
+shelbyville,628,2
+leonardo,386,0
+woodbine,672,5
+merom,682,2
+tolstoy,1331,1
+lindenwood,1057,2
+pomaria,190,8
+leonardo,318,0
+newfields,608,4
+hiteman,787,1
+ranchester,1061,0
+klickitat,1780,6
+shelbyville,2361,0
+wainscott,1253,5
+newfields,687,5
+beechwood,297,13
+tolstoy,1494,2
+hanson,1128,2
+hanson,1369,4
+coffeen,650,1
+wainscott,1641,8
+wainscott,42,1
+merom,505,3
+klickitat,694,6
+woodbine,618,3
+pomaria,542,10
+hiteman,1205,2
+wainscott,486,4
+marstons,880,9
+allensville,40,1
+hanson,1576,9
+marstons,548,11
+shelbyville,904,7
+newfields,201,1
+shelbyville,1942,0
+leonardo,1363,1
+merom,542,1
+lindenwood,557,3
+tolstoy,110,3
+woodbine,1298,5
+hiteman,707,0
+hiteman,559,4
+stockman,1011,3
+wainscott,400,7
+newfields,308,2
+ranchester,1568,9
+forkland,569,9
+lindenwood,604,0
+ranchester,1079,7
+benevolence,858,9
+tolstoy,1500,1
+woodbine,302,4
+hiteman,1596,1
+pomaria,1147,12
+marstons,613,7
+cosmos,1046,2
+cosmos,733,0
+lakeville,1729,1
+shelbyville,786,3
+klickitat,1854,0
+hanson,926,0
+lindenwood,2170,4
+newfields,182,1
+newfields,1190,2
+beechwood,469,0
+cosmos,695,2
+klickitat,1471,14
+pomaria,10,3
+hanson,436,11
+hiteman,1126,0
+klickitat,324,3
+onaga,639,10
+hiteman,1215,5
+lakeville,1350,10
+newfields,1339,4
+lakeville,1077,5
+allensville,312,3
+shelbyville,1709,4
+pinesdale,220,1
+tolstoy,1218,5
+tolstoy,1526,8
+beechwood,375,3
+pinesdale,107,0
+wainscott,736,4
+ranchester,1636,1
+coffeen,501,0
+beechwood,793,2
+wainscott,201,5
+merom,784,9
+tolstoy,1781,2
+pomaria,495,2
+merom,871,5
+leonardo,871,1
+hanson,826,16
+tolstoy,753,10
+newfields,423,3
+wainscott,1652,9
+wainscott,1433,6
+pomaria,1227,0
+tolstoy,641,4
+hiteman,547,5
+beechwood,151,7
+coffeen,556,5
+coffeen,129,1
+forkland,969,3
+hanson,772,2
+pinesdale,1517,1
+lindenwood,2130,15
+hiteman,1762,0
+lakeville,1533,5
+leonardo,689,7
+lindenwood,1158,0
+ranchester,1438,7
+hanson,671,3
+lindenwood,1102,1
+ranchester,758,1
+pinesdale,200,1
+klickitat,1115,0
+marstons,1929,11
+lakeville,1427,1
+lakeville,182,1
+marstons,211,3
+shelbyville,1152,8
+wainscott,1547,2
+benevolence,324,9
+stockman,898,2
+wainscott,1739,0
+onaga,113,3
+marstons,1087,3
+coffeen,1289,1
+hiteman,1399,12
+lindenwood,252,10
+leonardo,1372,1
+lakeville,664,3
+marstons,116,10
+klickitat,2057,18
+lakeville,1789,1
+newfields,1186,0
+ranchester,355,0
+hiteman,975,9
+woodbine,393,3
+lindenwood,2187,10
+merom,467,2
+wainscott,945,2
+marstons,682,2
+coffeen,26,2
+lindenwood,637,1
+beechwood,184,3
+merom,313,3
+lindenwood,2605,3
+stockman,333,2
+woodbine,1982,1
+ranchester,314,2
+klickitat,11,5
+coffeen,382,8
+woodbine,964,6
+hanson,588,1
+shelbyville,2692,4
+woodbine,1227,1
+allensville,5,3
+leonardo,1091,10
+ranchester,393,4
+woodbine,1712,5
+hiteman,1077,2
+tolstoy,462,1
+newfields,55,0
+hiteman,1083,9
+hanson,1139,4
+beechwood,753,1
+lakeville,194,5
+stockman,406,5
+beechwood,677,0
+stockman,1564,1
+tolstoy,106,6
+wainscott,1567,5
+onaga,670,0
+mifflinburg,175,1
+pomaria,721,5
+lindenwood,738,3
+marstons,2321,0
+forkland,366,6
+hiteman,566,0
+stockman,1488,7
+woodbine,1728,4
+shelbyville,2139,7
+allensville,175,1
+beechwood,462,1
+marstons,2464,0
+ranchester,1308,2
+wainscott,417,7
+shelbyville,431,4
+forkland,406,4
+lakeville,1520,7
+wainscott,1546,1
+shelbyville,500,5
+klickitat,2175,4
+cosmos,658,6
+coffeen,231,3
+cosmos,626,2
+woodbine,514,7
+wainscott,1699,0
+hiteman,1636,0
+lakeville,118,6
+klickitat,1163,3
+coffeen,1425,2
+coffeen,605,4
+mifflinburg,216,1
+pinesdale,1293,2
+shelbyville,567,0
+marstons,677,2
+tolstoy,189,0
+ranchester,1483,5
+cosmos,213,1
+tolstoy,1719,2
+woodbine,395,1
+woodbine,1684,1
+lindenwood,1936,13
+mifflinburg,135,4
+forkland,1120,3
+pinesdale,1412,0
+hanson,488,7
+hanson,331,1
+lindenwood,2248,1
+beechwood,143,2
+marstons,198,2
+tolstoy,1172,8
+coffeen,633,1
+lindenwood,972,0
+lindenwood,24,4
+newfields,13,11
+lindenwood,1157,8
+leonardo,1718,0
+pinesdale,948,1
+stockman,1251,2
+ranchester,77,0
+marstons,155,2
+mifflinburg,395,4
+marstons,33,9
+tolstoy,1045,0
+marstons,2011,4
+wainscott,1708,4
+leonardo,1074,3
+wainscott,623,0
+forkland,383,1
+hiteman,2,5
+woodbine,1689,1
+merom,692,2
+allensville,285,6
+coffeen,179,2
+forkland,698,0
+lindenwood,2035,0
+cosmos,703,0
+newfields,944,4
+lindenwood,1314,4
+ranchester,1119,2
+woodbine,196,8
+hanson,154,3
+leonardo,1814,3
+beechwood,942,3
+forkland,146,3
+hiteman,1431,8
+klickitat,417,3
+leonardo,337,11
+newfields,161,7
+tolstoy,795,0
+benevolence,518,2
+shelbyville,1952,4
+pomaria,53,5
+hiteman,600,2
+pinesdale,824,15
+marstons,985,8
+leonardo,1522,13
+ranchester,1430,3
+leonardo,1743,4
+mifflinburg,52,9
+leonardo,405,0
+klickitat,458,16
+tolstoy,713,6
+coffeen,701,2
+woodbine,1534,7
+shelbyville,219,7
+coffeen,1036,3
+shelbyville,2239,3
+hanson,1620,2
+klickitat,2062,4
+lakeville,740,5
+beechwood,52,2
+wainscott,303,9
+marstons,1859,3
+wainscott,234,16
+mifflinburg,953,8
+newfields,1093,2
+marstons,1325,7
+hanson,720,10
+lindenwood,570,10
+benevolence,800,3
+lakeville,904,10
+lindenwood,950,2
+shelbyville,1751,12
+woodbine,1410,0
+cosmos,469,5
+klickitat,1687,5
+pinesdale,817,10
+merom,493,2
+stockman,359,0
+newfields,945,6
+cosmos,310,4
+newfields,830,1
+woodbine,1862,4
+pinesdale,1207,8
+shelbyville,146,8
+marstons,358,0
+lindenwood,255,13
+hanson,102,2
+woodbine,1832,10
+pinesdale,1406,4
+marstons,1808,3
+merom,529,3
+klickitat,1789,1
+forkland,511,8
+hanson,565,4
+onaga,101,0
+newfields,641,9
+beechwood,956,1
+wainscott,303,1
+coffeen,728,0
+hanson,506,13
+newfields,446,0
+allensville,407,3
+marstons,1243,4
+lakeville,1173,8
+klickitat,1599,8
+lakeville,1503,4
+klickitat,2106,3
+lakeville,37,2
+shelbyville,1563,0
+hiteman,571,3
+leonardo,720,1
+pinesdale,1050,4
+shelbyville,2651,1
+shelbyville,67,2
+newfields,1493,2
+newfields,658,8
+benevolence,549,10
+shelbyville,2157,0
+marstons,1093,1
+ranchester,1202,1
+leonardo,2045,0
+newfields,1427,2
+onaga,211,0
+coffeen,146,3
+onaga,383,1
+leonardo,1593,6
+merom,62,2
+stockman,769,3
+newfields,642,3
+lakeville,1457,10
+ranchester,815,1
+lindenwood,2471,0
+hanson,1020,0
+tolstoy,321,0
+lakeville,150,0
+shelbyville,2187,9
+cosmos,575,3
+hanson,1016,1
+beechwood,315,3
+pinesdale,1087,8
+klickitat,658,12
+shelbyville,1086,0
+leonardo,958,8
+woodbine,603,5
+benevolence,777,7
+lindenwood,2478,5
+woodbine,364,4
+forkland,331,0
+klickitat,1285,0
+klickitat,337,0
+lakeville,1334,11
+lakeville,530,5
+hanson,466,7
+hanson,622,4
+ranchester,1632,4
+coffeen,1407,3
+lakeville,927,3
+newfields,851,10
+klickitat,608,2
+tolstoy,640,0
+mifflinburg,777,2
+merom,920,0
+pomaria,97,0
+wainscott,430,1
+cosmos,65,0
+marstons,1297,0
+lakeville,752,0
+shelbyville,640,2
+ranchester,928,5
+lakeville,171,6
+wainscott,1186,1
+lakeville,1600,2
+wainscott,642,3
+newfields,291,1
+wainscott,27,2
+coffeen,1253,5
+onaga,332,2
+wainscott,1099,3
+newfields,1304,3
+coffeen,526,5
+tolstoy,619,7
+leonardo,1865,3
+klickitat,1163,1
+benevolence,868,3
+shelbyville,2179,5
+pinesdale,182,2
+newfields,456,4
+pinesdale,1013,0
+ranchester,498,2
+hiteman,132,7
+hiteman,689,5
+marstons,1422,12
+tolstoy,901,6
+marstons,2176,0
+shelbyville,2538,3
+pinesdale,417,1
+onaga,301,1
+wainscott,745,3
+tolstoy,621,0
+lindenwood,54,2
+marstons,1436,4
+hanson,426,3
+mifflinburg,753,2
+stockman,27,5
+onaga,164,0
+benevolence,720,2
+leonardo,1315,2
+leonardo,1885,2
+tolstoy,224,9
+cosmos,658,2
+pinesdale,696,1
+leonardo,706,6
+forkland,1129,4
+lindenwood,707,0
+hanson,979,1
+tolstoy,1077,4
+leonardo,1512,2
+onaga,640,2
+hanson,837,0
+mifflinburg,69,4
+hanson,1593,1
+cosmos,1021,8
+klickitat,233,5
+woodbine,1764,15
+pinesdale,584,1
+klickitat,2034,4
+shelbyville,1283,0
+shelbyville,1281,4
+marstons,110,11
+tolstoy,636,5
+wainscott,459,2
+marstons,2338,0
+wainscott,748,0
+lakeville,1625,3
+pinesdale,817,8
+wainscott,821,2
+tolstoy,1498,10
+marstons,2181,3
+leonardo,231,0
+tolstoy,1105,6
+wainscott,1599,9
+hanson,1072,4
+marstons,1127,1
+leonardo,1636,1
+newfields,990,3
+lindenwood,1104,3
+lindenwood,1132,1
+ranchester,286,2
+wainscott,797,3
+forkland,383,0
+hiteman,1822,14
+pinesdale,60,3
+lindenwood,2080,6
+stockman,1103,6
+lakeville,1838,4
+tolstoy,92,5
+lindenwood,944,2
+onaga,367,1
+shelbyville,2235,0
+woodbine,1362,7
+leonardo,1423,2
+beechwood,1018,0
+lakeville,1035,4
+pomaria,1469,7
+mifflinburg,706,1
+woodbine,453,6
+hanson,1106,14
+pomaria,234,3
+ranchester,450,2
+benevolence,292,1
+ranchester,550,2
+coffeen,289,2
+mifflinburg,923,2
+lakeville,528,11
+mifflinburg,226,10
+cosmos,64,2
+klickitat,548,5
+lakeville,1234,1
+onaga,505,6
+allensville,438,4
+pomaria,490,8
+beechwood,1073,0
+leonardo,521,4
+wainscott,1516,1
+newfields,262,3
+coffeen,953,2
+stockman,1403,3
+leonardo,815,5
+pomaria,511,3
+newfields,419,5
+coffeen,740,0
+newfields,1540,0
+hiteman,990,4
+woodbine,890,2
+wainscott,1118,13
+newfields,1041,8
+marstons,531,0
+tolstoy,816,3
+lakeville,692,2
+forkland,93,1
+lakeville,405,0
+allensville,248,1
+woodbine,1355,7
+pinesdale,690,3
+lakeville,1683,11
+klickitat,1569,0
+hanson,729,4
+pinesdale,167,4
+allensville,353,0
+leonardo,699,16
+shelbyville,2358,6
+marstons,1080,6
+forkland,323,0
+tolstoy,804,7
+marstons,1995,9
+marstons,597,3
+coffeen,802,5
+wainscott,1053,8
+lindenwood,2372,0
+klickitat,537,6
+klickitat,1933,3
+tolstoy,808,11
+stockman,103,3
+forkland,877,6
+pomaria,1238,8
+leonardo,109,1
+pinesdale,305,7
+tolstoy,1382,4
+ranchester,1309,8
+klickitat,2292,1
+woodbine,267,7
+merom,911,2
+benevolence,364,2
+woodbine,825,0
+newfields,288,1
+tolstoy,51,6
+merom,570,2
+hanson,428,12
+stockman,914,3
+klickitat,553,1
+tolstoy,478,13
+marstons,2621,5
+klickitat,1238,11
+marstons,2247,5
+cosmos,747,6
+ranchester,1217,6
+shelbyville,2029,4
+lindenwood,1155,6
+coffeen,394,5
+pinesdale,310,0
+leonardo,1805,3
+marstons,1881,9
+beechwood,19,5
+stockman,485,3
+lindenwood,2472,2
+beechwood,827,8
+benevolence,790,2
+newfields,1070,0
+leonardo,1423,15
+newfields,1115,0
+lindenwood,2023,6
+lindenwood,2235,1
+hanson,574,0
+lindenwood,2259,3
+lakeville,219,1
+stockman,340,2
+tolstoy,1301,9
+stockman,1162,3
+leonardo,1700,6
+leonardo,678,6
+hiteman,625,9
+benevolence,373,2
+shelbyville,1548,8
+forkland,23,3
+pomaria,410,0
+shelbyville,2670,12
+klickitat,15,1
+woodbine,1349,12
+ranchester,419,0
+marstons,2134,1
+onaga,153,1
+shelbyville,2339,2
+forkland,515,0
+hanson,839,0
+lindenwood,2188,2
+leonardo,114,9
+klickitat,1095,1
+lakeville,1574,0
+tolstoy,276,3
+hanson,1480,1
+coffeen,1002,0
+woodbine,1337,14
+ranchester,345,3
+lindenwood,163,1
+mifflinburg,64,5
+lakeville,388,0
+wainscott,415,10
+mifflinburg,205,2
+marstons,2452,5
+wainscott,1199,1
+leonardo,1608,20
+pinesdale,634,1
+ranchester,1007,2
+merom,1061,3
+marstons,1731,15
+stockman,1166,0
+wainscott,1391,3
+leonardo,385,4
+lindenwood,2251,0
+lindenwood,2641,1
+newfields,517,3
+hiteman,7,2
+lindenwood,220,5
+coffeen,478,3
+hiteman,1259,7
+shelbyville,2123,11
+coffeen,589,1
+shelbyville,950,10
+shelbyville,2614,17
+mifflinburg,229,5
+shelbyville,2609,1
+beechwood,91,3
+ranchester,1506,0
+shelbyville,2288,3
+tolstoy,197,1
+woodbine,916,2
+lakeville,1467,4
+hanson,1100,1
+lakeville,1474,2
+marstons,2562,3
+lindenwood,1849,9
+lindenwood,193,3
+pomaria,562,3
+hanson,72,4
+woodbine,1859,7
+newfields,1102,3
+ranchester,1584,5
+hanson,659,15
+pinesdale,1467,1
+newfields,155,5
+lindenwood,850,8
+newfields,131,2
+lindenwood,1745,2
+ranchester,1423,4
+stockman,1067,2
+stockman,120,1
+leonardo,1202,2
+shelbyville,2409,5
+beechwood,306,3
+stockman,505,3
+pinesdale,1507,7
+lakeville,50,0
+ranchester,41,9
+pomaria,1373,5
+klickitat,983,8
+pomaria,864,11
+marstons,1064,8
+shelbyville,1638,4
+mifflinburg,714,1
+ranchester,1625,2
+ranchester,147,14
+shelbyville,256,14
+marstons,500,5
+lakeville,1486,8
+ranchester,942,3
+hanson,60,9
+coffeen,1350,7
+hiteman,1041,0
+mifflinburg,162,2
+marstons,1090,0
+marstons,978,2
+tolstoy,499,12
+tolstoy,347,3
+lindenwood,2019,4
+pomaria,1377,8
+beechwood,1038,1
+klickitat,682,0
+lindenwood,93,5
+lindenwood,1381,2
+newfields,1160,13
+woodbine,1249,2
+lindenwood,1435,5
+woodbine,458,2
+newfields,460,1
+pinesdale,346,1
+allensville,233,6
+leonardo,1321,9
+marstons,364,2
+hanson,184,11
+coffeen,1466,1
+marstons,1801,5
+beechwood,890,5
+beechwood,826,0
+hanson,1268,2
+allensville,287,0
+marstons,772,8
+onaga,540,3
+cosmos,242,1
+allensville,49,6
+shelbyville,1547,0
+forkland,1138,0
+lindenwood,666,4
+lindenwood,395,5
+pomaria,520,7
+cosmos,219,11
+wainscott,570,3
+ranchester,1348,2
+pomaria,820,4
+lakeville,604,0
+shelbyville,47,2
+cosmos,220,3
+benevolence,611,2
+tolstoy,536,2
+tolstoy,1579,2
+coffeen,1313,1
+merom,462,1
+hiteman,1574,2
+lakeville,422,0
+cosmos,139,0
+benevolence,638,5
+tolstoy,620,2
+marstons,1993,0
+cosmos,1072,7
+pinesdale,1507,8
+marstons,481,2
+pinesdale,1129,5
+stockman,595,5
+beechwood,7,7
+leonardo,1864,0
+lakeville,394,6
+klickitat,1397,1
+newfields,435,5
+hanson,354,3
+hiteman,1444,0
+pomaria,7,4
+marstons,1080,8
+merom,519,8
+newfields,203,2
+leonardo,897,4
+woodbine,2023,5
+stockman,627,2
+mifflinburg,582,3
+klickitat,220,2
+onaga,199,6
+lakeville,221,7
+ranchester,153,0
+leonardo,643,10
+marstons,788,0
+klickitat,1909,6
+ranchester,720,0
+benevolence,912,3
+hiteman,864,8
+newfields,1639,5
+tolstoy,950,2
+ranchester,1292,1
+lindenwood,300,1
+stockman,954,2
+lindenwood,361,2
+lindenwood,2219,4
+hiteman,1349,2
+shelbyville,1149,3
+stockman,160,1
+klickitat,783,5
+shelbyville,2595,2
+lakeville,100,8
+merom,88,0
+shelbyville,955,0
+shelbyville,1959,11
+hiteman,1140,4
+pomaria,345,0
+hiteman,1655,7
+klickitat,2273,1
+lindenwood,86,5
+hanson,1297,2
+pomaria,1541,8
+lindenwood,1892,2
+marstons,2172,6
+merom,729,1
+wainscott,398,14
+woodbine,1452,0
+klickitat,1250,4
+klickitat,1039,0
+marstons,2316,5
+beechwood,986,5
+cosmos,601,5
+wainscott,211,10
+marstons,1325,5
+klickitat,1658,3
+lakeville,1444,10
+ranchester,373,7
+leonardo,459,0
+woodbine,1045,2
+ranchester,229,1
+lakeville,394,5
+beechwood,1126,6
+lindenwood,1128,4
+beechwood,546,2
+newfields,1139,1
+newfields,1056,9
+beechwood,455,2
+coffeen,178,4
+lakeville,444,8
+shelbyville,775,1
+pomaria,1114,1
+newfields,313,1
+tolstoy,438,1
+hanson,1144,1
+benevolence,18,3
+benevolence,338,7
+wainscott,1237,6
+lindenwood,2153,5
+stockman,1378,0
+mifflinburg,350,1
+woodbine,750,8
+hanson,1110,0
+pomaria,177,14
+leonardo,1635,8
+leonardo,1091,11
+shelbyville,618,1
+wainscott,295,7
+wainscott,903,1
+lindenwood,1450,4
+lindenwood,1457,7
+klickitat,479,16
+pomaria,644,13
+stockman,768,4
+tolstoy,198,2
+shelbyville,82,2
+newfields,318,5
+lindenwood,1146,2
+onaga,572,0
+allensville,383,1
+wainscott,179,4
+lindenwood,327,3
+marstons,887,4
+pinesdale,109,8
+marstons,1854,8
+forkland,666,1
+hiteman,111,1
+marstons,1398,7
+klickitat,726,5
+klickitat,1740,10
+shelbyville,146,12
+merom,140,3
+hanson,707,0
+wainscott,895,5
+lindenwood,1185,1
+ranchester,88,5
+hanson,1508,3
+lindenwood,1302,7
+hanson,584,0
+wainscott,412,3
+hanson,128,3
+lindenwood,1849,7
+pinesdale,1192,0
+benevolence,849,0
+pinesdale,1510,3
+newfields,240,4
+pinesdale,1014,2
+benevolence,279,6
+shelbyville,1842,6
+lindenwood,1146,1
+marstons,1494,3
+lindenwood,1851,3
+leonardo,2037,2
+newfields,917,9
+coffeen,1249,5
+hiteman,307,1
+mifflinburg,666,2
+marstons,1174,11
+klickitat,692,3
+klickitat,2302,10
+pomaria,1640,1
+pomaria,627,3
+coffeen,567,8
+lindenwood,2648,3
+onaga,493,2
+lindenwood,1784,5
+wainscott,365,2
+lakeville,1351,4
+leonardo,1205,10
+newfields,869,8
+tolstoy,1147,2
+leonardo,1273,9
+hiteman,880,1
+klickitat,2093,3
+wainscott,633,5
+marstons,2515,12
+tolstoy,305,8
+wainscott,350,4
+woodbine,1270,6
+pinesdale,1392,3
+allensville,322,2
+forkland,462,0
+stockman,1568,12
+hanson,1336,3
+shelbyville,198,5
+benevolence,880,4
+shelbyville,263,8
+klickitat,887,2
+lindenwood,1566,1
+tolstoy,1743,6
+klickitat,2127,13
+woodbine,1627,4
+tolstoy,1347,1
+wainscott,1563,1
+pomaria,1197,1
+klickitat,1363,12
+pomaria,1536,5
+lakeville,1425,10
+hanson,217,14
+leonardo,51,11
+pinesdale,905,0
+hanson,963,2
+woodbine,1010,2
+benevolence,443,4
+ranchester,1423,1
+lindenwood,2333,0
+newfields,1525,11
+mifflinburg,925,3
+beechwood,1131,2
+mifflinburg,360,4
+woodbine,268,6
+beechwood,218,4
+shelbyville,2092,2
+pinesdale,996,3
+newfields,1503,3
+stockman,1195,2
+lindenwood,747,4
+hiteman,767,2
+klickitat,782,15
+shelbyville,355,2
+leonardo,813,2
+klickitat,2385,4
+pomaria,1044,5
+stockman,4,4
+hiteman,1359,5
+pomaria,333,1
+ranchester,53,4
+woodbine,614,1
+tolstoy,1335,0
+lindenwood,67,8
+beechwood,541,1
+pinesdale,509,3
+onaga,601,2
+pinesdale,111,3
+wainscott,876,6
+shelbyville,270,10
+marstons,1400,5
+hanson,151,3
+marstons,1383,6
+stockman,1233,1
+newfields,1462,2
+newfields,1376,0
+marstons,1874,8
+coffeen,256,0
+stockman,463,5
+cosmos,671,0
+beechwood,1110,2
+klickitat,921,0
+mifflinburg,461,0
+lakeville,794,20
+benevolence,858,1
+newfields,1595,4
+hanson,325,0
+coffeen,514,3
+lindenwood,883,10
+hanson,39,0
+hanson,546,17
+klickitat,1363,19
+hiteman,1464,7
+beechwood,205,3
+lindenwood,979,0
+marstons,2612,0
+onaga,104,1
+tolstoy,1216,2
+pinesdale,353,0
+pomaria,1527,2
+marstons,1751,3
+wainscott,662,2
+lindenwood,961,2
+wainscott,1103,4
+pomaria,1056,5
+wainscott,1132,6
+shelbyville,1632,0
+hiteman,1635,1
+lindenwood,120,4
+coffeen,1165,4
+marstons,1438,1
+lakeville,839,4
+tolstoy,4,4
+lakeville,175,10
+ranchester,1257,10
+pinesdale,931,7
+coffeen,1487,1
+ranchester,664,1
+hanson,1285,1
+klickitat,755,4
+lindenwood,615,2
+stockman,802,9
+woodbine,247,5
+klickitat,678,3
+leonardo,1079,14
+shelbyville,1599,9
+pinesdale,68,4
+merom,248,2
+leonardo,411,0
+forkland,656,6
+beechwood,463,3
+woodbine,909,2
+marstons,375,3
+shelbyville,1151,0
+hiteman,1599,0
+stockman,297,1
+shelbyville,1766,14
+stockman,623,4
+lakeville,1373,1
+wainscott,454,7
+leonardo,1830,9
+coffeen,1225,3
+shelbyville,1200,2
+hanson,265,2
+shelbyville,1949,12
+marstons,489,5
+klickitat,1502,0
+pinesdale,248,10
+klickitat,674,2
+wainscott,1471,2
+marstons,949,9
+newfields,379,1
+wainscott,225,2
+coffeen,194,5
+ranchester,120,3
+hanson,725,4
+wainscott,549,5
+pinesdale,1059,1
+merom,872,3
+shelbyville,1676,3
+ranchester,1148,12
+ranchester,1064,3
+merom,800,7
+pinesdale,383,7
+pinesdale,1257,10
+marstons,498,3
+forkland,369,1
+lindenwood,656,0
+coffeen,101,4
+stockman,1462,4
+hiteman,164,1
+marstons,1975,2
+lindenwood,275,0
+lindenwood,1948,1
+marstons,1937,0
+klickitat,551,1
+cosmos,397,0
+mifflinburg,231,2
+wainscott,1584,7
+ranchester,1384,3
+marstons,2523,16
+tolstoy,26,2
+lakeville,238,5
+marstons,2536,3
+wainscott,573,4
+stockman,1083,1
+newfields,183,1
+wainscott,17,4
+hiteman,865,4
+marstons,510,2
+mifflinburg,110,1
+mifflinburg,230,2
+tolstoy,1013,2
+pomaria,480,0
+wainscott,869,12
+lindenwood,1221,1
+hiteman,120,0
+coffeen,1292,3
+cosmos,621,3
+woodbine,1144,7
+cosmos,380,2
+klickitat,1662,5
+pomaria,936,6
+ranchester,1630,2
+lindenwood,1113,1
+beechwood,777,1
+klickitat,2151,6
+wainscott,1138,5
+onaga,83,2
+lakeville,319,3
+merom,655,2
+tolstoy,88,0
+pomaria,496,3
+mifflinburg,325,6
+klickitat,1007,9
+hiteman,1674,2
+hanson,1111,0
+hanson,1432,2
+hiteman,268,1
+leonardo,1183,1
+stockman,1403,1
+mifflinburg,405,0
+benevolence,468,2
+benevolence,731,8
+marstons,1948,3
+leonardo,1322,0
+lindenwood,631,2
+shelbyville,556,6
+pinesdale,389,1
+onaga,263,0
+hiteman,933,2
+pinesdale,1369,2
+pomaria,1586,5
+wainscott,1198,5
+wainscott,92,11
+hiteman,1251,5
+wainscott,737,3
+shelbyville,1234,7
+newfields,1304,7
+coffeen,700,6
+pinesdale,822,5
+klickitat,2406,5
+shelbyville,1277,7
+newfields,420,11
+klickitat,2260,4
+hanson,989,4
+shelbyville,772,6
+ranchester,510,1
+klickitat,1656,1
+shelbyville,361,7
+onaga,431,8
+pomaria,945,14
+leonardo,822,3
+marstons,795,2
+stockman,1321,4
+coffeen,1090,4
+tolstoy,61,2
+onaga,158,0
+hiteman,1565,2
+forkland,258,6
+shelbyville,500,0
+allensville,144,3
+klickitat,2223,4
+woodbine,965,4
+woodbine,1388,9
+shelbyville,194,3
+leonardo,1248,3
+leonardo,1113,2
+wainscott,1444,5
+shelbyville,1236,13
+merom,283,2
+wainscott,295,8
+woodbine,391,6
+leonardo,1056,0
+forkland,195,6
+marstons,500,7
+shelbyville,1210,1
+ranchester,373,1
+pomaria,933,4
+ranchester,8,0
+newfields,670,0
+lakeville,1516,10
+pomaria,1399,0
+shelbyville,1609,2
+leonardo,1409,2
+newfields,966,10
+benevolence,356,1
+klickitat,515,3
+klickitat,1601,1
+stockman,1485,2
+coffeen,324,4
+klickitat,406,4
+klickitat,2288,3
+klickitat,166,2
+hiteman,417,2
+forkland,732,3
+klickitat,1303,12
+pomaria,96,11
+pinesdale,1047,7
+lakeville,89,15
+hiteman,1239,3
+marstons,2273,11
+lakeville,422,6
+lindenwood,1614,1
+pomaria,187,3
+leonardo,1064,1
+wainscott,426,3
+lakeville,1500,2
+wainscott,1171,16
+klickitat,1767,0
+klickitat,722,2
+woodbine,212,2
+hanson,824,1
+lindenwood,1026,5
+marstons,1731,9
+lindenwood,365,3
+lakeville,784,1
+marstons,544,8
+marstons,2454,3
+klickitat,1702,4
+klickitat,95,6
+shelbyville,532,4
+pinesdale,518,6
+lindenwood,85,6
+wainscott,1398,5
+woodbine,301,1
+klickitat,1332,1
+forkland,8,1
+lakeville,534,9
+leonardo,447,5
+lindenwood,769,5
+merom,49,0
+marstons,1086,9
+pinesdale,414,4
+beechwood,92,5
+tolstoy,276,4
+tolstoy,767,4
+marstons,696,9
+leonardo,1353,4
+merom,934,6
+merom,859,3
+hanson,1422,1
+klickitat,537,9
+hanson,865,0
+shelbyville,451,13
+lindenwood,468,10
+shelbyville,1006,5
+pinesdale,798,1
+stockman,1327,6
+lindenwood,2317,0
+marstons,214,1
+hanson,327,3
+merom,1031,0
+cosmos,2,13
+klickitat,1266,7
+coffeen,765,10
+pomaria,8,1
+leonardo,402,5
+pomaria,80,1
+mifflinburg,720,0
+lindenwood,2293,6
+lakeville,817,1
+forkland,1061,0
+ranchester,1521,2
+ranchester,400,15
+klickitat,1879,10
+hanson,118,1
+newfields,493,0
+newfields,1615,2
+marstons,1804,1
+lakeville,1560,0
+ranchester,1627,3
+pomaria,414,1
+shelbyville,1964,7
+beechwood,154,2
+lakeville,1033,0
+lindenwood,2242,0
+mifflinburg,219,5
+pomaria,699,9
+lindenwood,48,0
+coffeen,403,2
+allensville,444,2
+hanson,85,7
+wainscott,467,10
+shelbyville,1604,5
+wainscott,1080,6
+forkland,768,1
+newfields,649,2
+lakeville,341,0
+pomaria,3,1
+leonardo,800,3
+merom,1094,1
+shelbyville,2440,8
+hiteman,0,0
+woodbine,1523,3
+pomaria,354,2
+mifflinburg,964,0
+hiteman,1743,1
+ranchester,1351,8
+woodbine,887,0
+marstons,974,9
+marstons,2208,0
+shelbyville,1204,0
+wainscott,72,7
+lindenwood,255,10
+wainscott,882,13
+newfields,715,4
+merom,904,0
+lindenwood,190,0
+pinesdale,268,9
+shelbyville,1198,2
+ranchester,742,0
+lakeville,1340,1
+klickitat,963,0
+mifflinburg,63,1
+shelbyville,402,7
+beechwood,681,9
+hanson,1228,0
+pinesdale,555,0
+pomaria,1544,11
+wainscott,1647,2
+lakeville,302,1
+merom,483,4
+ranchester,1382,1
+hanson,1184,6
+lindenwood,0,4
+woodbine,664,1
+wainscott,847,9
+marstons,1359,1
+hiteman,1818,5
+coffeen,1462,1
+pinesdale,1065,4
+tolstoy,539,3
+ranchester,676,3
+leonardo,1509,1
+cosmos,421,3
+lakeville,1350,7
+woodbine,120,2
+woodbine,45,1
+newfields,1173,5
+wainscott,1617,9
+ranchester,1286,1
+mifflinburg,772,1
+newfields,976,2
+shelbyville,1804,0
+woodbine,832,11
+wainscott,1367,4
+klickitat,2349,7
+shelbyville,1334,5
+leonardo,1079,2
+wainscott,1666,3
+wainscott,1182,4
+merom,651,3
+wainscott,241,0
+benevolence,177,1
+marstons,2276,2
+newfields,268,7
+tolstoy,64,1
+marstons,2618,6
+klickitat,1857,1
+marstons,1039,2
+merom,1098,4
+newfields,790,6
+hiteman,98,5
+tolstoy,200,7
+klickitat,84,8
+cosmos,1015,0
+klickitat,493,6
+klickitat,1779,2
+tolstoy,1189,0
+stockman,1083,3
+woodbine,1909,3
+klickitat,1379,2
+leonardo,1179,2
+allensville,427,6
+merom,58,1
+ranchester,347,5
+pomaria,1646,1
+leonardo,1259,3
+coffeen,1422,11
+pomaria,641,11
+cosmos,434,3
+stockman,66,2
+leonardo,1982,5
+hanson,354,4
+hiteman,1812,5
+pinesdale,487,6
+tolstoy,1173,12
+ranchester,1070,4
+mifflinburg,274,0
+pinesdale,227,0
+klickitat,2318,9
+hiteman,1263,5
+hiteman,1690,6
+hiteman,327,4
+benevolence,476,4
+stockman,1073,1
+beechwood,340,3
+lakeville,175,9
+klickitat,186,1
+hanson,481,8
+wainscott,1343,0
+wainscott,1040,5
+lindenwood,494,9
+lindenwood,285,4
+pomaria,1071,1
+woodbine,1434,5
+lakeville,847,7
+marstons,833,1
+beechwood,1024,3
+lakeville,351,6
+beechwood,962,1
+tolstoy,1291,2
+lakeville,1648,12
+hiteman,3,2
+cosmos,392,3
+wainscott,1676,4
+stockman,915,2
+pinesdale,1268,6
+newfields,1016,0
+klickitat,2329,4
+lindenwood,294,2
+beechwood,147,2
+hiteman,1378,0
+newfields,391,3
+shelbyville,537,2
+coffeen,770,2
+shelbyville,284,11
+pomaria,784,0
+shelbyville,2156,0
+leonardo,1557,5
+mifflinburg,536,2
+newfields,1171,10
+pomaria,1337,15
+marstons,1176,0
+forkland,1008,0
+marstons,1838,1
+cosmos,965,6
+marstons,1810,9
+marstons,165,3
+lindenwood,2325,2
+tolstoy,1496,3
+lakeville,879,7
+tolstoy,1094,7
+shelbyville,1154,1
+shelbyville,2495,13
+woodbine,1959,7
+coffeen,1028,9
+mifflinburg,325,11
+marstons,933,6
+klickitat,1478,5
+onaga,488,3
+marstons,2305,2
+wainscott,1485,3
+shelbyville,1172,8
+forkland,539,2
+lindenwood,819,0
+wainscott,940,5
+newfields,332,7
+hiteman,822,4
+hiteman,444,6
+pomaria,739,7
+wainscott,1340,6
+merom,617,4
+cosmos,399,0
+hanson,656,5
+klickitat,1766,4
+benevolence,314,4
+tolstoy,344,2
+newfields,1035,1
+hiteman,90,9
+coffeen,376,6
+wainscott,1231,2
+shelbyville,2771,5
+woodbine,1751,0
+klickitat,2172,1
+wainscott,1653,7
+woodbine,558,8
+coffeen,1290,0
+coffeen,295,7
+pomaria,1326,1
+pomaria,1333,9
+hanson,1243,1
+marstons,2411,1
+ranchester,1545,2
+wainscott,503,1
+hanson,1625,9
+cosmos,1019,3
+marstons,2650,6
+leonardo,689,8
+merom,1036,2
+wainscott,91,4
+stockman,450,1
+hiteman,666,3
+marstons,2511,2
+lindenwood,836,12
+shelbyville,2636,8
+hiteman,168,3
+newfields,577,10
+stockman,1008,5
+klickitat,2164,10
+hiteman,1722,5
+allensville,488,3
+cosmos,799,10
+hiteman,1395,3
+tolstoy,1350,4
+wainscott,1580,3
+shelbyville,796,6
+lakeville,877,2
+hanson,337,6
+forkland,866,1
+lindenwood,1952,3
+hanson,1543,2
+pinesdale,392,9
+newfields,871,5
+hanson,1379,2
+lakeville,538,2
+pinesdale,32,6
+stockman,649,1
+lindenwood,64,3
+klickitat,32,9
+pomaria,26,2
+woodbine,1549,4
+lindenwood,2016,3
+pomaria,708,7
+hiteman,630,1
+pinesdale,1245,4
+forkland,1061,3
+klickitat,1500,3
+lindenwood,936,8
+leonardo,529,1
+shelbyville,2681,2
+beechwood,215,0
+klickitat,148,14
+leonardo,1350,1
+coffeen,450,0
+leonardo,522,1
+tolstoy,1125,0
+marstons,262,0
+merom,486,2
+wainscott,516,0
+ranchester,1250,9
+shelbyville,1032,5
+shelbyville,1982,6
+shelbyville,2484,12
+onaga,348,3
+hiteman,973,8
+leonardo,1526,2
+klickitat,2076,7
+shelbyville,465,12
+marstons,2456,2
+marstons,754,5
+wainscott,70,2
+woodbine,1853,6
+newfields,1088,4
+pomaria,228,4
+ranchester,1584,0
+pinesdale,183,0
+newfields,848,0
+tolstoy,382,0
+marstons,2036,1
+hanson,1240,4
+newfields,403,3
+lindenwood,2492,5
+hiteman,355,11
+mifflinburg,627,5
+coffeen,56,4
+pinesdale,852,9
+hiteman,400,10
+wainscott,652,7
+pomaria,1385,1
+klickitat,1914,5
+benevolence,708,1
+lakeville,919,2
+shelbyville,2403,5
+klickitat,2216,4
+ranchester,113,1
+hiteman,1122,1
+klickitat,670,1
+klickitat,1906,1
+lindenwood,1771,7
+stockman,443,2
+lakeville,426,1
+wainscott,1182,2
+leonardo,1487,1
+lindenwood,1835,4
+forkland,581,3
+ranchester,724,1
+newfields,1182,1
+beechwood,642,0
+shelbyville,1718,5
+woodbine,1123,0
+leonardo,1402,7
+hiteman,875,0
+lindenwood,1845,0
+lindenwood,587,3
+hanson,931,10
+lakeville,445,3
+wainscott,1688,7
+hanson,1307,7
+marstons,2026,1
+mifflinburg,132,2
+marstons,965,11
+ranchester,658,1
+lakeville,1696,3
+hiteman,726,7
+mifflinburg,214,4
+hanson,747,6
+hanson,183,7
+hiteman,1826,3
+newfields,1438,10
+tolstoy,822,12
+shelbyville,2373,0
+mifflinburg,224,2
+marstons,14,8
+stockman,1163,1
+coffeen,1369,3
+woodbine,1551,5
+wainscott,846,1
+ranchester,1148,15
+marstons,1053,3
+lindenwood,1499,1
+klickitat,657,2
+hanson,662,3
+hiteman,1096,7
+beechwood,122,0
+leonardo,1837,1
+pinesdale,821,0
+leonardo,1608,15
+shelbyville,1485,1
+marstons,1511,0
+woodbine,1844,1
+merom,699,6
+leonardo,1802,0
+benevolence,84,5
+marstons,765,0
+coffeen,753,0
+marstons,2362,0
+cosmos,799,7
+marstons,1639,5
+hiteman,1493,1
+tolstoy,17,7
+woodbine,952,11
+hanson,1219,14
+shelbyville,1610,13
+hanson,1142,1
+woodbine,1637,1
+klickitat,2032,6
+hanson,1238,2
+cosmos,243,3
+pinesdale,1454,9
+marstons,33,10
+lakeville,932,0
+tolstoy,945,1
+wainscott,908,2
+pomaria,862,14
+woodbine,1816,0
+cosmos,915,7
+lindenwood,1746,10
+pomaria,515,2
+stockman,143,14
+wainscott,1677,10
+newfields,1163,0
+shelbyville,1955,5
+forkland,30,5
+wainscott,684,2
+mifflinburg,754,0
+coffeen,255,4
+beechwood,205,6
+mifflinburg,390,3
+pomaria,1126,4
+lindenwood,2280,2
+ranchester,1195,2
+tolstoy,1808,0
+marstons,942,2
+shelbyville,1468,9
+allensville,81,0
+ranchester,299,3
+coffeen,1299,1
+newfields,743,3
+marstons,2333,5
+tolstoy,1269,3
+wainscott,341,2
+newfields,271,3
+lakeville,1529,0
+pinesdale,708,6
+tolstoy,1209,2
+lakeville,1182,0
+newfields,67,0
+ranchester,472,5
+hiteman,1713,0
+woodbine,21,12
+pomaria,359,2
+cosmos,334,2
+woodbine,2041,3
+pinesdale,837,1
+shelbyville,1717,0
+wainscott,515,5
+marstons,1784,4
+newfields,276,2
+lakeville,1554,2
+newfields,631,8
+lindenwood,1551,5
+woodbine,1824,3
+tolstoy,46,1
+klickitat,1121,2
+forkland,998,4
+woodbine,1454,1
+leonardo,904,6
+allensville,96,6
+marstons,2360,3
+klickitat,1519,4
+benevolence,243,9
+lindenwood,925,1
+tolstoy,84,2
+newfields,299,16
+ranchester,1223,5
+hiteman,948,5
+woodbine,135,4
+wainscott,390,2
+wainscott,1644,13
+cosmos,984,3
+wainscott,1682,6
+marstons,1012,1
+marstons,557,4
+ranchester,94,18
+forkland,1079,0
+lindenwood,46,3
+marstons,2104,9
+hanson,1320,4
+wainscott,701,2
+tolstoy,1324,9
+marstons,1526,2
+tolstoy,613,11
+woodbine,1731,1
+mifflinburg,865,0
+cosmos,39,5
+pomaria,782,2
+beechwood,1049,0
+forkland,680,2
+woodbine,309,0
+allensville,292,3
+pinesdale,176,12
+marstons,2378,11
+marstons,1005,4
+hiteman,1645,3
+tolstoy,504,5
+klickitat,552,3
+shelbyville,2346,1
+beechwood,677,1
+hiteman,1646,4
+lakeville,1314,1
+newfields,805,9
+hanson,493,2
+lindenwood,298,2
+shelbyville,153,0
+marstons,2374,1
+coffeen,210,3
+pinesdale,519,5
+lindenwood,1621,5
+onaga,83,9
+hiteman,1337,2
+hanson,396,3
+newfields,699,0
+hiteman,474,12
+mifflinburg,429,3
+hanson,462,0
+ranchester,1377,21
+lindenwood,1647,0
+shelbyville,1145,3
+hanson,1269,2
+newfields,588,19
+marstons,543,1
+wainscott,1355,0
+wainscott,770,0
+klickitat,1307,0
+klickitat,2059,0
+beechwood,471,0
+woodbine,1095,8
+shelbyville,2197,0
+wainscott,1333,2
+wainscott,184,6
+pomaria,1513,2
+hiteman,1512,13
+leonardo,1206,2
+newfields,1397,2
+woodbine,1207,3
+hanson,1298,2
+woodbine,1580,1
+ranchester,1014,14
+shelbyville,439,4
+marstons,2423,3
+stockman,1525,2
+pinesdale,1483,2
+marstons,1591,13
+wainscott,1762,13
+shelbyville,1308,6
+marstons,2023,5
+cosmos,1008,0
+merom,1003,10
+woodbine,570,0
+wainscott,1282,2
+klickitat,1325,4
+shelbyville,1724,9
+hiteman,963,0
+lakeville,1641,1
+benevolence,507,3
+ranchester,527,5
+cosmos,972,0
+newfields,36,4
+lindenwood,1957,1
+leonardo,1206,5
+woodbine,366,1
+klickitat,2339,3
+wainscott,1705,1
+shelbyville,2708,10
+klickitat,295,0
+pinesdale,1374,3
+hanson,353,3
+klickitat,1457,4
+pinesdale,1240,0
+klickitat,417,6
+cosmos,139,4
+marstons,1262,13
+marstons,2123,0
+stockman,567,0
+ranchester,428,8
+merom,278,4
+klickitat,1994,5
+forkland,738,2
+leonardo,1963,4
+leonardo,2108,8
+lindenwood,1811,4
+stockman,464,0
+marstons,2407,0
+newfields,404,9
+hanson,1409,3
+coffeen,786,2
+merom,657,1
+marstons,2223,7
+klickitat,363,3
+pomaria,316,7
+merom,22,4
+leonardo,1621,1
+hiteman,1100,4
+forkland,389,3
+klickitat,639,8
+hiteman,1804,14
+beechwood,1042,0
+coffeen,817,1
+marstons,2061,4
+coffeen,1186,1
+hiteman,1854,5
+pomaria,69,3
+marstons,1831,0
+coffeen,105,4
+klickitat,1361,1
+lindenwood,328,6
+ranchester,1365,0
+ranchester,1508,18
+marstons,2552,1
+tolstoy,1500,0
+forkland,277,3
+woodbine,1325,11
+tolstoy,785,13
+stockman,583,5
+hanson,1069,2
+wainscott,953,0
+hanson,1632,5
+lakeville,586,5
+forkland,482,0
+shelbyville,1197,4
+shelbyville,660,6
+stockman,997,3
+lindenwood,1399,3
+hiteman,549,4
+lakeville,1251,4
+hiteman,93,1
+klickitat,2288,7
+hanson,1576,5
+newfields,872,14
+newfields,975,6
+shelbyville,431,5
+allensville,473,3
+woodbine,1681,1
+mifflinburg,52,2
+forkland,211,1
+marstons,2061,6
+cosmos,1067,1
+marstons,1704,3
+lakeville,484,6
+klickitat,1229,9
+klickitat,320,5
+lakeville,1807,2
+stockman,494,3
+pomaria,725,12
+hiteman,309,4
+lakeville,1273,0
+shelbyville,1417,6
+marstons,2630,2
+tolstoy,1728,8
+coffeen,106,0
+lakeville,1049,0
+woodbine,1188,1
+ranchester,1278,4
+lindenwood,1182,7
+shelbyville,2297,4
+hiteman,620,0
+pinesdale,1049,1
+shelbyville,1922,3
+ranchester,113,0
+marstons,2123,10
+cosmos,197,10
+klickitat,1946,0
+marstons,2438,3
+leonardo,1546,0
+shelbyville,1146,3
+wainscott,696,10
+klickitat,1266,0
+mifflinburg,434,4
+marstons,1168,2
+mifflinburg,274,1
+beechwood,954,1
+tolstoy,1488,0
+marstons,921,3
+cosmos,739,2
+pomaria,1148,2
+lakeville,1028,8
+coffeen,385,4
+lindenwood,2476,0
+pinesdale,1030,12
+wainscott,641,12
+hiteman,734,3
+hanson,642,5
+marstons,54,6
+coffeen,1473,0
+wainscott,1724,3
+mifflinburg,243,4
+shelbyville,2026,5
+cosmos,365,3
+allensville,449,3
+forkland,191,1
+forkland,568,3
+wainscott,1095,9
+wainscott,763,7
+woodbine,63,7
+coffeen,1086,1
+lakeville,1532,4
+wainscott,504,0
+ranchester,941,1
+klickitat,843,5
+pomaria,1371,2
+tolstoy,1557,1
+wainscott,234,10
+lakeville,405,1
+pinesdale,373,0
+hiteman,1509,6
+hanson,172,2
+klickitat,682,1
+ranchester,42,5
+tolstoy,448,0
+pomaria,373,5
+klickitat,2372,2
+pomaria,1416,13
+lindenwood,1462,1
+woodbine,132,0
+wainscott,461,4
+shelbyville,2544,15
+beechwood,214,1
+hanson,1279,2
+newfields,1405,8
+pomaria,1438,9
+shelbyville,1849,1
+marstons,2387,5
+stockman,69,4
+marstons,826,5
+klickitat,2282,4
+coffeen,673,4
+lakeville,799,0
+hanson,1502,0
+pomaria,1445,2
+woodbine,1147,0
+wainscott,1463,1
+hanson,1006,8
+marstons,478,0
+shelbyville,1838,4
+pinesdale,655,3
+lakeville,796,8
+ranchester,521,2
+cosmos,478,3
+wainscott,355,3
+onaga,109,1
+pomaria,1593,3
+mifflinburg,444,3
+cosmos,149,0
+onaga,75,1
+woodbine,956,0
+leonardo,1121,1
+hanson,163,2
+leonardo,1914,0
+lindenwood,1416,3
+lakeville,616,3
+shelbyville,1555,3
+lindenwood,841,6
+marstons,904,0
+onaga,334,2
+hanson,1294,2
+allensville,463,2
+ranchester,224,1
+lindenwood,2130,9
+shelbyville,186,2
+hiteman,787,3
+lindenwood,1387,7
+pomaria,972,4
+wainscott,1621,10
+lindenwood,1138,8
+lindenwood,1283,5
+pomaria,1147,8
+wainscott,657,9
+cosmos,304,7
+hanson,331,11
+hanson,936,13
+mifflinburg,533,2
+shelbyville,1237,0
+cosmos,1012,7
+klickitat,2379,12
+marstons,1774,7
+lindenwood,1484,8
+pomaria,289,9
+pomaria,1475,12
+shelbyville,553,10
+ranchester,206,5
+klickitat,1589,8
+lakeville,1241,0
+forkland,1101,7
+onaga,610,5
+lindenwood,2470,5
+marstons,404,3
+lindenwood,17,1
+lakeville,545,9
+cosmos,535,1
+lindenwood,2014,1
+shelbyville,2707,12
+shelbyville,2484,2
+pomaria,1518,6
+merom,194,1
+shelbyville,1499,1
+leonardo,1301,4
+tolstoy,1606,0
+lakeville,1450,4
+lindenwood,1490,8
+hiteman,1024,3
+hiteman,946,6
+lakeville,1422,8
+beechwood,375,0
+lakeville,1862,7
+pinesdale,1281,2
+cosmos,520,0
+shelbyville,483,1
+klickitat,1722,2
+hanson,348,2
+marstons,1639,6
+hanson,1296,0
+pomaria,1320,0
+leonardo,301,0
+ranchester,347,2
+lindenwood,18,2
+cosmos,269,3
+woodbine,1760,2
+ranchester,1460,0
+pinesdale,153,0
+forkland,621,0
+allensville,120,0
+hiteman,1424,0
+lakeville,1586,18
+merom,229,0
+cosmos,994,2
+lindenwood,1042,0
+beechwood,88,3
+klickitat,47,4
+hanson,247,13
+lindenwood,1436,6
+merom,836,0
+klickitat,2201,5
+lindenwood,2542,0
+stockman,1459,2
+mifflinburg,479,3
+klickitat,2015,20
+cosmos,40,2
+hanson,1102,4
+klickitat,408,4
+onaga,116,2
+benevolence,376,0
+tolstoy,864,0
+cosmos,546,3
+lindenwood,2159,3
+marstons,1695,2
+merom,22,3
+hiteman,377,5
+lakeville,87,8
+benevolence,872,10
+leonardo,1098,6
+wainscott,376,5
+shelbyville,1550,5
+woodbine,1543,5
+lakeville,769,7
+leonardo,1527,0
+newfields,653,4
+ranchester,1316,2
+lindenwood,2663,0
+leonardo,1826,0
+ranchester,704,0
+marstons,236,4
+ranchester,349,2
+shelbyville,1687,2
+shelbyville,2789,7
+benevolence,183,8
+lindenwood,255,0
+hiteman,405,2
+marstons,969,10
+stockman,265,7
+leonardo,1776,6
+leonardo,1803,10
+forkland,215,7
+marstons,2039,2
+benevolence,324,5
+newfields,162,0
+leonardo,1079,11
+marstons,88,12
+allensville,410,0
+lindenwood,2544,5
+lindenwood,2058,4
+woodbine,1343,2
+klickitat,1161,3
+shelbyville,788,5
+cosmos,217,4
+tolstoy,1658,10
+lindenwood,389,7
+woodbine,1310,1
+pomaria,1465,16
+pinesdale,854,0
+newfields,1219,2
+leonardo,292,3
+cosmos,380,3
+beechwood,820,2
+marstons,1058,1
+marstons,136,6
+beechwood,1044,3
+cosmos,825,3
+wainscott,760,2
+pinesdale,712,6
+coffeen,699,8
+newfields,504,0
+marstons,2191,1
+ranchester,1415,6
+woodbine,352,2
+wainscott,630,12
+klickitat,547,2
+beechwood,659,7
+beechwood,635,3
+ranchester,1313,2
+pomaria,131,0
+pomaria,998,3
+beechwood,1125,9
+pinesdale,605,4
+newfields,1465,0
+shelbyville,1826,10
+forkland,933,2
+merom,126,5
+hanson,323,8
+benevolence,911,0
+onaga,79,3
+stockman,875,4
+leonardo,1931,7
+hiteman,1785,2
+ranchester,570,5
+lindenwood,610,2
+newfields,1246,1
+onaga,94,1
+hanson,572,3
+leonardo,1457,3
+wainscott,794,4
+tolstoy,1267,9
+wainscott,1284,9
+beechwood,92,4
+hanson,909,0
+cosmos,15,9
+newfields,859,3
+leonardo,1059,1
+tolstoy,587,0
+stockman,49,0
+lindenwood,394,3
+lakeville,769,2
+shelbyville,1694,14
+stockman,1390,1
+stockman,1462,6
+woodbine,584,2
+lindenwood,2213,9
+coffeen,848,1
+woodbine,1457,1
+marstons,1385,10
+lakeville,46,9
+lindenwood,2122,5
+stockman,1006,8
+newfields,294,8
+shelbyville,2198,2
+lindenwood,483,1
+klickitat,1315,4
+tolstoy,926,4
+merom,46,5
+wainscott,521,0
+tolstoy,1015,11
+lindenwood,2501,0
+hiteman,56,2
+ranchester,437,4
+wainscott,1035,8
+leonardo,2011,7
+lindenwood,1096,3
+tolstoy,982,8
+wainscott,1715,0
+hiteman,793,2
+stockman,1593,3
+leonardo,1813,3
+lakeville,1024,6
+pinesdale,490,0
+benevolence,444,2
+leonardo,1935,0
+hiteman,789,5
+shelbyville,2401,4
+allensville,333,0
+marstons,2630,0
+onaga,151,1
+hiteman,1069,5
+marstons,444,6
+stockman,277,3
+merom,737,3
+klickitat,1745,6
+mifflinburg,952,2
+pomaria,1677,19
+lindenwood,386,1
+marstons,492,1
+tolstoy,236,12
+marstons,231,3
+hanson,510,2
+woodbine,347,7
+wainscott,1651,4
+cosmos,717,13
+coffeen,1107,10
+hiteman,146,10
+ranchester,1485,2
+lindenwood,2227,1
+marstons,1564,5
+cosmos,445,1
+beechwood,829,5
+merom,238,5
+coffeen,818,5
+pomaria,170,1
+shelbyville,743,2
+tolstoy,332,4
+woodbine,1355,6
+lakeville,1675,4
+shelbyville,1498,0
+leonardo,1935,18
+tolstoy,1788,2
+klickitat,2416,0
+lindenwood,2240,3
+shelbyville,1129,11
+pinesdale,594,10
+lakeville,1349,10
+wainscott,945,9
+pomaria,230,5
+pomaria,1002,7
+stockman,62,6
+shelbyville,2448,3
+lindenwood,1192,0
+shelbyville,669,1
+shelbyville,2788,2
+stockman,399,5
+hiteman,204,6
+forkland,701,0
+lakeville,1435,5
+lakeville,739,2
+marstons,1301,0
+beechwood,410,4
+beechwood,39,7
+onaga,384,1
+woodbine,1249,1
+marstons,119,11
+forkland,663,3
+cosmos,5,5
+coffeen,856,0
+hiteman,352,4
+shelbyville,2313,2
+forkland,483,4
+wainscott,405,2
+hanson,719,6
+lindenwood,1063,0
+newfields,1301,4
+allensville,357,2
+pomaria,1236,3
+woodbine,1692,0
+hanson,1618,1
+shelbyville,557,0
+leonardo,480,8
+cosmos,871,4
+lindenwood,2294,3
+onaga,585,0
+leonardo,784,6
+newfields,869,1
+coffeen,628,4
+stockman,118,0
+pinesdale,321,3
+newfields,142,6
+klickitat,565,1
+beechwood,624,2
+ranchester,897,1
+marstons,1331,9
+leonardo,311,7
+shelbyville,1347,0
+woodbine,933,0
+shelbyville,1772,6
+beechwood,425,2
+lakeville,124,2
+pomaria,1125,0
+hanson,139,2
+shelbyville,512,5
+merom,281,2
+hiteman,1142,10
+pomaria,491,11
+coffeen,970,7
+pinesdale,453,1
+lindenwood,399,0
+shelbyville,1905,3
+woodbine,566,12
+stockman,1282,1
+marstons,585,14
+forkland,815,2
+lindenwood,1438,1
+hanson,679,6
+lindenwood,824,5
+lindenwood,242,3
+hanson,153,4
+lakeville,1730,1
+merom,326,3
+tolstoy,972,5
+pomaria,1512,10
+shelbyville,453,12
+marstons,2027,2
+tolstoy,1023,6
+leonardo,661,3
+woodbine,1680,9
+newfields,1249,10
+leonardo,1202,5
+ranchester,155,0
+newfields,1338,14
+woodbine,186,3
+newfields,1413,5
+woodbine,401,3
+newfields,523,3
+ranchester,708,1
+woodbine,452,4
+klickitat,622,7
+tolstoy,943,3
+klickitat,1574,3
+leonardo,464,1
+lakeville,1097,7
+tolstoy,1671,3
+leonardo,1804,1
+marstons,2334,4
+lakeville,1176,3
+forkland,1005,2
+wainscott,597,5
+pinesdale,1084,3
+shelbyville,854,1
+lakeville,295,0
+lindenwood,2426,1
+pomaria,1549,1
+leonardo,563,8
+pomaria,54,3
+ranchester,566,3
+pomaria,559,3
+shelbyville,723,2
+pinesdale,533,7
+merom,805,4
+coffeen,484,4
+mifflinburg,567,5
+shelbyville,2624,1
+wainscott,566,3
+newfields,655,1
+forkland,352,3
+benevolence,704,6
+woodbine,1029,1
+forkland,831,2
+tolstoy,591,11
+lakeville,611,4
+leonardo,2020,5
+woodbine,1272,0
+allensville,206,0
+woodbine,1111,3
+pinesdale,1252,0
+leonardo,275,3
+lakeville,283,6
+shelbyville,2334,16
+merom,942,1
+newfields,428,5
+klickitat,1114,8
+allensville,277,3
+klickitat,64,10
+leonardo,1125,6
+klickitat,914,3
+pinesdale,1156,2
+merom,612,1
+pomaria,781,13
+marstons,1158,1
+lindenwood,1425,1
+wainscott,1713,3
+lindenwood,1647,1
+wainscott,623,3
+cosmos,915,9
+hiteman,1709,0
+lindenwood,2033,0
+beechwood,1019,3
+benevolence,959,3
+pinesdale,915,0
+pomaria,966,7
+shelbyville,250,12
+stockman,391,4
+pinesdale,68,8
+klickitat,1300,2
+beechwood,596,2
+tolstoy,52,0
+marstons,1228,5
+shelbyville,1620,9
+pomaria,319,1
+beechwood,673,6
+lakeville,1089,0
+lakeville,1622,0
+onaga,663,4
+hiteman,1726,2
+lindenwood,1349,8
+wainscott,1346,4
+tolstoy,392,11
+lakeville,175,8
+forkland,240,3
+tolstoy,1243,1
+shelbyville,378,5
+wainscott,601,10
+hiteman,1078,0
+newfields,879,1
+ranchester,1388,3
+marstons,2474,8
+marstons,1852,4
+merom,342,4
+stockman,677,2
+shelbyville,1545,0
+shelbyville,2612,1
+pinesdale,1271,0
+klickitat,1922,12
+klickitat,113,1
+lindenwood,1838,0
+hanson,1121,8
+beechwood,806,13
+ranchester,528,6
+tolstoy,49,1
+pomaria,91,6
+lakeville,293,2
+stockman,368,3
+cosmos,973,9
+pomaria,334,0
+hanson,1173,14
+hanson,546,18
+pomaria,1296,6
+klickitat,1438,1
+shelbyville,745,4
+hiteman,1336,9
+lindenwood,771,4
+shelbyville,2250,0
+newfields,183,3
+lindenwood,1946,5
+pinesdale,57,5
+pinesdale,727,9
+shelbyville,1296,4
+klickitat,1685,13
+woodbine,818,7
+klickitat,1614,1
+newfields,423,11
+leonardo,643,9
+klickitat,1817,12
+woodbine,222,2
+klickitat,584,7
+klickitat,2373,11
+klickitat,1852,3
+shelbyville,468,0
+marstons,1590,4
+lindenwood,1653,5
+wainscott,69,13
+klickitat,1238,12
+shelbyville,63,7
+hiteman,1411,3
+marstons,910,7
+stockman,978,1
+pomaria,945,0
+lindenwood,607,9
+lakeville,365,2
+klickitat,148,21
+coffeen,1373,3
+klickitat,1804,4
+benevolence,100,3
+coffeen,560,7
+pinesdale,364,0
+wainscott,1441,1
+cosmos,887,2
+woodbine,1357,6
+mifflinburg,427,1
+wainscott,1462,9
+lakeville,1274,5
+stockman,246,0
+leonardo,1288,1
+woodbine,1809,7
+lakeville,1003,0
+pomaria,83,3
+hanson,1628,2
+woodbine,1946,12
+stockman,1530,0
+hanson,779,8
+hanson,1214,2
+lindenwood,814,18
+lindenwood,2158,9
+marstons,791,4
+shelbyville,188,5
+marstons,251,2
+allensville,420,1
+forkland,964,1
+cosmos,378,6
+shelbyville,1369,2
+ranchester,386,3
+hanson,705,7
+ranchester,586,1
+tolstoy,591,6
+shelbyville,2424,1
+beechwood,911,6
+stockman,676,0
+beechwood,964,4
+tolstoy,1452,14
+lakeville,909,2
+merom,359,2
+shelbyville,1383,0
+klickitat,664,4
+klickitat,1363,7
+shelbyville,130,1
+hanson,1607,1
+forkland,201,3
+coffeen,1149,3
+shelbyville,158,9
+shelbyville,2596,5
+lakeville,1174,0
+klickitat,1834,4
+lindenwood,764,8
+lindenwood,2026,2
+lindenwood,2588,5
+lindenwood,0,1
+onaga,100,8
+woodbine,308,11
+pomaria,1281,9
+pinesdale,930,5
+newfields,1204,13
+pomaria,1439,4
+pinesdale,409,4
+pomaria,1161,6
+pinesdale,1383,2
+woodbine,691,0
+stockman,1442,1
+tolstoy,1613,0
+shelbyville,1214,6
+woodbine,1992,0
+ranchester,1085,0
+hanson,1091,4
+klickitat,340,8
+klickitat,975,2
+newfields,392,3
+leonardo,675,3
+klickitat,979,5
+newfields,511,8
+onaga,119,2
+klickitat,55,9
+ranchester,296,4
+shelbyville,793,1
+tolstoy,846,0
+pomaria,999,5
+woodbine,1317,6
+shelbyville,43,2
+lindenwood,2574,0
+cosmos,868,5
+hanson,334,3
+lakeville,801,6
+leonardo,581,2
+leonardo,529,16
+allensville,174,2
+pinesdale,573,2
+lindenwood,1415,5
+hanson,97,5
+forkland,159,6
+hanson,1205,3
+lindenwood,1120,2
+merom,479,1
+shelbyville,838,5
+shelbyville,326,3
+stockman,1455,8
+lakeville,1353,3
+benevolence,547,0
+onaga,266,1
+merom,288,0
+leonardo,2068,9
+klickitat,150,20
+newfields,294,7
+wainscott,336,1
+hanson,1159,3
+tolstoy,283,0
+wainscott,1772,5
+pinesdale,603,7
+newfields,341,2
+cosmos,696,1
+coffeen,677,1
+leonardo,749,0
+ranchester,1544,0
+beechwood,329,0
+klickitat,361,4
+shelbyville,2370,8
+wainscott,1661,10
+newfields,124,9
+marstons,727,0
+woodbine,647,2
+klickitat,1695,5
+marstons,2315,0
+hiteman,1209,5
+beechwood,333,2
+klickitat,138,6
+hanson,593,8
+marstons,149,2
+coffeen,1215,1
+lindenwood,360,9
+klickitat,896,2
+woodbine,1210,4
+shelbyville,784,12
+lindenwood,2255,4
+shelbyville,1336,3
+coffeen,1387,4
+woodbine,945,11
+ranchester,1492,2
+tolstoy,394,2
+marstons,442,0
+wainscott,729,2
+lakeville,1327,2
+marstons,1782,1
+marstons,1529,4
+woodbine,1159,6
+lakeville,1762,8
+woodbine,223,0
+forkland,1143,3
+benevolence,97,0
+pomaria,1224,5
+shelbyville,1077,18
+beechwood,545,5
+klickitat,1125,0
+marstons,2476,7
+benevolence,861,6
+pomaria,1381,12
+merom,1067,3
+leonardo,560,13
+woodbine,974,4
+forkland,1030,8
+marstons,2618,5
+coffeen,1015,10
+shelbyville,556,2
+klickitat,942,2
+coffeen,325,1
+marstons,545,10
+hanson,402,2
+wainscott,53,3
+tolstoy,294,4
+forkland,184,2
+klickitat,111,6
+newfields,481,10
+ranchester,873,9
+hiteman,485,3
+cosmos,187,3
+marstons,344,2
+shelbyville,1102,5
+mifflinburg,704,7
+forkland,799,2
+beechwood,196,2
+lindenwood,1026,4
+coffeen,1370,3
+leonardo,917,0
+lindenwood,1135,3
+tolstoy,795,4
+merom,634,4
+wainscott,1644,5
+coffeen,1175,0
+forkland,524,1
+newfields,1463,3
+lakeville,1117,3
+klickitat,2107,11
+shelbyville,459,1
+marstons,2097,2
+hiteman,959,3
+leonardo,1590,2
+hanson,847,5
+lindenwood,228,6
+pinesdale,734,8
+marstons,1981,1
+cosmos,130,4
+leonardo,1358,17
+ranchester,832,5
+marstons,1381,6
+cosmos,83,1
+klickitat,1851,5
+hiteman,1139,2
+shelbyville,500,1
+klickitat,1083,5
+woodbine,2000,0
+klickitat,81,1
+cosmos,717,5
+leonardo,1177,3
+hanson,693,0
+klickitat,293,2
+hanson,1370,2
+stockman,811,0
+pinesdale,748,2
+hanson,1330,9
+leonardo,746,2
+ranchester,1228,2
+shelbyville,2217,9
+forkland,974,4
+lakeville,554,0
+pinesdale,458,10
+shelbyville,1699,10
+lindenwood,2515,2
+cosmos,1,4
+lakeville,232,4
+stockman,874,2
+leonardo,475,2
+woodbine,1289,4
+newfields,1426,4
+woodbine,968,3
+tolstoy,744,9
+cosmos,408,3
+leonardo,1507,10
+klickitat,342,5
+hiteman,79,3
+shelbyville,1549,7
+mifflinburg,334,4
+pomaria,957,1
+marstons,313,3
+wainscott,279,0
+mifflinburg,902,6
+tolstoy,180,5
+tolstoy,224,0
+shelbyville,1714,1
+wainscott,244,8
+lindenwood,416,3
+lakeville,609,13
+cosmos,203,5
+cosmos,523,11
+stockman,1311,0
+shelbyville,74,2
+marstons,1469,0
+coffeen,974,0
+wainscott,1257,1
+marstons,1029,8
+leonardo,935,4
+merom,704,6
+ranchester,345,8
+lindenwood,2401,2
+onaga,120,2
+klickitat,678,1
+hanson,356,9
+marstons,1721,2
+marstons,1489,7
+ranchester,647,1
+woodbine,1738,7
+pomaria,415,2
+merom,957,1
+wainscott,1396,0
+pomaria,41,1
+shelbyville,1133,6
+marstons,1782,6
+ranchester,381,6
+leonardo,53,0
+shelbyville,1190,1
+hanson,29,7
+woodbine,1813,15
+newfields,504,15
+klickitat,2148,6
+cosmos,193,2
+shelbyville,302,3
+newfields,241,5
+hanson,1260,1
+ranchester,551,2
+hiteman,373,3
+marstons,2340,6
+shelbyville,1296,13
+lindenwood,883,4
+hanson,72,5
+forkland,1191,2
+wainscott,1248,4
+wainscott,910,3
+coffeen,1426,3
+allensville,213,2
+marstons,113,0
+onaga,213,6
+marstons,2055,2
+hiteman,1357,0
+shelbyville,2568,0
+woodbine,864,5
+benevolence,667,5
+hiteman,411,7
+merom,102,0
+pinesdale,1098,3
+marstons,1005,2
+marstons,1146,14
+lindenwood,2611,3
+leonardo,71,3
+woodbine,1847,5
+pomaria,106,2
+marstons,34,0
+coffeen,1129,1
+allensville,229,8
+leonardo,67,2
+lindenwood,1691,2
+hiteman,1212,10
+merom,45,8
+merom,726,3
+marstons,662,0
+leonardo,257,1
+marstons,2337,9
+klickitat,1967,8
+benevolence,280,6
+lindenwood,1729,2
+coffeen,14,1
+hanson,1449,9
+hiteman,1380,2
+shelbyville,2175,0
+woodbine,1749,3
+coffeen,714,5
+shelbyville,235,4
+newfields,1325,6
+coffeen,348,1
+wainscott,834,6
+beechwood,213,6
+beechwood,1040,7
+tolstoy,4,0
+pinesdale,1071,0
+marstons,497,0
+lakeville,981,0
+wainscott,1017,6
+klickitat,1960,24
+woodbine,1653,10
+coffeen,1397,4
+beechwood,261,1
+woodbine,1864,1
+ranchester,1148,19
+tolstoy,170,3
+beechwood,694,2
+marstons,2342,3
+lindenwood,2341,0
+marstons,2241,8
+klickitat,2406,6
+lakeville,799,3
+cosmos,620,0
+hiteman,856,4
+ranchester,157,7
+beechwood,614,2
+pomaria,1189,1
+newfields,881,8
+marstons,1650,0
+woodbine,1095,11
+stockman,540,8
+shelbyville,1843,6
+tolstoy,223,1
+stockman,1416,4
+tolstoy,452,4
+newfields,405,3
+forkland,245,0
+shelbyville,1744,14
+lakeville,917,0
+shelbyville,1961,1
+leonardo,1985,16
+shelbyville,498,15
+klickitat,148,10
+hiteman,56,6
+newfields,1178,7
+lindenwood,179,12
+leonardo,531,4
+tolstoy,782,4
+mifflinburg,394,7
+forkland,160,4
+newfields,1571,3
+forkland,769,3
+shelbyville,2163,0
+lindenwood,279,10
+shelbyville,1544,3
+ranchester,377,6
+stockman,1487,1
+klickitat,1177,3
+forkland,1035,0
+shelbyville,2102,5
+shelbyville,2439,0
+cosmos,240,4
+stockman,1367,6
+cosmos,624,2
+klickitat,1462,4
+coffeen,368,2
+tolstoy,282,0
+wainscott,161,4
+tolstoy,344,8
+klickitat,1850,6
+hanson,853,3
+cosmos,1067,4
+tolstoy,1313,8
+marstons,2467,8
+shelbyville,2294,14
+lindenwood,1998,0
+pomaria,1258,7
+shelbyville,2228,3
+leonardo,208,4
+leonardo,690,3
+hiteman,1618,0
+benevolence,658,1
+coffeen,469,3
+stockman,1486,5
+merom,850,2
+shelbyville,2600,0
+leonardo,851,5
+stockman,124,4
+forkland,356,6
+newfields,1104,9
+klickitat,787,14
+coffeen,220,7
+cosmos,303,4
+stockman,417,2
+tolstoy,1461,10
+wainscott,1105,8
+pomaria,266,3
+shelbyville,324,2
+cosmos,310,13
+lindenwood,1627,1
+hiteman,315,1
+hanson,143,0
+woodbine,754,2
+lindenwood,2012,0
+ranchester,566,2
+hanson,1001,3
+tolstoy,875,0
+mifflinburg,108,1
+lindenwood,118,4
+pinesdale,1468,11
+klickitat,329,5
+shelbyville,1158,2
+merom,32,2
+mifflinburg,506,8
+woodbine,1891,7
+pinesdale,883,1
+cosmos,878,0
+klickitat,1109,10
+allensville,249,2
+lindenwood,231,1
+marstons,908,5
+wainscott,314,6
+allensville,2,2
+pomaria,989,2
+pomaria,566,1
+lakeville,1368,8
+stockman,1497,1
+marstons,406,3
+pomaria,395,0
+lindenwood,1944,3
+lakeville,183,5
+tolstoy,1071,10
+marstons,1555,2
+pinesdale,285,3
+ranchester,1106,2
+pomaria,688,3
+pomaria,787,3
+newfields,1122,4
+lindenwood,2494,4
+ranchester,943,0
+tolstoy,1089,3
+pinesdale,572,7
+leonardo,440,5
+klickitat,1806,3
+hiteman,1419,1
+newfields,123,1
+hanson,1064,4
+klickitat,974,0
+hanson,1217,2
+beechwood,1135,2
+klickitat,1285,1
+lakeville,133,1
+shelbyville,1865,4
+newfields,1052,1
+lindenwood,1458,7
+coffeen,118,0
+tolstoy,821,1
+pinesdale,759,3
+beechwood,461,3
+pinesdale,1122,1
+beechwood,145,2
+wainscott,300,4
+lakeville,1732,3
+wainscott,1120,5
+klickitat,2399,3
+cosmos,748,0
+hanson,660,4
+lakeville,630,5
+marstons,182,0
+stockman,366,2
+woodbine,865,2
+klickitat,1426,4
+tolstoy,1523,9
+onaga,587,0
+cosmos,242,2
+tolstoy,1063,3
+leonardo,798,5
+benevolence,160,6
+coffeen,702,2
+pinesdale,118,6
+shelbyville,2370,6
+shelbyville,572,11
+woodbine,538,11
+marstons,2505,1
+wainscott,1437,1
+leonardo,1139,4
+klickitat,1896,4
+shelbyville,512,9
+beechwood,798,3
+marstons,2627,2
+wainscott,1688,2
+ranchester,1478,0
+newfields,907,8
+mifflinburg,186,2
+shelbyville,347,0
+lindenwood,2609,1
+cosmos,419,2
+klickitat,2160,8
+klickitat,1843,4
+pinesdale,1457,2
+shelbyville,1413,0
+shelbyville,2707,11
+wainscott,1103,6
+marstons,2494,2
+klickitat,292,6
+hanson,888,3
+hiteman,1803,0
+hanson,968,2
+mifflinburg,716,0
+stockman,1328,8
+lindenwood,1619,4
+klickitat,1201,4
+merom,940,6
+stockman,1540,0
+merom,54,8
+klickitat,42,10
+newfields,1186,2
+newfields,1599,2
+shelbyville,993,2
+newfields,49,0
+pomaria,1068,6
+lindenwood,1821,8
+hanson,1330,14
+tolstoy,1290,9
+tolstoy,963,0
+coffeen,864,2
+cosmos,83,2
+hanson,1200,1
+woodbine,1825,1
+hiteman,1754,8
+woodbine,1353,1
+beechwood,487,0
+hiteman,1187,3
+mifflinburg,585,3
+beechwood,391,3
+beechwood,1019,10
+shelbyville,770,1
+wainscott,418,8
+hiteman,73,5
+hanson,635,0
+woodbine,1878,1
+woodbine,360,11
+merom,401,1
+coffeen,194,3
+beechwood,1148,4
+leonardo,1577,0
+wainscott,324,1
+wainscott,1024,3
+klickitat,1293,1
+woodbine,603,7
+tolstoy,1088,4
+wainscott,58,5
+marstons,1998,3
+leonardo,1318,9
+hanson,1001,1
+beechwood,716,1
+lindenwood,337,0
+leonardo,754,4
+pomaria,1411,7
+marstons,2091,0
+lakeville,790,4
+ranchester,1503,5
+tolstoy,68,12
+pomaria,287,15
+wainscott,98,3
+lindenwood,320,1
+ranchester,192,0
+woodbine,1235,4
+shelbyville,2347,6
+stockman,439,4
+woodbine,295,12
+lindenwood,768,8
+newfields,663,5
+pomaria,1142,6
+woodbine,985,3
+tolstoy,474,6
+marstons,167,6
+leonardo,9,3
+lindenwood,1818,15
+lindenwood,607,4
+wainscott,532,5
+wainscott,320,2
+newfields,1294,8
+woodbine,1733,5
+newfields,1046,8
+shelbyville,2032,1
+stockman,1129,0
+shelbyville,64,3
+hiteman,885,9
+newfields,1300,5
+ranchester,43,0
+leonardo,777,2
+cosmos,413,7
+tolstoy,451,0
+klickitat,1387,1
+leonardo,337,21
+lindenwood,287,5
+pinesdale,1269,7
+hanson,867,2
+cosmos,776,3
+marstons,798,5
+tolstoy,696,2
+ranchester,1535,4
+tolstoy,883,7
+coffeen,319,0
+wainscott,1438,4
+beechwood,841,2
+shelbyville,559,8
+wainscott,499,4
+ranchester,723,1
+benevolence,289,7
+klickitat,1467,2
+hiteman,107,4
+leonardo,651,0
+lindenwood,633,7
+klickitat,321,2
+stockman,565,6
+klickitat,1933,6
+forkland,141,1
+ranchester,1357,2
+allensville,321,0
+wainscott,239,0
+lakeville,943,5
+shelbyville,1526,9
+hiteman,1547,0
+lakeville,1437,0
+shelbyville,1406,3
+hanson,266,4
+onaga,451,1
+pinesdale,1371,13
+klickitat,2192,2
+lakeville,794,3
+marstons,976,8
+leonardo,203,9
+leonardo,555,11
+lindenwood,2553,10
+marstons,775,9
+coffeen,91,5
+woodbine,1114,2
+ranchester,1393,6
+leonardo,1944,7
+tolstoy,782,3
+benevolence,247,7
+marstons,881,4
+beechwood,596,4
+pinesdale,221,4
+shelbyville,515,9
+pomaria,1602,2
+tolstoy,557,2
+cosmos,605,1
+klickitat,2218,3
+pinesdale,38,10
+klickitat,1325,0
+ranchester,1073,2
+marstons,1595,1
+leonardo,293,6
+pomaria,12,15
+beechwood,339,2
+lakeville,864,3
+wainscott,1710,4
+hanson,1103,2
+marstons,1202,2
+wainscott,449,6
+klickitat,1650,3
+klickitat,2366,13
+lindenwood,2618,9
+klickitat,2181,0
+woodbine,1900,4
+tolstoy,713,3
+coffeen,808,8
+cosmos,126,4
+hanson,1361,7
+marstons,2574,0
+wainscott,1671,7
+pomaria,122,1
+marstons,940,3
+leonardo,53,2
+shelbyville,1070,2
+tolstoy,969,6
+lindenwood,178,2
+newfields,222,14
+marstons,782,1
+lindenwood,576,1
+shelbyville,611,5
+pomaria,1175,4
+lakeville,1468,10
+ranchester,515,6
+newfields,927,4
+pomaria,305,2
+shelbyville,1964,2
+pinesdale,1249,0
+stockman,888,0
+klickitat,512,0
+klickitat,2379,9
+shelbyville,2718,4
+wainscott,599,12
+shelbyville,1114,5
+beechwood,800,0
+leonardo,138,3
+cosmos,126,0
+leonardo,1471,0
+woodbine,1063,0
+cosmos,533,2
+klickitat,1360,2
+wainscott,926,3
+pomaria,253,4
+shelbyville,1602,4
+benevolence,378,0
+ranchester,1174,4
+lindenwood,1328,4
+hanson,410,1
+klickitat,2271,7
+ranchester,824,5
+wainscott,1621,2
+pinesdale,376,4
+klickitat,2206,5
+wainscott,366,6
+tolstoy,177,6
+klickitat,236,4
+newfields,693,5
+shelbyville,664,1
+beechwood,667,6
+marstons,1718,6
+hiteman,880,13
+coffeen,571,5
+benevolence,924,5
+lindenwood,1702,5
+wainscott,273,1
+beechwood,978,0
+cosmos,449,1
+ranchester,1400,2
+shelbyville,1500,3
+hanson,836,1
+pinesdale,1081,2
+shelbyville,570,2
+shelbyville,1595,2
+tolstoy,520,5
+hiteman,435,6
+newfields,748,10
+marstons,582,3
+lakeville,947,7
+marstons,525,2
+klickitat,1634,1
+shelbyville,1680,4
+pinesdale,1168,5
+mifflinburg,802,0
+shelbyville,2192,1
+woodbine,671,9
+newfields,585,0
+marstons,331,2
+mifflinburg,796,0
+ranchester,1299,5
+hiteman,787,0
+stockman,1484,18
+lakeville,1410,4
+shelbyville,78,6
+tolstoy,575,2
+lindenwood,856,0
+woodbine,941,1
+onaga,447,0
+stockman,1441,0
+coffeen,1511,1
+pomaria,1221,0
+mifflinburg,235,0
+pinesdale,66,4
+leonardo,49,7
+hanson,805,0
+shelbyville,1141,9
+marstons,1713,1
+wainscott,210,2
+allensville,210,5
+forkland,278,1
+pomaria,317,11
+beechwood,249,5
+forkland,986,1
+woodbine,427,2
+leonardo,1757,0
+newfields,308,0
+cosmos,313,7
+marstons,2388,6
+coffeen,482,3
+beechwood,586,0
+lakeville,1045,4
+woodbine,392,3
+coffeen,917,2
+woodbine,1152,5
+mifflinburg,334,0
+onaga,473,6
+woodbine,779,9
+coffeen,880,1
+hiteman,362,0
+newfields,740,17
+lakeville,285,5
+hanson,155,7
+pinesdale,220,6
+leonardo,1618,6
+wainscott,1700,6
+beechwood,808,2
+tolstoy,787,4
+shelbyville,2533,8
+lakeville,163,1
+leonardo,1211,4
+wainscott,1624,0
+wainscott,336,6
+marstons,1176,3
+wainscott,1772,0
+tolstoy,864,15
+stockman,533,2
+tolstoy,555,6
+leonardo,383,4
+shelbyville,310,8
+lakeville,1134,0
+woodbine,633,1
+coffeen,1395,0
+pinesdale,1307,11
+cosmos,129,1
+tolstoy,43,6
+newfields,1292,9
+wainscott,1175,1
+mifflinburg,905,1
+hiteman,968,4
+coffeen,882,2
+merom,210,4
+tolstoy,924,9
+cosmos,690,1
+woodbine,868,2
+hanson,1136,0
+lindenwood,546,2
+shelbyville,1695,5
+pinesdale,1366,0
+mifflinburg,818,0
+klickitat,1265,6
+ranchester,1053,4
+shelbyville,2148,0
+hiteman,1234,3
+stockman,932,6
+merom,357,7
+stockman,549,0
+lakeville,1472,6
+klickitat,503,9
+ranchester,1250,12
+hanson,300,2
+hiteman,874,8
+tolstoy,317,2
+woodbine,1992,2
+lakeville,821,1
+leonardo,1715,3
+cosmos,68,11
+cosmos,197,0
+ranchester,1039,3
+lindenwood,1672,6
+klickitat,103,2
+hanson,1388,13
+pomaria,707,7
+pinesdale,317,3
+tolstoy,420,1
+tolstoy,1368,8
+hiteman,1183,2
+lindenwood,825,8
+klickitat,944,6
+shelbyville,2352,11
+pinesdale,724,0
+hanson,482,2
+shelbyville,912,8
+allensville,333,1
+wainscott,136,1
+shelbyville,2654,4
+cosmos,623,4
+beechwood,51,2
+marstons,27,3
+beechwood,326,6
+pinesdale,929,12
+newfields,1510,4
+lindenwood,204,4
+hanson,432,3
+lindenwood,2526,6
+newfields,1259,6
+marstons,1145,3
+cosmos,756,7
+tolstoy,1647,0
+ranchester,862,5
+pomaria,874,4
+woodbine,592,1
+ranchester,120,0
+hanson,1563,6
+klickitat,1851,0
+wainscott,971,1
+hiteman,365,5
+newfields,1051,11
+klickitat,550,3
+shelbyville,2516,4
+forkland,894,2
+merom,39,7
+beechwood,1036,3
+klickitat,363,0
+klickitat,1721,3
+benevolence,389,4
+lindenwood,1038,0
+wainscott,1239,5
+marstons,990,10
+leonardo,1123,1
+lindenwood,537,6
+pinesdale,527,6
+woodbine,747,0
+lakeville,1576,12
+pinesdale,1092,5
+ranchester,1482,1
+newfields,431,2
+pomaria,1344,2
+ranchester,1595,1
+shelbyville,1892,8
+klickitat,1100,3
+ranchester,1434,5
+leonardo,1417,3
+hiteman,1138,1
+hanson,162,0
+leonardo,226,4
+woodbine,420,4
+stockman,185,1
+newfields,1465,5
+benevolence,81,1
+woodbine,893,2
+wainscott,653,1
+mifflinburg,240,5
+shelbyville,359,3
+shelbyville,2389,0
+pomaria,1622,8
+klickitat,1314,0
+merom,390,1
+benevolence,341,0
+coffeen,1110,0
+lindenwood,2418,2
+klickitat,809,8
+newfields,132,7
+woodbine,1302,3
+lindenwood,535,7
+leonardo,683,5
+hanson,636,1
+hiteman,768,1
+wainscott,337,13
+lindenwood,341,4
+ranchester,793,5
+pomaria,1175,3
+hiteman,608,12
+tolstoy,1768,2
+klickitat,455,10
+lakeville,1210,0
+klickitat,354,1
+woodbine,1566,1
+woodbine,1665,8
+cosmos,298,0
+klickitat,651,6
+merom,695,5
+pomaria,843,4
+newfields,453,2
+pinesdale,991,2
+pomaria,217,5
+pomaria,898,5
+hanson,387,4
+woodbine,1984,6
+leonardo,999,4
+beechwood,398,1
+allensville,142,2
+newfields,919,3
+shelbyville,2378,6
+mifflinburg,386,3
+shelbyville,2126,0
+lindenwood,5,3
+woodbine,1618,11
+lakeville,1570,5
+klickitat,734,9
+shelbyville,1643,6
+wainscott,573,2
+hiteman,917,0
+marstons,1966,2
+wainscott,641,5
+pomaria,1555,2
+lindenwood,2107,2
+forkland,300,2
+lindenwood,573,0
+klickitat,876,4
+hanson,1043,3
+pomaria,1095,8
+wainscott,1786,9
+woodbine,411,2
+beechwood,878,4
+coffeen,503,6
+merom,172,0
+newfields,1439,12
+shelbyville,1722,0
+forkland,784,1
+hanson,351,8
+hiteman,1070,2
+shelbyville,857,6
+ranchester,1347,11
+onaga,581,5
+marstons,1714,10
+tolstoy,189,3
+hanson,648,7
+shelbyville,123,4
+marstons,1811,4
+wainscott,1662,6
+woodbine,1835,2
+klickitat,1821,1
+leonardo,1608,13
+hanson,1172,6
+merom,396,1
+merom,1039,0
+mifflinburg,901,0
+marstons,1878,1
+marstons,746,3
+lindenwood,1312,6
+merom,1038,0
+leonardo,1252,3
+merom,336,1
+shelbyville,2472,7
+pomaria,573,5
+leonardo,112,0
+lakeville,126,6
+hiteman,1563,7
+cosmos,950,1
+hanson,1041,3
+marstons,661,2
+lindenwood,1907,0
+hanson,1318,5
+forkland,1019,1
+newfields,1424,5
+leonardo,2103,1
+ranchester,379,7
+klickitat,1709,0
+cosmos,100,2
+shelbyville,1186,2
+woodbine,507,11
+hiteman,1765,0
+hiteman,1265,0
+pomaria,1539,5
+stockman,1541,4
+pinesdale,1464,2
+ranchester,995,5
+merom,769,4
+leonardo,1213,13
+lakeville,1611,5
+wainscott,1767,0
+newfields,18,6
+wainscott,677,7
+wainscott,49,1
+pinesdale,10,4
+cosmos,676,0
+lindenwood,933,0
+stockman,157,3
+pinesdale,100,6
+hanson,1404,12
+shelbyville,1642,2
+pinesdale,1243,1
+newfields,61,0
+cosmos,1076,5
+pomaria,1382,3
+leonardo,553,18
+merom,852,3
+shelbyville,15,5
+forkland,861,5
+ranchester,305,3
+wainscott,1554,5
+marstons,209,3
+shelbyville,2527,3
+marstons,933,4
+lindenwood,2358,4
+hanson,903,2
+hanson,1125,6
+stockman,1443,3
+marstons,2040,9
+lindenwood,2005,2
+beechwood,850,1
+shelbyville,1253,3
+wainscott,1787,1
+lakeville,355,1
+ranchester,51,0
+newfields,1574,4
+tolstoy,305,0
+marstons,2197,4
+klickitat,2208,8
+hanson,778,4
+wainscott,1599,11
+pomaria,1472,1
+lindenwood,2312,5
+hanson,538,3
+newfields,1616,0
+tolstoy,575,3
+shelbyville,692,3
+klickitat,277,6
+lakeville,315,4
+lakeville,233,5
+klickitat,63,2
+newfields,1113,3
+pomaria,1294,17
+woodbine,539,7
+shelbyville,953,5
+hiteman,1185,3
+shelbyville,375,12
+shelbyville,722,4
+stockman,1196,5
+woodbine,1377,0
+lakeville,858,1
+woodbine,1811,5
+woodbine,1183,5
+klickitat,1287,4
+mifflinburg,486,0
+pomaria,845,3
+pinesdale,278,2
+woodbine,700,0
+pomaria,493,3
+woodbine,1529,5
+wainscott,1510,2
+klickitat,1140,2
+woodbine,1557,3
+ranchester,624,6
+lindenwood,1548,5
+pomaria,194,2
+tolstoy,543,0
+lakeville,628,10
+cosmos,623,2
+lakeville,1299,2
+lakeville,1147,0
+wainscott,366,10
+hiteman,187,6
+lindenwood,1035,4
+woodbine,1553,2
+leonardo,1505,0
+hanson,94,8
+marstons,697,4
+leonardo,1202,9
+coffeen,429,4
+hiteman,1789,3
+forkland,944,7
+pinesdale,309,3
+mifflinburg,807,3
+tolstoy,447,1
+shelbyville,1419,5
+hanson,1547,3
+allensville,401,4
+marstons,1907,0
+lakeville,1524,8
+mifflinburg,909,5
+marstons,1624,3
+leonardo,2007,4
+hanson,1426,9
+stockman,138,6
+newfields,531,6
+hiteman,1846,0
+leonardo,963,0
+cosmos,811,8
+hanson,1405,2
+coffeen,80,10
+pinesdale,348,1
+klickitat,1730,4
+klickitat,1186,1
+klickitat,720,7
+beechwood,707,0
+wainscott,482,4
+lakeville,407,2
+stockman,484,6
+lindenwood,383,4
+stockman,389,0
+leonardo,1352,3
+hanson,1562,12
+leonardo,2018,3
+klickitat,1904,0
+coffeen,717,1
+klickitat,2030,1
+ranchester,624,5
+marstons,1480,4
+leonardo,450,2
+shelbyville,621,4
+beechwood,1158,0
+newfields,403,0
+beechwood,507,1
+lakeville,1430,5
+woodbine,1462,3
+lakeville,1710,7
+shelbyville,2132,10
+stockman,1441,12
+allensville,89,3
+shelbyville,1780,1
+shelbyville,695,5
+stockman,1075,0
+mifflinburg,809,3
+shelbyville,1789,1
+hiteman,9,2
+coffeen,1100,3
+lindenwood,936,0
+coffeen,669,0
+lindenwood,1910,7
+lakeville,683,1
+ranchester,889,6
+stockman,816,1
+shelbyville,2124,6
+stockman,1321,2
+tolstoy,100,13
+woodbine,489,5
+woodbine,92,0
+pomaria,260,8
+forkland,1056,2
+klickitat,467,7
+pomaria,1028,3
+klickitat,195,0
+lakeville,1078,3
+pomaria,1329,2
+mifflinburg,58,5
+marstons,1571,5
+hiteman,1058,0
+beechwood,803,5
+lakeville,814,2
+lindenwood,1831,3
+hanson,1554,5
+benevolence,701,8
+stockman,840,5
+merom,664,5
+mifflinburg,798,3
+tolstoy,929,4
+tolstoy,1077,6
+coffeen,884,4
+shelbyville,1356,1
+hanson,763,6
+benevolence,470,11
+ranchester,599,1
+lindenwood,964,0
+lindenwood,2398,3
+stockman,27,15
+klickitat,1006,6
+mifflinburg,530,5
+leonardo,829,1
+marstons,2401,8
+klickitat,582,0
+hanson,631,3
+marstons,1543,2
+shelbyville,2595,0
+newfields,187,11
+klickitat,266,8
+beechwood,1065,12
+pomaria,219,0
+merom,45,3
+woodbine,384,1
+beechwood,946,3
+wainscott,1469,8
+shelbyville,2798,3
+marstons,123,6
+lakeville,1598,0
+pomaria,28,1
+cosmos,405,9
+tolstoy,187,5
+lindenwood,406,2
+shelbyville,1758,1
+tolstoy,1452,8
+marstons,2445,1
+hanson,1562,7
+shelbyville,994,15
+pomaria,931,5
+marstons,2448,8
+marstons,2239,0
+onaga,85,5
+klickitat,155,0
+tolstoy,196,1
+klickitat,2078,5
+allensville,30,2
+woodbine,1436,7
+hanson,5,8
+woodbine,722,5
+leonardo,204,1
+pomaria,1036,0
+shelbyville,191,2
+shelbyville,2210,2
+forkland,1009,4
+merom,754,4
+shelbyville,2105,8
+cosmos,967,0
+pomaria,1280,2
+pomaria,552,1
+allensville,281,3
+wainscott,903,0
+hiteman,192,1
+woodbine,1572,4
+merom,746,2
+leonardo,1396,3
+coffeen,70,0
+hiteman,1404,2
+coffeen,962,1
+hanson,973,5
+newfields,1425,1
+lindenwood,1152,3
+coffeen,1276,0
+newfields,1394,9
+coffeen,412,3
+pomaria,584,6
+mifflinburg,566,3
+merom,1094,2
+klickitat,1989,5
+stockman,1561,5
+pomaria,644,2
+klickitat,1767,10
+beechwood,511,3
+mifflinburg,251,10
+onaga,606,2
+pomaria,1229,7
+woodbine,1528,6
+ranchester,1205,13
+lakeville,554,12
+tolstoy,1199,2
+ranchester,713,7
+lakeville,740,4
+shelbyville,835,6
+marstons,1780,0
+marstons,845,4
+leonardo,682,2
+tolstoy,1738,11
+lindenwood,908,4
+shelbyville,1035,5
+cosmos,2,5
+leonardo,534,0
+pomaria,1273,12
+shelbyville,2068,7
+hiteman,1630,3
+merom,499,6
+allensville,23,0
+wainscott,48,8
+coffeen,1351,0
+ranchester,414,3
+benevolence,456,1
+hanson,1319,2
+wainscott,1215,3
+lindenwood,1811,2
+stockman,192,6
+klickitat,1788,5
+leonardo,785,11
+beechwood,59,16
+hanson,173,0
+tolstoy,976,3
+pinesdale,1095,1
+hiteman,1295,4
+leonardo,405,1
+tolstoy,1509,10
+woodbine,1813,1
+stockman,1333,0
+lakeville,1544,0
+lindenwood,1295,0
+ranchester,1345,9
+newfields,460,0
+marstons,567,12
+leonardo,499,0
+ranchester,1420,3
+ranchester,1462,2
+klickitat,1171,2
+hiteman,295,1
+tolstoy,1710,1
+marstons,1239,2
+lakeville,837,1
+leonardo,1466,0
+woodbine,531,1
+cosmos,430,5
+shelbyville,1101,12
+shelbyville,1067,4
+pinesdale,1472,0
+newfields,200,5
+stockman,206,1
+pomaria,134,7
+marstons,2198,11
+beechwood,262,1
+marstons,1025,4
+merom,880,8
+coffeen,1213,5
+newfields,541,14
+marstons,413,0
+merom,368,0
+klickitat,89,10
+leonardo,934,5
+wainscott,397,2
+lindenwood,292,5
+lakeville,144,2
+tolstoy,1438,5
+newfields,712,2
+hiteman,1431,5
+leonardo,346,3
+shelbyville,2562,7
+tolstoy,884,1
+leonardo,153,6
+hanson,1649,0
+hanson,1357,4
+cosmos,414,1
+woodbine,1474,5
+woodbine,761,3
+shelbyville,2736,7
+hiteman,1273,10
+shelbyville,2495,11
+hiteman,396,6
+hanson,1359,3
+coffeen,1033,8
+coffeen,1472,2
+hanson,7,15
+tolstoy,926,15
+woodbine,1357,4
+wainscott,1431,6
+beechwood,894,0
+hiteman,627,3
+tolstoy,860,3
+ranchester,1423,0
+forkland,42,0
+marstons,1760,5
+hanson,1065,5
+klickitat,2301,6
+ranchester,740,1
+wainscott,862,5
+shelbyville,460,1
+shelbyville,400,6
+wainscott,8,3
+newfields,160,1
+leonardo,941,7
+coffeen,618,1
+forkland,814,0
+stockman,239,3
+hiteman,91,8
+forkland,1058,5
+marstons,173,10
+newfields,1125,11
+leonardo,801,0
+ranchester,1527,4
+leonardo,929,1
+woodbine,1667,0
+newfields,419,9
+stockman,846,2
+hiteman,278,1
+forkland,640,2
+wainscott,1220,5
+newfields,543,4
+coffeen,729,0
+shelbyville,1468,3
+ranchester,1563,2
+mifflinburg,424,5
+newfields,359,1
+lakeville,1638,3
+benevolence,336,9
+forkland,801,2
+mifflinburg,484,3
+pomaria,177,4
+coffeen,485,2
+marstons,278,2
+cosmos,448,13
+shelbyville,1902,0
+shelbyville,2047,6
+lakeville,643,0
+beechwood,297,7
+leonardo,1108,3
+beechwood,155,4
+shelbyville,753,5
+lindenwood,366,2
+pinesdale,871,5
+benevolence,422,2
+hanson,1160,8
+cosmos,615,0
+klickitat,2362,8
+coffeen,332,5
+leonardo,403,1
+hiteman,1173,4
+stockman,57,0
+hanson,1014,0
+shelbyville,126,12
+benevolence,63,0
+ranchester,291,4
+klickitat,1038,8
+stockman,806,1
+wainscott,937,1
+pomaria,124,10
+lakeville,371,2
+coffeen,379,1
+tolstoy,1652,2
+woodbine,1782,15
+coffeen,98,2
+woodbine,1867,8
+pomaria,391,4
+pomaria,859,3
+shelbyville,142,14
+marstons,1464,0
+mifflinburg,499,1
+hanson,1276,1
+hanson,209,2
+hanson,1139,5
+lindenwood,1692,0
+woodbine,1920,3
+shelbyville,2771,1
+lakeville,1419,2
+beechwood,0,3
+marstons,581,8
+merom,535,6
+stockman,909,3
+pomaria,1147,0
+pinesdale,1470,5
+leonardo,1851,1
+mifflinburg,42,0
+woodbine,1892,8
+coffeen,1388,4
+cosmos,851,3
+lindenwood,807,1
+cosmos,685,9
+woodbine,2015,7
+beechwood,587,2
+beechwood,49,2
+lakeville,1849,4
+newfields,1030,8
+marstons,1388,1
+tolstoy,286,4
+shelbyville,2693,12
+tolstoy,1082,9
+wainscott,590,0
+pomaria,1632,9
+woodbine,1272,1
+ranchester,1460,2
+stockman,726,5
+lindenwood,771,3
+coffeen,722,2
+newfields,1313,0
+mifflinburg,979,2
+wainscott,460,3
+lindenwood,73,7
+shelbyville,119,5
+tolstoy,805,11
+lindenwood,1182,4
+beechwood,142,0
+beechwood,1097,1
+coffeen,272,2
+ranchester,70,1
+leonardo,1454,12
+shelbyville,1315,3
+wainscott,485,1
+woodbine,15,17
+newfields,610,8
+shelbyville,2663,7
+shelbyville,594,5
+forkland,535,0
+coffeen,142,2
+leonardo,553,19
+merom,1119,5
+hiteman,436,5
+leonardo,820,9
+leonardo,87,6
+klickitat,2000,5
+pomaria,990,4
+coffeen,1410,1
+pinesdale,602,2
+shelbyville,304,0
+marstons,2332,1
+beechwood,1092,5
+klickitat,1100,10
+mifflinburg,633,1
+stockman,61,10
+lindenwood,1464,1
+cosmos,560,10
+wainscott,214,9
+marstons,2490,6
+onaga,155,1
+hanson,870,0
+hanson,209,5
+woodbine,802,4
+cosmos,395,0
+mifflinburg,556,0
+shelbyville,2799,13
+newfields,1075,10
+pinesdale,909,2
+lakeville,1875,2
+ranchester,581,10
+ranchester,383,5
+cosmos,179,2
+lakeville,579,9
+pinesdale,232,0
+pinesdale,862,3
+allensville,221,2
+leonardo,1888,2
+leonardo,643,2
+marstons,2353,0
+klickitat,2227,11
+klickitat,437,3
+woodbine,1954,0
+pinesdale,329,2
+hanson,90,5
+newfields,1583,11
+hiteman,1359,7
+pomaria,417,1
+hanson,1240,1
+merom,580,3
+benevolence,969,1
+leonardo,263,7
+forkland,565,4
+woodbine,1349,10
+coffeen,263,2
+woodbine,1502,9
+ranchester,562,3
+newfields,1616,2
+cosmos,285,1
+newfields,229,3
+shelbyville,1174,0
+wainscott,1797,10
+hiteman,19,2
+forkland,249,2
+leonardo,216,1
+cosmos,665,0
+klickitat,1389,3
+lakeville,102,1
+hiteman,893,1
+onaga,300,3
+woodbine,862,4
+wainscott,1754,3
+lindenwood,2494,1
+lakeville,426,0
+woodbine,898,2
+wainscott,1250,5
+stockman,1541,8
+ranchester,1099,11
+shelbyville,1321,3
+lakeville,1085,6
+ranchester,1136,2
+pomaria,505,2
+shelbyville,1320,7
+shelbyville,2769,4
+beechwood,36,8
+hanson,170,9
+pinesdale,1411,9
+hiteman,356,3
+mifflinburg,847,10
+shelbyville,1561,2
+hanson,24,2
+newfields,1125,2
+leonardo,1541,1
+benevolence,204,3
+shelbyville,2419,2
+shelbyville,1894,3
+allensville,311,4
+marstons,1753,2
+tolstoy,931,7
+woodbine,2024,10
+leonardo,271,0
+woodbine,1165,3
+newfields,1051,9
+marstons,715,9
+lakeville,1479,10
+stockman,1393,0
+shelbyville,603,10
+mifflinburg,642,2
+hanson,956,4
+tolstoy,522,1
+lakeville,1665,0
+shelbyville,904,12
+shelbyville,889,7
+tolstoy,937,2
+stockman,1330,1
+leonardo,986,13
+newfields,1407,19
+klickitat,1200,3
+merom,144,7
+lindenwood,545,3
+marstons,2099,4
+marstons,1186,7
+lindenwood,322,6
+wainscott,1734,0
+hiteman,635,0
+leonardo,1219,7
+forkland,656,2
+shelbyville,594,1
+woodbine,192,12
+pomaria,1438,3
+marstons,473,3
+tolstoy,89,5
+newfields,1087,12
+woodbine,616,0
+hiteman,725,4
+hiteman,252,6
+hanson,720,11
+ranchester,184,2
+stockman,976,3
+hanson,777,3
+marstons,1288,4
+allensville,274,3
+klickitat,2343,2
+shelbyville,2261,3
+coffeen,264,1
+klickitat,2055,1
+tolstoy,905,1
+shelbyville,515,1
+forkland,522,0
+wainscott,342,9
+benevolence,472,0
+woodbine,1372,3
+klickitat,2350,0
+newfields,78,2
+lakeville,1520,6
+marstons,1081,0
+leonardo,1606,2
+leonardo,170,0
+merom,1058,0
+klickitat,1991,3
+hanson,875,0
+newfields,1488,4
+leonardo,1587,0
+lindenwood,52,3
+wainscott,762,0
+pomaria,1169,2
+ranchester,1494,3
+coffeen,975,0
+klickitat,2144,0
+marstons,1751,5
+stockman,377,2
+klickitat,946,13
+ranchester,1381,0
+klickitat,1279,4
+woodbine,958,4
+pomaria,118,9
+merom,1019,2
+tolstoy,896,3
+hiteman,1205,5
+marstons,1302,11
+cosmos,652,2
+klickitat,840,13
+pinesdale,729,4
+klickitat,1849,22
+klickitat,269,5
+marstons,1670,1
+cosmos,452,3
+benevolence,883,0
+marstons,2300,2
+beechwood,1049,1
+pinesdale,302,0
+pinesdale,571,6
+benevolence,834,0
+newfields,845,1
+pinesdale,211,2
+pinesdale,601,1
+wainscott,415,2
+klickitat,680,1
+coffeen,365,2
+mifflinburg,756,1
+lindenwood,1614,2
+klickitat,2396,2
+klickitat,2303,0
+klickitat,771,0
+stockman,745,3
+hiteman,1046,10
+lakeville,851,1
+shelbyville,368,2
+wainscott,1118,14
+stockman,1347,3
+klickitat,708,3
+cosmos,956,2
+lakeville,1529,5
+hanson,28,8
+cosmos,547,2
+stockman,913,5
+leonardo,1836,1
+pinesdale,1339,3
+coffeen,123,4
+allensville,262,0
+shelbyville,1113,2
+shelbyville,458,2
+cosmos,130,6
+merom,384,1
+hiteman,910,4
+klickitat,1685,0
+woodbine,1584,0
+shelbyville,672,11
+shelbyville,416,2
+ranchester,16,0
+forkland,545,4
+stockman,1510,5
+klickitat,295,15
+ranchester,297,8
+stockman,1299,5
+stockman,1172,4
+leonardo,1014,4
+hanson,450,0
+pomaria,1309,4
+woodbine,1785,0
+ranchester,1274,5
+mifflinburg,859,0
+stockman,596,1
+klickitat,1818,8
+marstons,1969,2
+hiteman,81,0
+wainscott,119,4
+beechwood,486,2
+marstons,141,2
+beechwood,436,1
+lindenwood,1074,1
+pomaria,1399,5
+klickitat,1238,7
+ranchester,1596,5
+leonardo,1689,0
+benevolence,454,1
+klickitat,1661,0
+lindenwood,641,3
+lakeville,1434,2
+ranchester,298,8
+wainscott,585,2
+stockman,912,5
+pomaria,1055,7
+lakeville,1614,15
+hiteman,217,6
+ranchester,459,7
+ranchester,1194,7
+wainscott,1363,2
+hiteman,955,1
+woodbine,1359,4
+woodbine,1323,0
+lindenwood,1126,0
+lakeville,1400,6
+merom,539,9
+klickitat,1568,3
+stockman,411,3
+klickitat,143,2
+woodbine,1360,1
+lindenwood,2213,6
+stockman,566,5
+klickitat,1905,6
+leonardo,1564,3
+lindenwood,2385,6
+newfields,529,3
+pinesdale,214,0
+beechwood,42,0
+hanson,707,1
+woodbine,1104,1
+lindenwood,2310,2
+pomaria,190,7
+cosmos,37,4
+hiteman,1002,5
+klickitat,2114,4
+hanson,1004,0
+pinesdale,179,2
+merom,915,3
+marstons,2021,1
+klickitat,704,4
+cosmos,244,3
+marstons,1360,7
+marstons,1874,9
+tolstoy,253,3
+shelbyville,2169,17
+marstons,1732,1
+woodbine,325,6
+hanson,1347,5
+lakeville,44,0
+forkland,468,0
+tolstoy,1740,0
+shelbyville,1186,11
+hanson,528,3
+woodbine,150,5
+leonardo,1251,2
+wainscott,512,13
+cosmos,116,2
+wainscott,84,9
+benevolence,852,2
+tolstoy,1013,8
+pomaria,1514,6
+hiteman,672,12
+onaga,346,3
+shelbyville,83,0
+stockman,756,12
+shelbyville,196,4
+wainscott,66,0
+lindenwood,801,5
+woodbine,108,4
+onaga,640,1
+hanson,1197,2
+hanson,968,0
+marstons,2132,4
+lindenwood,1024,3
+wainscott,416,5
+shelbyville,445,10
+stockman,526,9
+woodbine,749,5
+shelbyville,603,7
+leonardo,1329,1
+coffeen,1507,3
+woodbine,861,2
+lakeville,691,9
+shelbyville,1537,8
+hanson,613,6
+lindenwood,2111,1
+hiteman,1494,3
+klickitat,1953,10
+mifflinburg,192,8
+cosmos,393,7
+marstons,318,5
+hiteman,926,5
+leonardo,909,2
+ranchester,244,2
+merom,287,2
+beechwood,392,0
+mifflinburg,828,5
+cosmos,531,0
+newfields,1589,3
+klickitat,1495,5
+beechwood,41,8
+stockman,932,3
+stockman,171,3
+klickitat,2035,2
+klickitat,1537,4
+shelbyville,2608,8
+coffeen,782,2
+woodbine,229,3
+benevolence,296,0
+klickitat,2276,4
+stockman,320,5
+lakeville,1537,15
+hanson,1573,4
+tolstoy,408,9
+hanson,1024,3
+woodbine,100,17
+lakeville,1082,0
+mifflinburg,20,1
+leonardo,13,1
+pomaria,1482,1
+klickitat,1410,2
+stockman,428,5
+hanson,34,1
+klickitat,2022,10
+forkland,1091,3
+mifflinburg,343,4
+wainscott,1049,0
+leonardo,824,6
+pinesdale,125,0
+marstons,1708,5
+woodbine,1312,10
+lakeville,676,2
+newfields,1307,0
+wainscott,1146,2
+hanson,491,2
+allensville,119,6
+wainscott,694,1
+marstons,480,7
+newfields,1499,2
+leonardo,2007,7
+wainscott,1778,7
+lakeville,573,2
+pomaria,626,2
+cosmos,908,4
+ranchester,220,1
+wainscott,1551,1
+stockman,1140,1
+woodbine,982,0
+marstons,668,2
+leonardo,1732,7
+tolstoy,1822,17
+lakeville,791,2
+lakeville,729,1
+woodbine,134,3
+marstons,2420,12
+woodbine,857,2
+lakeville,1505,0
+hiteman,887,0
+lindenwood,558,3
+shelbyville,2247,2
+woodbine,283,10
+klickitat,509,3
+ranchester,1169,5
+marstons,793,2
+woodbine,1792,1
+newfields,178,1
+beechwood,506,3
+lakeville,1796,4
+tolstoy,310,12
+stockman,306,5
+newfields,1077,8
+tolstoy,701,11
+shelbyville,580,2
+marstons,1366,3
+pomaria,1098,7
+lakeville,176,11
+pinesdale,1408,1
+lindenwood,2430,4
+pinesdale,180,1
+hiteman,1441,1
+benevolence,968,1
+newfields,357,1
+merom,1039,3
+pinesdale,159,0
+hanson,603,2
+shelbyville,513,5
+mifflinburg,530,0
+leonardo,127,0
+tolstoy,875,10
+pinesdale,4,4
+newfields,1201,1
+woodbine,1408,6
+wainscott,307,6
+pinesdale,927,3
+shelbyville,1101,18
+lindenwood,2111,15
+cosmos,665,5
+pomaria,173,2
+lakeville,1004,12
+shelbyville,321,1
+beechwood,178,1
+lindenwood,231,6
+hiteman,1397,1
+marstons,2266,2
+lindenwood,2141,6
+leonardo,1044,1
+lakeville,779,1
+lindenwood,650,2
+hiteman,952,6
+marstons,2160,2
+marstons,1194,1
+stockman,1287,0
+ranchester,1104,2
+tolstoy,1341,3
+lindenwood,920,0
+marstons,1612,1
+hanson,1424,11
+wainscott,1211,3
+lindenwood,710,5
+marstons,1489,6
+marstons,1248,10
+shelbyville,851,2
+lindenwood,1547,7
+woodbine,1845,0
+leonardo,255,1
+cosmos,917,0
+newfields,1149,5
+pomaria,1662,1
+cosmos,278,5
+lakeville,765,0
+ranchester,1512,0
+forkland,901,0
+newfields,11,8
+shelbyville,71,2
+leonardo,1732,0
+lindenwood,387,0
+ranchester,955,8
+stockman,1317,7
+hiteman,91,6
+beechwood,963,4
+shelbyville,265,6
+lindenwood,1527,2
+pinesdale,706,0
+tolstoy,1626,5
+hiteman,157,0
+marstons,2295,5
+beechwood,948,4
+woodbine,1510,1
+marstons,579,0
+marstons,1525,2
+lindenwood,181,3
+lindenwood,1191,5
+benevolence,691,0
+lakeville,600,0
+ranchester,1056,1
+woodbine,1566,5
+lindenwood,426,9
+tolstoy,799,3
+shelbyville,1741,5
+lakeville,576,0
+cosmos,160,4
+allensville,67,5
+woodbine,1514,3
+leonardo,198,2
+marstons,1322,3
+lakeville,68,2
+klickitat,1493,2
+klickitat,636,7
+pomaria,781,14
+hiteman,670,8
+marstons,492,2
+tolstoy,333,2
+lakeville,367,5
+pomaria,1337,13
+klickitat,1772,0
+hanson,1472,1
+leonardo,1545,3
+tolstoy,1130,1
+coffeen,573,4
+leonardo,1067,17
+lindenwood,1139,0
+lindenwood,2070,4
+tolstoy,1062,10
+shelbyville,2147,3
+leonardo,925,0
+stockman,526,5
+pomaria,538,12
+tolstoy,1,3
+lakeville,647,0
+shelbyville,621,2
+coffeen,1483,1
+hanson,1247,1
+stockman,700,2
+ranchester,968,1
+wainscott,1380,0
+cosmos,105,1
+leonardo,867,7
+beechwood,366,0
+klickitat,1086,2
+marstons,2112,2
+marstons,893,2
+shelbyville,1603,13
+newfields,1285,1
+marstons,550,6
+forkland,180,2
+leonardo,1617,1
+hanson,711,3
+forkland,187,0
+pinesdale,522,6
+hanson,852,12
+cosmos,197,9
+lindenwood,414,1
+wainscott,205,3
+wainscott,888,9
+klickitat,2052,7
+klickitat,1881,2
+woodbine,1967,6
+ranchester,253,1
+merom,275,2
+mifflinburg,563,5
+stockman,1189,5
+lakeville,839,10
+klickitat,1093,7
+klickitat,229,4
+benevolence,8,3
+lindenwood,461,2
+pinesdale,1487,2
+lindenwood,2221,10
+wainscott,1666,2
+marstons,1540,2
+newfields,17,5
+hanson,820,6
+klickitat,58,1
+wainscott,325,7
+hiteman,444,8
+marstons,2610,4
+marstons,1519,3
+forkland,400,2
+shelbyville,480,6
+shelbyville,1079,1
+wainscott,760,8
+lakeville,921,4
+ranchester,879,6
+lindenwood,1860,9
+pomaria,581,14
+woodbine,843,2
+pomaria,1293,0
+klickitat,2159,8
+hiteman,409,3
+newfields,797,0
+onaga,213,4
+pinesdale,1232,4
+beechwood,924,3
+leonardo,421,2
+coffeen,93,0
+leonardo,391,11
+stockman,63,1
+wainscott,1489,2
+coffeen,1455,1
+lindenwood,460,1
+marstons,1582,2
+coffeen,1078,4
+pomaria,547,3
+pomaria,615,3
+pinesdale,82,8
+klickitat,1308,9
+hanson,609,1
+hanson,205,2
+cosmos,805,4
+woodbine,132,14
+wainscott,96,9
+leonardo,1858,4
+woodbine,963,2
+newfields,1445,2
+mifflinburg,50,2
+shelbyville,2082,5
+lakeville,944,5
+lindenwood,913,2
+marstons,1591,3
+stockman,1324,4
+pomaria,374,0
+newfields,1259,7
+lindenwood,0,0
+pomaria,501,3
+woodbine,903,7
+mifflinburg,358,3
+merom,837,1
+pomaria,465,11
+beechwood,387,3
+wainscott,605,0
+wainscott,724,3
+ranchester,1061,4
+pomaria,1295,1
+lakeville,334,4
+lindenwood,2000,2
+leonardo,522,7
+coffeen,510,3
+cosmos,424,6
+ranchester,573,3
+tolstoy,295,4
+allensville,251,3
+newfields,954,16
+marstons,2540,1
+mifflinburg,914,10
+leonardo,1631,7
+newfields,1434,0
+tolstoy,1564,7
+pinesdale,845,0
+newfields,473,8
+allensville,498,0
+wainscott,365,1
+tolstoy,1439,1
+tolstoy,1426,10
+shelbyville,722,1
+mifflinburg,969,3
+woodbine,593,8
+cosmos,389,2
+pinesdale,776,0
+woodbine,142,2
+shelbyville,2464,2
+klickitat,1275,4
+shelbyville,2143,1
+beechwood,248,3
+onaga,136,0
+lindenwood,1790,4
+wainscott,990,0
+cosmos,561,1
+onaga,377,5
+shelbyville,1668,5
+lakeville,1443,1
+lindenwood,954,0
+hanson,1157,8
+shelbyville,487,13
+forkland,307,5
+pinesdale,1313,3
+ranchester,1004,0
+marstons,814,3
+newfields,465,2
+klickitat,1058,1
+klickitat,1495,0
+lakeville,1821,2
+beechwood,592,3
+wainscott,487,1
+tolstoy,1486,2
+woodbine,1183,7
+lindenwood,1289,1
+marstons,477,10
+woodbine,1175,7
+mifflinburg,553,3
+marstons,850,0
+klickitat,2410,1
+leonardo,484,2
+tolstoy,1057,2
+wainscott,675,7
+lakeville,1645,0
+forkland,898,0
+tolstoy,29,1
+ranchester,105,1
+cosmos,215,8
+hanson,888,16
+beechwood,1166,5
+lindenwood,1998,11
+woodbine,1917,2
+klickitat,743,2
+shelbyville,2079,0
+leonardo,1478,6
+hiteman,401,2
+klickitat,1122,0
+lindenwood,285,8
+benevolence,591,11
+klickitat,1629,2
+cosmos,472,4
+beechwood,627,2
+marstons,701,4
+allensville,516,9
+newfields,14,5
+woodbine,1612,3
+tolstoy,542,10
+newfields,1535,2
+lakeville,679,9
+cosmos,165,2
+hanson,659,8
+ranchester,622,5
+newfields,1419,2
+shelbyville,1239,2
+allensville,107,5
+hanson,737,0
+lakeville,1785,6
+woodbine,641,2
+benevolence,774,5
+tolstoy,705,6
+ranchester,353,0
+hiteman,1629,8
+pomaria,24,0
+lindenwood,2190,1
+pomaria,581,0
+pinesdale,1455,1
+mifflinburg,592,0
+beechwood,536,6
+shelbyville,254,10
+woodbine,1923,4
+tolstoy,1767,1
+stockman,287,6
+wainscott,555,3
+lindenwood,69,2
+newfields,234,2
+marstons,2399,9
+woodbine,1490,1
+leonardo,603,9
+hanson,563,0
+hiteman,491,4
+pomaria,844,6
+wainscott,439,3
+pomaria,175,5
+mifflinburg,950,2
+stockman,811,3
+lindenwood,2509,0
+klickitat,54,4
+lakeville,585,0
+marstons,2073,2
+shelbyville,725,8
+shelbyville,1961,7
+tolstoy,1471,5
+leonardo,1891,8
+woodbine,294,0
+hanson,852,7
+marstons,1541,4
+tolstoy,294,18
+tolstoy,12,3
+stockman,612,2
+shelbyville,1288,0
+pinesdale,294,11
+pinesdale,601,3
+newfields,129,5
+lakeville,91,2
+woodbine,1907,1
+lindenwood,1936,2
+tolstoy,955,1
+hanson,63,6
+lindenwood,764,7
+hanson,496,7
+shelbyville,1458,2
+benevolence,225,4
+woodbine,371,6
+tolstoy,755,3
+shelbyville,256,8
+beechwood,313,3
+ranchester,129,4
+marstons,2481,2
+pinesdale,852,3
+hiteman,1319,15
+pinesdale,246,6
+stockman,372,3
+hanson,1625,5
+coffeen,1407,5
+hiteman,1602,0
+lindenwood,103,9
+woodbine,1357,2
+leonardo,377,6
+klickitat,1198,1
+allensville,322,1
+klickitat,1974,0
+hanson,568,1
+lindenwood,2514,3
+merom,192,7
+woodbine,1036,2
+lakeville,545,12
+shelbyville,1182,2
+ranchester,434,1
+woodbine,105,9
+cosmos,147,2
+leonardo,957,10
+hanson,1309,12
+allensville,441,0
+shelbyville,2611,14
+klickitat,992,1
+woodbine,453,5
+allensville,198,5
+forkland,10,2
+wainscott,355,12
+beechwood,1019,9
+shelbyville,2733,0
+tolstoy,303,0
+newfields,954,10
+pinesdale,648,2
+klickitat,754,5
+shelbyville,2451,1
+newfields,495,3
+onaga,315,0
+klickitat,42,0
+shelbyville,1102,16
+lindenwood,986,7
+cosmos,965,8
+leonardo,1858,9
+marstons,2426,2
+wainscott,664,0
+wainscott,1088,0
+stockman,1,8
+marstons,1527,1
+stockman,374,15
+wainscott,865,2
+tolstoy,880,1
+newfields,721,10
+hiteman,977,3
+shelbyville,2620,1
+shelbyville,45,2
+cosmos,641,5
+marstons,1057,12
+woodbine,1351,7
+newfields,725,0
+ranchester,944,12
+pinesdale,797,2
+pomaria,1126,5
+stockman,1462,1
+klickitat,2344,1
+ranchester,991,2
+beechwood,1041,8
+marstons,561,1
+newfields,1344,1
+coffeen,1257,7
+stockman,1131,0
+forkland,140,1
+shelbyville,1192,9
+tolstoy,1642,6
+leonardo,854,0
+lindenwood,1974,4
+marstons,2186,0
+klickitat,1170,2
+wainscott,1242,1
+lindenwood,2677,7
+ranchester,298,14
+pomaria,751,3
+marstons,153,1
+pinesdale,653,1
+cosmos,854,3
+hanson,1039,3
+leonardo,1691,2
+newfields,664,5
+lakeville,1379,2
+merom,582,0
+marstons,2649,0
+stockman,989,8
+hiteman,1631,4
+marstons,411,9
+beechwood,152,3
+mifflinburg,506,2
+marstons,1098,1
+newfields,1459,4
+leonardo,193,1
+coffeen,1184,3
+woodbine,1446,7
+wainscott,1665,4
+shelbyville,711,0
+hanson,81,1
+forkland,313,2
+merom,741,1
+woodbine,912,15
+stockman,1234,1
+klickitat,1297,1
+allensville,482,5
+leonardo,2076,1
+woodbine,1313,7
+benevolence,339,2
+lindenwood,1691,5
+hanson,402,8
+lakeville,1420,2
+hanson,1475,2
+allensville,141,9
+allensville,39,0
+beechwood,385,0
+allensville,212,2
+hanson,1228,1
+pinesdale,866,3
+lindenwood,466,1
+marstons,1780,6
+hiteman,1424,1
+pinesdale,561,2
+beechwood,576,2
+lakeville,1838,0
+cosmos,784,1
+hiteman,1671,0
+ranchester,288,3
+hiteman,769,2
+lindenwood,1857,4
+wainscott,831,8
+leonardo,1355,13
+hiteman,586,3
+newfields,508,9
+lindenwood,605,4
+lindenwood,175,0
+klickitat,123,6
+leonardo,799,0
+newfields,579,1
+woodbine,2009,1
+shelbyville,899,0
+stockman,1569,7
+lindenwood,2200,2
+coffeen,1186,7
+marstons,1086,4
+hanson,1420,8
+wainscott,1104,5
+stockman,1479,2
+klickitat,1543,0
+beechwood,85,2
+pomaria,1280,0
+hiteman,848,2
+stockman,609,4
+pinesdale,980,4
+woodbine,728,0
+leonardo,197,6
+lindenwood,205,5
+wainscott,1329,7
+pomaria,1337,9
+hanson,395,2
+beechwood,957,0
+shelbyville,2551,3
+coffeen,286,0
+woodbine,2,1
+coffeen,648,2
+cosmos,226,10
+hiteman,739,0
+wainscott,1667,2
+tolstoy,668,4
+pomaria,688,0
+shelbyville,1558,4
+beechwood,705,8
+pomaria,640,1
+marstons,1245,9
+benevolence,975,1
+marstons,696,10
+woodbine,1815,3
+shelbyville,604,3
+hanson,213,4
+hiteman,1073,2
+woodbine,766,19
+ranchester,1331,6
+hanson,228,4
+beechwood,1097,3
+tolstoy,668,2
+lindenwood,361,7
+beechwood,21,2
+klickitat,825,0
+cosmos,351,0
+newfields,403,1
+leonardo,573,10
+tolstoy,855,0
+pinesdale,247,1
+stockman,862,1
+hanson,423,8
+ranchester,1140,7
+pomaria,23,2
+leonardo,662,5
+pomaria,729,5
+tolstoy,1060,4
+cosmos,336,1
+lindenwood,650,1
+lindenwood,765,2
+pomaria,1411,4
+marstons,231,2
+marstons,917,0
+allensville,63,4
+klickitat,793,9
+leonardo,1575,2
+hanson,647,0
+shelbyville,1900,5
+pomaria,673,9
+ranchester,503,4
+leonardo,1742,2
+cosmos,81,7
+lindenwood,2560,4
+tolstoy,652,1
+cosmos,446,0
+pinesdale,651,4
+shelbyville,1828,1
+tolstoy,801,0
+klickitat,166,4
+pinesdale,422,6
+hiteman,309,1
+tolstoy,345,2
+cosmos,213,2
+tolstoy,238,3
+klickitat,1812,9
+leonardo,1472,3
+lakeville,1187,5
+hanson,333,8
+lakeville,1703,3
+shelbyville,2289,3
+wainscott,1214,1
+leonardo,601,19
+lindenwood,1726,2
+hanson,656,8
+cosmos,232,5
+pinesdale,923,9
+woodbine,63,1
+hiteman,49,3
+shelbyville,2742,7
+allensville,156,0
+klickitat,146,3
+marstons,1659,2
+tolstoy,947,3
+hanson,357,10
+mifflinburg,8,2
+ranchester,431,8
+lakeville,1683,6
+forkland,673,1
+wainscott,227,8
+shelbyville,1946,6
+wainscott,72,1
+shelbyville,281,2
+forkland,448,5
+mifflinburg,25,2
+marstons,852,7
+coffeen,395,0
+hiteman,941,0
+shelbyville,1785,2
+wainscott,823,3
+klickitat,36,0
+shelbyville,1302,1
+tolstoy,1828,1
+woodbine,1892,3
+marstons,326,10
+pomaria,392,0
+hanson,1576,8
+klickitat,630,2
+hanson,254,17
+pomaria,322,6
+newfields,313,8
+forkland,243,1
+newfields,111,3
+mifflinburg,240,4
+lindenwood,943,1
+coffeen,214,5
+tolstoy,842,2
+newfields,892,7
+wainscott,311,6
+merom,445,1
+shelbyville,1736,2
+pomaria,329,1
+klickitat,943,10
+klickitat,741,7
+klickitat,158,3
+lindenwood,2606,3
+merom,204,2
+leonardo,266,1
+newfields,1060,1
+klickitat,2007,1
+allensville,145,2
+lakeville,977,15
+mifflinburg,18,2
+klickitat,1523,6
+forkland,832,0
+merom,485,2
+lindenwood,1720,2
+shelbyville,2054,2
+lakeville,1459,10
+hiteman,926,14
+newfields,1093,15
+beechwood,346,2
+woodbine,35,4
+lindenwood,2380,1
+beechwood,101,4
+ranchester,37,3
+marstons,607,2
+wainscott,966,0
+pomaria,1431,5
+klickitat,1888,4
+newfields,961,0
+klickitat,716,4
+coffeen,403,4
+shelbyville,679,9
+wainscott,1777,9
+leonardo,1000,8
+beechwood,945,7
+coffeen,1281,4
+marstons,1594,1
+leonardo,137,0
+klickitat,729,2
+beechwood,885,7
+tolstoy,990,1
+shelbyville,1583,0
+leonardo,1714,1
+lindenwood,1101,6
+newfields,195,2
+wainscott,299,5
+beechwood,557,3
+merom,1024,5
+stockman,290,1
+hanson,1037,4
+lakeville,774,0
+onaga,368,2
+newfields,1359,7
+shelbyville,1774,7
+leonardo,1378,0
+lakeville,1689,4
+klickitat,99,7
+shelbyville,953,6
+klickitat,981,0
+hiteman,27,5
+lakeville,1175,4
+tolstoy,230,3
+klickitat,65,15
+coffeen,768,0
+beechwood,959,2
+woodbine,273,2
+tolstoy,456,5
+forkland,637,2
+leonardo,1290,3
+cosmos,533,3
+coffeen,404,7
+klickitat,12,1
+lakeville,1513,11
+wainscott,657,1
+cosmos,388,2
+leonardo,659,7
+beechwood,921,0
+lindenwood,1839,0
+newfields,778,3
+beechwood,807,15
+marstons,410,0
+lindenwood,357,4
+shelbyville,1724,4
+merom,384,2
+cosmos,743,1
+stockman,1264,1
+hiteman,1212,0
+hanson,549,5
+hanson,1528,1
+leonardo,330,10
+tolstoy,116,2
+mifflinburg,60,1
+lindenwood,1716,4
+leonardo,1245,2
+wainscott,1066,2
+shelbyville,2066,1
+merom,452,3
+shelbyville,2471,7
+lindenwood,773,5
+cosmos,1053,1
+lakeville,20,10
+klickitat,987,1
+shelbyville,35,3
+lindenwood,838,2
+pinesdale,1122,5
+allensville,131,0
+klickitat,517,0
+coffeen,689,6
+lakeville,1777,4
+shelbyville,855,3
+lindenwood,54,3
+coffeen,176,3
+woodbine,1600,0
+wainscott,1210,1
+tolstoy,312,10
+ranchester,255,3
+coffeen,865,0
+beechwood,905,2
+marstons,653,9
+shelbyville,539,1
+klickitat,2075,5
+leonardo,890,1
+hiteman,1646,2
+lindenwood,844,3
+tolstoy,1121,0
+klickitat,1513,0
+hiteman,93,4
+shelbyville,1318,13
+stockman,1598,4
+forkland,264,0
+tolstoy,478,9
+klickitat,1815,10
+leonardo,1058,16
+onaga,257,5
+pinesdale,1195,2
+woodbine,2017,3
+ranchester,1084,3
+pomaria,686,1
+coffeen,640,8
+pinesdale,1131,3
+wainscott,173,2
+forkland,800,4
+lindenwood,937,3
+leonardo,373,2
+marstons,1521,1
+pomaria,164,2
+woodbine,1591,4
+coffeen,1318,2
+wainscott,305,2
+leonardo,1928,20
+klickitat,2175,12
+cosmos,257,1
+marstons,155,7
+pomaria,484,11
+wainscott,992,2
+lakeville,575,8
+stockman,852,4
+leonardo,2026,4
+klickitat,2159,6
+hiteman,1352,1
+lakeville,1589,2
+pomaria,1038,4
+klickitat,1520,11
+pinesdale,438,1
+onaga,164,1
+marstons,892,0
+woodbine,926,6
+wainscott,1666,6
+marstons,1806,2
+beechwood,1157,6
+hanson,779,13
+shelbyville,238,7
+ranchester,431,6
+newfields,864,1
+tolstoy,712,8
+klickitat,712,2
+stockman,723,0
+wainscott,835,13
+shelbyville,1556,0
+klickitat,2174,1
+coffeen,687,0
+wainscott,952,3
+marstons,359,1
+newfields,932,6
+shelbyville,2121,0
+lindenwood,1232,0
+beechwood,402,0
+onaga,209,1
+marstons,543,7
+marstons,1046,1
+woodbine,1281,9
+beechwood,922,5
+newfields,155,11
+lindenwood,2370,2
+wainscott,211,4
+lindenwood,733,9
+tolstoy,792,0
+forkland,478,8
+lindenwood,2,4
+beechwood,449,3
+coffeen,798,6
+lakeville,1772,7
+pinesdale,1207,13
+lindenwood,291,1
+marstons,734,10
+woodbine,1211,1
+hanson,1072,10
+lakeville,118,4
+woodbine,62,4
+woodbine,361,4
+woodbine,485,2
+hanson,293,12
+merom,45,11
+merom,965,0
+lindenwood,1605,2
+marstons,1532,8
+pinesdale,336,5
+lindenwood,394,7
+shelbyville,1089,4
+lakeville,117,6
+newfields,1018,11
+cosmos,582,4
+pomaria,78,6
+lindenwood,1714,3
+woodbine,116,5
+allensville,214,1
+mifflinburg,561,1
+mifflinburg,249,3
+allensville,277,2
+pomaria,1211,0
+hanson,1053,0
+leonardo,601,14
+marstons,1719,2
+ranchester,623,0
+hanson,568,2
+lindenwood,2009,1
+merom,179,5
+leonardo,1976,0
+pomaria,1547,5
+hiteman,218,7
+onaga,654,0
+pomaria,1312,3
+tolstoy,646,7
+marstons,2560,1
+pomaria,1561,1
+tolstoy,657,0
+shelbyville,890,7
+pinesdale,316,7
+hanson,327,7
+cosmos,317,0
+leonardo,1873,1
+klickitat,250,5
+mifflinburg,97,2
+newfields,124,7
+stockman,1039,6
+cosmos,850,7
+marstons,912,4
+marstons,1299,8
+benevolence,681,11
+marstons,94,0
+hiteman,10,1
+shelbyville,1654,4
+newfields,954,12
+leonardo,1218,4
+lindenwood,2552,10
+woodbine,1864,8
+stockman,650,3
+ranchester,1577,5
+hanson,244,11
+forkland,364,0
+pinesdale,540,2
+hiteman,1151,2
+wainscott,618,4
+lindenwood,2051,12
+woodbine,1856,8
+mifflinburg,27,0
+tolstoy,2,3
+shelbyville,756,2
+woodbine,664,13
+wainscott,325,8
+shelbyville,126,2
+woodbine,1619,0
+hiteman,114,0
+klickitat,2321,7
+woodbine,1562,1
+klickitat,2105,8
+leonardo,1730,3
+wainscott,914,1
+woodbine,240,9
+stockman,590,3
+woodbine,1380,1
+lakeville,1251,6
+pomaria,781,8
+lakeville,161,5
+tolstoy,224,2
+merom,414,3
+klickitat,762,1
+tolstoy,1440,4
+tolstoy,1634,2
+wainscott,329,6
+leonardo,384,1
+cosmos,532,0
+klickitat,1317,4
+pomaria,983,7
+beechwood,829,1
+beechwood,704,2
+lindenwood,187,0
+woodbine,1138,9
+woodbine,1940,2
+pinesdale,116,3
+lindenwood,1777,6
+leonardo,203,7
+forkland,1166,9
+lakeville,546,4
+leonardo,1664,0
+hanson,262,5
+tolstoy,72,0
+shelbyville,2076,0
+klickitat,2404,3
+mifflinburg,971,3
+newfields,1029,1
+wainscott,1497,2
+marstons,906,0
+lakeville,1355,3
+lindenwood,1511,0
+shelbyville,1921,5
+leonardo,209,1
+lakeville,1200,7
+merom,988,5
+ranchester,924,0
+marstons,1382,0
+cosmos,292,13
+lindenwood,1228,1
+newfields,108,5
+stockman,406,7
+shelbyville,1661,0
+lindenwood,949,6
+wainscott,904,2
+lindenwood,2587,9
+ranchester,1593,11
+shelbyville,2768,3
+hanson,262,1
+lindenwood,274,2
+woodbine,1044,7
+newfields,1399,6
+tolstoy,1459,0
+shelbyville,447,3
+stockman,833,4
+pomaria,1625,2
+newfields,238,6
+coffeen,418,2
+leonardo,470,1
+shelbyville,1170,5
+pinesdale,64,1
+woodbine,1973,3
+marstons,1980,0
+lakeville,562,2
+lindenwood,1713,1
+klickitat,2299,2
+hanson,851,2
+pomaria,751,4
+shelbyville,1554,4
+hanson,298,5
+ranchester,413,4
+marstons,957,7
+tolstoy,1701,9
+shelbyville,1628,0
+benevolence,698,13
+klickitat,817,4
+hiteman,6,5
+newfields,1233,1
+marstons,690,3
+beechwood,538,5
+leonardo,554,2
+forkland,404,0
+forkland,1164,1
+hiteman,491,7
+pomaria,1176,0
+lindenwood,1132,0
+pomaria,1537,17
+newfields,634,7
+hanson,1226,8
+onaga,322,0
+cosmos,398,1
+forkland,282,4
+ranchester,208,2
+tolstoy,1444,10
+woodbine,27,1
+merom,1034,0
+tolstoy,585,8
+lindenwood,1709,5
+tolstoy,614,2
+klickitat,808,2
+woodbine,50,4
+woodbine,1227,8
+leonardo,1242,2
+wainscott,821,8
+onaga,107,1
+lakeville,862,8
+shelbyville,834,0
+pomaria,322,3
+mifflinburg,808,4
+mifflinburg,655,2
+lindenwood,1099,8
+allensville,138,1
+newfields,841,3
+lindenwood,567,4
+klickitat,2096,5
+wainscott,1451,0
+shelbyville,847,1
+woodbine,1978,2
+hiteman,319,2
+stockman,455,9
+lindenwood,2512,3
+stockman,116,2
+leonardo,1643,5
+woodbine,521,0
+pinesdale,1040,7
+shelbyville,596,1
+shelbyville,1534,8
+forkland,921,0
+onaga,519,5
+coffeen,187,0
+leonardo,177,5
+shelbyville,2566,2
+lindenwood,1968,6
+pinesdale,995,8
+woodbine,1955,2
+ranchester,422,2
+marstons,204,5
+beechwood,44,4
+klickitat,2302,3
+woodbine,822,2
+newfields,890,4
+pomaria,633,6
+woodbine,1806,7
+mifflinburg,152,5
+forkland,769,4
+klickitat,627,1
+wainscott,10,3
+shelbyville,2239,4
+newfields,962,1
+cosmos,640,6
+klickitat,1463,11
+marstons,2191,4
+pinesdale,596,3
+beechwood,24,1
+marstons,103,4
+lindenwood,1027,4
+hiteman,232,2
+beechwood,365,3
+tolstoy,926,1
+pomaria,234,7
+stockman,704,6
+pinesdale,660,2
+marstons,821,0
+marstons,1661,0
+ranchester,1002,9
+lindenwood,644,0
+ranchester,438,1
+stockman,1107,7
+allensville,286,0
+stockman,811,8
+ranchester,1215,2
+shelbyville,1735,1
+lindenwood,383,5
+klickitat,65,22
+marstons,2651,5
+wainscott,354,1
+shelbyville,386,4
+mifflinburg,662,1
+marstons,1407,1
+shelbyville,2481,3
+merom,362,1
+klickitat,503,14
+newfields,839,2
+mifflinburg,939,0
+ranchester,24,1
+cosmos,940,12
+beechwood,993,8
+shelbyville,357,5
+klickitat,2081,0
+wainscott,1052,3
+shelbyville,1962,4
+marstons,1494,6
+marstons,231,5
+hiteman,684,2
+hiteman,1513,5
+klickitat,2075,2
+shelbyville,932,10
+merom,761,3
+leonardo,1373,2
+marstons,1800,12
+hanson,693,2
+pomaria,744,5
+hanson,594,3
+marstons,1577,3
+beechwood,835,3
+leonardo,1568,5
+stockman,822,0
+stockman,688,6
+leonardo,420,0
+lindenwood,907,14
+benevolence,479,1
+klickitat,1290,2
+forkland,917,2
+hiteman,1822,8
+shelbyville,2710,3
+lindenwood,2032,1
+newfields,969,4
+pinesdale,1239,3
+wainscott,658,2
+merom,664,1
+benevolence,860,2
+woodbine,1044,10
+lakeville,396,7
+lakeville,641,3
+pomaria,609,10
+leonardo,1194,5
+onaga,537,4
+beechwood,948,5
+leonardo,1981,2
+lakeville,464,0
+wainscott,1145,9
+shelbyville,724,6
+stockman,575,1
+merom,424,9
+coffeen,1015,1
+shelbyville,739,3
+shelbyville,636,11
+wainscott,830,2
+lindenwood,2130,5
+wainscott,1715,6
+beechwood,276,2
+cosmos,936,4
+marstons,1723,1
+pinesdale,923,7
+hanson,1441,9
+beechwood,1055,11
+ranchester,1416,6
+woodbine,785,1
+shelbyville,2023,3
+lakeville,914,0
+merom,51,5
+woodbine,1793,12
+lindenwood,958,12
+klickitat,1407,1
+beechwood,184,1
+ranchester,372,2
+wainscott,665,5
+lindenwood,29,13
+hanson,732,2
+ranchester,790,10
+woodbine,132,4
+leonardo,885,2
+stockman,122,6
+shelbyville,1959,12
+coffeen,1359,0
+tolstoy,168,0
+shelbyville,1038,16
+klickitat,64,4
+lakeville,36,19
+marstons,2200,2
+shelbyville,239,1
+ranchester,147,7
+marstons,1544,1
+leonardo,1794,2
+tolstoy,179,12
+benevolence,744,3
+hiteman,1682,2
+benevolence,139,2
+pomaria,1628,16
+klickitat,408,2
+lindenwood,652,15
+onaga,545,0
+ranchester,1431,2
+lakeville,907,18
+ranchester,24,7
+cosmos,197,7
+klickitat,990,12
+leonardo,1538,5
+tolstoy,656,3
+hanson,1402,0
+leonardo,627,2
+lakeville,1231,2
+tolstoy,1157,5
+onaga,37,3
+forkland,443,0
+tolstoy,768,2
+klickitat,1502,2
+klickitat,392,2
+hanson,299,0
+newfields,999,1
+wainscott,1240,1
+pomaria,287,14
+hiteman,768,0
+beechwood,1172,2
+hiteman,1222,4
+merom,223,2
+stockman,224,3
+lindenwood,37,4
+marstons,1892,9
+hanson,1020,4
+shelbyville,928,11
+hanson,869,2
+shelbyville,2432,12
+pomaria,1301,4
+hanson,581,0
+ranchester,112,4
+newfields,1056,8
+hanson,1553,4
+leonardo,1817,1
+lakeville,320,3
+hiteman,602,3
+wainscott,752,1
+merom,0,0
+merom,89,5
+klickitat,858,3
+lindenwood,527,14
+hanson,265,1
+marstons,332,9
+klickitat,591,3
+wainscott,91,3
+marstons,139,15
+marstons,775,6
+tolstoy,44,5
+klickitat,1601,6
+hanson,1525,6
+onaga,99,2
+coffeen,820,5
+forkland,64,0
+pinesdale,1184,0
+lindenwood,1894,0
+beechwood,7,2
+forkland,813,2
+lakeville,1091,0
+lindenwood,96,1
+hiteman,129,3
+newfields,1648,4
+woodbine,74,4
+woodbine,1665,10
+newfields,1018,3
+woodbine,65,0
+lakeville,811,3
+onaga,157,6
+newfields,521,0
+leonardo,236,4
+benevolence,266,4
+leonardo,775,2
+marstons,602,0
+benevolence,945,1
+leonardo,1173,8
+woodbine,1853,4
+klickitat,790,3
+shelbyville,343,1
+pomaria,214,4
+lindenwood,144,2
+stockman,623,2
+woodbine,1809,9
+newfields,669,4
+coffeen,269,0
+leonardo,200,2
+pinesdale,113,14
+coffeen,17,5
+stockman,1126,8
+tolstoy,406,2
+hiteman,131,5
+stockman,412,4
+forkland,1122,2
+newfields,1529,12
+newfields,1464,6
+wainscott,599,8
+wainscott,1135,1
+hanson,1624,9
+stockman,624,4
+shelbyville,96,5
+pomaria,730,2
+lindenwood,2230,0
+marstons,1385,9
+hiteman,319,13
+pinesdale,409,3
+pinesdale,1472,4
+pinesdale,76,2
+marstons,162,8
+woodbine,1908,5
+hanson,1658,14
+beechwood,113,1
+leonardo,1016,1
+tolstoy,697,1
+lakeville,36,10
+beechwood,820,3
+shelbyville,744,1
+lindenwood,1628,1
+onaga,254,0
+newfields,213,8
+cosmos,723,0
+beechwood,713,1
+newfields,132,4
+stockman,280,1
+coffeen,617,2
+stockman,794,1
+hiteman,1025,1
+newfields,358,11
+lakeville,1252,7
+woodbine,1828,1
+woodbine,1756,0
+mifflinburg,944,1
+lakeville,871,0
+cosmos,758,4
+marstons,1459,0
+coffeen,1333,1
+marstons,2294,0
+lindenwood,1779,5
+hiteman,559,2
+wainscott,1142,3
+ranchester,1494,8
+klickitat,919,2
+benevolence,197,2
+newfields,11,3
+leonardo,1639,0
+shelbyville,1996,2
+lakeville,1655,9
+stockman,1253,5
+lindenwood,113,0
+klickitat,1321,6
+merom,511,0
+lindenwood,2257,2
+wainscott,602,0
+mifflinburg,425,3
+lindenwood,467,3
+lindenwood,2439,0
+wainscott,1696,0
+wainscott,1774,1
+allensville,339,1
+klickitat,766,4
+wainscott,893,1
+shelbyville,253,8
+newfields,458,2
+klickitat,2145,1
+shelbyville,2195,3
+marstons,542,6
+shelbyville,456,5
+leonardo,1738,0
+hiteman,1102,1
+wainscott,808,7
+pinesdale,174,2
+hiteman,1789,1
+klickitat,2315,2
+marstons,223,2
+shelbyville,1116,6
+ranchester,509,8
+mifflinburg,284,1
+woodbine,393,8
+pomaria,484,10
+lakeville,756,8
+stockman,1285,3
+leonardo,734,2
+cosmos,516,3
+shelbyville,1919,1
+lakeville,1578,0
+leonardo,737,0
+wainscott,1453,3
+beechwood,179,3
+lindenwood,2523,5
+marstons,2449,0
+hanson,1034,6
+stockman,551,0
+ranchester,532,7
+woodbine,295,15
+allensville,280,8
+lakeville,540,2
+woodbine,368,2
+merom,372,0
+lakeville,191,1
+lindenwood,836,0
+pomaria,1437,1
+tolstoy,114,2
+leonardo,951,1
+woodbine,1313,4
+lakeville,663,0
+stockman,60,5
+shelbyville,1252,2
+marstons,1156,0
+lindenwood,1900,2
+newfields,874,3
+ranchester,817,2
+coffeen,1465,4
+marstons,562,2
+cosmos,277,2
+coffeen,902,4
+hanson,1488,1
+onaga,250,6
+woodbine,984,9
+hanson,1418,1
+tolstoy,1426,4
+hanson,928,5
+ranchester,704,4
+stockman,1120,3
+shelbyville,1630,0
+stockman,1352,4
+woodbine,2040,7
+hanson,671,1
+stockman,1004,0
+stockman,178,1
+lakeville,1006,6
+stockman,116,10
+leonardo,2100,9
+woodbine,1591,6
+hiteman,655,0
+coffeen,1064,0
+tolstoy,569,1
+ranchester,826,4
+klickitat,320,7
+cosmos,151,4
+marstons,1582,5
+marstons,1429,2
+wainscott,505,6
+lakeville,1284,13
+woodbine,1629,6
+hiteman,1320,0
+woodbine,1486,5
+marstons,207,2
+stockman,656,4
+hiteman,882,0
+marstons,1994,4
+lakeville,1894,1
+pomaria,419,7
+pomaria,1465,3
+mifflinburg,258,0
+hanson,1513,0
+coffeen,1422,5
+shelbyville,2535,0
+stockman,1440,2
+mifflinburg,435,1
+klickitat,27,7
+wainscott,461,6
+marstons,2503,7
+stockman,1147,0
+newfields,1157,3
+tolstoy,310,0
+lindenwood,2296,0
+klickitat,2012,1
+newfields,318,6
+pomaria,667,5
+wainscott,1064,5
+stockman,149,5
+klickitat,283,4
+newfields,687,0
+klickitat,559,1
+shelbyville,995,2
+newfields,838,2
+ranchester,1495,4
+shelbyville,2200,0
+leonardo,851,8
+stockman,975,5
+newfields,1155,1
+leonardo,624,6
+tolstoy,615,3
+stockman,1184,3
+woodbine,1311,0
+coffeen,556,8
+stockman,990,0
+leonardo,992,6
+beechwood,1159,0
+coffeen,1065,2
+hanson,1124,2
+allensville,464,3
+klickitat,141,14
+klickitat,2371,2
+mifflinburg,668,5
+lindenwood,2635,9
+newfields,1404,2
+woodbine,1856,0
+mifflinburg,586,1
+shelbyville,780,9
+wainscott,30,1
+coffeen,705,0
+pomaria,288,10
+leonardo,1657,6
+allensville,403,2
+lindenwood,964,17
+lakeville,651,2
+leonardo,75,2
+hiteman,1536,5
+klickitat,1189,3
+ranchester,1428,1
+merom,818,3
+shelbyville,2629,2
+beechwood,375,6
+lindenwood,1345,10
+lakeville,1004,19
+woodbine,1134,0
+pomaria,152,5
+lakeville,664,2
+hiteman,1178,3
+leonardo,1560,1
+leonardo,519,2
+ranchester,841,4
+leonardo,387,0
+ranchester,663,5
+benevolence,927,11
+leonardo,160,1
+woodbine,713,4
+newfields,828,5
+stockman,276,0
+leonardo,1682,8
+stockman,170,1
+lakeville,1698,6
+hiteman,1390,10
+tolstoy,1647,12
+wainscott,170,8
+ranchester,65,6
+lakeville,162,9
+hanson,775,15
+mifflinburg,780,2
+pinesdale,382,1
+forkland,594,1
+hanson,1462,9
+benevolence,942,3
+woodbine,880,6
+lindenwood,264,3
+stockman,333,0
+wainscott,508,5
+leonardo,533,3
+shelbyville,2495,6
+lakeville,1854,0
+ranchester,561,3
+woodbine,781,4
+allensville,111,1
+lindenwood,161,1
+shelbyville,1951,0
+wainscott,228,1
+ranchester,480,0
+mifflinburg,704,3
+hiteman,1651,1
+cosmos,194,1
+newfields,1204,4
+lindenwood,984,6
+mifflinburg,412,6
+hanson,1354,2
+lindenwood,103,4
+newfields,0,9
+mifflinburg,540,2
+leonardo,552,6
+woodbine,444,2
+onaga,641,1
+pomaria,773,4
+lakeville,137,2
+shelbyville,1664,2
+newfields,966,12
+ranchester,804,1
+ranchester,769,2
+wainscott,576,2
+marstons,598,1
+wainscott,520,10
+cosmos,675,2
+lakeville,520,11
+stockman,144,1
+lindenwood,260,0
+hanson,1049,3
+woodbine,932,0
+lakeville,1790,2
+ranchester,1409,1
+lakeville,1887,8
+lindenwood,1566,2
+newfields,764,2
+allensville,29,0
+lindenwood,1665,1
+coffeen,1337,1
+klickitat,1661,3
+benevolence,307,4
+lindenwood,2213,2
+marstons,1636,2
+klickitat,787,8
+coffeen,205,4
+klickitat,2167,5
+shelbyville,2178,5
+mifflinburg,434,5
+lakeville,698,2
+ranchester,1110,0
+lindenwood,1536,2
+woodbine,945,8
+onaga,583,2
+hanson,1658,3
+tolstoy,655,0
+newfields,1200,2
+shelbyville,776,1
+lindenwood,1874,2
+newfields,1215,0
+marstons,672,2
+stockman,262,11
+marstons,260,2
+beechwood,173,1
+hanson,522,2
+onaga,496,1
+newfields,344,4
+klickitat,720,2
+beechwood,829,3
+newfields,451,0
+shelbyville,2551,10
+tolstoy,1208,2
+newfields,612,2
+pomaria,699,0
+newfields,1543,6
+wainscott,253,5
+marstons,2247,1
+leonardo,605,5
+cosmos,219,12
+lindenwood,1468,3
+coffeen,848,2
+coffeen,977,0
+forkland,650,9
+pomaria,1107,1
+allensville,134,6
+pomaria,1428,0
+klickitat,2138,0
+forkland,248,3
+pomaria,1650,11
+wainscott,775,4
+shelbyville,2278,3
+lakeville,1461,3
+tolstoy,1834,3
+lindenwood,1968,4
+lindenwood,2051,13
+woodbine,1126,11
+tolstoy,89,6
+tolstoy,895,3
+lakeville,1815,6
+newfields,269,6
+tolstoy,711,4
+leonardo,551,3
+leonardo,146,2
+pomaria,1200,1
+pomaria,749,2
+hiteman,170,1
+hiteman,186,0
+tolstoy,1469,2
+shelbyville,2642,0
+klickitat,2366,1
+tolstoy,452,0
+wainscott,372,0
+woodbine,43,5
+wainscott,1171,11
+shelbyville,88,1
+hiteman,1647,1
+beechwood,766,4
+wainscott,895,9
+woodbine,1207,6
+klickitat,1572,9
+stockman,52,2
+klickitat,2315,7
+newfields,245,10
+klickitat,1099,0
+klickitat,534,5
+ranchester,94,10
+lakeville,1589,0
+marstons,318,4
+tolstoy,1066,9
+beechwood,618,8
+marstons,202,4
+shelbyville,2603,2
+tolstoy,863,0
+pomaria,621,4
+mifflinburg,915,2
+pinesdale,456,6
+coffeen,385,9
+newfields,431,7
+lakeville,1419,1
+beechwood,1170,5
+marstons,2394,6
+shelbyville,2722,9
+marstons,539,3
+tolstoy,140,2
+wainscott,1492,3
+hiteman,523,0
+mifflinburg,235,3
+shelbyville,1932,2
+shelbyville,1391,3
+lakeville,1061,10
+newfields,1165,1
+tolstoy,1502,2
+woodbine,1730,0
+lindenwood,1944,5
+wainscott,1379,5
+hanson,1361,8
+newfields,1399,0
+shelbyville,1138,0
+hanson,458,1
+mifflinburg,36,6
+newfields,692,5
+shelbyville,576,2
+leonardo,1976,4
+pomaria,99,3
+allensville,119,1
+beechwood,522,3
+klickitat,531,5
+shelbyville,1762,3
+shelbyville,925,3
+allensville,150,1
+lindenwood,1519,0
+cosmos,344,2
+woodbine,692,12
+marstons,2219,2
+hanson,684,5
+wainscott,1348,0
+lakeville,843,0
+beechwood,356,1
+newfields,1142,7
+allensville,187,2
+marstons,929,6
+leonardo,801,2
+stockman,627,5
+lindenwood,2250,5
+ranchester,369,1
+pinesdale,504,7
+lakeville,68,3
+lakeville,762,4
+newfields,1027,13
+shelbyville,1100,10
+newfields,122,3
+pinesdale,826,12
+tolstoy,34,2
+benevolence,403,11
+beechwood,169,6
+pinesdale,277,1
+beechwood,886,2
+hanson,1128,4
+coffeen,430,3
+hanson,1290,2
+cosmos,66,6
+wainscott,1074,2
+ranchester,1280,2
+shelbyville,1432,4
+klickitat,1046,5
+shelbyville,968,2
+marstons,2263,0
+coffeen,1294,6
+stockman,949,6
+leonardo,1139,10
+stockman,816,4
+klickitat,1564,1
+ranchester,1388,9
+ranchester,285,2
+beechwood,958,0
+wainscott,912,4
+hiteman,42,3
+coffeen,1052,3
+pomaria,1671,2
+beechwood,32,0
+klickitat,1689,8
+pinesdale,458,9
+wainscott,187,2
+marstons,502,6
+pomaria,503,1
+hiteman,1075,7
+marstons,2323,1
+wainscott,1204,0
+wainscott,1627,3
+klickitat,1996,5
+coffeen,511,1
+wainscott,1077,5
+coffeen,866,1
+wainscott,923,2
+onaga,425,2
+coffeen,1497,4
+allensville,188,4
+newfields,919,1
+hanson,1241,4
+hiteman,405,0
+hiteman,690,2
+lakeville,1413,3
+marstons,10,12
+newfields,812,0
+tolstoy,158,5
+tolstoy,1588,0
+leonardo,567,1
+newfields,119,0
+mifflinburg,14,2
+klickitat,1637,12
+pomaria,500,3
+newfields,787,2
+marstons,804,15
+lakeville,654,10
+woodbine,67,3
+hiteman,57,4
+marstons,1094,2
+merom,1028,2
+ranchester,1034,5
+hanson,1410,6
+marstons,1332,1
+forkland,1095,3
+hiteman,946,7
+beechwood,943,5
+pinesdale,1232,1
+lindenwood,1159,4
+pomaria,709,2
+hanson,1451,8
+hiteman,1531,1
+pomaria,1324,11
+shelbyville,2551,9
+klickitat,1451,10
+woodbine,638,3
+leonardo,914,2
+cosmos,141,4
+woodbine,138,10
+wainscott,1550,10
+coffeen,366,2
+benevolence,117,0
+hiteman,128,6
+woodbine,986,14
+marstons,1682,8
+benevolence,465,4
+woodbine,711,6
+onaga,545,6
+pinesdale,621,3
+cosmos,268,6
+newfields,1132,10
+leonardo,715,0
+leonardo,85,2
+merom,407,0
+forkland,100,6
+shelbyville,269,3
+lakeville,432,2
+coffeen,344,4
+lakeville,1546,1
+woodbine,1949,7
+lakeville,1411,2
+woodbine,397,3
+ranchester,322,2
+ranchester,1425,2
+stockman,1243,0
+lakeville,38,4
+woodbine,1113,1
+tolstoy,487,14
+coffeen,242,4
+beechwood,650,6
+pomaria,352,6
+lindenwood,1855,0
+lindenwood,1623,1
+newfields,637,14
+marstons,1893,0
+klickitat,1545,7
+lindenwood,705,1
+hiteman,943,3
+wainscott,1108,4
+leonardo,217,4
+newfields,833,2
+stockman,490,1
+ranchester,1250,1
+lakeville,1734,10
+shelbyville,905,0
+pinesdale,1450,3
+mifflinburg,238,1
+mifflinburg,52,1
+wainscott,321,2
+ranchester,1241,0
+pomaria,528,5
+mifflinburg,824,4
+ranchester,456,2
+onaga,63,1
+hiteman,180,1
+beechwood,790,10
+tolstoy,681,2
+tolstoy,1540,4
+klickitat,2151,7
+marstons,1718,12
+ranchester,672,6
+pomaria,797,5
+forkland,1171,4
+wainscott,1622,1
+shelbyville,2096,7
+woodbine,736,2
+ranchester,86,5
+hiteman,1667,2
+wainscott,140,17
+coffeen,146,4
+shelbyville,1031,0
+wainscott,595,1
+lakeville,483,1
+lindenwood,817,1
+shelbyville,1824,1
+lakeville,1687,2
+hanson,420,0
+beechwood,181,0
+lindenwood,1204,1
+leonardo,1864,5
+coffeen,902,1
+stockman,1082,3
+hiteman,1662,8
+klickitat,113,5
+hanson,1337,0
+marstons,1895,0
+lindenwood,2131,6
+stockman,1363,9
+tolstoy,556,2
+leonardo,704,3
+hiteman,697,3
+lakeville,771,4
+klickitat,1505,1
+cosmos,754,0
+cosmos,13,3
+hanson,971,8
+lakeville,1705,4
+shelbyville,233,0
+stockman,528,3
+lakeville,972,4
+tolstoy,17,2
+marstons,660,3
+tolstoy,772,7
+klickitat,1728,2
+tolstoy,1164,0
+benevolence,358,2
+hanson,1216,1
+shelbyville,2811,3
+lakeville,62,0
+shelbyville,2722,11
+newfields,267,1
+forkland,226,2
+woodbine,903,10
+leonardo,528,15
+hiteman,1235,1
+merom,1095,1
+tolstoy,38,0
+pinesdale,44,2
+mifflinburg,102,7
+marstons,2342,10
+coffeen,33,5
+shelbyville,1782,1
+ranchester,400,1
+ranchester,1114,6
+newfields,1304,1
+onaga,40,2
+lakeville,1486,7
+pomaria,138,0
+tolstoy,1233,1
+marstons,2118,7
+beechwood,1156,6
+wainscott,1391,9
+mifflinburg,747,2
+shelbyville,2357,7
+lakeville,1805,4
+tolstoy,1034,9
+leonardo,278,0
+ranchester,466,0
+newfields,1475,7
+pomaria,127,2
+lindenwood,2508,4
+klickitat,1312,6
+marstons,138,0
+woodbine,2041,0
+tolstoy,1812,2
+forkland,951,6
+stockman,1573,3
+hanson,1019,3
+coffeen,1252,2
+hiteman,120,8
+ranchester,1526,4
+tolstoy,453,0
+newfields,1549,0
+lakeville,1456,1
+beechwood,349,6
+lindenwood,1112,2
+tolstoy,551,2
+lindenwood,732,9
+stockman,279,0
+woodbine,1681,6
+hanson,1372,3
+woodbine,712,0
+hiteman,1755,10
+newfields,14,9
+klickitat,1559,4
+leonardo,1635,20
+lindenwood,1853,2
+lakeville,1601,0
+hiteman,1076,5
+merom,76,1
+marstons,1670,2
+hanson,945,3
+lindenwood,389,2
+lakeville,1643,10
+leonardo,223,4
+shelbyville,2818,5
+coffeen,794,3
+pomaria,1373,3
+lakeville,1599,4
+stockman,1420,1
+ranchester,1136,3
+pomaria,267,2
+lindenwood,2208,8
+shelbyville,1246,0
+benevolence,35,0
+coffeen,349,1
+merom,586,4
+pinesdale,609,0
+lindenwood,1412,0
+pinesdale,517,4
+forkland,212,4
+shelbyville,2104,3
+shelbyville,1186,6
+lakeville,323,5
+allensville,451,2
+lindenwood,2453,0
+hanson,694,4
+hiteman,1585,0
+pinesdale,879,5
+merom,54,7
+onaga,462,2
+beechwood,755,1
+coffeen,533,1
+beechwood,442,0
+marstons,1336,1
+marstons,29,2
+woodbine,542,11
+hanson,262,6
+hiteman,135,3
+benevolence,889,7
+coffeen,673,3
+newfields,884,8
+lakeville,1655,1
+benevolence,667,4
+mifflinburg,784,3
+marstons,2262,1
+cosmos,489,3
+hiteman,769,5
+merom,27,1
+stockman,563,1
+pinesdale,772,0
+benevolence,861,0
+lakeville,1601,13
+klickitat,406,13
+beechwood,61,7
+woodbine,271,4
+lakeville,1746,8
+shelbyville,2767,1
+leonardo,2061,1
+cosmos,202,6
+pinesdale,324,0
+stockman,537,0
+shelbyville,2537,15
+klickitat,349,0
+cosmos,852,3
+hanson,670,2
+lakeville,227,6
+woodbine,1280,6
+shelbyville,2232,7
+cosmos,121,4
+pomaria,320,5
+wainscott,1185,3
+tolstoy,526,2
+wainscott,942,3
+ranchester,112,2
+klickitat,1630,2
+hiteman,1353,0
+klickitat,914,14
+stockman,1187,4
+lakeville,1573,5
+lakeville,713,7
+klickitat,330,4
+klickitat,2160,2
+newfields,155,10
+benevolence,506,3
+marstons,1551,1
+lakeville,157,6
+forkland,96,1
+hanson,1630,2
+cosmos,599,1
+newfields,1043,2
+onaga,387,1
+lindenwood,2007,5
+wainscott,602,9
+leonardo,1004,7
+merom,398,3
+allensville,88,2
+pinesdale,1269,4
+pomaria,1381,0
+shelbyville,917,0
+ranchester,1190,4
+forkland,575,2
+leonardo,1688,19
+lakeville,1273,2
+klickitat,1558,7
+mifflinburg,13,2
+lindenwood,434,6
+woodbine,878,11
+cosmos,312,2
+marstons,1714,11
+marstons,259,7
+stockman,1073,0
+mifflinburg,804,0
+tolstoy,1794,6
+wainscott,866,0
+lakeville,504,0
+leonardo,533,2
+tolstoy,518,6
+tolstoy,239,0
+shelbyville,259,8
+pinesdale,133,3
+marstons,462,1
+marstons,2368,1
+tolstoy,265,1
+lakeville,731,10
+marstons,514,4
+leonardo,1933,9
+ranchester,1150,10
+newfields,727,2
+pinesdale,701,2
+shelbyville,679,13
+klickitat,1717,0
+pomaria,1660,3
+klickitat,1845,7
+wainscott,65,7
+lindenwood,1581,6
+newfields,1471,1
+wainscott,1469,13
+woodbine,923,2
+tolstoy,1239,1
+tolstoy,135,2
+woodbine,485,1
+wainscott,1370,6
+hanson,396,4
+marstons,1250,7
+merom,312,2
+stockman,924,0
+marstons,1401,5
+tolstoy,76,5
+wainscott,1035,2
+newfields,358,8
+lindenwood,1069,5
+lakeville,606,10
+lindenwood,890,8
+beechwood,1100,3
+klickitat,1680,2
+lakeville,727,2
+allensville,172,2
+hanson,1197,9
+hanson,144,2
+hiteman,1364,0
+ranchester,421,4
+lakeville,1718,0
+coffeen,69,3
+pinesdale,443,8
+lindenwood,2445,6
+hanson,320,2
+shelbyville,537,0
+hanson,1286,9
+coffeen,539,3
+wainscott,612,5
+woodbine,1207,4
+cosmos,414,0
+lakeville,1657,0
+shelbyville,1751,2
+cosmos,220,1
+shelbyville,1599,5
+lindenwood,168,4
+wainscott,1269,8
+beechwood,1130,5
+benevolence,58,4
+tolstoy,1439,13
+wainscott,1163,0
+woodbine,7,2
+beechwood,872,2
+lindenwood,2615,3
+lakeville,1024,1
+coffeen,276,7
+marstons,1859,6
+lindenwood,2457,0
+hanson,177,3
+benevolence,719,1
+leonardo,590,2
+lindenwood,2624,2
+marstons,731,2
+coffeen,664,0
+newfields,480,1
+beechwood,850,2
+marstons,339,3
+tolstoy,650,7
+shelbyville,600,0
+klickitat,644,8
+pomaria,1000,3
+newfields,1178,1
+benevolence,443,6
+cosmos,227,5
+hiteman,1276,1
+woodbine,805,0
+woodbine,194,3
+ranchester,1136,5
+lakeville,1576,8
+merom,1003,0
+hiteman,1468,0
+marstons,1068,2
+ranchester,243,5
+lindenwood,1980,3
+shelbyville,1399,10
+hanson,1420,15
+klickitat,2282,9
+hiteman,1118,1
+marstons,1003,5
+lakeville,1120,12
+woodbine,1723,0
+shelbyville,1266,11
+marstons,52,2
+tolstoy,1309,2
+shelbyville,950,4
+lindenwood,596,1
+lakeville,449,3
+klickitat,158,0
+wainscott,31,2
+lakeville,348,0
+klickitat,732,11
+lakeville,40,0
+klickitat,1580,7
+cosmos,624,1
+klickitat,1904,7
+shelbyville,843,5
+marstons,1976,11
+newfields,1036,1
+pomaria,1545,4
+newfields,1097,0
+stockman,316,1
+marstons,316,1
+leonardo,861,5
+pinesdale,722,6
+forkland,601,2
+klickitat,82,1
+merom,296,1
+newfields,387,2
+coffeen,175,1
+pinesdale,419,2
+lindenwood,2307,1
+hanson,1653,9
+klickitat,1522,1
+lakeville,1475,4
+woodbine,581,7
+merom,476,0
+marstons,541,11
+hanson,866,2
+hiteman,1000,5
+leonardo,1358,0
+benevolence,751,1
+tolstoy,1705,5
+leonardo,1632,0
+newfields,541,2
+lakeville,1108,5
+ranchester,887,0
+leonardo,1601,5
+pomaria,638,4
+tolstoy,1026,2
+woodbine,421,5
+pinesdale,253,1
+pomaria,93,0
+allensville,504,1
+pinesdale,110,1
+wainscott,1031,4
+merom,45,0
+pomaria,39,5
+klickitat,1647,0
+pinesdale,87,4
+marstons,165,1
+stockman,805,1
+hanson,1421,3
+stockman,317,7
+lakeville,780,1
+shelbyville,1026,6
+klickitat,841,4
+shelbyville,2163,4
+hanson,767,7
+mifflinburg,745,5
+klickitat,1851,1
+stockman,454,8
+leonardo,1688,0
+coffeen,1101,7
+pomaria,1634,15
+forkland,1082,0
+woodbine,319,0
+woodbine,1349,11
+ranchester,1054,7
+shelbyville,1960,4
+shelbyville,2285,2
+mifflinburg,397,5
+shelbyville,1896,1
+marstons,1608,7
+klickitat,683,1
+marstons,2201,8
+beechwood,29,0
+klickitat,1994,3
+forkland,1181,1
+klickitat,1773,0
+tolstoy,1259,1
+klickitat,126,9
+klickitat,706,1
+newfields,532,1
+lindenwood,1576,3
+cosmos,39,2
+shelbyville,1712,5
+wainscott,219,5
+tolstoy,1237,3
+shelbyville,2373,1
+mifflinburg,2,2
+coffeen,1219,3
+newfields,244,8
+hanson,615,2
+wainscott,698,5
+ranchester,1536,0
+tolstoy,875,12
+merom,1100,1
+marstons,1016,2
+hanson,630,2
+wainscott,613,5
+cosmos,156,0
+pinesdale,307,3
+lakeville,1291,1
+mifflinburg,200,4
+lakeville,1602,0
+wainscott,398,10
+klickitat,1123,5
+newfields,1386,3
+pinesdale,724,1
+tolstoy,819,2
+lindenwood,1721,3
+woodbine,558,1
+newfields,613,12
+wainscott,1083,4
+lakeville,1813,1
+coffeen,197,1
+beechwood,668,1
+tolstoy,1732,1
+hiteman,1438,2
+shelbyville,1170,4
+woodbine,559,0
+shelbyville,649,5
+cosmos,1074,0
+woodbine,435,0
+hiteman,741,5
+shelbyville,1651,8
+beechwood,733,4
+leonardo,1486,2
+klickitat,2019,4
+pinesdale,740,8
+shelbyville,1993,0
+hiteman,1060,2
+stockman,1074,1
+cosmos,621,2
+pinesdale,163,2
+hiteman,1766,2
+newfields,857,2
+leonardo,1054,0
+tolstoy,305,1
+pinesdale,397,2
+stockman,1147,4
+beechwood,214,4
+pomaria,999,1
+wainscott,1697,7
+lindenwood,1752,2
+marstons,2471,9
+leonardo,1375,5
+wainscott,392,8
+pomaria,1092,2
+leonardo,1788,4
+hanson,1579,7
+ranchester,290,7
+onaga,155,2
+mifflinburg,616,6
+leonardo,115,6
+hiteman,706,3
+beechwood,176,2
+tolstoy,623,3
+tolstoy,1097,5
+merom,995,2
+wainscott,229,5
+pomaria,185,6
+mifflinburg,484,0
+tolstoy,1347,0
+pinesdale,535,2
+tolstoy,868,13
+hiteman,1126,3
+lakeville,1516,6
+mifflinburg,51,5
+merom,295,6
+tolstoy,850,0
+marstons,2391,1
+ranchester,692,8
+benevolence,27,0
+tolstoy,1085,3
+merom,379,0
+marstons,323,4
+tolstoy,849,2
+coffeen,931,4
+woodbine,843,6
+leonardo,1688,1
+woodbine,1281,13
+onaga,679,5
+coffeen,542,3
+klickitat,1126,2
+tolstoy,1143,0
+klickitat,14,3
+marstons,869,1
+lakeville,667,4
+shelbyville,691,7
+klickitat,2112,6
+klickitat,1924,4
+pomaria,1274,2
+pinesdale,1077,0
+cosmos,797,0
+marstons,81,6
+shelbyville,984,11
+wainscott,1314,4
+ranchester,1487,0
+mifflinburg,773,5
+klickitat,607,3
+ranchester,1232,1
+tolstoy,563,2
+beechwood,480,2
+wainscott,703,1
+hanson,924,0
+merom,222,3
+coffeen,683,3
+tolstoy,1532,5
+pomaria,833,1
+pinesdale,369,5
+marstons,1425,3
+woodbine,226,5
+cosmos,1072,4
+lindenwood,2565,7
+beechwood,875,3
+pinesdale,187,0
+ranchester,467,2
+marstons,2024,5
+forkland,109,2
+marstons,1545,8
+hiteman,723,4
+lindenwood,295,3
+wainscott,360,0
+wainscott,973,11
+klickitat,2,7
+leonardo,1910,6
+ranchester,1391,2
+allensville,97,4
+lindenwood,1675,3
+hiteman,1397,3
+ranchester,1300,1
+marstons,2161,1
+hiteman,893,0
+shelbyville,1887,7
+pomaria,642,0
+newfields,46,0
+leonardo,1129,4
+tolstoy,179,19
+wainscott,1165,2
+shelbyville,498,6
+ranchester,96,2
+leonardo,857,1
+hanson,821,1
+shelbyville,441,1
+forkland,874,2
+marstons,1736,5
+beechwood,315,5
+wainscott,494,5
+merom,13,0
+tolstoy,1251,1
+leonardo,1454,13
+lindenwood,510,6
+wainscott,84,5
+wainscott,1331,4
+woodbine,1293,4
+ranchester,1571,1
+ranchester,402,0
+lakeville,1532,3
+benevolence,240,5
+lakeville,618,4
+hiteman,557,4
+coffeen,882,3
+shelbyville,572,4
+hiteman,1646,3
+marstons,2229,1
+klickitat,1147,4
+allensville,110,3
+marstons,1694,3
+forkland,108,1
+lindenwood,1640,2
+newfields,215,1
+coffeen,385,0
+ranchester,969,6
+wainscott,897,8
+ranchester,188,16
+onaga,197,2
+leonardo,160,6
+beechwood,935,7
+mifflinburg,296,2
+allensville,355,4
+forkland,609,3
+newfields,1481,2
+coffeen,6,7
+leonardo,1079,9
+merom,782,2
+lakeville,131,4
+ranchester,617,3
+hanson,35,15
+shelbyville,692,18
+benevolence,76,0
+marstons,1073,7
+klickitat,1960,14
+woodbine,131,0
+lakeville,110,9
+ranchester,358,10
+tolstoy,1124,1
+merom,689,3
+hanson,719,0
+hanson,231,0
+klickitat,168,1
+klickitat,1857,6
+mifflinburg,605,2
+stockman,245,6
+tolstoy,1391,0
+ranchester,383,2
+cosmos,288,0
+woodbine,704,6
+lindenwood,2086,12
+leonardo,1644,2
+hanson,1424,5
+klickitat,2396,6
+lindenwood,988,1
+shelbyville,719,5
+hiteman,1336,3
+ranchester,254,0
+shelbyville,1214,7
+klickitat,1417,3
+shelbyville,1616,11
+benevolence,942,2
+marstons,2621,12
+pinesdale,578,4
+marstons,653,6
+woodbine,1840,2
+pomaria,145,5
+tolstoy,883,8
+lindenwood,2108,0
+onaga,540,1
+stockman,508,0
+forkland,106,2
+wainscott,698,4
+lindenwood,1814,1
+beechwood,803,2
+pinesdale,876,0
+coffeen,764,0
+hanson,1143,4
+woodbine,426,1
+onaga,533,2
+ranchester,1031,4
+hiteman,415,0
+allensville,487,2
+shelbyville,2737,4
+klickitat,1782,3
+newfields,1058,3
+lindenwood,967,1
+marstons,758,8
+hiteman,1299,1
+beechwood,370,1
+shelbyville,323,13
+klickitat,1685,8
+shelbyville,334,4
+pomaria,98,1
+wainscott,1434,5
+stockman,290,0
+cosmos,161,7
+woodbine,924,5
+lakeville,497,3
+tolstoy,1043,6
+hanson,1474,0
+shelbyville,2656,6
+newfields,126,7
+woodbine,878,10
+shelbyville,1743,0
+hanson,1458,10
+ranchester,1099,6
+lindenwood,2031,0
+lakeville,275,0
+klickitat,1555,9
+wainscott,1324,1
+lakeville,647,7
+shelbyville,1996,1
+wainscott,529,15
+lindenwood,740,10
+tolstoy,726,1
+leonardo,1000,7
+mifflinburg,26,3
+pinesdale,617,1
+beechwood,739,3
+klickitat,2331,0
+woodbine,1027,4
+wainscott,1410,0
+woodbine,345,2
+ranchester,967,2
+leonardo,226,5
+lakeville,1796,1
+klickitat,80,0
+coffeen,624,3
+coffeen,683,1
+woodbine,881,4
+woodbine,1353,8
+stockman,880,1
+allensville,417,0
+marstons,2238,1
+hiteman,1726,3
+ranchester,1537,6
+shelbyville,2697,4
+klickitat,2292,9
+hiteman,904,2
+marstons,121,5
+coffeen,305,6
+marstons,705,3
+newfields,1602,13
+lakeville,266,0
+tolstoy,558,3
+coffeen,1160,1
+woodbine,155,3
+pomaria,1677,8
+pomaria,469,1
+shelbyville,1962,12
+ranchester,542,7
+lakeville,1505,12
+merom,843,1
+hiteman,778,0
+lindenwood,1556,2
+stockman,409,0
+beechwood,350,4
+klickitat,783,3
+ranchester,860,9
+klickitat,276,2
+cosmos,232,4
+tolstoy,1073,3
+cosmos,308,3
+allensville,470,1
+merom,972,3
+marstons,1929,10
+tolstoy,871,3
+merom,318,0
+marstons,1400,7
+leonardo,1208,3
+beechwood,901,11
+woodbine,256,1
+forkland,857,2
+leonardo,2091,1
+marstons,757,7
+woodbine,1081,13
+hanson,744,0
+onaga,67,2
+beechwood,1069,5
+lakeville,773,2
+pomaria,1254,1
+newfields,627,9
+mifflinburg,185,4
+pinesdale,1124,5
+cosmos,479,11
+newfields,655,3
+shelbyville,774,4
+ranchester,1099,1
+hanson,1264,1
+hanson,623,10
+klickitat,1877,2
+lindenwood,1188,1
+lindenwood,1107,0
+tolstoy,1168,3
+shelbyville,1033,8
+merom,486,1
+leonardo,1677,0
+woodbine,1224,2
+leonardo,727,3
+shelbyville,2791,1
+forkland,1127,4
+cosmos,794,0
+klickitat,111,3
+shelbyville,2272,1
+marstons,2101,0
+ranchester,381,0
+shelbyville,2561,3
+tolstoy,1224,12
+newfields,1327,7
+hanson,1439,6
+pomaria,317,15
+hiteman,500,5
+hanson,1358,4
+beechwood,463,5
+pomaria,1176,9
+lakeville,1510,3
+pomaria,1083,2
+marstons,110,0
+allensville,5,4
+lindenwood,1941,6
+klickitat,1745,3
+lindenwood,1489,8
+benevolence,716,2
+merom,817,2
+marstons,2382,2
+coffeen,617,4
+ranchester,844,11
+hiteman,600,13
+stockman,1538,2
+pomaria,737,10
+lakeville,75,3
+newfields,506,3
+tolstoy,1227,0
+leonardo,768,1
+lakeville,1099,17
+woodbine,1074,0
+woodbine,1075,0
+pomaria,67,6
+pinesdale,29,4
+stockman,533,0
+lakeville,1763,5
+coffeen,1358,3
+lindenwood,1588,1
+newfields,1330,1
+klickitat,494,0
+newfields,866,2
+hiteman,1376,10
+lindenwood,1850,4
+lakeville,1342,6
+wainscott,976,7
+klickitat,699,9
+klickitat,1532,0
+ranchester,691,1
+klickitat,223,4
+lakeville,431,3
+tolstoy,1735,0
+klickitat,480,0
+woodbine,543,3
+lakeville,1575,6
+lakeville,1770,4
+lindenwood,1896,2
+benevolence,305,6
+shelbyville,2023,4
+shelbyville,334,11
+lakeville,356,0
+hiteman,1051,0
+woodbine,1814,1
+stockman,440,2
+beechwood,1041,1
+leonardo,1635,19
+forkland,1093,2
+lakeville,1778,9
+cosmos,1032,2
+beechwood,904,1
+hiteman,439,13
+tolstoy,1108,8
+klickitat,1956,2
+shelbyville,394,4
+lindenwood,602,4
+marstons,2146,0
+hiteman,1386,2
+leonardo,81,2
+forkland,1026,7
+wainscott,351,7
+ranchester,157,16
+tolstoy,637,3
+klickitat,1026,0
+pinesdale,499,3
+marstons,729,7
+wainscott,1382,2
+marstons,990,2
+stockman,848,0
+ranchester,879,8
+beechwood,562,0
+hiteman,1219,8
+lakeville,1493,16
+marstons,1239,8
+hiteman,275,9
+forkland,390,1
+klickitat,1005,8
+beechwood,1012,0
+merom,758,3
+coffeen,939,4
+hanson,410,0
+stockman,747,8
+lindenwood,697,6
+hanson,751,11
+hiteman,1662,12
+shelbyville,1249,9
+mifflinburg,190,2
+leonardo,1806,2
+beechwood,708,0
+wainscott,1648,3
+pinesdale,26,0
+beechwood,989,6
+pinesdale,165,4
+klickitat,178,0
+marstons,2495,2
+coffeen,1085,1
+stockman,516,4
+pinesdale,360,0
+pinesdale,973,0
+tolstoy,659,4
+marstons,1229,0
+lakeville,434,7
+pinesdale,607,3
+ranchester,1094,8
+mifflinburg,113,7
+pinesdale,514,0
+lindenwood,1648,3
+klickitat,104,1
+marstons,2349,2
+onaga,383,0
+benevolence,115,4
+lindenwood,2237,3
+woodbine,344,3
+cosmos,258,7
+hanson,225,0
+shelbyville,2730,2
+lindenwood,678,6
+woodbine,932,7
+klickitat,1531,0
+lakeville,1702,2
+wainscott,1175,3
+marstons,541,7
+ranchester,866,1
+tolstoy,1480,2
+lindenwood,2550,1
+shelbyville,1697,6
+shelbyville,1762,1
+hanson,1629,3
+wainscott,517,8
+coffeen,1496,2
+hiteman,1249,5
+wainscott,380,0
+cosmos,699,0
+lakeville,1210,7
+wainscott,1400,2
+leonardo,1904,2
+woodbine,597,1
+newfields,355,3
+hanson,97,0
+shelbyville,2623,8
+leonardo,97,0
+pinesdale,609,3
+marstons,2300,4
+cosmos,810,4
+leonardo,707,11
+tolstoy,473,0
+mifflinburg,517,7
+benevolence,190,3
+ranchester,1581,5
+stockman,1494,3
+forkland,390,3
+leonardo,1295,2
+ranchester,1140,2
+beechwood,380,8
+stockman,660,1
+woodbine,1800,12
+newfields,657,16
+hanson,251,3
+hanson,1617,3
+woodbine,726,7
+stockman,619,0
+marstons,1137,1
+mifflinburg,820,1
+shelbyville,574,2
+pomaria,999,6
+woodbine,404,4
+klickitat,1283,2
+woodbine,160,0
+benevolence,300,7
+wainscott,1620,3
+lindenwood,2449,5
+leonardo,1527,6
+klickitat,1346,8
+pinesdale,1098,6
+lindenwood,1196,4
+allensville,25,3
+mifflinburg,39,1
+stockman,1543,2
+shelbyville,1895,2
+hanson,971,3
+hiteman,994,6
+shelbyville,1685,1
+klickitat,972,1
+lakeville,696,2
+hiteman,703,5
+pinesdale,1179,0
+marstons,42,3
+hanson,1367,0
+onaga,668,1
+lakeville,250,9
+beechwood,851,2
+forkland,541,1
+lindenwood,2248,0
+hanson,266,0
+allensville,420,2
+shelbyville,1800,8
+ranchester,832,10
+hanson,555,1
+klickitat,258,3
+shelbyville,1881,6
+tolstoy,792,1
+lindenwood,2579,3
+beechwood,452,2
+lindenwood,941,6
+coffeen,1247,4
+lindenwood,2388,2
+woodbine,1303,3
+hanson,643,3
+shelbyville,535,1
+marstons,1963,1
+leonardo,932,5
+stockman,707,2
+shelbyville,318,2
+klickitat,665,4
+pomaria,1505,3
+coffeen,253,0
+shelbyville,1770,4
+merom,779,6
+shelbyville,116,0
+hiteman,242,2
+pinesdale,331,3
+pomaria,1453,1
+ranchester,1568,5
+klickitat,2333,10
+stockman,1022,1
+pomaria,1411,6
+lakeville,897,0
+lakeville,111,17
+shelbyville,1516,5
+woodbine,912,0
+woodbine,253,3
+benevolence,123,13
+beechwood,1041,6
+lakeville,114,6
+cosmos,208,1
+marstons,714,9
+leonardo,1611,2
+stockman,251,7
+klickitat,1038,11
+shelbyville,2620,8
+ranchester,1050,1
+woodbine,695,0
+leonardo,1316,4
+lakeville,248,0
+newfields,528,12
+woodbine,1709,2
+beechwood,68,2
+pinesdale,498,11
+woodbine,515,10
+beechwood,1150,7
+woodbine,1142,4
+woodbine,2050,5
+allensville,198,0
+lindenwood,1972,5
+marstons,1359,9
+coffeen,830,5
+tolstoy,1222,1
+ranchester,1130,2
+marstons,2040,2
+shelbyville,1856,0
+lindenwood,136,1
+leonardo,643,0
+klickitat,1783,13
+pinesdale,140,6
+pomaria,1575,6
+merom,796,7
+lakeville,572,1
+woodbine,860,0
+wainscott,1710,3
+pomaria,1593,4
+marstons,305,1
+klickitat,1327,0
+pomaria,706,5
+woodbine,1027,11
+woodbine,505,4
+marstons,496,4
+allensville,394,7
+onaga,536,2
+lakeville,1113,1
+woodbine,1605,15
+woodbine,1700,12
+pinesdale,824,6
+stockman,1166,2
+pomaria,981,2
+ranchester,810,3
+lakeville,763,0
+pinesdale,100,0
+shelbyville,1460,1
+cosmos,150,7
+coffeen,1032,6
+mifflinburg,640,0
+stockman,1402,0
+lindenwood,2061,1
+marstons,350,1
+ranchester,48,3
+marstons,2551,9
+wainscott,815,0
+hanson,368,4
+woodbine,1246,4
+klickitat,2157,8
+newfields,598,7
+ranchester,437,2
+ranchester,1327,3
+forkland,1066,1
+lindenwood,1,0
+stockman,906,5
+tolstoy,1358,5
+klickitat,990,2
+lindenwood,1072,2
+lindenwood,2171,4
+klickitat,277,8
+leonardo,163,5
+marstons,2245,1
+hanson,825,2
+stockman,733,2
+ranchester,531,2
+newfields,252,10
+forkland,7,1
+pomaria,688,6
+newfields,752,7
+mifflinburg,757,1
+coffeen,1072,8
+mifflinburg,108,0
+stockman,1441,6
+woodbine,985,4
+ranchester,1030,1
+leonardo,1835,3
+hiteman,1574,4
+marstons,1876,0
+shelbyville,675,6
+marstons,1040,1
+newfields,36,2
+hanson,1083,10
+stockman,469,1
+klickitat,74,12
+klickitat,75,6
+shelbyville,1240,6
+lindenwood,1562,9
+klickitat,417,8
+lakeville,247,0
+lakeville,847,14
+hiteman,1712,3
+woodbine,1887,4
+woodbine,809,10
+woodbine,884,9
+hiteman,1129,5
+lindenwood,298,3
+stockman,562,3
+mifflinburg,367,1
+merom,449,0
+hanson,1467,11
+beechwood,835,1
+merom,1072,11
+wainscott,633,2
+hanson,1497,0
+pomaria,157,2
+tolstoy,868,1
+wainscott,1152,8
+lindenwood,2238,1
+wainscott,2,10
+klickitat,1641,5
+pinesdale,1423,0
+hiteman,837,1
+stockman,406,0
+mifflinburg,374,1
+marstons,1817,4
+shelbyville,1572,2
+lakeville,841,4
+lakeville,1642,6
+coffeen,685,7
+hanson,383,13
+klickitat,487,5
+cosmos,884,8
+wainscott,1296,4
+woodbine,1820,1
+lindenwood,1209,0
+wainscott,1354,3
+coffeen,1044,5
+lindenwood,745,9
+hiteman,986,4
+beechwood,82,0
+cosmos,656,1
+onaga,563,1
+benevolence,746,8
+wainscott,211,11
+ranchester,466,3
+stockman,472,3
+newfields,326,8
+tolstoy,1473,6
+pomaria,1149,4
+shelbyville,1894,1
+newfields,230,3
+leonardo,1243,1
+hiteman,1440,1
+newfields,1106,9
+lakeville,963,6
+lindenwood,2645,3
+hiteman,166,3
+ranchester,431,4
+cosmos,619,8
+beechwood,989,5
+hanson,1575,3
+marstons,2391,7
+wainscott,402,1
+pomaria,849,4
+cosmos,78,3
+tolstoy,560,0
+lindenwood,1578,4
+tolstoy,1141,0
+newfields,1576,7
+shelbyville,357,6
+coffeen,984,2
+wainscott,1587,2
+wainscott,838,11
+shelbyville,738,5
+lakeville,1849,2
+hanson,741,8
+shelbyville,1140,3
+newfields,1427,7
+marstons,2417,1
+lindenwood,1882,9
+lindenwood,1905,1
+woodbine,766,5
+benevolence,606,0
+ranchester,218,5
+stockman,1264,0
+beechwood,426,5
+stockman,791,2
+hanson,1021,11
+pomaria,1158,2
+shelbyville,782,1
+lindenwood,1290,5
+lakeville,1886,0
+wainscott,461,5
+beechwood,94,6
+leonardo,142,5
+wainscott,1556,6
+wainscott,1576,4
+wainscott,1417,3
+pinesdale,406,3
+shelbyville,1775,7
+klickitat,41,4
+tolstoy,780,1
+beechwood,513,2
+hiteman,765,0
+woodbine,1274,4
+klickitat,1234,3
+forkland,92,1
+klickitat,1539,4
+hanson,1106,11
+newfields,439,1
+marstons,2004,0
+lindenwood,2145,3
+hiteman,770,10
+klickitat,35,5
+klickitat,1202,3
+pinesdale,310,6
+lindenwood,592,0
+shelbyville,2692,7
+coffeen,1402,7
+lindenwood,2284,1
+ranchester,279,2
+pomaria,864,8
+stockman,364,0
+cosmos,550,0
+lindenwood,782,1
+wainscott,337,0
+beechwood,719,0
+woodbine,1084,2
+wainscott,65,10
+hanson,921,1
+onaga,396,7
+beechwood,831,4
+hiteman,706,2
+onaga,241,1
+pinesdale,761,5
+shelbyville,1042,7
+merom,897,7
+hanson,36,3
+lakeville,549,15
+lindenwood,1787,0
+ranchester,731,0
+klickitat,1724,4
+hanson,572,2
+ranchester,134,1
+beechwood,565,4
+marstons,1110,1
+merom,213,1
+shelbyville,1692,18
+lakeville,1502,6
+stockman,895,4
+lakeville,963,5
+ranchester,1441,1
+klickitat,2370,0
+beechwood,159,1
+coffeen,1365,6
+beechwood,316,5
+pomaria,1417,0
+shelbyville,2689,0
+wainscott,1444,3
+hiteman,99,3
+hiteman,641,0
+pomaria,1313,1
+shelbyville,208,4
+beechwood,628,1
+tolstoy,1638,9
+newfields,728,2
+hiteman,904,0
+shelbyville,2614,2
+klickitat,1885,0
+pinesdale,1321,13
+shelbyville,2179,12
+leonardo,1051,19
+hiteman,654,12
+lakeville,709,2
+leonardo,268,11
+lindenwood,2097,2
+cosmos,947,4
+wainscott,1703,6
+klickitat,406,15
+pinesdale,1011,3
+lakeville,790,2
+shelbyville,306,6
+beechwood,456,1
+shelbyville,685,16
+shelbyville,1298,0
+allensville,29,11
+cosmos,684,1
+lakeville,1039,2
+lindenwood,2316,5
+woodbine,545,2
+marstons,564,2
+beechwood,774,2
+ranchester,1343,1
+pomaria,527,0
+woodbine,27,0
+pomaria,954,6
+mifflinburg,863,0
+newfields,1130,3
+merom,950,1
+forkland,338,0
+ranchester,1072,0
+lindenwood,838,7
+cosmos,933,1
+forkland,273,1
+stockman,66,13
+lakeville,1711,8
+shelbyville,1156,5
+woodbine,639,2
+pinesdale,1064,0
+lakeville,1670,15
+woodbine,191,0
+tolstoy,735,2
+lakeville,1744,7
+klickitat,1340,3
+woodbine,1904,3
+marstons,2061,3
+ranchester,1508,3
+hanson,1241,8
+pomaria,142,5
+pomaria,1032,5
+shelbyville,2510,0
+cosmos,268,1
+shelbyville,390,2
+mifflinburg,577,1
+ranchester,1609,7
+klickitat,800,3
+lindenwood,2674,3
+stockman,1358,2
+tolstoy,1722,2
+newfields,107,4
+tolstoy,123,6
+woodbine,292,2
+cosmos,232,2
+merom,142,0
+newfields,180,5
+leonardo,996,2
+hiteman,1662,11
+mifflinburg,851,5
+lindenwood,173,0
+marstons,119,6
+marstons,1460,2
+leonardo,1644,3
+lindenwood,2186,0
+hiteman,654,6
+pomaria,942,0
+newfields,1314,11
+ranchester,878,9
+marstons,1085,3
+pomaria,231,6
+shelbyville,2611,18
+tolstoy,1629,5
+marstons,1758,0
+pomaria,936,1
+lakeville,1350,12
+stockman,254,0
+hiteman,1317,11
+onaga,664,2
+leonardo,787,2
+coffeen,382,5
+newfields,252,1
+pomaria,1612,2
+ranchester,504,0
+pomaria,1000,1
+forkland,503,2
+tolstoy,656,4
+shelbyville,509,3
+lakeville,1029,3
+wainscott,269,4
+marstons,267,9
+mifflinburg,806,2
+cosmos,120,8
+leonardo,2005,10
+tolstoy,432,3
+klickitat,798,1
+lakeville,950,1
+hiteman,1662,5
+wainscott,1266,2
+klickitat,341,5
+mifflinburg,309,1
+leonardo,986,10
+ranchester,939,1
+lakeville,571,12
+cosmos,131,9
+lindenwood,1113,0
+hanson,1157,3
+tolstoy,20,16
+marstons,501,3
+hanson,1475,12
+pomaria,805,13
+pomaria,369,3
+newfields,1575,1
+hiteman,1451,4
+pinesdale,279,1
+beechwood,6,2
+woodbine,934,0
+leonardo,1112,4
+pomaria,901,5
+beechwood,54,1
+klickitat,979,2
+lindenwood,1926,0
+shelbyville,1793,2
+hanson,575,5
+hiteman,622,1
+coffeen,819,8
+lakeville,1455,12
+coffeen,1364,5
+leonardo,348,1
+klickitat,956,0
+stockman,1160,4
+hanson,1009,11
+klickitat,684,3
+shelbyville,691,0
+pinesdale,613,2
+woodbine,1688,6
+newfields,369,3
+lindenwood,39,1
+lindenwood,2638,3
+tolstoy,1047,1
+pinesdale,284,1
+wainscott,1278,14
+tolstoy,496,1
+lindenwood,1110,2
+lakeville,1638,0
+lindenwood,547,0
+woodbine,653,1
+lindenwood,841,1
+lindenwood,495,4
+marstons,36,0
+klickitat,2295,0
+hiteman,441,1
+hanson,521,0
+lindenwood,750,0
+klickitat,410,0
+ranchester,485,2
+ranchester,510,2
+ranchester,840,2
+marstons,2256,3
+lakeville,1482,0
+allensville,488,0
+leonardo,225,1
+hiteman,916,7
+leonardo,2086,9
+marstons,851,1
+shelbyville,2036,4
+leonardo,2041,12
+pinesdale,1420,0
+lakeville,419,3
+ranchester,677,3
+wainscott,1550,8
+marstons,1138,1
+wainscott,618,12
+allensville,209,0
+tolstoy,1035,12
+pomaria,627,4
+benevolence,118,1
+cosmos,445,0
+leonardo,1222,9
+hiteman,1509,10
+klickitat,1361,10
+klickitat,1213,0
+lakeville,250,10
+leonardo,1828,1
+shelbyville,1374,1
+wainscott,1426,0
+marstons,1925,16
+hiteman,727,4
+tolstoy,1236,3
+hiteman,1235,5
+leonardo,183,2
+marstons,173,8
+cosmos,240,8
+klickitat,1671,12
+merom,46,3
+tolstoy,1566,0
+hanson,783,4
+hiteman,1003,1
+shelbyville,1682,7
+stockman,281,2
+lindenwood,710,8
+cosmos,967,5
+klickitat,320,10
+shelbyville,2044,3
+pomaria,1502,1
+klickitat,1726,3
+lakeville,810,3
+leonardo,1796,3
+marstons,1763,0
+merom,561,2
+woodbine,109,12
+lakeville,124,6
+lakeville,741,5
+wainscott,240,13
+hanson,36,2
+leonardo,1243,0
+stockman,499,1
+stockman,1196,0
+merom,788,7
+ranchester,601,3
+beechwood,801,0
+klickitat,1336,0
+shelbyville,806,5
+marstons,2432,3
+pomaria,572,4
+lindenwood,61,0
+pinesdale,1476,3
+cosmos,781,2
+marstons,2020,4
+beechwood,185,4
+klickitat,1836,8
+wainscott,1137,3
+ranchester,543,3
+hanson,675,2
+pomaria,1041,3
+pomaria,115,1
+wainscott,716,6
+stockman,1144,4
+cosmos,14,1
+leonardo,1388,2
+tolstoy,730,1
+tolstoy,1254,3
+lindenwood,607,1
+cosmos,134,6
+klickitat,416,1
+wainscott,1655,0
+pinesdale,836,1
+klickitat,225,0
+klickitat,1462,6
+klickitat,2201,4
+lindenwood,1726,7
+lakeville,940,1
+marstons,2467,3
+pinesdale,1458,0
+mifflinburg,728,1
+wainscott,231,5
+wainscott,518,5
+pomaria,597,0
+tolstoy,750,1
+pinesdale,1418,5
+tolstoy,1225,0
+cosmos,993,6
+tolstoy,862,2
+cosmos,553,6
+pinesdale,1171,1
+tolstoy,890,2
+ranchester,116,2
+tolstoy,1143,16
+pomaria,725,0
+newfields,1371,4
+pinesdale,831,3
+mifflinburg,355,3
+lakeville,415,15
+allensville,443,0
+beechwood,909,2
+newfields,1325,10
+klickitat,748,6
+hiteman,1842,0
+wainscott,1199,10
+tolstoy,337,4
+klickitat,2355,0
+klickitat,154,10
+hanson,1156,4
+ranchester,1462,0
+ranchester,1529,2
+hiteman,1780,5
+cosmos,1000,6
+pomaria,1403,13
+merom,93,3
+newfields,1237,7
+newfields,734,3
+cosmos,50,6
+tolstoy,719,3
+tolstoy,902,4
+shelbyville,2293,4
+lakeville,550,7
+newfields,428,4
+ranchester,179,0
+ranchester,795,5
+shelbyville,2435,4
+marstons,1179,0
+forkland,125,2
+hanson,1342,0
+hanson,403,7
+woodbine,1081,8
+lakeville,1081,4
+leonardo,1648,4
+beechwood,585,3
+tolstoy,880,7
+newfields,54,2
+shelbyville,571,0
+lakeville,364,6
+pomaria,260,4
+hiteman,1028,7
+leonardo,1787,3
+wainscott,1682,8
+lindenwood,2312,10
+newfields,1513,1
+leonardo,2020,10
+pomaria,263,16
+pinesdale,477,3
+lindenwood,683,5
+marstons,886,2
+cosmos,346,2
+leonardo,1217,2
+tolstoy,1369,0
+pomaria,1059,2
+lindenwood,2636,6
+pomaria,1607,9
+tolstoy,953,0
+mifflinburg,541,5
+stockman,1048,0
+beechwood,939,4
+marstons,1875,7
+pinesdale,1262,1
+newfields,1271,2
+woodbine,1281,6
+coffeen,254,2
+lakeville,355,0
+shelbyville,2545,4
+newfields,1630,0
+lindenwood,2169,5
+leonardo,1214,12
+woodbine,488,9
+woodbine,1647,1
+pinesdale,1463,3
+beechwood,1003,0
+allensville,322,3
+pinesdale,518,0
+beechwood,1106,9
+shelbyville,2306,1
+lindenwood,1458,1
+klickitat,2419,6
+hiteman,1183,0
+forkland,663,2
+ranchester,1415,0
+hanson,1055,10
+beechwood,650,2
+hanson,1231,14
+woodbine,1116,6
+coffeen,1115,0
+stockman,1300,3
+pomaria,933,7
+stockman,154,4
+lindenwood,1602,11
+leonardo,1112,11
+marstons,1881,14
+marstons,7,1
+pomaria,1165,2
+klickitat,1556,8
+newfields,630,5
+woodbine,6,1
+pinesdale,51,1
+lindenwood,1885,1
+coffeen,800,7
+woodbine,1783,2
+woodbine,1252,8
+newfields,949,9
+shelbyville,1692,16
+shelbyville,1939,4
+lindenwood,2350,5
+lindenwood,2640,3
+shelbyville,1077,16
+lakeville,38,8
+stockman,228,0
+shelbyville,2496,3
+ranchester,1143,0
+hanson,1178,8
+hiteman,448,2
+woodbine,1174,1
+wainscott,1130,3
+hiteman,35,1
+lindenwood,2021,3
+hanson,298,3
+shelbyville,1525,3
+wainscott,1758,4
+klickitat,1547,9
+pomaria,604,0
+marstons,1841,0
+beechwood,229,0
+ranchester,770,2
+wainscott,1274,10
+leonardo,1042,0
+tolstoy,1421,0
+beechwood,992,3
+shelbyville,2398,1
+klickitat,939,1
+marstons,1385,0
+leonardo,1827,4
+klickitat,2382,3
+lindenwood,1,5
+hanson,180,6
+lindenwood,2372,6
+pomaria,1095,5
+merom,754,5
+pomaria,1338,0
+wainscott,1796,1
+woodbine,1417,9
+shelbyville,1233,5
+stockman,784,0
+hiteman,119,5
+marstons,1245,0
+hiteman,933,4
+hiteman,1463,7
+shelbyville,2597,3
+marstons,173,11
+klickitat,2201,6
+merom,947,1
+onaga,2,1
+woodbine,520,4
+woodbine,802,5
+newfields,57,6
+beechwood,9,0
+ranchester,1404,0
+marstons,69,0
+hanson,1324,0
+pomaria,1232,3
+marstons,2613,8
+lakeville,695,3
+shelbyville,917,8
+cosmos,159,2
+klickitat,1792,10
+lindenwood,2213,0
+leonardo,108,5
+allensville,324,3
+pinesdale,13,3
+merom,1081,2
+klickitat,1896,3
+woodbine,739,6
+ranchester,237,2
+leonardo,1471,6
+hanson,367,10
+woodbine,1966,12
+mifflinburg,449,0
+stockman,914,1
+lindenwood,2674,0
+hanson,694,10
+tolstoy,104,10
+lakeville,520,5
+klickitat,1942,0
+wainscott,379,6
+lindenwood,1469,2
+shelbyville,35,2
+hanson,1219,8
+marstons,111,3
+newfields,650,0
+tolstoy,931,2
+klickitat,1840,0
+hanson,539,5
+ranchester,1211,5
+lindenwood,2456,5
+pinesdale,779,3
+woodbine,377,4
+ranchester,368,6
+klickitat,543,0
+coffeen,622,0
+pomaria,717,0
+hanson,227,2
+leonardo,531,9
+onaga,186,0
+tolstoy,934,7
+woodbine,803,2
+lakeville,1817,2
+lakeville,71,4
+lakeville,524,0
+forkland,407,1
+leonardo,1463,3
+forkland,155,0
+marstons,282,2
+allensville,266,1
+ranchester,1564,8
+marstons,2641,0
+marstons,896,5
+ranchester,1021,1
+shelbyville,1984,3
+leonardo,935,3
+ranchester,1348,5
+coffeen,676,5
+shelbyville,653,0
+mifflinburg,718,6
+lakeville,733,6
+leonardo,1585,1
+marstons,41,7
+lakeville,1809,10
+mifflinburg,280,6
+lindenwood,2546,4
+hiteman,302,1
+shelbyville,596,4
+pinesdale,58,2
+hiteman,1613,0
+cosmos,165,15
+leonardo,886,6
+shelbyville,1337,2
+lindenwood,373,1
+woodbine,1302,5
+hanson,1042,10
+mifflinburg,599,0
+stockman,812,11
+marstons,1846,2
+beechwood,678,2
+pinesdale,1493,4
+lakeville,247,8
+woodbine,331,0
+klickitat,1715,1
+wainscott,823,12
+leonardo,1479,0
+wainscott,418,7
+beechwood,1100,2
+coffeen,866,0
+leonardo,2045,3
+klickitat,839,5
+marstons,852,2
+beechwood,562,7
+lakeville,229,8
+pomaria,547,5
+hanson,1415,0
+benevolence,717,8
+klickitat,2087,3
+tolstoy,1036,9
+klickitat,1444,1
+lakeville,1873,10
+allensville,272,7
+newfields,1523,2
+pomaria,953,9
+marstons,1078,9
+pomaria,1311,6
+woodbine,1269,7
+ranchester,219,5
+lindenwood,2054,5
+shelbyville,1944,1
+cosmos,293,4
+merom,573,9
+hanson,715,3
+marstons,1896,11
+leonardo,2054,2
+forkland,269,1
+pinesdale,1006,3
+stockman,695,1
+marstons,932,3
+hiteman,1164,2
+woodbine,758,5
+coffeen,720,5
+beechwood,322,9
+newfields,910,6
+marstons,2500,3
+leonardo,370,7
+shelbyville,1270,1
+shelbyville,1727,0
+wainscott,944,1
+hiteman,23,1
+newfields,1285,8
+beechwood,659,9
+newfields,1133,0
+shelbyville,629,10
+stockman,604,2
+wainscott,1303,8
+hiteman,1496,2
+shelbyville,2715,3
+marstons,605,2
+leonardo,573,8
+woodbine,1951,17
+lindenwood,1905,13
+leonardo,507,0
+klickitat,272,1
+wainscott,241,10
+leonardo,648,7
+merom,1014,8
+hiteman,664,0
+coffeen,81,4
+coffeen,909,6
+lakeville,839,9
+leonardo,1559,3
+lakeville,1669,3
+newfields,1295,7
+lindenwood,2627,0
+leonardo,118,2
+woodbine,1806,9
+marstons,2483,9
+tolstoy,1708,4
+marstons,1773,2
+woodbine,2036,3
+forkland,814,1
+marstons,859,11
+marstons,1022,4
+marstons,1438,2
+woodbine,109,9
+merom,82,2
+klickitat,641,0
+mifflinburg,552,0
+lakeville,925,5
+beechwood,947,2
+hiteman,759,2
+shelbyville,2629,0
+lakeville,774,6
+stockman,100,5
+lindenwood,2295,3
+cosmos,269,6
+hiteman,223,4
+cosmos,306,10
+lakeville,1506,1
+forkland,378,3
+hiteman,1837,1
+leonardo,1454,8
+forkland,525,10
+stockman,579,8
+klickitat,658,13
+ranchester,1594,7
+coffeen,442,3
+pinesdale,88,5
+lindenwood,2432,7
+klickitat,1196,3
+klickitat,1699,5
+forkland,308,0
+lindenwood,180,6
+shelbyville,1165,0
+tolstoy,1302,0
+forkland,766,0
+beechwood,550,12
+cosmos,228,8
+marstons,2111,2
+benevolence,263,9
+lindenwood,432,9
+pomaria,1257,8
+shelbyville,1450,3
+leonardo,1301,5
+woodbine,1193,1
+klickitat,925,2
+woodbine,552,0
+ranchester,310,4
+pomaria,511,0
+shelbyville,1327,1
+wainscott,1002,1
+lindenwood,2262,2
+hanson,254,12
+tolstoy,235,0
+marstons,982,0
+merom,981,1
+marstons,2021,0
+newfields,327,2
+pomaria,1181,6
+woodbine,551,1
+klickitat,1341,2
+marstons,35,7
+hiteman,1128,2
+newfields,1367,9
+lakeville,737,1
+stockman,1280,2
+stockman,448,2
+lindenwood,2158,12
+hanson,585,2
+tolstoy,919,3
+beechwood,556,7
+pinesdale,440,8
+klickitat,469,4
+pinesdale,664,1
+woodbine,2040,2
+forkland,234,0
+hanson,137,2
+merom,307,7
+newfields,1532,0
+mifflinburg,125,3
+hiteman,516,2
+merom,580,4
+ranchester,1090,1
+pomaria,1100,1
+merom,62,1
+shelbyville,642,1
+marstons,1241,3
+pomaria,1037,2
+hanson,1426,0
+wainscott,602,8
+lindenwood,2352,6
+leonardo,1528,0
+shelbyville,2415,1
+lindenwood,1980,5
+wainscott,1727,8
+marstons,2348,0
+forkland,696,5
+pomaria,1536,1
+lindenwood,273,14
+pomaria,1331,4
+woodbine,57,0
+marstons,1583,7
+pinesdale,892,1
+lindenwood,2318,7
+hanson,54,11
+beechwood,769,4
+wainscott,1745,8
+ranchester,308,0
+marstons,3,7
+tolstoy,764,9
+woodbine,55,8
+marstons,2043,1
+woodbine,1561,3
+shelbyville,2405,7
+merom,466,2
+leonardo,248,5
+beechwood,887,0
+lindenwood,1264,0
+ranchester,1403,0
+hanson,331,0
+cosmos,1064,5
+ranchester,385,1
+merom,1095,0
+mifflinburg,305,2
+merom,143,0
+coffeen,1028,4
+shelbyville,684,5
+shelbyville,695,0
+lakeville,38,5
+marstons,20,10
+onaga,299,2
+shelbyville,158,1
+newfields,581,7
+coffeen,78,3
+lakeville,1143,2
+pinesdale,428,3
+coffeen,1486,1
+coffeen,781,0
+forkland,710,1
+mifflinburg,726,0
+woodbine,157,3
+stockman,396,2
+lakeville,1311,3
+marstons,1263,1
+shelbyville,1102,18
+klickitat,167,0
+shelbyville,2325,3
+coffeen,13,6
+woodbine,111,0
+merom,1083,2
+hanson,1357,0
+lindenwood,1470,8
+shelbyville,2802,4
+woodbine,1210,0
+lakeville,1845,0
+wainscott,1343,12
+hiteman,224,0
+leonardo,1663,2
+lindenwood,2136,7
+lakeville,1793,1
+ranchester,117,1
+tolstoy,1045,3
+tolstoy,828,4
+forkland,96,3
+lakeville,1162,13
+ranchester,1440,1
+pinesdale,1001,0
+shelbyville,707,1
+pomaria,96,4
+shelbyville,704,1
+lindenwood,796,3
+newfields,75,7
+leonardo,1169,2
+marstons,1829,1
+mifflinburg,127,1
+marstons,1654,1
+lakeville,771,6
+mifflinburg,109,3
+woodbine,600,1
+pomaria,1131,1
+mifflinburg,900,1
+pomaria,1517,5
+stockman,124,6
+lindenwood,932,4
+benevolence,416,12
+tolstoy,1109,4
+lakeville,1385,6
+stockman,1023,3
+beechwood,226,3
+marstons,399,6
+hanson,1605,0
+wainscott,1632,3
+tolstoy,359,1
+cosmos,1039,4
+ranchester,159,2
+leonardo,847,6
+klickitat,373,0
+leonardo,967,1
+pomaria,553,5
+forkland,79,2
+hiteman,1858,17
+benevolence,248,12
+klickitat,1246,17
+lakeville,1398,2
+woodbine,1806,12
+forkland,340,3
+merom,343,2
+cosmos,255,6
+pomaria,459,0
+wainscott,1543,0
+beechwood,715,15
+lakeville,1599,1
+lakeville,848,5
+leonardo,772,0
+tolstoy,1701,1
+klickitat,1574,10
+woodbine,786,1
+hanson,659,0
+wainscott,142,11
+klickitat,931,2
+coffeen,1015,2
+woodbine,253,2
+stockman,764,1
+shelbyville,2322,18
+klickitat,1238,9
+tolstoy,192,0
+ranchester,1566,3
+cosmos,500,5
+woodbine,1028,3
+lakeville,204,0
+leonardo,517,2
+tolstoy,1572,5
+shelbyville,925,10
+ranchester,1064,6
+stockman,366,1
+klickitat,72,8
+leonardo,1801,3
+wainscott,925,9
+merom,653,0
+marstons,1052,4
+leonardo,1293,1
+marstons,2502,0
+lindenwood,710,1
+pinesdale,1471,1
+hiteman,1121,0
+lindenwood,684,7
+hanson,1184,8
+tolstoy,913,1
+hiteman,801,6
+beechwood,947,0
+marstons,612,2
+merom,497,4
+wainscott,58,6
+pinesdale,399,0
+hanson,31,12
+stockman,1196,3
+marstons,802,15
+leonardo,1008,6
+pinesdale,74,0
+lakeville,1654,12
+woodbine,370,1
+leonardo,285,3
+stockman,1234,3
+allensville,332,8
+shelbyville,1103,3
+marstons,1465,0
+klickitat,1441,0
+leonardo,369,3
+wainscott,92,7
+pinesdale,265,1
+lakeville,1602,14
+ranchester,159,5
+stockman,1201,4
+hiteman,1567,0
+pinesdale,340,4
+newfields,430,1
+pinesdale,903,3
+lindenwood,2010,2
+shelbyville,555,5
+marstons,1530,0
+klickitat,365,12
+coffeen,775,2
+shelbyville,394,9
+wainscott,87,0
+lakeville,249,4
+lindenwood,379,2
+pomaria,1274,9
+mifflinburg,817,2
+stockman,1076,1
+tolstoy,129,2
+klickitat,2081,4
+klickitat,2190,0
+cosmos,155,11
+marstons,2168,1
+woodbine,2029,1
+hiteman,928,3
+ranchester,28,2
+cosmos,1014,0
+cosmos,772,10
+shelbyville,360,1
+marstons,2332,0
+onaga,604,3
+pinesdale,850,0
+hanson,1145,12
+hanson,78,1
+beechwood,582,2
+pomaria,780,0
+klickitat,650,4
+pomaria,1449,3
+hiteman,146,5
+beechwood,157,0
+klickitat,2167,8
+klickitat,123,11
+woodbine,108,3
+ranchester,1123,0
+marstons,1676,2
+woodbine,779,5
+onaga,653,1
+leonardo,1944,6
+woodbine,1015,9
+klickitat,1759,2
+hanson,1622,0
+tolstoy,1639,0
+hanson,878,5
+lindenwood,143,2
+cosmos,199,3
+lakeville,1500,12
+merom,333,3
+hanson,1352,9
+hanson,1001,14
+shelbyville,2613,4
+klickitat,2211,1
+klickitat,1437,2
+lindenwood,403,12
+woodbine,1447,0
+leonardo,1978,11
+onaga,258,3
+lindenwood,1488,9
+marstons,3,2
+forkland,141,0
+tolstoy,957,0
+klickitat,1608,3
+klickitat,900,3
+forkland,223,2
+shelbyville,1464,1
+pinesdale,404,9
+merom,856,5
+klickitat,1024,13
+klickitat,1043,9
+klickitat,1345,3
+hiteman,162,5
+klickitat,1151,7
+marstons,2269,2
+woodbine,1099,5
+pomaria,802,5
+marstons,592,3
+ranchester,628,5
+shelbyville,1380,0
+leonardo,1673,3
+tolstoy,493,2
+lindenwood,2191,3
+merom,39,10
+ranchester,167,9
+woodbine,313,12
+ranchester,308,4
+shelbyville,743,1
+hanson,980,9
+woodbine,1399,1
+leonardo,277,2
+lakeville,1004,11
+onaga,506,4
+hanson,991,0
+lakeville,1128,1
+hanson,343,4
+klickitat,1260,5
+tolstoy,1266,3
+merom,604,7
+tolstoy,1659,2
+ranchester,1565,1
+klickitat,946,9
+pomaria,175,0
+stockman,1055,0
+hanson,422,0
+pomaria,54,0
+wainscott,196,4
+lindenwood,145,8
+wainscott,942,8
+pomaria,295,5
+hiteman,237,8
+pomaria,1569,5
+lakeville,1075,1
+lindenwood,1546,7
+forkland,254,1
+woodbine,2044,6
+beechwood,744,2
+shelbyville,1498,9
+allensville,35,8
+allensville,230,5
+klickitat,1894,3
+woodbine,386,7
+benevolence,468,8
+cosmos,32,0
+wainscott,1390,10
+newfields,1348,2
+shelbyville,875,3
+hiteman,555,7
+marstons,370,4
+woodbine,1003,5
+forkland,821,6
+leonardo,130,7
+klickitat,2083,1
+beechwood,1103,3
+merom,562,1
+pomaria,1408,3
+wainscott,1186,5
+forkland,491,3
+klickitat,2295,4
+forkland,589,7
+onaga,547,1
+hanson,131,7
+shelbyville,459,7
+forkland,1123,5
+marstons,2053,5
+shelbyville,343,14
+lakeville,1837,4
+beechwood,273,4
+woodbine,1146,0
+beechwood,704,3
+woodbine,1176,1
+shelbyville,692,2
+newfields,618,11
+wainscott,1603,4
+pomaria,739,0
+wainscott,1464,1
+wainscott,721,7
+merom,980,5
+ranchester,351,4
+hanson,71,2
+forkland,102,0
+pinesdale,456,3
+merom,350,0
+klickitat,1090,2
+pinesdale,129,1
+pomaria,1662,4
+lindenwood,1680,3
+stockman,948,9
+beechwood,387,7
+leonardo,1445,3
+pomaria,418,4
+onaga,420,2
+leonardo,1163,5
+woodbine,535,6
+leonardo,1214,6
+wainscott,1617,6
+shelbyville,166,5
+tolstoy,529,1
+shelbyville,917,3
+mifflinburg,494,1
+lakeville,1036,1
+lindenwood,965,3
+woodbine,1702,8
+beechwood,1158,9
+tolstoy,155,12
+stockman,1328,3
+shelbyville,2358,9
+cosmos,605,2
+marstons,514,8
+coffeen,1202,3
+leonardo,1970,2
+hiteman,648,4
+ranchester,1457,5
+lindenwood,538,5
+tolstoy,397,5
+lakeville,1898,4
+benevolence,305,9
+woodbine,670,11
+woodbine,246,3
+leonardo,1882,6
+benevolence,89,2
+wainscott,1018,0
+tolstoy,1269,1
+coffeen,6,9
+shelbyville,689,1
+coffeen,1419,7
+leonardo,1207,7
+pomaria,314,15
+forkland,711,3
+woodbine,1417,0
+tolstoy,1231,1
+tolstoy,948,2
+lakeville,312,0
+tolstoy,1350,1
+merom,397,4
+tolstoy,1387,4
+tolstoy,614,1
+pinesdale,1103,0
+coffeen,1422,10
+lindenwood,1663,4
+newfields,1532,5
+woodbine,1909,0
+stockman,417,0
+wainscott,1091,5
+forkland,858,3
+lindenwood,2216,2
+woodbine,929,11
+pinesdale,94,3
+lakeville,1551,0
+klickitat,2078,10
+marstons,1857,3
+tolstoy,1164,12
+klickitat,401,7
+cosmos,791,0
+lakeville,1805,6
+coffeen,1055,4
+leonardo,82,5
+hanson,706,6
+coffeen,1147,3
+pomaria,922,3
+hiteman,1300,0
+lindenwood,1557,5
+marstons,826,0
+wainscott,425,6
+woodbine,914,1
+leonardo,1532,3
+tolstoy,1655,9
+lakeville,663,15
+coffeen,904,5
+mifflinburg,447,6
+merom,359,0
+benevolence,820,2
+hanson,838,0
+tolstoy,311,0
+klickitat,2148,7
+leonardo,699,5
+tolstoy,700,3
+woodbine,2018,3
+ranchester,850,7
+cosmos,84,7
+klickitat,1588,2
+stockman,491,1
+marstons,1967,1
+lakeville,1478,3
+coffeen,775,6
+lindenwood,2164,1
+pomaria,933,6
+onaga,545,7
+lakeville,1409,1
+benevolence,141,5
+wainscott,716,7
+cosmos,599,5
+wainscott,62,13
+newfields,723,15
+ranchester,451,1
+ranchester,94,13
+merom,1001,3
+shelbyville,562,7
+leonardo,1325,2
+coffeen,595,8
+stockman,1559,1
+merom,280,3
+pinesdale,1342,5
+marstons,1224,4
+onaga,371,0
+onaga,352,1
+woodbine,1888,0
+newfields,825,3
+pomaria,364,8
+shelbyville,562,2
+stockman,770,5
+shelbyville,32,2
+klickitat,1272,5
+klickitat,1799,13
+pomaria,1282,7
+lakeville,353,5
+woodbine,1336,4
+pomaria,1592,4
+lindenwood,2586,10
+wainscott,1326,7
+beechwood,733,2
+wainscott,1614,2
+wainscott,223,1
+onaga,352,3
+wainscott,1150,2
+pomaria,701,7
+beechwood,378,2
+ranchester,1531,1
+hanson,327,6
+shelbyville,24,7
+cosmos,617,9
+klickitat,1698,3
+cosmos,601,11
+woodbine,121,10
+pomaria,289,10
+woodbine,1142,0
+newfields,865,1
+newfields,1111,11
+forkland,954,2
+hiteman,495,5
+leonardo,1594,0
+merom,576,2
+cosmos,825,8
+hanson,1252,2
+hiteman,50,7
+leonardo,198,4
+marstons,2461,0
+lakeville,504,5
+lindenwood,1342,9
+lakeville,223,0
+klickitat,1454,0
+shelbyville,2737,7
+klickitat,378,0
+mifflinburg,622,2
+lakeville,368,17
+lindenwood,2658,2
+lakeville,1808,0
+woodbine,1898,2
+hiteman,1271,6
+tolstoy,61,0
+klickitat,107,7
+beechwood,598,0
+pomaria,798,0
+beechwood,115,5
+stockman,1506,3
+leonardo,1699,1
+tolstoy,1346,0
+cosmos,942,0
+wainscott,1008,1
+tolstoy,1356,2
+marstons,2367,0
+newfields,239,0
+stockman,461,0
+lakeville,1399,0
+beechwood,151,4
+shelbyville,1953,6
+leonardo,573,3
+stockman,1378,2
+wainscott,703,11
+cosmos,131,0
+hiteman,1146,2
+lindenwood,1932,1
+lindenwood,1748,2
+beechwood,1090,5
+hiteman,1150,4
+coffeen,9,3
+tolstoy,467,2
+lindenwood,560,9
+leonardo,2108,3
+shelbyville,252,1
+newfields,939,1
+lindenwood,770,1
+hiteman,559,5
+wainscott,361,6
+coffeen,1060,2
+woodbine,847,2
+beechwood,535,2
+benevolence,368,10
+stockman,924,2
+klickitat,1311,7
+marstons,2231,13
+klickitat,2010,3
+beechwood,1039,4
+klickitat,769,7
+wainscott,913,4
+hiteman,1607,1
+pomaria,174,2
+ranchester,484,6
+hiteman,1461,15
+woodbine,1336,5
+woodbine,1415,3
+marstons,2457,0
+marstons,40,9
+lakeville,794,15
+coffeen,1283,2
+klickitat,115,10
+cosmos,168,4
+pinesdale,739,3
+pinesdale,48,3
+leonardo,1777,10
+coffeen,513,0
+leonardo,501,11
+hiteman,1856,3
+lindenwood,647,0
+pomaria,1547,6
+allensville,188,0
+coffeen,1432,0
+klickitat,1360,1
+tolstoy,530,0
+shelbyville,2239,2
+stockman,659,2
+tolstoy,1180,0
+woodbine,1633,2
+lakeville,611,2
+woodbine,874,1
+stockman,639,2
+lakeville,284,7
+stockman,598,2
+cosmos,287,3
+newfields,941,3
+forkland,154,2
+tolstoy,791,1
+lindenwood,936,3
+leonardo,1863,10
+lindenwood,1087,4
+hiteman,474,19
+woodbine,1026,3
+lakeville,1643,5
+wainscott,1705,0
+woodbine,775,1
+wainscott,646,5
+pomaria,43,4
+wainscott,437,5
+leonardo,203,2
+woodbine,932,6
+woodbine,1350,4
+pomaria,272,6
+leonardo,39,1
+tolstoy,315,1
+allensville,23,1
+marstons,1889,0
+leonardo,1002,3
+mifflinburg,645,3
+stockman,28,2
+newfields,115,3
+ranchester,1388,6
+lindenwood,884,2
+newfields,166,9
+beechwood,356,3
+hanson,610,3
+klickitat,528,5
+pinesdale,581,1
+merom,819,1
+wainscott,801,8
+hanson,862,5
+merom,508,2
+pomaria,887,0
+hiteman,1515,0
+coffeen,662,10
+marstons,1511,3
+hiteman,294,2
+woodbine,1753,1
+lindenwood,1591,3
+woodbine,1419,7
+tolstoy,222,7
+wainscott,1175,5
+tolstoy,1617,0
+shelbyville,2593,1
+hiteman,1455,1
+hiteman,1261,5
+benevolence,161,1
+shelbyville,657,0
+shelbyville,1332,1
+marstons,542,10
+pinesdale,913,14
+forkland,1084,3
+merom,205,3
+hiteman,1326,2
+hiteman,150,3
+shelbyville,944,12
+woodbine,142,1
+leonardo,665,2
+wainscott,1281,12
+wainscott,354,2
+benevolence,33,1
+lakeville,1138,1
+stockman,1304,1
+forkland,504,2
+ranchester,157,1
+wainscott,398,0
+leonardo,82,0
+shelbyville,1295,2
+hiteman,1261,3
+shelbyville,851,4
+ranchester,203,0
+beechwood,790,11
+ranchester,636,8
+tolstoy,1015,0
+cosmos,811,1
+lakeville,839,13
+woodbine,1761,6
+newfields,267,2
+lakeville,25,0
+forkland,929,3
+ranchester,1437,0
+lindenwood,1856,6
+mifflinburg,847,12
+pinesdale,842,3
+ranchester,955,6
+newfields,811,4
+newfields,579,9
+lakeville,1211,14
+cosmos,362,1
+lakeville,1370,4
+marstons,764,8
+wainscott,1714,3
+lakeville,1589,3
+ranchester,712,1
+tolstoy,249,7
+marstons,1526,1
+shelbyville,394,3
+woodbine,877,3
+ranchester,721,7
+pinesdale,610,2
+woodbine,1107,4
+shelbyville,250,11
+lindenwood,2676,2
+forkland,981,2
+lindenwood,955,8
+woodbine,796,9
+lindenwood,2427,1
+shelbyville,1339,1
+shelbyville,1488,3
+newfields,1164,4
+tolstoy,867,0
+pinesdale,586,1
+hanson,1327,4
+lakeville,1282,6
+coffeen,594,4
+newfields,139,0
+marstons,1729,0
+stockman,612,4
+shelbyville,921,10
+benevolence,323,5
+pinesdale,985,18
+klickitat,2302,5
+coffeen,555,1
+hanson,298,1
+marstons,2513,0
+hiteman,1336,5
+marstons,2444,14
+marstons,1116,1
+hiteman,1125,2
+klickitat,772,4
+coffeen,295,4
+woodbine,1872,7
+pomaria,1274,3
+shelbyville,1701,0
+hiteman,1348,1
+lakeville,1535,7
+wainscott,970,2
+wainscott,1346,7
+shelbyville,822,4
+pomaria,644,9
+merom,243,3
+woodbine,1118,0
+newfields,567,4
+lindenwood,2249,6
+hanson,921,11
+lindenwood,782,3
+ranchester,1040,2
+woodbine,1506,0
+tolstoy,1169,5
+klickitat,1365,7
+lindenwood,2355,0
+newfields,1572,5
+forkland,921,2
+ranchester,711,6
+marstons,612,1
+beechwood,1103,1
+benevolence,560,2
+leonardo,1690,5
+pinesdale,234,0
+marstons,1828,1
+stockman,1409,1
+ranchester,1592,12
+newfields,1271,0
+pinesdale,597,1
+woodbine,1012,4
+hiteman,655,4
+leonardo,1190,1
+newfields,1351,4
+woodbine,515,1
+ranchester,249,2
+wainscott,1393,3
+leonardo,1080,0
+newfields,549,2
+pomaria,1253,11
+wainscott,110,3
+klickitat,537,5
+tolstoy,1627,1
+marstons,2564,8
+wainscott,761,0
+tolstoy,953,2
+leonardo,1798,7
+marstons,1556,3
+shelbyville,647,3
+pinesdale,1502,4
+coffeen,625,2
+klickitat,2021,0
+pomaria,1277,3
+leonardo,683,0
+tolstoy,1395,0
+stockman,73,0
+marstons,1059,11
+stockman,614,5
+leonardo,9,5
+shelbyville,1276,13
+benevolence,751,2
+allensville,463,3
+cosmos,448,1
+lakeville,1552,2
+hanson,815,2
+benevolence,522,0
+leonardo,1266,5
+tolstoy,654,4
+leonardo,1790,4
+wainscott,152,0
+wainscott,110,10
+hanson,517,5
+ranchester,940,2
+hanson,345,1
+klickitat,1154,5
+coffeen,1272,4
+lindenwood,798,1
+lindenwood,864,3
+woodbine,240,7
+woodbine,1089,4
+lindenwood,1191,1
+lakeville,1677,0
+coffeen,552,1
+newfields,627,17
+newfields,351,0
+woodbine,1530,4
+shelbyville,2135,3
+klickitat,218,4
+ranchester,274,14
+leonardo,522,9
+leonardo,82,4
+marstons,148,0
+hiteman,292,2
+beechwood,231,2
+lindenwood,1530,0
+lakeville,1021,5
+coffeen,1282,0
+pinesdale,653,3
+hanson,1043,0
+hiteman,372,0
+merom,312,1
+pinesdale,789,7
+lindenwood,1033,3
+lakeville,817,5
+wainscott,108,1
+lindenwood,173,11
+mifflinburg,780,1
+beechwood,919,0
+lakeville,36,1
+lindenwood,2195,0
+ranchester,1558,5
+mifflinburg,453,1
+stockman,399,4
+woodbine,188,7
+merom,303,2
+pomaria,730,1
+lindenwood,701,4
+ranchester,1343,2
+pinesdale,1487,6
+klickitat,106,1
+pomaria,1233,6
+hanson,21,1
+hanson,839,4
+lindenwood,1721,1
+leonardo,148,1
+cosmos,601,4
+cosmos,179,13
+hanson,900,1
+cosmos,808,3
+wainscott,493,1
+hanson,1512,3
+klickitat,1778,16
+stockman,1010,3
+ranchester,1479,1
+tolstoy,1293,2
+woodbine,893,5
+lakeville,220,4
+klickitat,166,8
+lindenwood,291,9
+lakeville,1031,3
+woodbine,1204,9
+woodbine,259,1
+benevolence,720,0
+pomaria,971,1
+marstons,1012,12
+newfields,313,15
+lakeville,1399,8
+lakeville,1374,10
+hanson,767,8
+newfields,1499,12
+woodbine,896,4
+lakeville,1655,7
+pomaria,1355,7
+hiteman,797,1
+stockman,271,4
+wainscott,571,6
+pomaria,1534,0
+marstons,627,3
+wainscott,913,6
+klickitat,498,0
+shelbyville,1826,8
+ranchester,657,2
+ranchester,356,12
+shelbyville,508,6
+ranchester,797,2
+ranchester,1272,7
+newfields,409,4
+wainscott,1715,5
+lakeville,301,1
+leonardo,1986,6
+hiteman,700,2
+beechwood,2,5
+woodbine,1233,2
+forkland,478,0
+pomaria,1328,1
+klickitat,345,12
+pinesdale,1111,1
+marstons,1119,5
+pinesdale,812,1
+leonardo,888,0
+shelbyville,710,1
+leonardo,1804,4
+lakeville,1030,9
+stockman,442,2
+lindenwood,686,2
+marstons,2331,8
+ranchester,901,0
+wainscott,616,4
+ranchester,1008,3
+coffeen,345,1
+mifflinburg,233,3
+woodbine,804,4
+wainscott,680,8
+marstons,581,6
+coffeen,1519,5
+shelbyville,1095,7
+tolstoy,1839,6
+cosmos,857,1
+lakeville,1427,3
+newfields,654,0
+klickitat,135,4
+ranchester,708,5
+onaga,3,10
+lindenwood,1825,5
+shelbyville,1901,4
+shelbyville,2500,2
+lindenwood,1208,2
+woodbine,134,2
+shelbyville,2687,4
+beechwood,760,3
+newfields,184,1
+shelbyville,1293,5
+leonardo,136,0
+hiteman,1069,6
+coffeen,1122,0
+forkland,737,5
+lakeville,269,4
+shelbyville,2289,11
+ranchester,240,10
+wainscott,675,0
+benevolence,788,2
+mifflinburg,194,0
+pinesdale,1260,2
+klickitat,704,6
+stockman,595,7
+marstons,2144,3
+woodbine,1657,1
+stockman,635,1
+forkland,743,3
+lakeville,579,5
+pinesdale,94,5
+beechwood,1097,2
+newfields,502,0
+hanson,1606,3
+shelbyville,1288,4
+leonardo,1714,3
+stockman,237,2
+lindenwood,2572,4
+lakeville,717,2
+beechwood,688,0
+mifflinburg,700,4
+hiteman,1034,3
+lindenwood,2318,8
+woodbine,1182,2
+pinesdale,1139,1
+lindenwood,1682,5
+woodbine,102,1
+beechwood,1010,2
+klickitat,2060,2
+wainscott,1304,8
+lindenwood,1901,2
+woodbine,1311,4
+lindenwood,1489,4
+coffeen,1210,1
+tolstoy,886,7
+ranchester,263,3
+mifflinburg,952,10
+klickitat,1552,4
+leonardo,1349,6
+marstons,1787,2
+shelbyville,801,2
+newfields,1367,6
+lindenwood,1500,5
+stockman,1431,2
+wainscott,72,3
+klickitat,341,7
+ranchester,228,2
+pomaria,509,5
+leonardo,404,0
+pinesdale,1217,4
+forkland,668,0
+shelbyville,17,11
+leonardo,47,0
+tolstoy,290,6
+pinesdale,1309,1
+forkland,541,3
+marstons,2553,1
+wainscott,530,0
+cosmos,224,4
+klickitat,2333,0
+forkland,1058,3
+hanson,648,3
+leonardo,243,0
+benevolence,445,2
+newfields,274,13
+onaga,459,2
+ranchester,1256,11
+lindenwood,548,3
+ranchester,745,1
+shelbyville,2594,9
+marstons,1183,0
+lakeville,97,1
+ranchester,1194,1
+shelbyville,181,1
+newfields,704,3
+lakeville,1099,2
+forkland,130,0
+allensville,263,2
+hanson,266,5
+klickitat,1278,4
+ranchester,870,8
+lakeville,555,1
+lindenwood,1231,6
+beechwood,1065,17
+coffeen,405,7
+shelbyville,391,2
+benevolence,29,0
+ranchester,1285,6
+lakeville,1424,6
+wainscott,1248,1
+hanson,832,4
+hanson,1586,2
+newfields,1623,5
+mifflinburg,554,2
+shelbyville,1459,8
+marstons,1034,8
+lakeville,1081,0
+hanson,1428,12
+ranchester,1488,1
+pomaria,484,3
+wainscott,415,6
+lindenwood,1209,2
+pomaria,55,8
+hiteman,895,3
+benevolence,100,4
+woodbine,1023,0
+mifflinburg,284,3
+woodbine,1981,0
+marstons,895,15
+stockman,1137,5
+pomaria,370,3
+woodbine,1676,4
+woodbine,1880,4
+stockman,1527,3
+newfields,105,4
+coffeen,594,1
+mifflinburg,5,1
+forkland,772,11
+newfields,847,2
+ranchester,464,10
+tolstoy,921,5
+benevolence,659,1
+lindenwood,2014,4
+shelbyville,1845,2
+mifflinburg,449,1
+shelbyville,2311,1
+marstons,1542,3
+ranchester,805,10
+wainscott,376,2
+tolstoy,265,2
+ranchester,1406,2
+hiteman,1728,6
+hanson,1261,2
+lindenwood,828,1
+lindenwood,1925,2
+leonardo,312,8
+hanson,528,4
+ranchester,375,10
+forkland,384,1
+shelbyville,2423,2
+ranchester,1375,7
+klickitat,1530,3
+newfields,905,0
+newfields,5,4
+pinesdale,987,8
+wainscott,582,11
+lindenwood,1265,6
+klickitat,1789,3
+ranchester,1377,12
+woodbine,102,7
+marstons,1225,5
+wainscott,757,4
+hanson,1652,7
+tolstoy,1176,1
+newfields,30,0
+marstons,31,2
+wainscott,742,1
+woodbine,992,6
+coffeen,1476,1
+hanson,1508,8
+forkland,302,4
+benevolence,835,0
+wainscott,483,7
+hanson,1007,6
+pinesdale,1047,0
+lindenwood,964,18
+ranchester,1160,3
+beechwood,21,3
+mifflinburg,456,4
+pomaria,1237,8
+marstons,2578,1
+woodbine,283,0
+lindenwood,180,3
+klickitat,1900,1
+wainscott,1540,4
+forkland,1129,3
+shelbyville,1883,4
+lindenwood,652,5
+lakeville,453,7
+beechwood,1132,5
+shelbyville,2607,6
+onaga,410,3
+klickitat,1698,1
+lindenwood,1400,2
+klickitat,590,4
+woodbine,1541,2
+marstons,768,13
+shelbyville,650,1
+hiteman,85,2
+tolstoy,1769,1
+beechwood,52,6
+woodbine,2007,13
+wainscott,89,6
+woodbine,1009,2
+hiteman,1623,5
+tolstoy,42,2
+tolstoy,1187,0
+lindenwood,2193,1
+marstons,14,11
+shelbyville,1338,4
+pinesdale,285,1
+pinesdale,458,4
+stockman,1359,1
+leonardo,1205,3
+tolstoy,1186,1
+ranchester,1035,4
+hanson,142,11
+pomaria,742,1
+lindenwood,190,2
+beechwood,516,8
+stockman,940,3
+coffeen,1074,3
+shelbyville,1689,1
+pomaria,128,0
+klickitat,236,1
+marstons,2399,4
+hiteman,725,5
+shelbyville,132,3
+hanson,123,3
+shelbyville,2172,13
+leonardo,838,1
+beechwood,324,8
+newfields,245,8
+shelbyville,682,0
+hiteman,196,1
+lindenwood,368,5
+lindenwood,824,3
+marstons,924,9
+leonardo,1217,5
+shelbyville,2531,2
+leonardo,2039,3
+forkland,342,2
+ranchester,1112,1
+tolstoy,1082,2
+marstons,1286,2
+lakeville,367,0
+tolstoy,709,14
+wainscott,572,9
+lakeville,54,6
+klickitat,969,2
+onaga,647,0
+hanson,784,2
+wainscott,758,4
+klickitat,512,5
+leonardo,540,4
+leonardo,1596,0
+lakeville,804,1
+shelbyville,1692,5
+lakeville,1538,6
+pinesdale,150,4
+pomaria,56,3
+pinesdale,632,1
+wainscott,1754,2
+newfields,857,12
+lindenwood,125,1
+coffeen,117,1
+merom,18,1
+stockman,1611,0
+marstons,910,0
+lakeville,691,2
+shelbyville,1767,3
+onaga,36,3
+lakeville,287,1
+hiteman,183,1
+shelbyville,2053,3
+benevolence,811,3
+benevolence,304,10
+klickitat,143,0
+shelbyville,350,7
+lakeville,309,3
+hanson,1613,2
+forkland,145,2
+marstons,1162,3
+lindenwood,1051,3
+woodbine,1723,1
+woodbine,1670,0
+klickitat,852,0
+woodbine,1199,6
+shelbyville,2460,8
+lakeville,664,5
+marstons,1769,0
+forkland,868,0
+lindenwood,948,0
+lindenwood,2631,3
+ranchester,1601,6
+lindenwood,1492,1
+stockman,1567,0
+benevolence,579,4
+hiteman,303,1
+coffeen,807,3
+lakeville,46,0
+lindenwood,1139,1
+lindenwood,2532,4
+pinesdale,457,3
+stockman,942,5
+hanson,891,3
+leonardo,36,4
+tolstoy,298,3
+hanson,597,0
+allensville,75,1
+leonardo,1783,10
+lakeville,109,2
+lindenwood,1012,2
+ranchester,892,5
+tolstoy,1313,6
+shelbyville,310,4
+benevolence,256,1
+shelbyville,146,6
+woodbine,209,2
+ranchester,596,1
+klickitat,1300,0
+hiteman,826,4
+leonardo,765,2
+benevolence,844,3
+wainscott,505,11
+klickitat,149,1
+ranchester,531,1
+benevolence,898,4
+ranchester,292,2
+tolstoy,1258,0
+hiteman,80,2
+wainscott,1604,7
+newfields,1625,0
+hiteman,72,2
+coffeen,1278,3
+hanson,978,0
+leonardo,12,6
+stockman,1087,3
+newfields,1279,7
+mifflinburg,567,4
+woodbine,869,4
+marstons,594,5
+hanson,1022,1
+shelbyville,2484,1
+allensville,340,5
+marstons,892,5
+wainscott,179,8
+newfields,314,15
+lindenwood,747,13
+shelbyville,1616,8
+coffeen,700,7
+ranchester,375,5
+onaga,611,0
+wainscott,1219,0
+forkland,185,2
+hiteman,1745,6
+wainscott,1703,9
+tolstoy,1652,3
+lindenwood,1508,2
+pinesdale,727,3
+pinesdale,1021,6
+allensville,307,0
+onaga,441,8
+hiteman,296,1
+shelbyville,1643,3
+cosmos,937,3
+marstons,565,1
+newfields,1382,5
+merom,599,4
+marstons,2020,6
+beechwood,367,0
+hanson,737,6
+pomaria,1111,0
+tolstoy,1232,0
+shelbyville,1894,6
+benevolence,729,5
+woodbine,1696,5
+beechwood,55,6
+hanson,642,11
+wainscott,443,5
+marstons,370,1
+newfields,338,2
+wainscott,198,10
+lindenwood,1261,7
+marstons,542,13
+woodbine,60,11
+hiteman,178,2
+lakeville,1261,0
+benevolence,322,7
+hanson,1134,3
+shelbyville,2633,4
+lakeville,176,4
+pinesdale,935,11
+hanson,288,0
+woodbine,631,2
+lindenwood,2195,2
+lindenwood,2621,4
+pomaria,1368,1
+lakeville,652,13
+cosmos,75,11
+marstons,468,1
+pomaria,1070,0
+coffeen,138,2
+woodbine,618,2
+klickitat,1942,1
+marstons,2569,2
+hanson,1220,1
+woodbine,1433,1
+klickitat,2404,2
+newfields,272,5
+lindenwood,815,0
+hiteman,681,0
+pinesdale,552,7
+lakeville,338,7
+tolstoy,1621,0
+beechwood,95,5
+woodbine,1118,2
+cosmos,398,0
+beechwood,524,3
+lindenwood,278,2
+pomaria,426,4
+hiteman,1075,1
+hanson,630,1
+klickitat,985,1
+shelbyville,524,2
+pomaria,25,2
+newfields,1628,0
+tolstoy,1377,2
+shelbyville,442,9
+wainscott,1481,5
+wainscott,1662,0
+wainscott,876,4
+lindenwood,909,3
+hiteman,274,7
+shelbyville,487,0
+tolstoy,46,3
+shelbyville,833,4
+cosmos,355,7
+woodbine,1185,3
+tolstoy,751,4
+marstons,923,1
+klickitat,1239,3
+marstons,1226,8
+pomaria,1340,1
+pinesdale,1327,3
+lakeville,2,6
+lindenwood,817,0
+hanson,1551,0
+hiteman,1502,1
+newfields,174,1
+klickitat,1233,2
+klickitat,784,3
+coffeen,1107,3
+klickitat,1893,0
+cosmos,249,2
+beechwood,1133,5
+shelbyville,498,8
+ranchester,1170,5
+woodbine,285,1
+ranchester,430,0
+coffeen,1196,2
+leonardo,1852,0
+shelbyville,1469,3
+benevolence,524,10
+marstons,943,4
+klickitat,280,11
+klickitat,592,4
+onaga,267,0
+klickitat,131,0
+mifflinburg,441,2
+klickitat,101,1
+hanson,648,13
+cosmos,1031,1
+coffeen,237,3
+coffeen,304,0
+beechwood,1043,4
+leonardo,1174,5
+wainscott,1512,7
+hanson,1183,0
+klickitat,1400,3
+tolstoy,1363,3
+forkland,1091,0
+newfields,761,5
+pinesdale,1317,4
+pomaria,1672,9
+benevolence,727,1
+klickitat,1298,4
+coffeen,542,1
+cosmos,71,7
+leonardo,811,5
+ranchester,893,2
+beechwood,407,1
+marstons,2046,3
+shelbyville,2083,2
+forkland,512,1
+lakeville,340,1
+marstons,544,11
+coffeen,636,0
+coffeen,389,2
+lakeville,1605,2
+hanson,207,7
+shelbyville,1368,7
+ranchester,687,4
+lindenwood,953,0
+mifflinburg,304,5
+marstons,992,3
+stockman,1585,2
+woodbine,263,5
+onaga,261,1
+lindenwood,1336,4
+wainscott,1054,1
+hiteman,1590,2
+hiteman,1711,0
+ranchester,490,4
+marstons,1954,1
+pinesdale,1320,1
+lindenwood,2200,3
+pomaria,740,0
+forkland,181,2
+ranchester,22,2
+woodbine,1327,2
+lindenwood,2317,3
+shelbyville,1431,8
+tolstoy,1408,6
+pomaria,1250,1
+benevolence,594,4
+hanson,857,2
+lakeville,1149,1
+marstons,423,2
+forkland,1137,8
+leonardo,445,5
+pomaria,1523,3
+lindenwood,2196,5
+hanson,1369,9
+hiteman,1756,0
+benevolence,927,7
+tolstoy,875,5
+beechwood,260,1
+leonardo,1699,2
+merom,1026,0
+pinesdale,872,0
+klickitat,723,2
+shelbyville,704,0
+lakeville,1857,0
+forkland,1026,5
+pinesdale,331,7
+marstons,2554,7
+ranchester,1589,0
+klickitat,742,4
+klickitat,115,11
+coffeen,46,4
+leonardo,1949,2
+wainscott,1249,1
+ranchester,878,5
+hanson,42,2
+lindenwood,352,10
+coffeen,176,6
+marstons,1048,4
+shelbyville,1320,4
+wainscott,1083,5
+benevolence,134,3
+marstons,1125,2
+shelbyville,880,1
+marstons,2047,0
+newfields,851,7
+ranchester,262,10
+lindenwood,1689,5
+hiteman,679,2
+mifflinburg,226,0
+cosmos,486,2
+ranchester,1068,0
+hanson,205,6
+shelbyville,1207,2
+marstons,506,8
+tolstoy,1196,0
+pomaria,1601,3
+klickitat,1571,1
+beechwood,945,0
+pomaria,235,4
+marstons,1793,2
+leonardo,563,3
+wainscott,746,4
+lindenwood,841,2
+leonardo,1247,3
+lakeville,1030,1
+stockman,1471,0
+lakeville,621,4
+klickitat,169,4
+woodbine,899,0
+benevolence,947,5
+klickitat,1102,2
+stockman,381,2
+woodbine,1401,2
+pinesdale,754,5
+mifflinburg,564,1
+shelbyville,247,0
+wainscott,928,5
+lakeville,1842,0
+wainscott,1502,1
+hiteman,113,3
+klickitat,1247,4
+leonardo,409,3
+woodbine,1529,8
+newfields,495,8
+forkland,1155,3
+lakeville,561,7
+merom,1027,1
+ranchester,1351,11
+onaga,130,2
+woodbine,587,12
+pinesdale,188,6
+newfields,819,0
+shelbyville,884,3
+merom,1056,4
+pomaria,1402,0
+leonardo,1477,3
+shelbyville,2544,11
+wainscott,1191,3
+hiteman,706,0
+marstons,1588,1
+wainscott,675,10
+lindenwood,456,1
+wainscott,1000,4
+tolstoy,643,12
+lindenwood,1833,0
+stockman,544,8
+pinesdale,645,3
+lakeville,337,5
+woodbine,266,11
+stockman,1500,8
+wainscott,945,11
+stockman,999,0
+shelbyville,2798,1
+pomaria,1401,3
+lakeville,859,0
+cosmos,1077,0
+forkland,739,1
+leonardo,146,3
+pinesdale,440,5
+lakeville,27,8
+klickitat,512,9
+woodbine,1185,4
+hiteman,1359,0
+klickitat,280,5
+pinesdale,523,3
+leonardo,1356,5
+ranchester,101,4
+pomaria,715,1
+shelbyville,1372,0
+leonardo,1048,3
+lindenwood,625,1
+wainscott,1376,2
+pomaria,252,7
+pomaria,1346,5
+hanson,739,1
+lakeville,786,12
+hanson,171,1
+wainscott,1657,4
+wainscott,268,3
+lindenwood,2156,4
+merom,601,2
+beechwood,631,2
+hiteman,1646,1
+pomaria,743,11
+woodbine,842,3
+lindenwood,2203,5
+klickitat,2305,5
+hanson,717,1
+lakeville,1636,5
+woodbine,1768,7
+stockman,552,7
+hiteman,875,6
+newfields,420,1
+hanson,779,12
+leonardo,686,3
+shelbyville,1958,2
+pomaria,1623,4
+shelbyville,1022,0
+lindenwood,899,5
+coffeen,727,1
+beechwood,97,0
+lindenwood,681,3
+tolstoy,1838,2
+hiteman,654,3
+wainscott,5,0
+woodbine,1397,0
+beechwood,1067,6
+pomaria,1147,19
+lindenwood,1581,4
+pinesdale,1282,6
+leonardo,363,12
+beechwood,103,13
+newfields,260,3
+newfields,510,5
+klickitat,1678,1
+wainscott,814,1
+leonardo,926,6
+pinesdale,1152,3
+pinesdale,894,5
+marstons,351,2
+lakeville,811,4
+marstons,1575,11
+beechwood,175,2
+hanson,1144,0
+coffeen,442,0
+hiteman,1375,3
+leonardo,2011,3
+klickitat,2255,3
+pomaria,513,4
+tolstoy,729,5
+pomaria,334,3
+ranchester,264,2
+tolstoy,397,0
+woodbine,2014,3
+newfields,1317,6
+ranchester,1055,0
+pinesdale,327,6
+klickitat,274,9
+hanson,997,8
+hiteman,1461,5
+lindenwood,328,12
+klickitat,415,12
+stockman,1450,0
+cosmos,704,5
+merom,217,0
+allensville,431,4
+pinesdale,840,3
+leonardo,1974,1
+merom,187,3
+mifflinburg,550,1
+pomaria,1632,4
+hanson,718,4
+lakeville,500,2
+tolstoy,528,5
+leonardo,1295,6
+shelbyville,165,0
+klickitat,1091,0
+ranchester,156,0
+hiteman,761,9
+lindenwood,1085,1
+shelbyville,2322,11
+hiteman,42,2
+lindenwood,1568,6
+klickitat,1949,1
+marstons,1533,1
+coffeen,796,2
+klickitat,1239,1
+leonardo,1874,3
+wainscott,296,5
+lakeville,1422,2
+lindenwood,1899,10
+klickitat,954,3
+cosmos,916,2
+wainscott,1207,5
+lakeville,824,4
+lakeville,108,6
+lindenwood,486,15
+leonardo,1402,0
+lakeville,1296,2
+lindenwood,2611,1
+cosmos,11,2
+klickitat,1664,13
+shelbyville,2360,7
+coffeen,516,2
+klickitat,419,8
+onaga,597,1
+newfields,603,10
+newfields,331,1
+lindenwood,1586,5
+onaga,370,3
+tolstoy,1599,7
+woodbine,779,6
+mifflinburg,946,3
+mifflinburg,600,0
+pomaria,392,2
+marstons,497,6
+pomaria,746,10
+shelbyville,999,4
+lakeville,536,6
+leonardo,1427,2
+pinesdale,1226,1
+tolstoy,17,14
+hanson,976,3
+hiteman,1495,2
+pinesdale,135,9
+beechwood,1020,5
+pomaria,482,0
+lakeville,1783,3
+coffeen,945,4
+marstons,1757,7
+shelbyville,799,2
+hiteman,1066,5
+hiteman,10,0
+marstons,2100,0
+hanson,1545,5
+klickitat,720,10
+leonardo,1318,4
+lakeville,500,1
+newfields,677,4
+pinesdale,4,8
+leonardo,554,1
+klickitat,938,5
+leonardo,830,4
+woodbine,622,1
+pomaria,1156,1
+coffeen,670,0
+shelbyville,1956,1
+ranchester,1074,4
+coffeen,141,0
+mifflinburg,658,0
+tolstoy,1171,2
+klickitat,899,2
+leonardo,756,3
+marstons,958,6
+coffeen,1479,7
+wainscott,1799,2
+pinesdale,1357,1
+merom,811,4
+shelbyville,680,5
+klickitat,1449,4
+lakeville,1250,13
+lindenwood,1753,2
+ranchester,1286,4
+hanson,1001,4
+marstons,1849,2
+pomaria,331,0
+marstons,170,7
+shelbyville,1790,0
+tolstoy,1672,0
+stockman,696,3
+woodbine,938,0
+shelbyville,744,6
+ranchester,688,0
+wainscott,109,6
+forkland,737,7
+marstons,1814,9
+allensville,357,1
+pomaria,1475,8
+lindenwood,985,7
+hanson,221,0
+lakeville,1752,12
+lindenwood,969,6
+lindenwood,1115,3
+marstons,1331,10
+hiteman,78,4
+ranchester,1628,2
+coffeen,460,2
+lindenwood,440,9
+newfields,1207,12
+forkland,437,1
+klickitat,1115,11
+pinesdale,19,6
+stockman,1191,0
+merom,991,4
+lakeville,1064,2
+onaga,251,3
+newfields,745,2
+pinesdale,883,4
+tolstoy,20,9
+pomaria,1353,5
+hanson,1599,5
+woodbine,706,6
+woodbine,1012,2
+merom,678,2
+leonardo,111,0
+woodbine,545,1
+hiteman,387,2
+leonardo,143,7
+onaga,262,0
+onaga,512,0
+pomaria,643,2
+coffeen,344,1
+shelbyville,393,4
+hiteman,1542,3
+wainscott,1343,11
+klickitat,1558,3
+hiteman,1793,2
+klickitat,1403,8
+lindenwood,966,1
+lindenwood,1057,4
+wainscott,66,6
+klickitat,1088,13
+benevolence,137,3
+ranchester,1344,1
+tolstoy,811,0
+stockman,1041,3
+klickitat,1612,4
+leonardo,1115,5
+woodbine,58,3
+lakeville,724,1
+hiteman,1429,11
+woodbine,1517,0
+tolstoy,780,0
+shelbyville,149,2
+newfields,1537,9
+klickitat,478,4
+leonardo,1045,4
+shelbyville,84,4
+tolstoy,401,10
+pomaria,129,2
+shelbyville,15,1
+forkland,1137,5
+hanson,202,11
+stockman,1560,1
+leonardo,1941,0
+shelbyville,653,1
+tolstoy,1693,7
+tolstoy,1143,6
+pinesdale,558,2
+benevolence,545,2
+klickitat,1921,4
+newfields,1597,13
+wainscott,310,1
+pinesdale,720,0
+hiteman,722,0
+newfields,528,10
+woodbine,1690,9
+lakeville,808,1
+lakeville,322,0
+coffeen,361,1
+shelbyville,1493,5
+benevolence,250,0
+onaga,382,1
+shelbyville,342,0
+shelbyville,359,1
+leonardo,1766,1
+woodbine,1101,3
+lakeville,731,13
+pomaria,411,2
+leonardo,575,0
+marstons,2580,3
+klickitat,611,0
+klickitat,1812,0
+mifflinburg,375,1
+klickitat,639,9
+klickitat,1371,2
+woodbine,1478,0
+lakeville,539,1
+onaga,226,0
+shelbyville,946,6
+shelbyville,2697,10
+hiteman,480,4
+merom,778,1
+benevolence,163,2
+pomaria,232,4
+ranchester,675,2
+pomaria,1023,8
+ranchester,1176,1
+coffeen,1318,3
+shelbyville,880,3
+newfields,142,2
+cosmos,382,3
+wainscott,1333,0
+stockman,1034,5
+beechwood,419,3
+newfields,535,11
+mifflinburg,951,3
+leonardo,1847,4
+marstons,1577,17
+coffeen,1167,4
+newfields,763,13
+beechwood,205,5
+coffeen,310,1
+marstons,1892,5
+pomaria,1473,5
+wainscott,1320,4
+shelbyville,1218,7
+woodbine,1289,7
+wainscott,339,0
+klickitat,524,5
+woodbine,1353,2
+forkland,290,0
+hanson,682,1
+leonardo,1637,0
+forkland,863,0
+stockman,324,3
+hiteman,1618,2
+lakeville,939,1
+lakeville,1835,2
+onaga,584,0
+leonardo,2005,15
+pomaria,780,3
+klickitat,2138,3
+newfields,171,0
+marstons,619,4
+hiteman,726,5
+hiteman,1745,5
+hanson,1335,1
+pinesdale,761,9
+hanson,1150,3
+cosmos,447,2
+pomaria,30,2
+pomaria,1220,7
+shelbyville,2543,0
+pinesdale,1298,4
+shelbyville,1599,12
+pomaria,1433,3
+wainscott,1322,7
+leonardo,541,7
+lindenwood,365,0
+mifflinburg,189,2
+cosmos,1064,1
+pomaria,1631,0
+ranchester,608,0
+wainscott,1377,4
+lakeville,842,3
+tolstoy,1569,7
+shelbyville,2310,4
+wainscott,1042,2
+ranchester,259,0
+wainscott,186,5
+coffeen,485,0
+forkland,785,1
+forkland,1144,11
+beechwood,85,1
+merom,569,2
+wainscott,1799,4
+shelbyville,442,5
+pinesdale,1160,4
+lakeville,761,2
+shelbyville,2557,4
+marstons,719,1
+shelbyville,544,7
+lindenwood,2348,4
+wainscott,801,7
+woodbine,880,8
+tolstoy,303,3
+woodbine,735,2
+lakeville,982,1
+klickitat,645,1
+coffeen,618,5
+lakeville,785,11
+woodbine,1512,1
+lakeville,1878,0
+lindenwood,2174,1
+hiteman,1028,10
+pinesdale,985,9
+woodbine,1028,0
+pomaria,1632,10
+pomaria,1023,1
+shelbyville,349,2
+klickitat,2072,24
+beechwood,699,4
+forkland,600,0
+newfields,693,4
+shelbyville,2103,0
+hiteman,833,0
+tolstoy,326,5
+klickitat,2262,8
+leonardo,231,8
+leonardo,1318,6
+lakeville,1682,0
+leonardo,1781,0
+beechwood,864,3
+lindenwood,2048,0
+lakeville,1364,2
+pinesdale,1307,2
+benevolence,952,1
+lakeville,1757,2
+hiteman,1488,1
+wainscott,874,3
+lakeville,12,9
+ranchester,190,4
+woodbine,1865,3
+hanson,146,5
+klickitat,131,8
+lindenwood,1344,3
+hiteman,572,4
+coffeen,638,5
+woodbine,486,4
+marstons,483,2
+klickitat,1618,0
+klickitat,1463,12
+wainscott,121,0
+klickitat,2235,0
+shelbyville,546,1
+wainscott,251,3
+klickitat,1679,2
+marstons,1714,9
+coffeen,790,2
+hanson,1330,6
+forkland,366,3
+leonardo,2097,5
+klickitat,1659,3
+klickitat,824,2
+hanson,1082,5
+cosmos,804,3
+leonardo,2034,10
+beechwood,77,6
+newfields,1217,2
+hiteman,670,5
+pinesdale,268,10
+leonardo,385,1
+klickitat,240,1
+marstons,1922,3
+klickitat,840,8
+ranchester,1393,11
+klickitat,1867,4
+stockman,1061,3
+beechwood,742,3
+wainscott,1285,5
+merom,57,1
+newfields,1618,7
+shelbyville,1023,5
+shelbyville,471,1
+tolstoy,852,1
+tolstoy,309,17
+pomaria,797,7
+klickitat,295,1
+marstons,333,2
+leonardo,2073,4
+woodbine,1210,9
+beechwood,297,15
+wainscott,691,1
+forkland,533,2
+woodbine,796,14
+merom,265,1
+stockman,337,1
+leonardo,256,0
+lindenwood,1773,10
+forkland,928,1
+pomaria,474,6
+leonardo,560,1
+tolstoy,705,5
+coffeen,69,6
+pomaria,1030,7
+tolstoy,1183,7
+marstons,398,0
+forkland,754,3
+lakeville,619,13
+stockman,65,1
+ranchester,863,5
+hiteman,266,1
+newfields,619,6
+lakeville,647,1
+onaga,580,6
+shelbyville,2320,1
+klickitat,1481,1
+wainscott,724,0
+allensville,452,5
+pinesdale,368,7
+newfields,481,16
+klickitat,1389,13
+shelbyville,1364,11
+woodbine,1935,2
+stockman,151,1
+ranchester,1613,1
+mifflinburg,41,2
+pinesdale,1402,2
+pomaria,299,2
+lindenwood,1201,0
+ranchester,527,1
+hiteman,970,5
+newfields,300,10
+lindenwood,2553,11
+merom,463,1
+pomaria,27,1
+wainscott,1455,0
+hiteman,1795,1
+hiteman,1835,2
+cosmos,867,2
+ranchester,1541,2
+shelbyville,2780,3
+woodbine,2001,1
+mifflinburg,638,0
+lakeville,135,5
+newfields,1051,12
+newfields,1525,6
+stockman,421,4
+lindenwood,2252,1
+newfields,723,1
+beechwood,643,2
+pinesdale,297,1
+shelbyville,292,6
+pomaria,495,1
+shelbyville,1643,8
+klickitat,36,5
+tolstoy,1558,8
+tolstoy,1837,1
+ranchester,360,6
+benevolence,752,0
+shelbyville,2744,6
+beechwood,868,2
+hanson,348,1
+merom,12,3
+stockman,1187,1
+shelbyville,2573,1
+pomaria,645,1
+ranchester,596,9
+ranchester,938,9
+coffeen,793,1
+forkland,668,4
+woodbine,2031,5
+newfields,678,1
+merom,688,7
+newfields,215,3
+newfields,618,8
+klickitat,1664,10
+marstons,2581,1
+pinesdale,1010,3
+newfields,1162,5
+shelbyville,747,2
+klickitat,1066,3
+woodbine,42,5
+coffeen,1046,2
+lindenwood,1624,8
+forkland,711,5
+allensville,468,4
+marstons,1765,7
+lakeville,1810,7
+marstons,898,2
+onaga,320,5
+lakeville,460,11
+klickitat,1146,2
+lakeville,151,0
+leonardo,699,21
+stockman,332,1
+onaga,438,6
+klickitat,998,2
+wainscott,1148,0
+shelbyville,1595,10
+shelbyville,275,15
+hanson,1194,1
+hiteman,1148,1
+benevolence,412,1
+pomaria,1524,3
+ranchester,523,0
+tolstoy,352,2
+marstons,2434,2
+stockman,4,11
+onaga,576,5
+shelbyville,2455,6
+woodbine,521,1
+klickitat,977,2
+tolstoy,582,13
+klickitat,14,14
+pinesdale,889,2
+tolstoy,159,5
+lakeville,827,2
+ranchester,20,4
+pomaria,618,0
+beechwood,73,4
+shelbyville,418,4
+marstons,190,2
+shelbyville,1973,15
+woodbine,717,1
+woodbine,1961,7
+forkland,26,2
+leonardo,971,13
+newfields,1250,2
+pomaria,650,2
+marstons,2406,1
+forkland,239,2
+merom,1046,1
+shelbyville,1456,0
+cosmos,336,0
+ranchester,1199,5
+shelbyville,319,0
+klickitat,1074,2
+lakeville,0,0
+coffeen,465,3
+klickitat,932,0
+tolstoy,1418,1
+lindenwood,1990,2
+wainscott,622,2
+klickitat,1957,0
+hiteman,912,12
+ranchester,1359,8
+newfields,16,5
+leonardo,1354,5
+lindenwood,1534,0
+ranchester,845,2
+tolstoy,819,0
+pomaria,593,2
+klickitat,1145,5
+shelbyville,446,2
+pinesdale,358,0
+newfields,1096,10
+woodbine,2033,0
+leonardo,1274,0
+pinesdale,1122,10
+leonardo,461,4
+wainscott,1352,7
+woodbine,1376,0
+hiteman,989,6
+klickitat,982,5
+lakeville,1882,0
+klickitat,493,4
+benevolence,653,0
+hiteman,1177,4
+lakeville,1772,13
+ranchester,1595,2
+leonardo,1806,5
+forkland,227,1
+cosmos,456,4
+shelbyville,479,4
+stockman,292,0
+shelbyville,1957,5
+newfields,1451,1
+klickitat,528,2
+wainscott,513,3
+stockman,205,4
+woodbine,121,12
+pinesdale,1121,0
+ranchester,803,0
+allensville,80,1
+wainscott,230,2
+coffeen,40,2
+cosmos,106,0
+lakeville,1704,9
+leonardo,1307,0
+klickitat,166,1
+onaga,32,0
+klickitat,502,3
+tolstoy,1470,2
+ranchester,81,2
+marstons,963,2
+shelbyville,2457,11
+wainscott,558,6
+forkland,259,0
+pomaria,793,1
+wainscott,18,0
+coffeen,1079,11
+lindenwood,421,3
+newfields,408,0
+wainscott,1478,1
+wainscott,836,4
+lindenwood,1570,0
+mifflinburg,703,2
+coffeen,238,1
+ranchester,345,0
+pomaria,1227,6
+tolstoy,1535,0
+tolstoy,176,0
+ranchester,111,2
+leonardo,1651,0
+stockman,1196,2
+wainscott,1492,8
+lindenwood,2108,15
+pinesdale,527,2
+lindenwood,626,1
+klickitat,622,5
+hanson,1374,1
+newfields,1490,0
+stockman,560,6
+newfields,1263,1
+klickitat,480,13
+hiteman,1580,4
+shelbyville,1445,1
+lindenwood,2022,1
+allensville,45,1
+lindenwood,2421,2
+lakeville,631,9
+lindenwood,1773,3
+benevolence,963,6
+leonardo,152,11
+hiteman,1388,2
+lindenwood,685,16
+benevolence,192,6
+klickitat,2350,6
+newfields,1158,11
+forkland,855,0
+leonardo,767,3
+marstons,1211,5
+pinesdale,1076,7
+pinesdale,307,6
+klickitat,1430,8
+hanson,1334,0
+marstons,1961,0
+ranchester,919,0
+coffeen,896,1
+lakeville,597,2
+woodbine,856,6
+leonardo,1038,2
+leonardo,817,10
+leonardo,785,3
+coffeen,766,3
+tolstoy,791,0
+newfields,1286,6
+forkland,584,2
+coffeen,839,0
+woodbine,535,5
+shelbyville,435,0
+tolstoy,1531,3
+marstons,2288,4
+hanson,150,11
+lindenwood,2365,0
+pomaria,1517,4
+shelbyville,498,17
+shelbyville,1682,12
+beechwood,326,2
+coffeen,454,11
+pinesdale,688,12
+klickitat,959,11
+klickitat,1180,0
+stockman,37,9
+pinesdale,335,0
+wainscott,386,10
+tolstoy,1002,1
+wainscott,480,6
+klickitat,817,3
+wainscott,1488,4
+ranchester,676,9
+ranchester,894,1
+woodbine,1469,9
+hiteman,1753,10
+merom,962,0
+pomaria,1032,0
+shelbyville,229,0
+forkland,973,1
+leonardo,1095,2
+hiteman,1775,3
+allensville,210,0
+shelbyville,2086,4
+wainscott,172,4
+hanson,546,0
+klickitat,2334,13
+tolstoy,337,0
+hanson,291,4
+wainscott,1142,2
+onaga,192,1
+hiteman,503,7
+beechwood,665,5
+tolstoy,1407,1
+klickitat,371,8
+klickitat,1238,3
+lindenwood,1428,5
+coffeen,1098,4
+shelbyville,1705,2
+woodbine,1142,7
+leonardo,1716,5
+lakeville,701,7
+leonardo,1254,2
+leonardo,1329,0
+marstons,584,8
+hiteman,857,1
+lindenwood,2069,5
+woodbine,420,1
+marstons,608,2
+merom,458,2
+wainscott,376,1
+woodbine,483,1
+merom,1024,2
+pinesdale,1250,1
+hanson,1204,3
+shelbyville,555,4
+allensville,219,3
+beechwood,807,3
+ranchester,896,10
+tolstoy,1720,4
+mifflinburg,288,2
+woodbine,1225,7
+leonardo,1869,10
+hiteman,1024,7
+woodbine,1534,6
+pinesdale,32,12
+leonardo,1590,0
+leonardo,2045,2
+onaga,488,6
+forkland,1094,1
+klickitat,2010,12
+coffeen,652,2
+wainscott,1128,5
+klickitat,526,2
+lakeville,647,9
+tolstoy,1007,4
+coffeen,1127,3
+marstons,1583,0
+woodbine,576,7
+lindenwood,2572,1
+mifflinburg,438,2
+ranchester,1629,0
+klickitat,616,2
+marstons,904,1
+allensville,355,1
+newfields,1547,0
+beechwood,759,0
+shelbyville,2583,4
+lakeville,209,0
+forkland,175,0
+merom,690,7
+ranchester,252,1
+wainscott,1310,3
+hiteman,571,5
+leonardo,2021,2
+shelbyville,436,0
+newfields,1599,5
+hanson,501,5
+lakeville,1594,4
+beechwood,95,0
+pomaria,64,0
+merom,837,5
+wainscott,974,15
+tolstoy,1782,4
+leonardo,793,6
+newfields,713,1
+marstons,660,7
+benevolence,637,2
+hanson,373,6
+marstons,1067,4
+tolstoy,517,1
+shelbyville,2384,2
+wainscott,1019,4
+marstons,348,7
+klickitat,2375,0
+marstons,325,1
+shelbyville,173,7
+shelbyville,17,12
+beechwood,5,0
+tolstoy,1169,1
+ranchester,722,0
+shelbyville,1209,2
+klickitat,1495,1
+beechwood,1040,3
+newfields,1040,18
+lindenwood,1870,5
+newfields,57,0
+shelbyville,715,2
+marstons,45,9
+benevolence,791,0
+cosmos,733,2
+lindenwood,2442,8
+woodbine,1355,16
+marstons,2169,1
+leonardo,915,0
+shelbyville,1331,2
+hiteman,280,2
+marstons,980,2
+klickitat,312,16
+ranchester,626,1
+hanson,97,6
+woodbine,1598,15
+hanson,835,1
+newfields,175,13
+pomaria,721,2
+leonardo,1681,2
+woodbine,796,11
+newfields,553,0
+wainscott,1166,2
+coffeen,1390,5
+merom,945,1
+lindenwood,973,2
+klickitat,1719,8
+ranchester,318,2
+benevolence,660,1
+hiteman,486,0
+merom,1058,4
+lakeville,1832,2
+hanson,1242,6
+leonardo,44,0
+hanson,87,5
+klickitat,594,9
+shelbyville,193,10
+klickitat,1046,2
+ranchester,918,4
+lindenwood,2239,1
+hanson,714,0
+benevolence,13,2
+merom,297,2
+coffeen,27,6
+wainscott,1425,4
+pinesdale,995,1
+ranchester,807,3
+klickitat,1598,10
+wainscott,800,0
+hiteman,127,3
+pinesdale,656,0
+lakeville,1548,6
+pomaria,120,2
+leonardo,1509,2
+coffeen,342,0
+klickitat,2412,14
+hiteman,1031,1
+leonardo,803,1
+lakeville,1630,6
+newfields,740,1
+woodbine,1101,1
+hanson,1578,0
+newfields,313,3
+cosmos,71,12
+klickitat,1394,2
+tolstoy,1103,10
+benevolence,534,2
+leonardo,564,0
+hanson,686,7
+newfields,0,5
+shelbyville,2653,2
+lakeville,211,4
+pomaria,1030,6
+leonardo,1705,8
+lakeville,1688,4
+marstons,1828,7
+lakeville,451,2
+newfields,813,1
+newfields,1539,1
+stockman,40,4
+hanson,1157,9
+klickitat,988,5
+woodbine,1817,3
+coffeen,802,2
+marstons,2213,4
+coffeen,948,1
+lakeville,383,7
+leonardo,699,8
+newfields,735,4
+marstons,1920,4
+marstons,2590,11
+leonardo,189,0
+klickitat,708,9
+newfields,1284,5
+tolstoy,889,2
+woodbine,1404,9
+shelbyville,1334,9
+coffeen,1390,1
+hanson,1535,4
+marstons,844,3
+wainscott,493,0
+lakeville,387,13
+lakeville,760,5
+wainscott,1238,5
+klickitat,1298,1
+woodbine,970,12
+pomaria,743,7
+pinesdale,1360,2
+cosmos,569,8
+wainscott,866,1
+shelbyville,2007,0
+leonardo,2043,2
+hanson,496,8
+shelbyville,614,0
+pomaria,931,3
+lakeville,203,1
+coffeen,1418,6
+lakeville,643,4
+merom,1065,2
+wainscott,891,6
+stockman,427,1
+klickitat,2200,1
+marstons,2313,6
+woodbine,1181,2
+wainscott,1199,5
+coffeen,1272,9
+klickitat,53,4
+cosmos,15,6
+onaga,100,0
+wainscott,1739,6
+tolstoy,1585,3
+lindenwood,1460,0
+woodbine,902,0
+wainscott,253,0
+pomaria,345,2
+woodbine,1632,4
+lakeville,819,2
+hiteman,1764,13
+marstons,817,2
+coffeen,239,3
+merom,189,1
+leonardo,246,3
+merom,622,0
+pomaria,1126,1
+ranchester,1251,2
+stockman,571,1
+coffeen,1110,1
+shelbyville,1038,11
+hanson,1181,0
+stockman,147,6
+stockman,35,4
+marstons,1836,9
+beechwood,306,6
+leonardo,971,0
+wainscott,815,2
+leonardo,1008,4
+stockman,52,3
+lakeville,1025,4
+hiteman,964,2
+stockman,1435,4
+pinesdale,205,9
+klickitat,684,0
+onaga,308,5
+marstons,557,5
+lindenwood,2054,4
+ranchester,449,1
+leonardo,821,1
+klickitat,935,3
+tolstoy,823,3
+hiteman,1410,2
+leonardo,1211,0
+shelbyville,1526,10
+woodbine,1213,2
+klickitat,832,9
+shelbyville,2075,2
+cosmos,127,2
+pinesdale,1412,1
+marstons,544,3
+stockman,1071,2
+marstons,1773,5
+klickitat,850,8
+lindenwood,1364,1
+klickitat,1469,0
+hanson,87,7
+ranchester,1339,5
+klickitat,1508,1
+lindenwood,2032,7
+lakeville,1724,2
+merom,1072,7
+hanson,690,4
+coffeen,614,9
+hanson,514,0
+leonardo,1580,6
+benevolence,416,8
+wainscott,610,7
+wainscott,1673,1
+mifflinburg,609,0
+wainscott,1793,6
+merom,840,3
+pomaria,1474,1
+merom,956,2
+pomaria,769,1
+shelbyville,788,0
+shelbyville,117,3
+onaga,93,0
+lindenwood,1691,6
+pomaria,1068,4
+lindenwood,1583,1
+woodbine,1609,6
+hanson,62,9
+leonardo,1434,3
+hanson,363,12
+marstons,2487,6
+hiteman,814,9
+coffeen,823,9
+pomaria,1389,0
+woodbine,682,9
+shelbyville,214,2
+leonardo,1531,7
+merom,797,5
+leonardo,600,3
+hiteman,1693,2
+leonardo,298,10
+marstons,87,5
+pinesdale,209,1
+lindenwood,1887,1
+leonardo,1943,0
+merom,162,2
+ranchester,928,6
+stockman,610,2
+lindenwood,1008,3
+hanson,536,3
+newfields,794,2
+tolstoy,1437,14
+ranchester,399,3
+woodbine,18,10
+pinesdale,1399,2
+newfields,717,7
+leonardo,569,6
+hiteman,1359,4
+leonardo,335,7
+wainscott,672,3
+newfields,968,3
+leonardo,766,2
+pinesdale,1073,13
+wainscott,387,2
+lindenwood,867,1
+lindenwood,1484,4
+lakeville,1068,10
+newfields,188,2
+shelbyville,2155,5
+newfields,980,13
+onaga,134,3
+ranchester,484,0
+hanson,1539,6
+forkland,186,1
+hanson,567,0
+shelbyville,342,1
+shelbyville,644,0
+leonardo,656,4
+beechwood,1039,11
+benevolence,488,3
+lakeville,588,1
+tolstoy,319,1
+lindenwood,2172,4
+hanson,1298,0
+hanson,1120,2
+ranchester,611,9
+klickitat,2286,6
+shelbyville,51,3
+mifflinburg,137,2
+beechwood,104,8
+coffeen,317,2
+cosmos,1054,4
+beechwood,637,2
+klickitat,952,5
+lakeville,72,7
+woodbine,360,14
+ranchester,1359,4
+marstons,1561,3
+newfields,1097,1
+shelbyville,2047,5
+lakeville,301,3
+lindenwood,2132,2
+coffeen,513,3
+tolstoy,646,10
+forkland,376,2
+lakeville,145,0
+shelbyville,1619,1
+lindenwood,226,0
+stockman,344,5
+ranchester,656,6
+wainscott,348,1
+hanson,1042,18
+lindenwood,998,1
+pinesdale,1034,1
+stockman,931,4
+klickitat,743,1
+tolstoy,1757,0
+pomaria,1052,10
+tolstoy,1079,1
+stockman,541,0
+coffeen,1001,4
+wainscott,629,1
+pinesdale,1028,4
+hiteman,313,9
+wainscott,612,8
+pinesdale,538,5
+lakeville,1283,6
+klickitat,581,13
+lindenwood,360,7
+merom,344,5
+newfields,143,1
+lindenwood,1827,3
+woodbine,659,0
+wainscott,1621,5
+ranchester,1122,3
+marstons,1261,6
+lakeville,1224,6
+woodbine,327,1
+beechwood,1124,1
+coffeen,227,4
+ranchester,121,3
+leonardo,102,5
+klickitat,1369,4
+marstons,793,6
+stockman,369,1
+shelbyville,666,3
+pomaria,1592,5
+klickitat,1697,0
+ranchester,529,2
+leonardo,427,4
+pinesdale,28,0
+marstons,1452,3
+shelbyville,1330,9
+woodbine,336,4
+hanson,1218,11
+lakeville,994,10
+cosmos,613,9
+wainscott,1037,1
+klickitat,1409,4
+lindenwood,2596,3
+forkland,598,4
+shelbyville,2498,2
+newfields,299,2
+lakeville,1413,4
+hiteman,346,4
+hanson,1497,5
+onaga,464,0
+shelbyville,571,1
+leonardo,770,1
+marstons,33,13
+pinesdale,983,1
+newfields,481,12
+leonardo,514,1
+beechwood,743,1
+coffeen,818,8
+hiteman,1828,3
+stockman,1259,5
+wainscott,308,6
+klickitat,2054,7
+hanson,289,1
+newfields,1242,5
+klickitat,977,0
+beechwood,204,2
+marstons,2040,11
+klickitat,1235,0
+merom,969,7
+lakeville,1349,7
+woodbine,463,5
+marstons,2102,1
+mifflinburg,301,7
+cosmos,169,4
+beechwood,1157,5
+tolstoy,701,12
+shelbyville,2415,4
+leonardo,1628,1
+forkland,988,3
+ranchester,953,5
+onaga,319,4
+coffeen,892,3
+pinesdale,1165,2
+lakeville,1666,1
+mifflinburg,30,6
+lakeville,1444,12
+wainscott,1339,0
+wainscott,1745,6
+pomaria,124,8
+beechwood,249,1
+hanson,1555,11
+merom,666,3
+tolstoy,749,0
+klickitat,708,17
+lakeville,1832,3
+klickitat,1932,0
+pomaria,1337,3
+lakeville,446,2
+lakeville,547,1
+klickitat,1820,10
+pomaria,1643,4
+pomaria,1352,2
+stockman,89,2
+lakeville,396,3
+klickitat,754,3
+hanson,639,3
+lindenwood,486,2
+stockman,363,0
+shelbyville,2698,1
+stockman,64,3
+lakeville,849,2
+coffeen,140,3
+shelbyville,2496,2
+forkland,873,2
+klickitat,1592,6
+hanson,613,4
+newfields,441,1
+shelbyville,695,10
+klickitat,915,4
+lindenwood,1934,10
+ranchester,663,0
+wainscott,206,0
+ranchester,309,4
+marstons,1262,2
+leonardo,153,0
+shelbyville,2530,0
+beechwood,363,2
+newfields,379,0
+pinesdale,1153,0
+woodbine,1391,1
+merom,1105,1
+hiteman,451,1
+stockman,161,0
+pomaria,1629,8
+coffeen,686,6
+shelbyville,237,0
+lindenwood,416,9
+klickitat,2267,6
+stockman,530,3
+tolstoy,1218,1
+lakeville,786,2
+wainscott,1270,1
+hiteman,1088,6
+shelbyville,1277,9
+cosmos,580,8
+marstons,1689,2
+onaga,506,8
+woodbine,1957,1
+beechwood,999,4
+shelbyville,639,0
+lindenwood,566,3
+hiteman,168,7
+shelbyville,1862,8
+stockman,1481,2
+coffeen,482,9
+hanson,775,10
+hanson,959,0
+woodbine,1653,5
+hanson,831,6
+pinesdale,1468,12
+forkland,280,5
+hiteman,893,3
+coffeen,1415,0
+coffeen,5,1
+lindenwood,1675,0
+merom,1031,5
+leonardo,649,4
+marstons,1656,3
+shelbyville,2353,0
+lakeville,1879,2
+shelbyville,79,3
+mifflinburg,562,2
+klickitat,2081,5
+woodbine,702,7
+mifflinburg,124,5
+wainscott,1242,7
+onaga,407,2
+wainscott,293,7
+shelbyville,1543,0
+cosmos,702,0
+leonardo,7,1
+tolstoy,181,5
+woodbine,1610,3
+klickitat,1416,14
+ranchester,1344,5
+hanson,980,13
+lakeville,405,8
+marstons,1749,6
+beechwood,430,2
+beechwood,735,1
+woodbine,1666,1
+pomaria,1343,5
+ranchester,8,9
+onaga,441,10
+wainscott,1409,2
+benevolence,96,3
+tolstoy,1047,3
+wainscott,1151,11
+leonardo,128,11
+hiteman,1464,4
+benevolence,136,1
+pinesdale,950,1
+tolstoy,1208,15
+pinesdale,437,1
+merom,604,5
+lindenwood,2427,0
+leonardo,1213,14
+ranchester,832,1
+wainscott,1713,10
+klickitat,2260,8
+onaga,596,3
+forkland,736,3
+wainscott,327,4
+klickitat,1783,6
+shelbyville,2762,2
+pomaria,1266,2
+marstons,2072,6
+hiteman,126,8
+forkland,665,1
+stockman,375,4
+leonardo,933,1
+wainscott,904,1
+newfields,604,1
+ranchester,1520,2
+lakeville,805,6
+hanson,883,2
+lindenwood,2279,0
+merom,520,0
+mifflinburg,514,4
+cosmos,749,6
+beechwood,139,1
+wainscott,1510,8
+klickitat,2297,0
+woodbine,285,13
+marstons,2084,7
+hanson,1475,9
+ranchester,1261,2
+klickitat,2351,7
+tolstoy,731,4
+lakeville,645,0
+tolstoy,1509,0
+klickitat,293,4
+marstons,36,2
+leonardo,1532,2
+klickitat,901,5
+klickitat,305,9
+marstons,1660,14
+leonardo,246,2
+leonardo,895,4
+stockman,1474,1
+lakeville,759,1
+coffeen,1123,2
+lakeville,659,3
+tolstoy,228,3
+beechwood,407,2
+pinesdale,997,0
+benevolence,28,4
+lindenwood,1139,4
+marstons,2279,0
+merom,753,0
+lindenwood,1137,8
+woodbine,1107,0
+lindenwood,913,1
+merom,50,5
+hanson,1242,13
+woodbine,591,6
+pomaria,1062,6
+lakeville,1799,19
+leonardo,1435,10
+lindenwood,2670,7
+klickitat,1516,0
+lindenwood,2027,0
+leonardo,2007,2
+coffeen,1123,1
+klickitat,707,1
+lindenwood,2195,1
+marstons,366,1
+shelbyville,2070,3
+beechwood,538,4
+shelbyville,2385,9
+woodbine,23,14
+woodbine,567,1
+hiteman,37,11
+lindenwood,1983,2
+hiteman,1650,0
+woodbine,1767,4
+leonardo,752,1
+lakeville,1886,13
+stockman,1507,0
+beechwood,23,2
+ranchester,666,8
+lakeville,1104,9
+klickitat,843,4
+ranchester,21,3
+woodbine,608,0
+ranchester,1252,2
+klickitat,541,0
+tolstoy,1523,3
+mifflinburg,700,2
+wainscott,1639,3
+wainscott,322,2
+leonardo,699,11
+forkland,522,4
+merom,29,5
+ranchester,823,1
+klickitat,278,1
+pinesdale,248,5
+ranchester,877,2
+woodbine,725,2
+pinesdale,498,16
+marstons,1859,10
+hanson,13,5
+hiteman,236,7
+leonardo,1055,1
+marstons,882,10
+shelbyville,1733,2
+marstons,2447,0
+merom,359,7
+hiteman,1796,0
+beechwood,606,7
+hiteman,850,7
+marstons,2069,10
+newfields,206,0
+pomaria,1576,4
+marstons,266,7
+tolstoy,684,11
+woodbine,1237,2
+merom,521,0
+coffeen,1509,1
+hiteman,1051,3
+hiteman,1737,12
+hanson,19,3
+leonardo,1922,1
+shelbyville,1943,3
+tolstoy,1476,0
+pomaria,1046,11
+merom,137,0
+leonardo,2033,9
+marstons,340,3
+klickitat,351,5
+ranchester,1390,0
+pinesdale,361,9
+coffeen,220,1
+woodbine,481,3
+stockman,257,7
+wainscott,1566,1
+wainscott,691,6
+hiteman,628,5
+tolstoy,732,3
+marstons,518,4
+shelbyville,1619,12
+wainscott,177,9
+woodbine,1763,0
+marstons,2546,1
+tolstoy,757,1
+klickitat,1038,16
+woodbine,1221,5
+klickitat,1194,8
+wainscott,970,10
+wainscott,755,2
+hiteman,1634,4
+beechwood,971,3
+lindenwood,2476,1
+leonardo,644,3
+marstons,604,0
+newfields,664,1
+pomaria,330,12
+forkland,674,0
+tolstoy,643,11
+pinesdale,955,1
+leonardo,713,5
+merom,277,5
+pinesdale,967,1
+newfields,779,7
+klickitat,2166,1
+coffeen,470,4
+shelbyville,1921,13
+stockman,92,9
+ranchester,1178,2
+forkland,113,1
+hanson,347,0
+woodbine,1055,7
+benevolence,328,0
+ranchester,1075,3
+allensville,232,1
+tolstoy,1205,1
+wainscott,1612,0
+leonardo,890,4
+cosmos,478,1
+benevolence,920,5
+marstons,1757,4
+marstons,956,9
+pomaria,1526,5
+pinesdale,89,0
+woodbine,710,2
+klickitat,2393,3
+newfields,1389,5
+hiteman,1270,5
+forkland,966,3
+newfields,627,1
+hiteman,1622,5
+pinesdale,810,0
+woodbine,1795,3
+stockman,967,2
+woodbine,1003,13
+tolstoy,543,1
+pomaria,1007,3
+lindenwood,321,2
+pomaria,7,1
+marstons,2595,4
+hanson,845,2
+tolstoy,949,4
+klickitat,1950,7
+lakeville,1772,10
+mifflinburg,531,0
+coffeen,1204,8
+hanson,1514,2
+newfields,1450,1
+beechwood,961,9
+onaga,344,9
+onaga,663,3
+marstons,1831,6
+pomaria,1468,13
+coffeen,11,1
+klickitat,2211,3
+allensville,381,3
+lindenwood,973,1
+hanson,312,0
+woodbine,1534,3
+leonardo,1353,8
+woodbine,141,6
+woodbine,625,1
+lakeville,425,5
+woodbine,1052,0
+stockman,1473,0
+onaga,349,2
+marstons,1170,6
+lindenwood,625,0
+stockman,770,6
+hiteman,1368,4
+allensville,477,1
+coffeen,1285,8
+wainscott,215,1
+klickitat,719,1
+tolstoy,1640,2
+hanson,357,7
+lindenwood,2636,1
+shelbyville,2338,4
+lindenwood,1767,4
+tolstoy,1529,3
+pinesdale,164,2
+klickitat,1190,2
+pomaria,1196,8
+pinesdale,1171,2
+woodbine,164,1
+stockman,1170,5
+newfields,103,0
+hanson,144,19
+coffeen,1419,2
+stockman,1027,1
+klickitat,273,1
+tolstoy,163,7
+hanson,555,0
+shelbyville,2440,3
+shelbyville,2456,0
+pomaria,1140,2
+hanson,897,5
+shelbyville,466,8
+leonardo,1952,5
+marstons,660,4
+hiteman,1142,5
+leonardo,1608,1
+hiteman,306,1
+leonardo,2035,17
+cosmos,948,7
+ranchester,1384,1
+stockman,7,1
+leonardo,89,4
+mifflinburg,480,2
+newfields,1537,7
+coffeen,1150,4
+stockman,1485,0
+benevolence,963,3
+lakeville,1591,3
+klickitat,531,10
+woodbine,463,1
+cosmos,424,7
+coffeen,696,2
+wainscott,1734,1
+leonardo,604,4
+newfields,95,2
+newfields,405,9
+tolstoy,413,9
+forkland,114,0
+hiteman,1081,0
+wainscott,270,1
+leonardo,1438,1
+ranchester,1401,0
+shelbyville,2654,6
+tolstoy,1800,1
+woodbine,1888,3
+wainscott,1560,5
+marstons,768,17
+leonardo,2023,2
+hanson,1029,2
+hanson,74,22
+pinesdale,121,3
+newfields,259,4
+stockman,447,3
+klickitat,580,11
+hanson,1623,3
+newfields,458,11
+woodbine,1202,15
+marstons,761,1
+forkland,31,2
+pomaria,112,4
+woodbine,1900,3
+cosmos,377,0
+coffeen,334,2
+leonardo,1685,3
+tolstoy,1102,2
+pomaria,975,8
+newfields,203,5
+lindenwood,409,0
+hiteman,1755,15
+onaga,556,2
+lindenwood,1604,0
+hiteman,1463,2
+hanson,109,3
+beechwood,641,2
+shelbyville,801,0
+tolstoy,583,5
+onaga,357,1
+newfields,1570,3
+pomaria,935,2
+lindenwood,2580,2
+wainscott,1597,8
+hiteman,1332,9
+stockman,843,0
+hanson,403,9
+shelbyville,1901,11
+klickitat,1344,1
+pinesdale,733,2
+pomaria,1537,13
+merom,144,2
+leonardo,522,8
+newfields,660,12
+tolstoy,1731,1
+pinesdale,677,2
+mifflinburg,489,2
+cosmos,636,4
+tolstoy,1176,3
+wainscott,1314,10
+lakeville,484,3
+wainscott,499,2
+hiteman,597,3
+hiteman,481,0
+merom,593,5
+beechwood,1142,3
+pinesdale,1417,5
+lakeville,1010,8
+pomaria,582,10
+newfields,673,2
+lindenwood,1125,2
+tolstoy,1240,4
+newfields,717,3
+onaga,136,4
+ranchester,1345,5
+pomaria,447,0
+tolstoy,1026,1
+klickitat,2379,11
+lindenwood,769,0
+forkland,1002,4
+pomaria,253,0
+tolstoy,228,4
+lindenwood,1688,3
+woodbine,1748,4
+woodbine,1664,5
+hiteman,763,3
+shelbyville,2707,0
+leonardo,724,1
+lindenwood,1591,5
+woodbine,1313,5
+wainscott,1080,5
+ranchester,307,4
+tolstoy,880,3
+forkland,661,1
+pinesdale,1451,0
+tolstoy,1406,2
+coffeen,767,2
+beechwood,462,13
+marstons,1359,0
+shelbyville,1277,18
+onaga,469,3
+coffeen,89,3
+lindenwood,631,6
+leonardo,1745,9
+lindenwood,1986,1
+woodbine,290,7
+beechwood,237,0
+wainscott,1171,0
+marstons,1566,1
+tolstoy,1429,1
+marstons,1289,2
+lakeville,885,3
+ranchester,800,9
+klickitat,48,2
+wainscott,438,2
+ranchester,176,11
+wainscott,1147,9
+newfields,1046,3
+klickitat,1810,2
+leonardo,2083,4
+hiteman,935,5
+newfields,1300,4
+merom,545,3
+leonardo,92,5
+lakeville,1530,6
+marstons,209,2
+shelbyville,1360,3
+cosmos,428,1
+klickitat,129,8
+stockman,496,0
+lindenwood,935,3
+tolstoy,1256,0
+marstons,442,2
+ranchester,1410,13
+stockman,943,0
+lakeville,685,4
+stockman,331,10
+merom,874,0
+coffeen,248,4
+pinesdale,441,2
+ranchester,782,2
+klickitat,175,1
+tolstoy,101,10
+benevolence,882,1
+marstons,2450,3
+stockman,1326,5
+allensville,181,6
+pomaria,1601,6
+leonardo,281,7
+leonardo,1871,0
+lakeville,1170,2
+tolstoy,168,2
+newfields,678,6
+lakeville,231,0
+newfields,771,0
+wainscott,1206,1
+leonardo,1776,2
+shelbyville,744,2
+hanson,601,5
+marstons,1475,7
+onaga,431,5
+pinesdale,402,0
+shelbyville,612,6
+leonardo,2080,0
+tolstoy,200,3
+coffeen,1481,2
+coffeen,1365,1
+lakeville,1804,7
+marstons,643,2
+shelbyville,1203,0
+hiteman,1430,2
+leonardo,1883,3
+klickitat,2332,3
+newfields,985,2
+shelbyville,724,5
+lindenwood,2008,5
+leonardo,1863,1
+woodbine,818,11
+cosmos,1064,0
+stockman,27,13
+ranchester,188,8
+marstons,2003,3
+forkland,48,3
+tolstoy,1350,9
+lakeville,812,5
+hanson,1369,3
+cosmos,407,0
+pomaria,1639,3
+lakeville,1202,4
+woodbine,146,5
+woodbine,825,2
+lakeville,82,4
+leonardo,326,0
+hiteman,652,3
+pinesdale,121,0
+pomaria,476,3
+leonardo,476,9
+pinesdale,315,1
+lindenwood,732,2
+leonardo,476,12
+pomaria,1067,6
+lakeville,1551,4
+hanson,454,9
+klickitat,559,2
+stockman,145,5
+hanson,1562,1
+lakeville,519,0
+beechwood,1117,4
+tolstoy,52,4
+lakeville,627,0
+shelbyville,2103,3
+beechwood,1067,3
+benevolence,922,5
+hanson,1296,3
+ranchester,607,4
+shelbyville,1351,0
+leonardo,556,2
+forkland,453,6
+cosmos,76,1
+hanson,1214,0
+hiteman,75,8
+marstons,2063,5
+lindenwood,472,1
+wainscott,1724,2
+cosmos,578,0
+shelbyville,2301,6
+cosmos,937,7
+wainscott,1677,7
+ranchester,137,4
+wainscott,1193,12
+ranchester,561,1
+hiteman,1763,0
+stockman,652,0
+tolstoy,611,0
+forkland,913,2
+newfields,1109,11
+marstons,2251,1
+shelbyville,959,14
+leonardo,218,0
+lindenwood,1038,3
+mifflinburg,246,3
+lakeville,631,7
+lakeville,1823,2
+allensville,70,4
+leonardo,909,1
+marstons,2431,3
+wainscott,530,5
+merom,876,8
+leonardo,2102,8
+klickitat,365,4
+newfields,13,10
+pinesdale,1403,4
+marstons,198,3
+marstons,185,2
+ranchester,1421,2
+benevolence,96,0
+shelbyville,1908,1
+lindenwood,172,8
+klickitat,2076,9
+marstons,2112,9
+klickitat,1788,4
+onaga,355,1
+coffeen,1315,1
+pinesdale,225,7
+tolstoy,712,2
+shelbyville,1164,3
+klickitat,2222,12
+wainscott,1535,1
+woodbine,359,0
+hanson,74,5
+woodbine,961,1
+lindenwood,1858,1
+marstons,1443,2
+merom,499,5
+cosmos,164,3
+tolstoy,439,5
+pomaria,696,7
+wainscott,723,4
+merom,117,0
+lakeville,517,6
+shelbyville,2220,2
+cosmos,439,3
+hanson,1194,2
+shelbyville,1827,0
+klickitat,1615,2
+klickitat,1958,2
+tolstoy,433,0
+tolstoy,1036,8
+ranchester,427,3
+ranchester,32,0
+shelbyville,2288,4
+lindenwood,1256,3
+lakeville,1515,1
+pomaria,316,2
+shelbyville,697,10
+marstons,2297,1
+marstons,740,5
+leonardo,941,0
+klickitat,2105,7
+lakeville,1767,3
+pomaria,1024,0
+beechwood,806,11
+klickitat,271,0
+lindenwood,2246,1
+woodbine,1807,5
+stockman,1407,1
+woodbine,945,6
+merom,83,2
+klickitat,277,2
+pomaria,278,0
+woodbine,1715,14
+lindenwood,2354,3
+pomaria,877,2
+leonardo,766,17
+lindenwood,1353,6
+beechwood,484,0
+shelbyville,658,0
+tolstoy,843,2
+newfields,1207,2
+wainscott,1118,9
+pomaria,837,1
+newfields,330,2
+marstons,2254,2
+lakeville,163,2
+cosmos,875,5
+pinesdale,1136,1
+mifflinburg,774,0
+marstons,1602,4
+woodbine,1112,5
+klickitat,150,21
+shelbyville,1490,11
+lakeville,282,4
+onaga,599,1
+klickitat,2047,0
+tolstoy,772,2
+leonardo,1608,17
+shelbyville,26,13
+tolstoy,410,13
+lakeville,360,3
+woodbine,192,8
+woodbine,252,2
+shelbyville,2380,1
+klickitat,286,8
+marstons,1273,2
+coffeen,902,10
+klickitat,1880,9
+pomaria,1209,2
+beechwood,356,0
+allensville,51,1
+shelbyville,2595,8
+shelbyville,2806,2
+woodbine,229,9
+shelbyville,1487,6
+stockman,370,4
+klickitat,72,9
+lindenwood,1515,1
+shelbyville,1913,7
+shelbyville,2217,12
+hiteman,301,2
+shelbyville,750,6
+pinesdale,116,7
+woodbine,479,6
+wainscott,859,11
+lakeville,1055,1
+pinesdale,1186,4
+lindenwood,214,1
+leonardo,882,10
+marstons,2438,0
+hanson,593,5
+newfields,636,2
+beechwood,200,1
+marstons,1873,5
+shelbyville,402,3
+woodbine,1763,4
+hanson,1241,7
+lakeville,1710,5
+hanson,644,3
+newfields,1142,0
+pomaria,190,0
+cosmos,31,1
+coffeen,477,6
+wainscott,182,9
+wainscott,949,3
+marstons,411,3
+lakeville,405,5
+ranchester,1637,5
+lindenwood,980,0
+newfields,36,6
+pomaria,791,0
+beechwood,966,3
+stockman,1319,4
+shelbyville,295,6
+hanson,13,0
+hanson,793,9
+leonardo,1968,1
+lakeville,1725,3
+hiteman,805,4
+marstons,756,1
+lakeville,941,3
+leonardo,1031,0
+pinesdale,1454,4
+woodbine,516,9
+woodbine,325,8
+klickitat,1516,6
+klickitat,1306,0
+klickitat,914,9
+allensville,323,10
+shelbyville,1393,7
+shelbyville,2248,0
+stockman,342,0
+newfields,1410,8
+hanson,1340,0
+wainscott,515,2
+cosmos,502,0
+klickitat,2366,11
+lindenwood,66,15
+merom,600,3
+klickitat,361,8
+tolstoy,822,10
+mifflinburg,13,1
+wainscott,524,6
+marstons,314,2
+marstons,502,14
+ranchester,1005,3
+leonardo,1505,2
+hiteman,858,4
+klickitat,1309,6
+leonardo,139,1
+marstons,525,0
+lakeville,1581,3
+tolstoy,691,1
+hanson,1625,11
+merom,501,8
+beechwood,212,3
+lindenwood,2566,6
+shelbyville,2594,4
+marstons,382,1
+hiteman,1202,2
+woodbine,299,2
+pinesdale,530,0
+shelbyville,981,5
+forkland,1026,8
+hanson,201,2
+woodbine,1050,12
+tolstoy,433,1
+stockman,981,2
+shelbyville,1591,0
+woodbine,1546,5
+shelbyville,1473,7
+beechwood,558,3
+wainscott,600,4
+shelbyville,821,0
+shelbyville,141,10
+ranchester,1508,11
+shelbyville,2584,2
+pomaria,1479,6
+klickitat,1795,2
+pinesdale,740,11
+pinesdale,305,8
+woodbine,951,4
+coffeen,313,2
+newfields,197,2
+marstons,1999,4
+klickitat,688,5
+forkland,532,1
+cosmos,307,2
+tolstoy,555,8
+ranchester,449,6
+cosmos,587,1
+wainscott,1544,2
+ranchester,1592,7
+lindenwood,2640,4
+woodbine,1782,0
+lindenwood,1455,8
+woodbine,1154,2
+leonardo,507,3
+wainscott,350,5
+cosmos,821,3
+lindenwood,2362,1
+stockman,1222,6
+hanson,628,2
+benevolence,628,5
+mifflinburg,197,0
+wainscott,1762,9
+merom,398,4
+stockman,299,1
+pomaria,1411,8
+cosmos,203,2
+woodbine,304,6
+pomaria,1429,6
+lindenwood,1642,4
+shelbyville,1784,1
+newfields,528,4
+marstons,2201,5
+leonardo,363,2
+ranchester,1367,6
+pomaria,842,1
+leonardo,1504,2
+forkland,712,2
+lakeville,829,5
+shelbyville,160,1
+lindenwood,2168,3
+shelbyville,376,3
+marstons,2101,2
+cosmos,1046,0
+beechwood,47,3
+mifflinburg,131,2
+marstons,471,1
+lakeville,540,0
+pinesdale,1354,0
+ranchester,1548,2
+shelbyville,1120,11
+lindenwood,1937,1
+leonardo,393,3
+hanson,682,9
+coffeen,475,0
+shelbyville,2370,7
+pomaria,536,10
+benevolence,12,2
+woodbine,1809,0
+ranchester,649,7
+marstons,2655,8
+woodbine,762,1
+shelbyville,467,3
+mifflinburg,686,1
+lindenwood,2173,7
+lakeville,1755,4
+ranchester,414,9
+tolstoy,1110,3
+stockman,575,0
+hiteman,527,0
+hanson,1273,4
+klickitat,87,2
+hanson,1197,10
+tolstoy,510,2
+shelbyville,1872,3
+pinesdale,1115,2
+tolstoy,1767,5
+wainscott,248,12
+klickitat,1468,16
+marstons,1809,4
+shelbyville,1965,4
+pinesdale,1454,7
+lindenwood,1241,4
+wainscott,1390,4
+tolstoy,699,0
+hiteman,1084,5
+coffeen,399,1
+klickitat,519,0
+benevolence,456,4
+stockman,1031,6
+beechwood,582,1
+forkland,1156,0
+woodbine,1177,0
+pinesdale,733,1
+klickitat,464,6
+beechwood,1019,2
+mifflinburg,704,1
+pinesdale,210,1
+hiteman,1698,8
+pomaria,469,6
+marstons,1920,17
+mifflinburg,29,3
+forkland,999,0
+ranchester,483,4
+coffeen,690,3
+klickitat,996,0
+shelbyville,2685,0
+lakeville,985,5
+pomaria,257,0
+tolstoy,307,3
+marstons,386,3
+hiteman,1116,1
+lindenwood,1571,4
+coffeen,1049,1
+coffeen,787,6
+ranchester,1337,0
+leonardo,1259,0
+newfields,1500,2
+woodbine,594,18
+lakeville,867,1
+allensville,210,1
+ranchester,771,6
+newfields,942,1
+klickitat,1953,8
+benevolence,5,2
+wainscott,415,12
+cosmos,490,0
+wainscott,1427,2
+klickitat,1132,3
+ranchester,102,0
+klickitat,1155,0
+shelbyville,561,6
+marstons,1595,4
+pomaria,1486,6
+klickitat,166,0
+forkland,771,8
+marstons,1794,14
+newfields,370,13
+marstons,620,2
+cosmos,147,0
+klickitat,1772,7
+wainscott,1740,3
+woodbine,643,7
+shelbyville,1100,0
+klickitat,1567,3
+shelbyville,2678,3
+cosmos,454,5
+shelbyville,241,8
+merom,739,1
+leonardo,149,6
+lindenwood,770,0
+coffeen,1067,2
+klickitat,906,3
+pinesdale,808,5
+hanson,111,7
+klickitat,1511,7
+mifflinburg,200,9
+lakeville,128,4
+marstons,1790,5
+leonardo,1830,15
+hiteman,1608,2
+coffeen,276,0
+hanson,121,2
+hiteman,759,10
+cosmos,926,0
+wainscott,1447,1
+merom,653,2
+hanson,1241,0
+beechwood,1086,0
+coffeen,1006,6
+wainscott,731,2
+forkland,33,4
+klickitat,140,13
+shelbyville,876,4
+leonardo,895,3
+wainscott,1691,4
+klickitat,1182,4
+wainscott,1118,10
+forkland,1156,5
+leonardo,1026,5
+ranchester,50,13
+hiteman,243,2
+tolstoy,1769,7
+lakeville,1809,11
+woodbine,132,5
+coffeen,954,4
+marstons,2249,10
+mifflinburg,73,1
+marstons,1439,7
+marstons,187,7
+ranchester,1331,0
+marstons,2452,11
+coffeen,782,0
+merom,799,2
+wainscott,720,5
+wainscott,982,0
+newfields,443,4
+woodbine,658,8
+mifflinburg,449,3
+hiteman,1563,1
+cosmos,665,8
+beechwood,597,1
+leonardo,470,2
+wainscott,1582,3
+allensville,13,0
+mifflinburg,181,1
+ranchester,273,2
+coffeen,750,5
+klickitat,1546,0
+benevolence,476,6
+newfields,1323,2
+coffeen,534,2
+benevolence,786,13
+woodbine,1761,5
+leonardo,442,4
+shelbyville,1706,4
+marstons,2079,1
+wainscott,545,2
+shelbyville,1852,7
+hanson,369,6
+shelbyville,814,3
+tolstoy,1482,0
+tolstoy,1218,12
+klickitat,1907,2
+marstons,913,8
+cosmos,993,8
+lakeville,1155,5
+mifflinburg,356,2
+lindenwood,1696,3
+newfields,307,5
+klickitat,1658,10
+marstons,2293,8
+klickitat,951,1
+lindenwood,543,4
+shelbyville,1069,8
+hiteman,1683,2
+leonardo,386,7
+leonardo,1377,1
+onaga,628,6
+forkland,214,1
+merom,268,3
+marstons,1995,6
+wainscott,444,5
+lakeville,494,5
+wainscott,1461,1
+marstons,835,8
+shelbyville,409,3
+klickitat,2148,8
+stockman,554,3
+forkland,1022,2
+cosmos,374,0
+ranchester,662,5
+pomaria,1243,2
+cosmos,874,3
+woodbine,1256,1
+tolstoy,1766,4
+pomaria,274,0
+tolstoy,894,2
+hanson,340,0
+benevolence,927,5
+shelbyville,627,12
+marstons,1577,8
+lindenwood,931,4
+mifflinburg,809,2
+mifflinburg,816,2
+pomaria,921,1
+ranchester,841,3
+marstons,1902,14
+tolstoy,434,10
+shelbyville,1531,2
+pomaria,844,7
+forkland,1105,0
+pinesdale,191,4
+allensville,424,0
+lindenwood,1530,4
+pomaria,43,0
+tolstoy,1230,12
+klickitat,2367,0
+hiteman,347,4
+leonardo,1756,3
+hanson,1563,2
+beechwood,1169,0
+klickitat,1182,14
+hiteman,1797,1
+shelbyville,421,1
+woodbine,710,1
+klickitat,2266,7
+lindenwood,2108,8
+marstons,2613,10
+coffeen,1223,4
+pinesdale,621,2
+woodbine,171,0
+hanson,1225,13
+shelbyville,2480,7
+leonardo,213,4
+lindenwood,1694,2
+ranchester,628,3
+newfields,142,12
+pinesdale,922,2
+wainscott,349,2
+lindenwood,1700,1
+forkland,1109,3
+klickitat,156,13
+shelbyville,885,3
+tolstoy,988,2
+leonardo,1013,0
+hiteman,1370,0
+mifflinburg,344,0
+pinesdale,1258,3
+leonardo,447,13
+woodbine,1320,4
+merom,852,4
+hanson,1239,2
+pomaria,1235,8
+hanson,353,8
+lakeville,1006,5
+leonardo,1276,5
+leonardo,1486,1
+pomaria,110,0
+leonardo,1928,18
+coffeen,734,1
+lindenwood,1077,0
+benevolence,373,0
+wainscott,719,3
+klickitat,2177,0
+pinesdale,995,10
+ranchester,1510,1
+leonardo,2083,8
+hanson,202,7
+beechwood,47,5
+pomaria,954,3
+forkland,988,6
+lakeville,1809,6
+shelbyville,2346,3
+shelbyville,2579,1
+mifflinburg,967,1
+pinesdale,1269,13
+forkland,359,4
+marstons,484,8
+cosmos,27,4
+lindenwood,408,0
+wainscott,1520,4
+newfields,593,1
+tolstoy,1112,8
+klickitat,1148,0
+cosmos,1011,4
+coffeen,249,6
+allensville,440,0
+cosmos,215,4
+lakeville,1889,2
+pomaria,1597,4
+coffeen,1328,2
+beechwood,1020,8
+lindenwood,73,9
+benevolence,248,8
+woodbine,120,7
+ranchester,1542,4
+woodbine,1049,0
+hanson,766,4
+beechwood,602,0
+hanson,380,11
+pinesdale,1519,2
+stockman,1505,2
+pomaria,121,10
+shelbyville,1455,3
+leonardo,1821,11
+pinesdale,1443,2
+shelbyville,2654,1
+pinesdale,405,2
+hanson,1250,9
+lakeville,897,1
+newfields,1174,1
+lindenwood,2462,4
+woodbine,1844,3
+stockman,1011,6
+stockman,17,5
+lindenwood,534,3
+coffeen,310,2
+leonardo,734,4
+pinesdale,837,7
+lindenwood,1608,1
+lakeville,543,1
+wainscott,874,14
+hiteman,1606,1
+hanson,639,4
+lakeville,373,1
+forkland,805,4
+klickitat,635,1
+lindenwood,880,4
+hiteman,1643,1
+lakeville,1704,10
+klickitat,213,4
+pinesdale,278,8
+woodbine,111,4
+ranchester,985,9
+tolstoy,923,4
+benevolence,477,3
+lindenwood,595,2
+tolstoy,1200,2
+hiteman,1346,9
+beechwood,719,1
+wainscott,1741,1
+wainscott,592,2
+ranchester,399,11
+pinesdale,604,4
+stockman,1473,1
+tolstoy,1393,7
+shelbyville,2646,5
+woodbine,1874,1
+hiteman,262,4
+woodbine,1877,8
+pomaria,859,6
+pomaria,190,2
+hanson,1130,9
+pomaria,317,0
+shelbyville,2370,0
+forkland,338,1
+wainscott,297,9
+lindenwood,2678,3
+marstons,1836,2
+newfields,1169,2
+lindenwood,1131,7
+lindenwood,308,3
+woodbine,1154,7
+lakeville,836,7
+pomaria,543,2
+wainscott,636,1
+mifflinburg,908,5
+woodbine,1786,2
+tolstoy,443,0
+newfields,1390,1
+marstons,1117,1
+marstons,1728,5
+pomaria,1371,1
+pomaria,970,4
+wainscott,1251,2
+newfields,717,13
+shelbyville,769,1
+hanson,1029,0
+lindenwood,300,5
+marstons,1222,1
+lakeville,597,7
+tolstoy,86,2
+beechwood,473,8
+lindenwood,2017,2
+pomaria,1242,2
+leonardo,1243,2
+hiteman,1767,12
+leonardo,1975,1
+newfields,329,2
+woodbine,1308,6
+marstons,1133,11
+stockman,770,0
+beechwood,210,1
+pomaria,461,4
+leonardo,237,0
+klickitat,2067,1
+woodbine,1855,2
+benevolence,492,7
+coffeen,18,2
+marstons,2238,2
+pomaria,569,2
+coffeen,1186,8
+woodbine,507,6
+shelbyville,1111,2
+marstons,2396,2
+klickitat,282,5
+lakeville,310,1
+klickitat,1730,1
+klickitat,2034,1
+lindenwood,505,11
+tolstoy,849,0
+beechwood,751,1
+leonardo,5,3
+marstons,781,4
+leonardo,1839,1
+tolstoy,1049,7
+forkland,692,4
+woodbine,2049,13
+pinesdale,1514,3
+pinesdale,338,1
+shelbyville,110,0
+onaga,531,2
+merom,331,0
+leonardo,824,5
+lindenwood,1931,3
+woodbine,514,1
+hiteman,1168,3
+stockman,1573,0
+klickitat,267,1
+lakeville,574,4
+ranchester,861,4
+tolstoy,173,0
+hanson,1194,7
+mifflinburg,428,4
+lakeville,1561,7
+klickitat,1862,0
+beechwood,1064,8
+marstons,1536,2
+klickitat,991,3
+woodbine,1947,4
+ranchester,660,13
+hanson,311,0
+mifflinburg,211,0
+forkland,240,0
+cosmos,157,3
+ranchester,696,1
+marstons,1316,1
+wainscott,1015,7
+onaga,42,2
+merom,237,2
+beechwood,759,2
+lakeville,751,2
+woodbine,485,4
+lakeville,1633,1
+tolstoy,1590,2
+lakeville,332,9
+tolstoy,1208,5
+marstons,1732,0
+marstons,159,2
+lindenwood,2121,0
+wainscott,972,4
+klickitat,1677,6
+klickitat,2038,0
+newfields,1316,1
+lakeville,1739,7
+leonardo,1951,4
+lindenwood,2260,3
+woodbine,240,8
+shelbyville,2184,7
+marstons,2606,11
+stockman,1203,6
+marstons,691,2
+wainscott,399,3
+klickitat,1820,7
+stockman,829,6
+merom,163,3
+leonardo,419,2
+lakeville,1513,8
+hanson,673,4
+marstons,579,3
+onaga,243,0
+klickitat,1389,12
+forkland,1144,10
+leonardo,91,0
+wainscott,466,3
+shelbyville,1666,0
+forkland,743,1
+beechwood,923,2
+lindenwood,2341,6
+lakeville,515,3
+coffeen,1319,0
+newfields,670,7
+shelbyville,12,3
+marstons,546,2
+onaga,438,2
+shelbyville,1645,2
+woodbine,753,0
+lakeville,1035,2
+mifflinburg,173,0
+shelbyville,946,3
+klickitat,826,2
+mifflinburg,53,6
+leonardo,1193,0
+shelbyville,2687,1
+coffeen,714,0
+hiteman,356,1
+tolstoy,986,0
+forkland,169,2
+klickitat,1262,5
+lindenwood,2181,4
+ranchester,723,3
+lakeville,595,4
+marstons,1277,1
+leonardo,1848,4
+lindenwood,2390,0
+shelbyville,440,4
+klickitat,1186,13
+lindenwood,2652,3
+shelbyville,332,6
+hiteman,794,3
+shelbyville,1386,1
+coffeen,647,3
+wainscott,395,3
+tolstoy,1080,1
+pomaria,1476,1
+woodbine,302,7
+leonardo,1931,1
+marstons,2657,1
+ranchester,298,10
+shelbyville,1846,3
+hanson,8,3
+marstons,1814,0
+hiteman,1361,2
+marstons,784,1
+forkland,78,0
+mifflinburg,886,1
+lakeville,866,2
+woodbine,1740,6
+wainscott,115,0
+forkland,200,1
+allensville,7,3
+lindenwood,2032,6
+pinesdale,383,5
+onaga,554,1
+shelbyville,1526,5
+merom,464,2
+marstons,439,4
+stockman,920,2
+benevolence,605,6
+hanson,546,16
+lindenwood,1855,6
+marstons,2547,1
+pinesdale,633,1
+marstons,1521,4
+pomaria,658,8
+shelbyville,141,5
+newfields,1178,3
+pinesdale,122,5
+hanson,601,7
+marstons,1204,2
+wainscott,1145,0
+tolstoy,629,6
+shelbyville,1407,2
+newfields,753,1
+marstons,86,5
+marstons,1519,0
+ranchester,360,12
+shelbyville,2112,4
+shelbyville,2516,3
+shelbyville,1751,14
+hiteman,1705,3
+lindenwood,482,5
+klickitat,1897,4
+leonardo,1932,2
+wainscott,1025,15
+benevolence,484,2
+leonardo,1298,2
+shelbyville,250,10
+beechwood,622,4
+newfields,1398,3
+hiteman,885,0
+merom,669,2
+shelbyville,86,5
+leonardo,1355,9
+woodbine,1892,1
+woodbine,886,6
+shelbyville,1985,3
+merom,862,2
+merom,757,8
+forkland,241,2
+merom,1014,9
+lindenwood,232,0
+hiteman,905,9
+benevolence,795,2
+coffeen,1064,3
+lindenwood,317,2
+hanson,1635,2
+hanson,609,3
+lindenwood,0,8
+allensville,56,4
+leonardo,1898,1
+shelbyville,1500,4
+cosmos,828,0
+klickitat,486,7
+woodbine,729,11
+ranchester,36,2
+hanson,1549,3
+hiteman,909,8
+shelbyville,2510,5
+lindenwood,2207,2
+tolstoy,1815,3
+hanson,1436,7
+pomaria,1431,0
+newfields,1001,1
+mifflinburg,234,0
+lindenwood,2151,0
+lakeville,812,3
+klickitat,1539,5
+forkland,763,1
+lindenwood,1538,3
+wainscott,351,2
+shelbyville,2791,0
+stockman,239,5
+pinesdale,1136,0
+beechwood,651,3
+ranchester,600,3
+pinesdale,976,0
+lindenwood,294,1
+leonardo,347,1
+wainscott,627,0
+lakeville,90,5
+hiteman,1857,3
+lakeville,1516,14
+forkland,923,3
+beechwood,664,1
+beechwood,991,8
+lakeville,1860,11
+wainscott,220,11
+hanson,1219,9
+shelbyville,1490,10
+klickitat,1260,8
+merom,800,3
+woodbine,20,4
+tolstoy,948,5
+lindenwood,2527,3
+coffeen,1023,1
+klickitat,1775,10
+pinesdale,688,0
+shelbyville,1514,2
+tolstoy,868,10
+marstons,1442,6
+hanson,453,3
+ranchester,443,4
+marstons,2564,6
+newfields,541,0
+ranchester,276,0
+shelbyville,168,2
+beechwood,1065,5
+shelbyville,1682,3
+marstons,2433,3
+wainscott,1000,5
+lakeville,69,8
+pomaria,910,2
+lindenwood,1338,2
+ranchester,350,12
+lindenwood,1350,2
+klickitat,1398,8
+shelbyville,1559,10
+lakeville,1166,1
+marstons,283,2
+newfields,370,4
+tolstoy,1744,4
+mifflinburg,742,6
+leonardo,1691,8
+leonardo,1952,19
+onaga,250,7
+newfields,1290,4
+hiteman,1554,8
+lindenwood,1772,7
+pomaria,840,2
+leonardo,622,4
+pinesdale,955,4
+newfields,840,3
+hiteman,394,2
+tolstoy,248,2
+lindenwood,1564,0
+hanson,357,11
+newfields,108,3
+woodbine,2044,3
+benevolence,137,1
+marstons,2255,1
+pinesdale,248,14
+woodbine,1629,8
+tolstoy,1804,3
+coffeen,1438,0
+lindenwood,2652,0
+cosmos,944,1
+shelbyville,2616,5
+newfields,51,1
+wainscott,1484,2
+klickitat,441,3
+merom,658,2
+hiteman,1563,2
+woodbine,874,2
+hiteman,99,8
+pinesdale,1139,3
+ranchester,811,4
+lakeville,1368,12
+klickitat,1491,1
+ranchester,1360,0
+hanson,120,5
+cosmos,791,2
+lakeville,191,2
+leonardo,1378,2
+hanson,659,2
+lindenwood,2385,0
+newfields,85,3
+lindenwood,625,2
+woodbine,243,4
+allensville,363,5
+hiteman,894,3
+woodbine,1878,4
+coffeen,1460,1
+wainscott,267,7
+lindenwood,1370,11
+cosmos,1058,5
+pomaria,763,0
+newfields,661,6
+hiteman,829,1
+lakeville,74,10
+lindenwood,447,11
+coffeen,1267,0
+onaga,377,2
+shelbyville,1709,6
+shelbyville,2375,4
+woodbine,1589,2
+newfields,242,0
+pomaria,27,10
+mifflinburg,922,4
+stockman,747,4
+merom,218,2
+shelbyville,1744,2
+ranchester,88,0
+onaga,472,2
+newfields,1569,2
+allensville,489,7
+hiteman,152,0
+pomaria,934,1
+leonardo,1025,1
+ranchester,1052,6
+lindenwood,2251,2
+ranchester,579,3
+lindenwood,612,1
+tolstoy,239,3
+klickitat,1523,3
+klickitat,1349,1
+mifflinburg,213,2
+klickitat,1724,2
+merom,211,3
+merom,715,7
+woodbine,1183,14
+klickitat,842,3
+leonardo,669,3
+hanson,1271,1
+lindenwood,825,0
+onaga,586,2
+stockman,1242,6
+hanson,938,1
+woodbine,290,0
+tolstoy,16,0
+woodbine,483,6
+forkland,437,5
+mifflinburg,389,1
+beechwood,888,1
+pomaria,340,3
+leonardo,289,3
+stockman,1218,1
+beechwood,546,1
+wainscott,618,11
+coffeen,623,8
+beechwood,275,8
+pomaria,294,10
+shelbyville,1507,1
+tolstoy,1583,3
+pomaria,1196,4
+lindenwood,449,2
+forkland,547,2
+lakeville,1250,7
+coffeen,405,6
+forkland,303,2
+forkland,749,4
+pomaria,728,1
+pomaria,1491,3
+hanson,11,1
+ranchester,944,3
+lakeville,283,1
+lakeville,254,5
+hiteman,1459,3
+wainscott,47,9
+merom,477,1
+woodbine,1404,3
+lakeville,92,0
+lindenwood,2123,0
+woodbine,1730,7
+tolstoy,579,6
+woodbine,1608,1
+cosmos,830,6
+lakeville,1637,1
+klickitat,1989,3
+mifflinburg,674,7
+forkland,576,2
+pomaria,1234,10
+klickitat,2349,0
+lindenwood,199,0
+leonardo,576,6
+cosmos,461,5
+merom,752,0
+pinesdale,1496,4
+leonardo,408,4
+newfields,179,8
+stockman,426,1
+forkland,677,0
+ranchester,1080,1
+newfields,239,4
+newfields,707,0
+benevolence,557,0
+hanson,322,1
+lindenwood,2221,5
+klickitat,624,7
+shelbyville,2133,10
+newfields,612,14
+hiteman,1698,3
+newfields,1389,4
+coffeen,634,0
+wainscott,1374,0
+lakeville,1474,11
+hanson,1397,4
+woodbine,62,2
+benevolence,726,1
+marstons,2163,5
+hiteman,717,5
+pomaria,125,2
+shelbyville,2451,0
+hiteman,1781,3
+mifflinburg,424,2
+hanson,1653,4
+cosmos,353,1
+shelbyville,1766,4
+lakeville,1754,2
+wainscott,1422,1
+lakeville,984,3
+woodbine,226,4
+leonardo,1335,6
+ranchester,1091,5
+leonardo,1885,6
+mifflinburg,52,0
+newfields,637,11
+marstons,474,1
+wainscott,740,2
+lakeville,12,4
+leonardo,2049,5
+ranchester,417,0
+ranchester,395,3
+pomaria,1208,1
+ranchester,930,3
+hiteman,1519,2
+klickitat,1916,6
+leonardo,2112,1
+newfields,799,0
+pinesdale,12,5
+lindenwood,832,0
+pomaria,150,9
+lakeville,738,3
+wainscott,1393,5
+mifflinburg,332,8
+benevolence,354,8
+benevolence,846,1
+stockman,153,0
+pomaria,417,6
+marstons,18,0
+lindenwood,518,3
+tolstoy,290,10
+wainscott,1615,4
+ranchester,438,3
+mifflinburg,53,0
+mifflinburg,164,4
+woodbine,1105,2
+shelbyville,294,1
+woodbine,1223,5
+lakeville,176,9
+marstons,977,1
+cosmos,939,4
+stockman,137,5
+stockman,138,0
+marstons,869,3
+newfields,747,1
+beechwood,92,3
+lindenwood,89,1
+marstons,1102,11
+hanson,1230,5
+forkland,1018,0
+wainscott,535,4
+klickitat,1923,9
+klickitat,785,1
+pinesdale,185,2
+marstons,80,3
+ranchester,1262,3
+klickitat,1849,3
+shelbyville,478,2
+tolstoy,1167,6
+stockman,1366,3
+marstons,2126,1
+beechwood,1061,0
+forkland,551,3
+merom,820,3
+shelbyville,2699,5
+woodbine,478,1
+hanson,568,9
+ranchester,695,2
+woodbine,979,0
+pomaria,531,0
+stockman,1208,3
+merom,725,5
+cosmos,276,13
+lakeville,258,6
+lindenwood,257,10
+pinesdale,1444,0
+marstons,2008,4
+lindenwood,570,3
+onaga,504,6
+shelbyville,2650,4
+lakeville,292,3
+woodbine,1569,1
+benevolence,769,5
+stockman,1294,1
+ranchester,6,2
+pinesdale,710,2
+lakeville,1562,0
+pomaria,688,7
+benevolence,150,2
+tolstoy,270,2
+wainscott,50,1
+newfields,750,0
+wainscott,333,0
+hanson,1580,0
+marstons,2544,1
+marstons,2153,2
+onaga,585,2
+shelbyville,613,4
+hanson,271,2
+forkland,8,5
+lindenwood,68,0
+leonardo,1236,5
+klickitat,1611,3
+hanson,203,1
+marstons,1963,4
+pinesdale,1515,0
+lindenwood,635,3
+lakeville,1153,3
+hiteman,187,4
+tolstoy,1218,4
+shelbyville,691,1
+klickitat,651,7
+lakeville,269,7
+pinesdale,1255,2
+tolstoy,1776,3
+tolstoy,311,3
+mifflinburg,106,7
+stockman,321,0
+wainscott,671,10
+pinesdale,1071,1
+beechwood,577,1
+lakeville,1693,0
+lakeville,1877,10
+pomaria,648,3
+hiteman,1407,4
+hiteman,1305,2
+pinesdale,389,2
+hiteman,862,2
+lindenwood,1466,5
+woodbine,1932,6
+newfields,1108,9
+newfields,1648,5
+hiteman,109,1
+newfields,1355,0
+shelbyville,2025,1
+marstons,137,2
+hanson,1338,3
+klickitat,801,1
+leonardo,1813,0
+marstons,2651,14
+coffeen,426,0
+pinesdale,260,8
+pomaria,260,7
+pomaria,1000,5
+klickitat,2072,12
+pomaria,507,2
+klickitat,2309,6
+tolstoy,1196,1
+leonardo,498,2
+hiteman,1727,7
+shelbyville,2145,7
+klickitat,55,10
+marstons,610,4
+woodbine,647,0
+ranchester,26,1
+lakeville,490,3
+newfields,596,2
+shelbyville,100,0
+stockman,1261,0
+hiteman,1851,1
+beechwood,1072,10
+woodbine,1023,2
+tolstoy,951,3
+leonardo,523,6
+coffeen,291,1
+beechwood,1053,2
+lindenwood,219,0
+hiteman,1425,2
+lindenwood,733,2
+tolstoy,393,3
+woodbine,298,2
+woodbine,1975,13
+shelbyville,2597,2
+forkland,366,8
+lindenwood,671,2
+merom,304,3
+mifflinburg,64,1
+forkland,797,9
+lindenwood,1402,1
+lakeville,671,9
+lindenwood,1148,2
+lakeville,1594,11
+marstons,1164,9
+klickitat,888,5
+klickitat,2000,4
+merom,434,2
+klickitat,1382,3
+benevolence,614,10
+pomaria,1611,3
+woodbine,1949,2
+hanson,484,8
+leonardo,2116,1
+hanson,134,3
+lindenwood,2477,6
+coffeen,68,0
+hanson,166,0
+beechwood,732,1
+wainscott,548,4
+stockman,574,1
+beechwood,1052,3
+lindenwood,1823,0
+merom,561,4
+woodbine,940,5
+wainscott,51,7
+coffeen,758,2
+lindenwood,931,3
+benevolence,965,2
+hiteman,1610,4
+stockman,83,4
+shelbyville,1313,4
+cosmos,801,0
+mifflinburg,917,2
+hanson,935,6
+onaga,352,5
+pomaria,797,3
+cosmos,878,2
+marstons,1857,6
+klickitat,2112,4
+lakeville,1153,0
+tolstoy,573,5
+hanson,1252,0
+wainscott,1185,8
+lakeville,432,4
+hanson,1451,9
+shelbyville,2207,0
+hiteman,711,3
+klickitat,538,9
+klickitat,113,7
+woodbine,1339,4
+cosmos,827,5
+lindenwood,1436,11
+newfields,1248,4
+cosmos,1064,9
+hiteman,932,0
+hanson,1335,4
+hiteman,137,3
+beechwood,309,6
+woodbine,194,2
+woodbine,686,3
+beechwood,1065,0
+leonardo,8,1
+marstons,1422,8
+lindenwood,1150,1
+newfields,1116,12
+pomaria,1067,2
+coffeen,470,6
+shelbyville,2698,7
+lindenwood,416,13
+marstons,2372,3
+stockman,706,3
+allensville,345,4
+beechwood,202,1
+pinesdale,670,1
+lakeville,541,4
+newfields,299,15
+marstons,1684,0
+lakeville,17,1
+coffeen,1156,1
+marstons,595,6
+shelbyville,1007,14
+pomaria,894,5
+woodbine,2028,0
+klickitat,1837,4
+stockman,1296,10
+benevolence,351,6
+pinesdale,550,7
+pomaria,850,0
+woodbine,1539,0
+marstons,2025,4
+wainscott,1370,3
+coffeen,1073,0
+lakeville,1028,12
+leonardo,672,1
+stockman,577,3
+klickitat,1500,8
+marstons,529,16
+onaga,292,0
+marstons,2176,8
+leonardo,1318,3
+hanson,1523,2
+ranchester,165,1
+coffeen,1315,2
+klickitat,389,0
+wainscott,276,2
+lindenwood,540,0
+wainscott,1193,0
+hiteman,848,1
+klickitat,1890,4
+stockman,922,4
+pinesdale,421,9
+stockman,1584,1
+merom,383,0
+woodbine,355,4
+mifflinburg,204,5
+mifflinburg,246,0
+pinesdale,1099,2
+wainscott,132,6
+tolstoy,449,4
+mifflinburg,972,1
+pinesdale,509,1
+leonardo,1831,9
+marstons,1903,0
+klickitat,1704,1
+woodbine,1519,14
+allensville,119,2
+onaga,451,0
+wainscott,737,1
+shelbyville,213,4
+benevolence,190,4
+stockman,583,7
+allensville,357,3
+pomaria,1675,1
+merom,525,4
+ranchester,786,4
+tolstoy,90,9
+marstons,232,1
+ranchester,1340,1
+klickitat,1303,11
+ranchester,915,4
+wainscott,806,2
+wainscott,214,0
+marstons,2537,0
+hiteman,130,11
+klickitat,788,3
+lindenwood,137,2
+coffeen,1094,3
+lindenwood,1586,6
+leonardo,1597,3
+merom,293,2
+lindenwood,1179,4
+klickitat,575,2
+newfields,1547,11
+leonardo,1933,12
+klickitat,411,2
+lindenwood,1137,1
+marstons,776,6
+woodbine,636,1
+newfields,936,2
+pinesdale,579,2
+newfields,861,7
+newfields,459,0
+klickitat,737,4
+tolstoy,1785,3
+tolstoy,1380,3
+lindenwood,2543,4
+tolstoy,153,4
+wainscott,460,0
+lindenwood,586,11
+tolstoy,1708,1
+leonardo,1450,3
+klickitat,901,3
+pomaria,1571,1
+pinesdale,315,2
+pomaria,1664,0
+coffeen,1437,1
+forkland,205,2
+merom,795,4
+newfields,1126,3
+lakeville,1852,0
+hanson,309,9
+cosmos,399,3
+leonardo,1915,2
+woodbine,343,8
+newfields,666,4
+forkland,57,1
+leonardo,1784,2
+marstons,216,2
+stockman,1038,1
+marstons,1737,2
+newfields,723,13
+shelbyville,1774,5
+pinesdale,80,0
+stockman,905,2
+tolstoy,1347,2
+cosmos,821,0
+coffeen,1351,1
+lakeville,796,4
+marstons,58,1
+ranchester,1077,4
+hanson,936,16
+wainscott,1471,5
+newfields,382,1
+wainscott,1618,6
+mifflinburg,39,4
+beechwood,448,0
+klickitat,2302,6
+cosmos,465,13
+benevolence,256,3
+hiteman,1772,13
+newfields,1584,4
+shelbyville,1577,1
+hiteman,1270,0
+beechwood,414,2
+pomaria,1516,3
+hanson,261,3
+woodbine,1138,14
+leonardo,1354,15
+hiteman,1610,1
+beechwood,676,5
+stockman,856,0
+hanson,466,12
+lindenwood,830,6
+pinesdale,523,4
+klickitat,2368,3
+klickitat,1908,3
+marstons,2436,0
+forkland,1131,2
+klickitat,1404,8
+lindenwood,2636,2
+woodbine,962,11
+shelbyville,938,0
+mifflinburg,198,0
+woodbine,1639,13
+hiteman,866,7
+newfields,318,4
+lindenwood,206,2
+beechwood,175,3
+woodbine,1686,5
+lindenwood,2500,7
+shelbyville,1202,4
+pomaria,784,5
+leonardo,1088,2
+newfields,1150,0
+newfields,1123,0
+tolstoy,727,2
+hanson,1536,1
+lakeville,1072,0
+marstons,1091,2
+newfields,269,4
+hiteman,983,7
+hanson,1523,1
+klickitat,800,6
+lindenwood,1134,3
+marstons,600,0
+wainscott,1355,1
+tolstoy,183,3
+lakeville,237,3
+lindenwood,1116,1
+lindenwood,1892,6
+leonardo,935,1
+woodbine,192,4
+beechwood,1145,5
+shelbyville,640,1
+woodbine,1108,0
+lindenwood,2144,2
+pinesdale,517,2
+klickitat,1445,5
+stockman,1453,12
+shelbyville,2647,0
+pomaria,1168,2
+hanson,1136,4
+tolstoy,1573,6
+mifflinburg,411,1
+ranchester,263,8
+klickitat,1144,6
+allensville,113,8
+lakeville,1057,8
+wainscott,1772,3
+stockman,511,9
+hiteman,136,6
+klickitat,818,6
+merom,579,0
+lakeville,1444,1
+hiteman,805,5
+cosmos,660,3
+pinesdale,1309,0
+tolstoy,1784,3
+marstons,1330,6
+pomaria,602,10
+leonardo,2035,16
+hiteman,441,7
+lakeville,505,2
+woodbine,1919,5
+shelbyville,1784,2
+shelbyville,1566,8
+hiteman,1571,3
+marstons,1839,4
+stockman,85,2
+forkland,208,2
+beechwood,279,2
+woodbine,230,0
+marstons,387,0
+wainscott,1254,6
+woodbine,7,1
+shelbyville,1000,3
+pomaria,314,0
+lindenwood,1291,4
+klickitat,1040,7
+klickitat,581,11
+cosmos,730,7
+hiteman,976,1
+coffeen,202,4
+marstons,2300,1
+benevolence,908,1
+ranchester,330,1
+beechwood,562,2
+lakeville,1522,8
+klickitat,1236,2
+lakeville,1044,8
+pinesdale,820,3
+pomaria,1519,0
+hanson,358,1
+woodbine,28,1
+coffeen,1204,1
+lindenwood,1129,7
+shelbyville,945,2
+lakeville,1470,2
+woodbine,1132,11
+stockman,961,5
+woodbine,59,3
+leonardo,1126,0
+pomaria,324,3
+lakeville,1643,11
+hiteman,1200,3
+ranchester,343,3
+woodbine,1037,11
+hiteman,1717,9
+beechwood,59,6
+newfields,1512,2
+woodbine,353,5
+mifflinburg,457,2
+shelbyville,1079,0
+merom,691,5
+cosmos,1079,4
+woodbine,1595,3
+hiteman,989,1
+woodbine,1445,3
+coffeen,742,4
+lindenwood,730,2
+leonardo,887,7
+shelbyville,2425,9
+newfields,1525,1
+hanson,1318,0
+forkland,1059,1
+shelbyville,1755,1
+ranchester,879,11
+coffeen,686,5
+merom,492,2
+klickitat,2253,1
+marstons,543,8
+newfields,99,8
+cosmos,518,0
+tolstoy,906,16
+allensville,503,1
+lindenwood,818,3
+leonardo,399,1
+hanson,779,3
+marstons,1029,5
+marstons,625,1
+hiteman,181,7
+benevolence,746,2
+forkland,79,0
+shelbyville,588,7
+marstons,2132,9
+wainscott,1494,1
+klickitat,1283,0
+marstons,2412,2
+forkland,1065,0
+leonardo,1030,4
+klickitat,1534,5
+marstons,2276,0
+hanson,46,2
+wainscott,775,2
+marstons,495,6
+marstons,2273,1
+shelbyville,1565,0
+newfields,490,13
+lakeville,1037,0
+marstons,812,0
+marstons,162,1
+ranchester,763,1
+wainscott,265,2
+klickitat,1270,3
+pinesdale,1403,0
+hiteman,689,3
+marstons,2588,2
+klickitat,2253,4
+leonardo,501,2
+wainscott,1653,11
+wainscott,889,2
+marstons,2316,7
+klickitat,1936,5
+coffeen,318,7
+ranchester,219,10
+marstons,1252,2
+hiteman,1396,7
+wainscott,1163,3
+hiteman,1532,0
+shelbyville,1251,13
+pomaria,975,0
+klickitat,1311,8
+marstons,2194,2
+woodbine,53,1
+coffeen,523,4
+wainscott,1277,2
+wainscott,958,1
+cosmos,825,7
+cosmos,747,3
+hiteman,462,0
+lindenwood,291,3
+wainscott,1421,7
+lindenwood,1962,0
+merom,517,2
+lindenwood,1474,9
+wainscott,1316,3
+coffeen,984,6
+marstons,885,1
+onaga,311,0
+beechwood,1076,1
+pomaria,579,1
+lindenwood,1371,0
+lindenwood,1746,2
+shelbyville,897,2
+lindenwood,1457,1
+hanson,526,8
+cosmos,112,2
+pomaria,1571,0
+beechwood,487,2
+leonardo,792,7
+klickitat,651,3
+ranchester,94,22
+marstons,90,8
+leonardo,1663,4
+shelbyville,12,2
+newfields,1628,2
+beechwood,1039,13
+marstons,1529,6
+cosmos,779,6
+newfields,61,5
+klickitat,1760,3
+klickitat,1916,2
+marstons,969,9
+ranchester,458,1
+merom,1068,2
+pinesdale,363,5
+hiteman,1507,0
+pomaria,1437,16
+wainscott,1568,1
+leonardo,1930,2
+tolstoy,761,0
+pomaria,1305,7
+wainscott,941,0
+hanson,1056,7
+hiteman,1331,0
+hanson,409,2
+forkland,177,1
+lindenwood,2652,8
+forkland,458,5
+woodbine,688,2
+lakeville,991,2
+mifflinburg,814,4
+woodbine,364,2
+newfields,1175,7
+woodbine,313,5
+ranchester,1025,1
+klickitat,1260,9
+marstons,2193,7
+stockman,463,7
+woodbine,479,10
+lakeville,1091,2
+coffeen,922,0
+mifflinburg,935,2
+lindenwood,1919,8
+lindenwood,1936,6
+woodbine,1948,2
+hanson,104,1
+shelbyville,849,12
+ranchester,291,1
+coffeen,861,6
+lakeville,438,3
+ranchester,944,1
+newfields,106,10
+forkland,1094,4
+newfields,1463,6
+woodbine,379,1
+ranchester,525,0
+pomaria,1289,12
+lakeville,759,15
+lindenwood,368,3
+merom,49,3
+hanson,1000,2
+stockman,1014,1
+benevolence,708,11
+klickitat,1691,1
+leonardo,586,2
+wainscott,1666,5
+wainscott,1305,4
+onaga,666,2
+lakeville,1032,0
+hanson,1323,10
+leonardo,1110,4
+leonardo,946,3
+beechwood,613,3
+shelbyville,696,7
+pinesdale,1158,10
+lindenwood,1850,9
+marstons,1398,5
+pomaria,798,6
+lindenwood,2339,3
+woodbine,1426,2
+shelbyville,2694,10
+lakeville,651,3
+pomaria,1390,0
+ranchester,315,5
+lindenwood,1406,2
+ranchester,740,0
+klickitat,1003,0
+woodbine,682,1
+shelbyville,291,2
+klickitat,2241,2
+shelbyville,1484,7
+lindenwood,225,7
+marstons,226,1
+benevolence,769,6
+klickitat,53,1
+hiteman,389,5
+tolstoy,431,0
+klickitat,139,1
+benevolence,320,8
+cosmos,478,0
+klickitat,1971,2
+klickitat,85,1
+mifflinburg,209,3
+marstons,597,7
+stockman,1339,1
+lindenwood,1511,4
+benevolence,647,0
+leonardo,659,25
+pinesdale,776,1
+woodbine,1946,11
+hanson,704,10
+tolstoy,730,6
+klickitat,1818,6
+hanson,1088,2
+merom,720,5
+merom,329,2
+stockman,656,3
+pinesdale,397,0
+pomaria,7,6
+klickitat,886,4
+tolstoy,1435,0
+woodbine,846,5
+woodbine,1658,2
+forkland,539,5
+woodbine,1377,3
+hanson,276,1
+marstons,1055,5
+klickitat,2255,1
+shelbyville,86,6
+onaga,618,2
+klickitat,572,1
+pinesdale,188,4
+lakeville,1059,0
+hanson,765,5
+lakeville,259,5
+tolstoy,1353,3
+lindenwood,2067,2
+leonardo,269,4
+hanson,875,1
+marstons,1575,9
+tolstoy,1006,0
+cosmos,167,2
+marstons,2390,1
+newfields,511,6
+wainscott,1384,8
+ranchester,607,2
+onaga,576,0
+klickitat,445,3
+merom,578,0
+forkland,1030,5
+lindenwood,1094,4
+marstons,961,4
+hiteman,1130,2
+coffeen,1275,3
+pomaria,1226,4
+beechwood,245,2
+woodbine,1516,7
+forkland,125,3
+wainscott,1595,9
+lindenwood,2144,4
+woodbine,1638,0
+mifflinburg,83,3
+pinesdale,88,0
+hiteman,106,0
+marstons,721,0
+ranchester,698,4
+klickitat,1682,5
+klickitat,2356,0
+shelbyville,1266,7
+hanson,469,3
+marstons,970,9
+shelbyville,1166,0
+marstons,505,2
+wainscott,274,0
+klickitat,2331,5
+stockman,968,7
+woodbine,970,16
+benevolence,935,2
+hiteman,773,4
+hanson,403,6
+hiteman,1369,3
+tolstoy,536,0
+wainscott,228,11
+lakeville,1209,0
+newfields,1487,10
+stockman,1201,0
+ranchester,171,8
+merom,127,2
+tolstoy,652,3
+merom,44,7
+lindenwood,1474,5
+pomaria,1374,0
+newfields,1339,8
+woodbine,1069,0
+woodbine,474,5
+cosmos,233,5
+forkland,1157,5
+hiteman,1355,1
+coffeen,103,6
+klickitat,548,6
+leonardo,1971,11
+cosmos,1010,0
+woodbine,546,1
+klickitat,2326,7
+wainscott,62,4
+shelbyville,2219,5
+lindenwood,2060,0
+pomaria,251,3
+pinesdale,685,1
+cosmos,740,7
+lakeville,1811,2
+shelbyville,1869,2
+tolstoy,212,1
+woodbine,930,4
+wainscott,218,0
+merom,387,1
+allensville,190,2
+marstons,1336,3
+newfields,1213,4
+leonardo,1934,1
+onaga,188,3
+newfields,398,0
+hanson,175,7
+woodbine,798,5
+klickitat,512,6
+forkland,1054,6
+lakeville,502,1
+hiteman,488,7
+pomaria,796,9
+hanson,323,6
+ranchester,222,3
+lakeville,30,3
+pinesdale,691,2
+shelbyville,1175,1
+coffeen,747,1
+leonardo,2016,3
+shelbyville,481,8
+lindenwood,2212,8
+leonardo,1676,4
+hiteman,727,9
+lindenwood,2166,0
+leonardo,2064,6
+marstons,2548,5
+wainscott,856,0
+cosmos,894,5
+hiteman,1427,1
+marstons,1808,7
+leonardo,1515,6
+marstons,2032,6
+tolstoy,1672,3
+leonardo,1527,1
+woodbine,1942,8
+wainscott,982,5
+shelbyville,983,0
+tolstoy,1682,0
+klickitat,1089,0
+ranchester,1036,4
+marstons,1013,5
+merom,1119,0
+marstons,1036,3
+lindenwood,1086,3
+lakeville,375,1
+woodbine,152,2
+tolstoy,857,1
+shelbyville,1800,3
+mifflinburg,636,0
+lakeville,652,5
+klickitat,491,0
+lindenwood,1687,5
+hiteman,1247,1
+coffeen,634,2
+coffeen,1052,10
+lindenwood,682,12
+klickitat,1230,4
+shelbyville,525,2
+leonardo,1927,0
+wainscott,553,1
+woodbine,56,2
+shelbyville,2336,1
+tolstoy,402,13
+woodbine,501,8
+lakeville,1060,0
+shelbyville,1206,8
+marstons,905,7
+ranchester,446,2
+lindenwood,2244,3
+lindenwood,926,2
+wainscott,1259,13
+pomaria,87,0
+pinesdale,1278,0
+leonardo,1367,12
+beechwood,803,3
+hiteman,1756,14
+leonardo,531,14
+shelbyville,2715,2
+klickitat,1330,9
+mifflinburg,347,6
+lindenwood,497,4
+coffeen,1350,6
+lindenwood,85,3
+mifflinburg,722,1
+leonardo,1356,1
+hanson,985,2
+lakeville,268,3
+wainscott,243,0
+pinesdale,7,4
+beechwood,39,2
+lindenwood,288,3
+klickitat,484,6
+shelbyville,1562,1
+lakeville,229,4
+allensville,6,0
+klickitat,2153,2
+ranchester,309,3
+wainscott,15,5
+marstons,1957,1
+lindenwood,1991,15
+tolstoy,116,0
+pinesdale,1334,2
+leonardo,1348,1
+klickitat,87,1
+lindenwood,2628,14
+lindenwood,2599,3
+newfields,299,4
+lindenwood,1241,10
+ranchester,968,0
+coffeen,1088,0
+shelbyville,1789,0
+marstons,946,2
+cosmos,232,0
+klickitat,1008,7
+pomaria,964,2
+marstons,1060,4
+shelbyville,611,4
+hiteman,1837,2
+mifflinburg,284,0
+leonardo,399,4
+pomaria,1619,5
+marstons,2205,2
+mifflinburg,773,3
+benevolence,418,6
+benevolence,686,1
+klickitat,1423,6
+klickitat,209,7
+shelbyville,2217,4
+klickitat,424,6
+leonardo,1559,5
+newfields,516,1
+coffeen,217,0
+pomaria,163,7
+lakeville,688,1
+leonardo,156,2
+lindenwood,1355,12
+shelbyville,2432,5
+leonardo,1254,0
+stockman,1232,2
+woodbine,1293,0
+merom,733,1
+forkland,1026,3
+onaga,516,2
+lakeville,1784,1
+woodbine,109,6
+benevolence,505,4
+lindenwood,2380,2
+cosmos,906,4
+lakeville,1251,5
+woodbine,416,5
+pomaria,335,1
+pinesdale,1350,2
+lakeville,1807,3
+klickitat,1028,2
+merom,374,0
+marstons,2418,16
+klickitat,611,23
+lindenwood,2178,4
+leonardo,1790,2
+woodbine,2015,4
+woodbine,1353,14
+leonardo,877,0
+stockman,414,3
+marstons,931,1
+klickitat,2228,10
+tolstoy,592,1
+klickitat,1495,6
+shelbyville,2053,0
+beechwood,212,0
+stockman,1366,1
+merom,115,1
+mifflinburg,300,5
+onaga,333,1
+hanson,1026,0
+hiteman,915,0
+marstons,137,8
+lindenwood,2521,4
+tolstoy,887,10
+coffeen,598,7
+hanson,863,0
+shelbyville,2304,1
+marstons,386,5
+hanson,342,9
+marstons,1059,6
+hiteman,570,3
+allensville,493,8
+stockman,589,2
+woodbine,751,0
+lakeville,981,3
+klickitat,2318,8
+lakeville,441,2
+forkland,140,3
+klickitat,1194,4
+hiteman,730,0
+hiteman,744,4
+klickitat,1495,12
+hiteman,1659,0
+pomaria,332,5
+lindenwood,1212,3
+marstons,841,7
+lindenwood,638,2
+hiteman,1096,9
+klickitat,160,1
+newfields,762,4
+marstons,1185,1
+hiteman,50,0
+forkland,205,0
+mifflinburg,335,1
+leonardo,1882,5
+tolstoy,746,2
+pinesdale,782,5
+coffeen,111,4
+benevolence,778,1
+klickitat,1405,1
+shelbyville,1129,3
+ranchester,69,2
+cosmos,899,7
+newfields,1597,8
+leonardo,1720,10
+lakeville,959,3
+hiteman,416,0
+pomaria,920,4
+hiteman,322,2
+merom,351,1
+shelbyville,1747,4
+marstons,713,2
+leonardo,2025,0
+klickitat,1512,3
+woodbine,1295,2
+lakeville,1155,0
+stockman,498,3
+marstons,588,7
+leonardo,377,4
+stockman,992,1
+tolstoy,116,6
+lakeville,1893,2
+newfields,679,4
+lindenwood,1822,7
+pomaria,503,4
+benevolence,677,1
+pinesdale,171,2
+hanson,1374,2
+leonardo,523,8
+lakeville,92,7
+tolstoy,350,0
+lakeville,1350,17
+ranchester,687,8
+woodbine,611,5
+newfields,553,1
+beechwood,490,1
+lakeville,1670,1
+woodbine,1187,0
+leonardo,331,1
+stockman,1369,4
+hanson,816,7
+woodbine,1635,1
+beechwood,311,1
+stockman,732,3
+hiteman,367,3
+klickitat,1091,5
+lindenwood,2536,7
+newfields,1473,10
+newfields,1063,0
+klickitat,1687,10
+pinesdale,574,0
+shelbyville,1497,2
+leonardo,711,5
+wainscott,168,3
+wainscott,971,5
+klickitat,334,5
+stockman,1434,1
+hanson,1331,1
+leonardo,2117,2
+hanson,1475,6
+pomaria,578,4
+wainscott,602,5
+beechwood,1098,5
+marstons,243,15
+ranchester,996,0
+ranchester,836,7
+lakeville,357,1
+lindenwood,2393,7
+ranchester,380,1
+woodbine,675,7
+tolstoy,656,12
+shelbyville,722,16
+hanson,830,1
+wainscott,472,2
+shelbyville,253,9
+hanson,327,4
+woodbine,1459,6
+pomaria,1090,1
+woodbine,1493,7
+lakeville,1884,7
+hanson,186,1
+hiteman,867,1
+stockman,648,0
+lindenwood,2594,2
+pinesdale,221,9
+allensville,411,1
+allensville,354,3
+lindenwood,852,3
+newfields,31,13
+shelbyville,1924,7
+coffeen,344,0
+tolstoy,1008,2
+pinesdale,54,4
+woodbine,283,2
+woodbine,985,5
+hanson,1052,5
+stockman,1491,0
+hiteman,1439,5
+pomaria,1297,6
+lakeville,453,3
+pomaria,420,3
+pomaria,1288,2
+newfields,1537,0
+woodbine,929,6
+klickitat,1714,4
+hiteman,425,4
+stockman,149,1
+newfields,1518,1
+shelbyville,2295,2
+wainscott,1675,0
+woodbine,103,3
+tolstoy,1220,0
+newfields,446,4
+wainscott,1278,5
+beechwood,204,8
+shelbyville,442,2
+woodbine,1375,2
+shelbyville,1862,5
+mifflinburg,123,0
+forkland,347,1
+klickitat,1074,4
+forkland,25,4
+lindenwood,2309,8
+marstons,2419,1
+woodbine,1353,15
+lakeville,1554,1
+shelbyville,2522,0
+stockman,1473,2
+hiteman,851,5
+ranchester,1509,2
+pomaria,1161,3
+stockman,777,2
+lakeville,39,1
+hiteman,994,7
+coffeen,221,2
+wainscott,68,3
+lindenwood,59,5
+pinesdale,1035,2
+hanson,527,0
+leonardo,1058,1
+benevolence,338,5
+ranchester,441,2
+lindenwood,672,9
+shelbyville,44,4
+ranchester,1545,1
+beechwood,1158,3
+tolstoy,435,0
+wainscott,1013,0
+tolstoy,622,1
+pinesdale,883,0
+wainscott,1509,8
+forkland,654,2
+marstons,2057,6
+woodbine,123,0
+beechwood,217,1
+klickitat,915,2
+leonardo,469,0
+coffeen,110,1
+klickitat,920,8
+lindenwood,858,10
+tolstoy,1690,4
+marstons,2643,11
+lindenwood,1442,1
+lindenwood,541,2
+leonardo,1538,6
+forkland,744,2
+lakeville,1745,11
+wainscott,1377,3
+ranchester,643,3
+woodbine,118,12
+pinesdale,157,0
+tolstoy,705,7
+coffeen,393,2
+hiteman,1463,5
+lindenwood,1098,3
+pomaria,1235,5
+coffeen,1160,6
+lindenwood,1492,0
+pinesdale,4,9
+hiteman,1776,15
+klickitat,2145,4
+pinesdale,1346,2
+mifflinburg,759,2
+tolstoy,518,2
+wainscott,1325,0
+coffeen,996,4
+leonardo,1864,1
+klickitat,1496,0
+hiteman,1804,6
+lindenwood,1305,5
+pomaria,317,6
+lakeville,1478,1
+onaga,532,2
+shelbyville,675,2
+hiteman,1020,13
+forkland,610,4
+allensville,210,7
+pomaria,226,0
+klickitat,1513,8
+cosmos,647,3
+shelbyville,1293,14
+hanson,455,1
+newfields,1414,6
+wainscott,478,7
+lakeville,57,0
+forkland,902,0
+lindenwood,1294,0
+ranchester,760,10
+klickitat,1585,3
+hiteman,1602,3
+lindenwood,885,0
+hanson,1470,5
+wainscott,1591,4
+newfields,298,4
+hiteman,1511,1
+stockman,1097,0
+pomaria,900,5
+marstons,1403,2
+leonardo,2094,0
+marstons,173,13
+klickitat,1903,2
+klickitat,275,1
+klickitat,55,6
+lindenwood,1655,3
+shelbyville,1654,14
+marstons,1427,2
+hanson,1079,1
+newfields,98,3
+klickitat,1972,2
+stockman,1202,1
+onaga,235,2
+merom,1053,2
+marstons,164,1
+klickitat,1784,11
+lakeville,1601,8
+hiteman,419,3
+benevolence,323,6
+leonardo,2042,2
+stockman,1571,3
+marstons,1004,2
+hanson,1294,7
+klickitat,2131,1
+beechwood,568,1
+woodbine,10,4
+marstons,2589,4
+shelbyville,1763,3
+woodbine,1243,12
+tolstoy,896,6
+stockman,987,1
+pinesdale,525,9
+forkland,816,0
+newfields,1593,1
+marstons,1260,1
+marstons,802,4
+ranchester,596,13
+ranchester,921,0
+hanson,300,0
+hanson,1129,3
+leonardo,1151,6
+lakeville,693,1
+wainscott,170,10
+merom,935,1
+ranchester,782,0
+marstons,961,7
+hanson,785,0
+lindenwood,1936,5
+ranchester,301,5
+shelbyville,1016,3
+lindenwood,533,13
+coffeen,921,4
+shelbyville,1495,2
+klickitat,206,7
+marstons,1737,9
+marstons,1174,3
+marstons,123,7
+newfields,678,8
+lindenwood,555,1
+lindenwood,224,1
+tolstoy,1360,2
+hanson,1578,2
+wainscott,654,3
+shelbyville,2341,3
+leonardo,1851,6
+newfields,1348,3
+lindenwood,1825,4
+pinesdale,896,1
+wainscott,1515,0
+newfields,213,2
+pinesdale,1037,5
+forkland,771,4
+tolstoy,1150,2
+hiteman,1082,2
+wainscott,740,1
+pomaria,1619,3
+wainscott,532,9
+beechwood,996,7
+klickitat,2069,1
+ranchester,1313,4
+woodbine,1554,3
+lindenwood,1314,5
+shelbyville,1522,6
+marstons,681,6
+shelbyville,1772,1
+ranchester,1357,6
+pinesdale,954,3
+cosmos,469,0
+coffeen,924,7
+klickitat,407,11
+marstons,524,4
+forkland,807,3
+shelbyville,1729,1
+woodbine,56,1
+forkland,878,0
+hiteman,407,0
+klickitat,990,6
+tolstoy,1507,3
+benevolence,978,2
+shelbyville,1143,2
+shelbyville,2648,2
+wainscott,20,1
+klickitat,2029,0
+woodbine,1664,6
+newfields,993,2
+shelbyville,512,1
+hanson,751,2
+lindenwood,599,6
+shelbyville,1318,5
+lakeville,262,4
+pomaria,470,9
+ranchester,558,0
+pomaria,1213,4
+stockman,726,0
+merom,1038,1
+pinesdale,88,11
+klickitat,1783,8
+marstons,1395,1
+shelbyville,2660,0
+woodbine,1867,0
+onaga,27,8
+marstons,1978,3
+shelbyville,391,3
+newfields,849,8
+hiteman,1413,0
+coffeen,470,3
+newfields,422,1
+marstons,170,8
+shelbyville,2205,4
+benevolence,282,0
+cosmos,685,7
+allensville,489,9
+ranchester,310,7
+ranchester,297,12
+marstons,1899,2
+stockman,1414,3
+shelbyville,440,3
+wainscott,449,11
+shelbyville,2140,5
+lakeville,1252,18
+shelbyville,2366,0
+wainscott,895,0
+leonardo,1421,2
+lindenwood,1418,0
+pinesdale,192,2
+wainscott,712,2
+shelbyville,2211,4
+lakeville,1323,0
+lakeville,618,7
+woodbine,1129,3
+coffeen,1465,3
+klickitat,122,0
+hanson,864,0
+merom,382,0
+cosmos,379,9
+woodbine,1800,2
+shelbyville,2691,7
+klickitat,2170,2
+hanson,331,3
+wainscott,442,8
+pomaria,890,6
+stockman,1479,1
+pomaria,1296,3
+merom,328,2
+woodbine,249,2
+woodbine,1530,0
+hiteman,549,5
+cosmos,626,0
+wainscott,1300,13
+wainscott,1031,2
+pinesdale,1422,1
+shelbyville,1409,4
+ranchester,18,0
+pomaria,1080,12
+marstons,1196,4
+benevolence,687,4
+hanson,1635,5
+hiteman,983,4
+hanson,938,2
+klickitat,1827,0
+marstons,2613,4
+wainscott,1098,0
+shelbyville,1064,5
+wainscott,1427,6
+tolstoy,875,11
+coffeen,429,2
+pomaria,150,12
+tolstoy,249,0
+hiteman,1740,0
+newfields,449,5
+marstons,757,6
+mifflinburg,809,0
+newfields,61,13
+tolstoy,1109,10
+ranchester,1565,4
+tolstoy,702,0
+leonardo,1483,3
+woodbine,1404,2
+benevolence,315,2
+beechwood,1121,3
+klickitat,1625,2
+lakeville,579,7
+lakeville,1878,3
+lindenwood,1620,0
+leonardo,553,3
+tolstoy,1109,7
+pinesdale,1205,0
+forkland,670,4
+tolstoy,1280,0
+marstons,1874,5
+cosmos,724,1
+pomaria,574,7
+hiteman,1707,0
+merom,452,4
+woodbine,1807,1
+pomaria,416,13
+hiteman,289,5
+hiteman,265,5
+onaga,421,3
+stockman,1046,3
+cosmos,201,6
+newfields,884,1
+hiteman,1241,4
+klickitat,2153,9
+leonardo,2050,3
+tolstoy,1311,3
+lakeville,1321,4
+lakeville,1779,4
+hiteman,346,7
+marstons,1681,10
+hiteman,1071,9
+woodbine,578,4
+hanson,1399,2
+merom,1102,1
+lindenwood,1492,3
+coffeen,20,1
+mifflinburg,171,8
+pomaria,1342,4
+pomaria,488,5
+merom,293,0
+allensville,355,5
+lindenwood,1818,10
+hiteman,1000,11
+pomaria,148,10
+pinesdale,843,1
+merom,675,3
+pomaria,830,1
+stockman,423,0
+leonardo,179,2
+shelbyville,859,20
+marstons,2073,7
+lakeville,331,0
+lindenwood,906,8
+lindenwood,1022,3
+klickitat,1735,9
+newfields,1609,1
+newfields,932,0
+pinesdale,1241,3
+coffeen,1424,0
+leonardo,1654,9
+klickitat,1933,7
+klickitat,1730,5
+klickitat,242,7
+pomaria,1091,0
+woodbine,50,2
+shelbyville,458,0
+woodbine,641,8
+pomaria,849,8
+newfields,666,3
+forkland,319,5
+benevolence,388,4
+forkland,1029,2
+shelbyville,1192,11
+leonardo,503,4
+lakeville,1869,2
+klickitat,220,12
+beechwood,901,15
+marstons,2078,1
+hanson,133,3
+ranchester,727,2
+marstons,628,4
+klickitat,885,0
+hanson,313,0
+marstons,1865,1
+woodbine,1444,10
+tolstoy,487,5
+beechwood,1093,2
+hiteman,191,7
+woodbine,95,16
+newfields,707,3
+marstons,2333,4
+wainscott,1090,17
+marstons,1575,6
+shelbyville,2166,7
+newfields,740,8
+tolstoy,1391,6
+shelbyville,296,2
+merom,303,3
+beechwood,501,6
+newfields,821,10
+marstons,1271,6
+merom,473,1
+ranchester,404,3
+klickitat,1145,0
+hanson,1040,5
+tolstoy,1649,3
+hiteman,1322,3
+pomaria,1666,9
+klickitat,850,11
+hanson,1419,12
+mifflinburg,771,3
+marstons,704,1
+beechwood,1043,2
+woodbine,95,0
+ranchester,1410,3
+beechwood,886,0
+ranchester,1340,8
+lindenwood,333,2
+forkland,308,3
+marstons,1714,2
+tolstoy,270,7
+hiteman,460,0
+ranchester,550,3
+tolstoy,67,0
+merom,416,0
+marstons,38,7
+shelbyville,1616,6
+cosmos,734,5
+leonardo,1005,3
+lakeville,169,1
+tolstoy,599,4
+merom,924,6
+newfields,750,5
+lakeville,1404,3
+pomaria,1580,3
+shelbyville,1554,2
+shelbyville,2036,7
+cosmos,945,10
+benevolence,856,2
+leonardo,514,3
+leonardo,624,2
+woodbine,506,6
+leonardo,1807,2
+leonardo,1002,1
+klickitat,1917,2
+ranchester,1174,9
+beechwood,945,8
+stockman,1266,4
+shelbyville,1790,8
+marstons,2264,11
+onaga,597,3
+forkland,589,2
+wainscott,653,0
+newfields,1269,6
+newfields,1022,7
+lakeville,1837,14
+leonardo,92,4
+tolstoy,579,8
+lakeville,765,7
+newfields,40,0
+shelbyville,1732,20
+beechwood,202,0
+marstons,1220,16
+pomaria,495,5
+marstons,1268,6
+mifflinburg,160,1
+benevolence,897,0
+stockman,680,2
+shelbyville,2496,0
+coffeen,306,0
+benevolence,264,0
+pinesdale,273,6
+hanson,1084,1
+woodbine,1361,0
+merom,946,2
+stockman,148,2
+pomaria,611,3
+klickitat,1594,0
+beechwood,319,1
+cosmos,758,1
+woodbine,1775,2
+lindenwood,2618,0
+marstons,768,6
+woodbine,2011,6
+pomaria,587,5
+lakeville,623,0
+onaga,204,2
+hiteman,461,3
+onaga,73,0
+lakeville,57,5
+wainscott,711,5
+stockman,135,3
+tolstoy,316,0
+lindenwood,100,1
+pomaria,1172,1
+marstons,2526,1
+lindenwood,875,8
+lindenwood,1193,2
+cosmos,949,5
+leonardo,1956,5
+wainscott,1008,3
+lakeville,475,8
+allensville,398,2
+lakeville,1637,2
+shelbyville,857,1
+merom,863,0
+lindenwood,2079,0
+shelbyville,974,3
+lakeville,906,5
+newfields,1204,6
+marstons,2492,0
+marstons,1840,0
+newfields,1280,1
+cosmos,651,1
+newfields,1111,15
+leonardo,1803,4
+lakeville,407,3
+klickitat,1760,19
+lakeville,1740,1
+marstons,2094,0
+merom,268,5
+stockman,1610,1
+hanson,808,4
+newfields,123,2
+onaga,537,3
+klickitat,175,2
+lindenwood,1685,2
+onaga,441,7
+woodbine,1030,0
+marstons,1341,2
+mifflinburg,537,4
+leonardo,779,9
+shelbyville,836,2
+lindenwood,2250,2
+klickitat,2091,0
+tolstoy,651,5
+shelbyville,586,2
+newfields,1153,1
+hiteman,1007,7
+pomaria,1445,1
+marstons,1511,8
+pomaria,743,13
+coffeen,1133,2
+shelbyville,1241,9
+lakeville,34,0
+lakeville,1733,0
+leonardo,918,6
+ranchester,332,3
+newfields,552,3
+lindenwood,110,11
+leonardo,1697,3
+pomaria,1676,7
+wainscott,888,1
+marstons,810,4
+lindenwood,476,2
+coffeen,932,4
+pinesdale,1123,4
+mifflinburg,733,2
+hanson,418,5
+marstons,1227,2
+hanson,1353,10
+tolstoy,354,2
+leonardo,1259,10
+mifflinburg,37,0
+tolstoy,1121,4
+tolstoy,727,10
+ranchester,1469,1
+wainscott,151,2
+lakeville,972,3
+cosmos,236,4
+klickitat,1760,11
+beechwood,497,1
+tolstoy,691,7
+coffeen,1253,4
+klickitat,2250,0
+lindenwood,457,2
+hiteman,391,4
+allensville,489,4
+onaga,539,6
+hiteman,211,13
+pinesdale,680,6
+shelbyville,2074,8
+pinesdale,154,3
+leonardo,1000,15
+mifflinburg,423,10
+hiteman,699,0
+beechwood,851,1
+wainscott,1764,1
+tolstoy,838,5
+tolstoy,1217,1
+tolstoy,636,3
+coffeen,636,4
+shelbyville,1144,5
+cosmos,90,9
+stockman,141,4
+lindenwood,1783,15
+wainscott,889,1
+beechwood,984,2
+shelbyville,2627,5
+beechwood,884,0
+merom,37,2
+pomaria,1415,7
+beechwood,367,2
+newfields,674,1
+woodbine,67,1
+cosmos,134,2
+woodbine,1507,1
+marstons,2124,2
+pinesdale,148,7
+tolstoy,1032,2
+forkland,208,1
+lindenwood,1054,1
+leonardo,1198,1
+newfields,541,4
+hiteman,855,5
+lindenwood,1476,0
+hanson,473,8
+beechwood,244,2
+hiteman,1145,0
+lakeville,1798,7
+hanson,1469,1
+leonardo,1258,2
+marstons,2500,0
+lakeville,1202,8
+benevolence,204,6
+wainscott,44,13
+merom,66,9
+lakeville,1872,3
+leonardo,1974,4
+ranchester,992,6
+ranchester,1156,3
+shelbyville,1342,20
+marstons,532,5
+lakeville,942,2
+marstons,2084,8
+merom,441,2
+stockman,971,4
+marstons,2515,9
+stockman,1253,1
+leonardo,770,2
+klickitat,2316,4
+cosmos,1013,2
+wainscott,837,0
+hanson,474,0
+coffeen,255,8
+woodbine,1655,9
+woodbine,2009,8
+tolstoy,1376,1
+woodbine,1428,2
+cosmos,132,11
+hanson,1390,3
+klickitat,373,6
+cosmos,19,2
+leonardo,766,8
+shelbyville,1503,5
+shelbyville,640,4
+marstons,1894,4
+beechwood,1151,2
+wainscott,1779,4
+hiteman,1822,4
+leonardo,2115,13
+lindenwood,2065,4
+coffeen,1498,0
+klickitat,1694,2
+pinesdale,1318,3
+klickitat,1319,2
+marstons,35,3
+woodbine,315,8
+wainscott,1541,2
+stockman,66,3
+shelbyville,1057,1
+lindenwood,311,2
+shelbyville,2182,0
+klickitat,1471,4
+coffeen,323,0
+leonardo,1295,4
+mifflinburg,712,1
+stockman,1103,2
+leonardo,1559,0
+coffeen,347,6
+mifflinburg,564,3
+ranchester,1257,12
+marstons,302,6
+wainscott,1472,3
+allensville,115,9
+wainscott,1666,7
+cosmos,330,4
+coffeen,683,0
+benevolence,263,4
+wainscott,408,0
+lakeville,619,7
+newfields,300,12
+pomaria,778,4
+pomaria,1203,3
+hanson,108,3
+allensville,122,0
+tolstoy,1527,2
+lakeville,806,4
+cosmos,918,5
+stockman,403,4
+lindenwood,2387,7
+benevolence,158,4
+shelbyville,710,2
+lindenwood,2457,3
+lindenwood,52,1
+newfields,1053,0
+shelbyville,1950,2
+lindenwood,868,0
+shelbyville,2614,12
+ranchester,1087,0
+lakeville,1348,4
+onaga,387,2
+ranchester,1032,1
+merom,511,1
+hiteman,94,2
+shelbyville,393,2
+pomaria,12,9
+leonardo,1209,5
+hanson,723,6
+lindenwood,2642,8
+lindenwood,1953,3
+mifflinburg,879,1
+leonardo,834,3
+lindenwood,216,1
+leonardo,1739,5
+hiteman,1447,12
+allensville,189,3
+hanson,1272,0
+cosmos,293,1
+mifflinburg,65,3
+marstons,2241,3
+forkland,248,9
+hanson,1226,9
+pinesdale,563,4
+woodbine,762,3
+klickitat,1109,2
+stockman,940,0
+lindenwood,917,7
+mifflinburg,786,1
+allensville,372,1
+wainscott,1053,5
+marstons,2363,6
+hanson,1428,3
+newfields,1417,13
+hanson,282,1
+shelbyville,373,3
+marstons,1705,1
+merom,789,8
+mifflinburg,224,4
+klickitat,648,4
+cosmos,1042,1
+marstons,730,2
+leonardo,74,4
+forkland,1188,2
+wainscott,705,12
+lakeville,1161,1
+wainscott,717,1
+lindenwood,2389,3
+pomaria,1456,2
+shelbyville,2438,0
+woodbine,1174,0
+shelbyville,1801,2
+woodbine,63,3
+cosmos,685,4
+klickitat,488,6
+wainscott,663,2
+marstons,1520,5
+pomaria,1156,0
+woodbine,813,1
+forkland,1187,0
+lakeville,1119,0
+pomaria,925,0
+cosmos,236,3
+pomaria,302,1
+leonardo,1058,17
+woodbine,1079,3
+hiteman,56,4
+klickitat,367,3
+hiteman,399,3
+klickitat,1354,2
+coffeen,448,0
+mifflinburg,687,2
+leonardo,1076,9
+leonardo,34,0
+shelbyville,2550,2
+lindenwood,434,2
+hiteman,1215,3
+beechwood,894,3
+klickitat,1505,0
+pomaria,241,2
+lindenwood,404,6
+leonardo,925,3
+shelbyville,2268,8
+woodbine,1331,9
+marstons,1574,15
+wainscott,1568,7
+lakeville,1357,1
+shelbyville,775,13
+pinesdale,312,2
+woodbine,1909,1
+klickitat,2139,7
+shelbyville,996,6
+ranchester,874,3
+ranchester,250,5
+mifflinburg,78,4
+klickitat,1052,8
+wainscott,594,4
+lindenwood,1425,11
+shelbyville,2751,1
+hiteman,943,0
+tolstoy,822,9
+cosmos,71,3
+pomaria,1147,6
+ranchester,562,6
+pomaria,696,17
+coffeen,1244,8
+stockman,1244,1
+lindenwood,570,6
+klickitat,2205,8
+pomaria,546,2
+woodbine,688,0
+allensville,257,1
+woodbine,862,12
+leonardo,1422,0
+leonardo,1756,4
+hanson,115,1
+hiteman,1688,3
+klickitat,674,7
+shelbyville,1344,4
+leonardo,2101,6
+pomaria,872,0
+wainscott,1228,3
+marstons,1814,6
+woodbine,1763,15
+mifflinburg,631,11
+pomaria,575,0
+merom,107,0
+pomaria,1253,3
+ranchester,792,1
+wainscott,975,14
+marstons,804,13
+beechwood,76,5
+lakeville,751,3
+stockman,332,4
+klickitat,2128,5
+tolstoy,1578,0
+marstons,1035,2
+hanson,632,2
+tolstoy,117,0
+pomaria,503,0
+tolstoy,1540,5
+ranchester,1616,2
+allensville,100,3
+pomaria,859,1
+lindenwood,382,6
+woodbine,1083,2
+shelbyville,2017,2
+shelbyville,2687,6
+woodbine,490,4
+tolstoy,239,2
+ranchester,1290,0
+marstons,220,1
+newfields,405,1
+klickitat,1181,0
+wainscott,1735,13
+marstons,2542,0
+woodbine,757,4
+wainscott,528,2
+hiteman,1020,11
+cosmos,741,3
+merom,735,10
+klickitat,2403,2
+klickitat,2012,6
+stockman,248,2
+hanson,1379,16
+pinesdale,795,5
+shelbyville,849,8
+klickitat,1741,5
+forkland,291,2
+lakeville,904,3
+wainscott,178,10
+merom,367,6
+shelbyville,268,3
+wainscott,1302,2
+pomaria,398,2
+hanson,654,3
+lakeville,74,14
+woodbine,231,4
+klickitat,1134,0
+forkland,1166,2
+shelbyville,2479,0
+lakeville,577,5
+shelbyville,1062,4
+woodbine,795,5
+hiteman,1038,1
+pomaria,602,5
+ranchester,1119,3
+klickitat,1545,5
+wainscott,774,6
+newfields,558,11
+lindenwood,2096,2
+stockman,622,3
+tolstoy,196,0
+tolstoy,1525,8
+hiteman,1767,14
+tolstoy,1755,0
+tolstoy,808,12
+stockman,523,5
+leonardo,2084,3
+marstons,2651,10
+lindenwood,426,0
+klickitat,2353,3
+wainscott,366,8
+leonardo,1222,0
+coffeen,233,7
+stockman,823,3
+lakeville,272,1
+benevolence,228,2
+klickitat,610,2
+shelbyville,1289,1
+klickitat,42,13
+merom,313,5
+pomaria,798,10
+hanson,1108,1
+lindenwood,1450,7
+benevolence,631,2
+cosmos,214,2
+shelbyville,478,10
+hanson,228,8
+pomaria,91,7
+cosmos,899,6
+marstons,983,6
+klickitat,2270,3
+lindenwood,512,8
+hanson,1205,1
+merom,1032,3
+lindenwood,2083,10
+woodbine,169,12
+stockman,539,1
+ranchester,58,18
+stockman,808,0
+lakeville,1745,10
+hanson,352,7
+ranchester,1347,14
+hiteman,1460,7
+leonardo,293,0
+allensville,325,2
+newfields,1365,9
+newfields,232,1
+lakeville,533,7
+cosmos,603,1
+lakeville,483,0
+lakeville,1509,1
+woodbine,1869,3
+tolstoy,28,3
+pomaria,496,2
+hiteman,864,7
+cosmos,570,3
+leonardo,1792,1
+klickitat,1940,7
+coffeen,720,0
+tolstoy,1598,10
+stockman,1425,1
+lakeville,238,4
+lindenwood,1123,5
+shelbyville,1902,9
+stockman,859,0
+hiteman,1684,2
+forkland,1128,4
+newfields,947,9
+woodbine,984,1
+stockman,1534,0
+marstons,751,1
+shelbyville,632,18
+lindenwood,1876,3
+stockman,1538,5
+pinesdale,184,6
+coffeen,1498,3
+woodbine,1726,9
+leonardo,716,6
+klickitat,1569,1
+marstons,2236,5
+beechwood,543,1
+klickitat,914,20
+hiteman,727,0
+shelbyville,822,1
+leonardo,2087,3
+lindenwood,1497,11
+leonardo,2068,7
+pinesdale,566,7
+cosmos,976,11
+ranchester,1393,15
+woodbine,1126,5
+newfields,1249,6
+woodbine,1307,0
+woodbine,1748,2
+lindenwood,1176,0
+newfields,165,2
+shelbyville,1697,10
+tolstoy,875,7
+pinesdale,1055,2
+hanson,1141,4
+pinesdale,625,5
+lindenwood,969,2
+wainscott,676,8
+ranchester,157,8
+leonardo,1954,8
+woodbine,1687,0
+hanson,401,7
+klickitat,1367,1
+lindenwood,265,0
+shelbyville,2111,0
+stockman,891,0
+klickitat,1683,0
+coffeen,305,7
+pomaria,1090,12
+hanson,1183,13
+pomaria,503,6
+lindenwood,755,0
+lindenwood,2640,1
+klickitat,1403,7
+woodbine,1089,1
+beechwood,481,1
+cosmos,77,1
+ranchester,1501,5
+woodbine,661,7
+hiteman,1622,7
+leonardo,904,7
+tolstoy,449,5
+shelbyville,2792,0
+hanson,1189,17
+leonardo,1237,1
+pinesdale,1218,9
+lakeville,1632,4
+lakeville,416,6
+mifflinburg,243,1
+pomaria,1430,5
+leonardo,1771,6
+allensville,180,2
+shelbyville,1959,0
+stockman,538,7
+pomaria,1276,0
+forkland,109,6
+klickitat,231,1
+lindenwood,508,1
+merom,514,1
+leonardo,606,7
+klickitat,262,3
+lindenwood,891,1
+marstons,1075,1
+hanson,820,8
+coffeen,1509,5
+wainscott,1625,1
+hiteman,1677,0
+marstons,1113,11
+newfields,1049,1
+woodbine,1952,1
+marstons,1710,15
+onaga,318,4
+onaga,166,2
+lakeville,120,3
+pomaria,1418,0
+shelbyville,1477,1
+newfields,314,10
+wainscott,1573,1
+leonardo,487,2
+lakeville,185,5
+lindenwood,85,4
+leonardo,1565,3
+newfields,1204,14
+forkland,546,1
+marstons,1711,0
+shelbyville,1264,0
+newfields,155,7
+woodbine,1813,12
+lakeville,1083,0
+coffeen,6,1
+hanson,256,3
+lindenwood,1982,9
+pinesdale,1308,3
+lindenwood,1217,0
+lindenwood,1634,6
+hiteman,1298,3
+mifflinburg,859,9
+lindenwood,1003,0
+beechwood,995,1
+leonardo,824,0
+woodbine,87,4
+hiteman,1591,2
+cosmos,337,2
+leonardo,406,7
+lakeville,1132,13
+klickitat,2412,12
+klickitat,1671,14
+tolstoy,1122,8
+leonardo,1422,8
+beechwood,801,6
+coffeen,1480,6
+coffeen,1238,2
+pinesdale,84,1
+klickitat,1869,4
+leonardo,1834,0
+leonardo,645,1
+lakeville,1392,2
+shelbyville,2150,3
+lindenwood,1837,0
+shelbyville,1532,1
+cosmos,406,2
+tolstoy,19,11
+lindenwood,2441,0
+pinesdale,370,4
+pomaria,1334,2
+lakeville,543,0
+marstons,2443,16
+klickitat,1303,3
+lindenwood,454,4
+cosmos,647,4
+beechwood,427,4
+benevolence,505,9
+beechwood,144,1
+leonardo,1950,4
+klickitat,667,4
+merom,953,0
+ranchester,295,4
+beechwood,1174,5
+tolstoy,417,3
+hanson,1164,9
+leonardo,1688,5
+hiteman,1576,1
+ranchester,420,1
+pinesdale,430,3
+hanson,270,3
+pomaria,859,4
+pomaria,1284,4
+wainscott,1612,8
+lakeville,1547,4
+klickitat,492,5
+shelbyville,2813,5
+klickitat,237,1
+beechwood,611,7
+wainscott,248,17
+leonardo,1456,2
+pomaria,1324,8
+onaga,327,3
+hanson,1038,5
+forkland,1003,2
+pomaria,759,0
+lindenwood,1509,9
+leonardo,154,0
+pinesdale,1501,0
+pinesdale,401,9
+woodbine,275,5
+newfields,741,2
+pinesdale,689,4
+lindenwood,1719,1
+klickitat,1467,3
+allensville,103,7
+hiteman,552,6
+shelbyville,630,2
+coffeen,1164,0
+hiteman,1206,4
+forkland,790,4
+wainscott,298,4
+lindenwood,527,3
+woodbine,1474,7
+ranchester,365,3
+merom,343,5
+tolstoy,1698,2
+forkland,221,6
+leonardo,85,7
+lindenwood,1738,4
+lakeville,901,12
+pinesdale,744,1
+stockman,145,7
+woodbine,1917,0
+klickitat,2093,1
+woodbine,419,3
+marstons,14,0
+forkland,601,3
+woodbine,1071,4
+coffeen,285,0
+merom,733,3
+woodbine,1645,1
+forkland,851,7
+ranchester,187,2
+pinesdale,312,0
+ranchester,1049,0
+lindenwood,1469,0
+tolstoy,379,1
+klickitat,2260,9
+benevolence,957,1
+merom,822,1
+cosmos,1058,3
+newfields,706,7
+wainscott,579,0
+lakeville,1093,4
+cosmos,559,1
+leonardo,1007,4
+merom,794,0
+hiteman,243,3
+lakeville,1368,1
+ranchester,1529,1
+klickitat,1218,5
+leonardo,692,2
+marstons,610,0
+pomaria,840,5
+pomaria,1160,0
+merom,619,1
+newfields,1572,8
+ranchester,486,5
+pomaria,864,9
+shelbyville,1181,3
+marstons,64,3
+forkland,904,5
+merom,380,3
+benevolence,695,0
+lindenwood,2523,2
+onaga,71,0
+lindenwood,1680,0
+marstons,1619,11
+stockman,532,1
+leonardo,1497,1
+klickitat,711,9
+tolstoy,568,2
+beechwood,186,1
+cosmos,717,3
+beechwood,570,3
+wainscott,1752,5
+pomaria,1012,5
+pinesdale,735,5
+lindenwood,1835,3
+pinesdale,556,8
+marstons,1043,4
+leonardo,1023,0
+klickitat,370,10
+hiteman,1755,11
+lakeville,1842,2
+wainscott,1593,3
+benevolence,9,2
+beechwood,230,3
+newfields,1221,2
+hiteman,970,2
+newfields,520,4
+cosmos,690,0
+leonardo,114,11
+marstons,1208,8
+shelbyville,2009,3
+hiteman,1662,9
+klickitat,1031,3
+hiteman,1020,7
+beechwood,1072,7
+hanson,474,3
+mifflinburg,702,6
+shelbyville,1253,9
+hiteman,1397,6
+leonardo,588,2
+shelbyville,2340,4
+shelbyville,1141,4
+newfields,910,4
+newfields,353,2
+newfields,472,13
+onaga,274,0
+woodbine,860,2
+lindenwood,59,1
+shelbyville,895,1
+shelbyville,2625,2
+leonardo,351,0
+hanson,247,14
+pinesdale,1344,3
+hiteman,552,3
+wainscott,1072,2
+coffeen,467,3
+cosmos,591,11
+pomaria,861,0
+wainscott,780,2
+coffeen,1001,5
+shelbyville,1426,0
+leonardo,759,0
+pinesdale,221,7
+shelbyville,207,2
+marstons,2555,0
+coffeen,824,0
+stockman,612,1
+lakeville,1738,1
+woodbine,701,0
+shelbyville,2122,1
+marstons,2018,6
+benevolence,508,5
+woodbine,940,0
+leonardo,1080,3
+marstons,1208,5
+newfields,1172,1
+tolstoy,67,8
+cosmos,278,9
+merom,104,2
+ranchester,1582,0
+leonardo,1593,17
+onaga,395,5
+onaga,481,1
+newfields,271,10
+stockman,716,1
+hiteman,131,9
+pinesdale,49,1
+wainscott,716,8
+forkland,58,1
+klickitat,334,6
+hiteman,838,2
+stockman,104,8
+hanson,694,12
+mifflinburg,696,4
+woodbine,836,3
+klickitat,1784,7
+benevolence,826,5
+woodbine,1516,2
+klickitat,1495,4
+allensville,427,2
+tolstoy,1610,4
+marstons,663,2
+lakeville,1496,17
+merom,373,4
+onaga,222,10
+tolstoy,940,8
+lindenwood,2215,8
+lakeville,358,16
+tolstoy,1765,2
+leonardo,930,0
+coffeen,818,4
+hiteman,882,1
+klickitat,1817,13
+marstons,2087,7
+newfields,1295,2
+leonardo,395,0
+cosmos,661,8
+marstons,1810,8
+marstons,2350,6
+hanson,43,12
+merom,134,1
+lakeville,448,1
+allensville,326,3
+newfields,1327,8
+leonardo,346,10
+wainscott,795,2
+tolstoy,1094,3
+shelbyville,2260,8
+forkland,955,1
+newfields,675,10
+benevolence,91,1
+hiteman,1291,0
+shelbyville,2167,6
+allensville,434,3
+leonardo,1646,1
+merom,938,4
+beechwood,557,2
+lindenwood,1004,1
+shelbyville,1563,5
+lindenwood,590,1
+hanson,860,4
+hiteman,549,6
+pomaria,114,0
+lakeville,495,0
+marstons,2441,6
+pinesdale,643,8
+marstons,1736,3
+tolstoy,132,0
+pinesdale,1168,12
+leonardo,437,1
+lakeville,328,1
+newfields,1269,9
+tolstoy,1455,3
+newfields,516,3
+allensville,406,6
+stockman,633,0
+stockman,17,3
+leonardo,512,3
+marstons,545,12
+ranchester,1617,1
+leonardo,1398,5
+marstons,204,7
+hanson,458,2
+lindenwood,2281,12
+ranchester,1559,1
+beechwood,1005,0
+pomaria,1121,0
+tolstoy,869,1
+pinesdale,1395,3
+lindenwood,2107,1
+marstons,132,1
+hanson,1185,1
+leonardo,1042,1
+shelbyville,786,1
+klickitat,1172,1
+lindenwood,1182,5
+hanson,1293,5
+hanson,1565,2
+marstons,1846,0
+leonardo,872,1
+ranchester,1200,5
+woodbine,1788,6
+ranchester,172,2
+newfields,1097,4
+hanson,1012,12
+stockman,839,1
+merom,926,2
+woodbine,829,7
+hanson,488,1
+shelbyville,170,14
+ranchester,1039,8
+tolstoy,483,1
+pinesdale,189,0
+hanson,737,15
+wainscott,90,2
+merom,931,7
+ranchester,524,2
+lakeville,1836,2
+shelbyville,184,3
+lindenwood,182,3
+klickitat,1812,5
+klickitat,1737,2
+woodbine,1748,5
+lindenwood,1843,2
+mifflinburg,677,1
+pinesdale,626,2
+pomaria,965,7
+wainscott,632,10
+marstons,607,1
+leonardo,1516,2
+shelbyville,749,12
+leonardo,101,1
+merom,399,3
+marstons,447,3
+lakeville,366,5
+wainscott,254,2
+newfields,1281,2
+newfields,1027,12
+coffeen,990,0
+leonardo,872,5
+wainscott,869,7
+benevolence,678,0
+wainscott,1619,2
+wainscott,480,2
+stockman,1106,1
+woodbine,846,15
+shelbyville,993,4
+marstons,1890,1
+marstons,2035,6
+lindenwood,2633,3
+leonardo,1524,4
+hanson,666,1
+leonardo,94,0
+newfields,931,2
+benevolence,382,2
+klickitat,425,2
+coffeen,6,5
+lakeville,77,0
+pinesdale,1069,5
+lindenwood,2443,2
+leonardo,643,1
+pomaria,259,10
+ranchester,603,3
+allensville,421,1
+shelbyville,2593,3
+marstons,352,12
+klickitat,119,2
+cosmos,57,4
+woodbine,1015,5
+hanson,89,4
+merom,1023,4
+pinesdale,72,1
+woodbine,171,5
+pomaria,376,1
+tolstoy,314,1
+leonardo,1686,4
+allensville,195,0
+benevolence,658,6
+pomaria,1400,2
+marstons,2420,4
+shelbyville,531,7
+benevolence,452,3
+lindenwood,1345,8
+beechwood,890,0
+lakeville,39,6
+newfields,498,2
+benevolence,39,10
+coffeen,1257,3
+klickitat,1573,2
+tolstoy,1742,3
+hiteman,1293,1
+leonardo,1603,4
+hanson,251,8
+benevolence,343,1
+coffeen,1083,2
+cosmos,753,1
+mifflinburg,422,2
+pomaria,353,4
+wainscott,1618,0
+lindenwood,62,0
+wainscott,741,4
+lindenwood,296,5
+pinesdale,1495,2
+wainscott,1675,2
+shelbyville,974,7
+hiteman,324,2
+hiteman,1749,4
+leonardo,268,18
+newfields,1577,0
+marstons,170,1
+lindenwood,449,5
+pomaria,575,5
+leonardo,710,0
+lakeville,269,5
+shelbyville,1526,1
+cosmos,510,0
+shelbyville,1507,5
+klickitat,1050,1
+woodbine,1913,3
+lakeville,937,1
+pinesdale,1163,1
+shelbyville,835,7
+hiteman,598,5
+newfields,389,1
+beechwood,506,1
+pinesdale,1248,4
+hanson,357,3
+pinesdale,950,2
+marstons,2055,3
+shelbyville,1186,5
+klickitat,1206,2
+lindenwood,1936,9
+hanson,772,4
+klickitat,1592,4
+mifflinburg,80,0
+marstons,687,2
+hiteman,1681,4
+benevolence,770,4
+marstons,98,5
+beechwood,979,3
+tolstoy,742,10
+merom,836,1
+marstons,1175,12
+lakeville,507,2
+stockman,626,1
+beechwood,682,3
+woodbine,278,0
+hanson,860,10
+klickitat,22,1
+shelbyville,1778,3
+tolstoy,77,2
+shelbyville,534,14
+pomaria,1090,4
+lindenwood,2499,0
+klickitat,990,5
+onaga,212,6
+shelbyville,2448,2
+hiteman,712,2
+stockman,125,7
+pomaria,134,12
+lindenwood,1951,2
+stockman,990,3
+hanson,170,0
+ranchester,105,3
+ranchester,400,10
+lindenwood,2270,3
+tolstoy,1513,7
+coffeen,189,7
+shelbyville,2425,4
+tolstoy,367,3
+hiteman,488,6
+pomaria,1006,2
+pomaria,889,6
+hanson,737,2
+ranchester,837,12
+forkland,246,7
+ranchester,141,0
+hanson,198,0
+shelbyville,2544,0
+hanson,1348,4
+merom,306,5
+marstons,2332,9
+mifflinburg,561,5
+hiteman,891,11
+woodbine,656,1
+klickitat,113,4
+lindenwood,2565,8
+pinesdale,1030,0
+marstons,349,7
+newfields,27,2
+shelbyville,1951,3
+marstons,1381,2
+mifflinburg,8,0
+shelbyville,1467,1
+woodbine,468,3
+stockman,884,0
+shelbyville,432,4
+woodbine,563,7
+hiteman,288,3
+beechwood,353,3
+hanson,62,1
+leonardo,527,3
+hanson,1161,2
+woodbine,965,8
+leonardo,204,3
+marstons,1103,3
+leonardo,1037,3
+ranchester,902,6
+leonardo,1811,0
+allensville,326,6
+hiteman,540,7
+woodbine,654,0
+woodbine,765,2
+coffeen,304,1
+pinesdale,1372,4
+allensville,220,0
+wainscott,1569,0
+lindenwood,772,10
+lindenwood,2143,0
+mifflinburg,418,1
+lakeville,783,0
+forkland,1131,9
+klickitat,2412,0
+leonardo,1317,0
+wainscott,1616,0
+shelbyville,579,3
+klickitat,718,0
+pomaria,204,4
+stockman,1140,7
+wainscott,7,5
+newfields,1380,2
+wainscott,1786,14
+marstons,1176,2
+merom,478,9
+ranchester,739,5
+hanson,120,4
+klickitat,115,5
+stockman,829,3
+klickitat,734,7
+shelbyville,327,0
+shelbyville,142,10
+hanson,446,11
+hanson,1252,3
+shelbyville,2771,0
+woodbine,1713,5
+pinesdale,1505,3
+mifflinburg,41,0
+ranchester,358,3
+klickitat,1494,1
+tolstoy,862,5
+lakeville,24,6
+lindenwood,2494,5
+tolstoy,1592,2
+hiteman,1244,4
+lakeville,1870,2
+lindenwood,544,7
+shelbyville,841,6
+hiteman,600,9
+pinesdale,905,2
+leonardo,932,22
+shelbyville,405,1
+lindenwood,1270,1
+woodbine,853,3
+klickitat,57,2
+merom,759,0
+lindenwood,2294,7
+ranchester,632,1
+hiteman,1666,1
+merom,24,2
+hanson,60,10
+klickitat,206,0
+shelbyville,597,13
+tolstoy,415,1
+klickitat,42,14
+marstons,655,1
+forkland,722,0
+shelbyville,1137,0
+hanson,649,7
+hiteman,262,3
+hiteman,1767,9
+tolstoy,1035,8
+klickitat,2244,7
+hanson,491,0
+hiteman,830,0
+hiteman,1772,1
+pomaria,1322,3
+mifflinburg,86,4
+shelbyville,783,5
+cosmos,246,5
+stockman,1027,2
+hanson,1195,12
+marstons,801,3
+klickitat,843,7
+marstons,1764,10
+cosmos,1036,2
+stockman,689,6
+stockman,595,9
+stockman,598,4
+lindenwood,391,1
+lakeville,1872,11
+lindenwood,925,2
+woodbine,255,2
+woodbine,1813,11
+leonardo,382,4
+lindenwood,2532,6
+lakeville,1646,1
+marstons,1824,0
+leonardo,1058,6
+merom,998,0
+shelbyville,601,5
+wainscott,674,2
+woodbine,680,5
+beechwood,412,2
+woodbine,1238,3
+hanson,254,6
+lakeville,563,0
+tolstoy,1252,8
+lindenwood,73,11
+stockman,1409,0
+leonardo,1490,3
+lakeville,148,9
+tolstoy,1462,9
+leonardo,2075,1
+klickitat,1262,4
+marstons,250,6
+tolstoy,1416,6
+coffeen,221,0
+woodbine,828,5
+woodbine,208,5
+hanson,1218,12
+leonardo,1493,1
+mifflinburg,113,3
+allensville,127,11
+cosmos,408,2
+shelbyville,2713,6
+leonardo,194,4
+tolstoy,214,9
+klickitat,874,6
+lindenwood,1268,0
+newfields,113,4
+stockman,1591,6
+newfields,1414,8
+newfields,479,0
+lakeville,1028,4
+pomaria,618,4
+hanson,834,0
+leonardo,1125,2
+lindenwood,1802,0
+pomaria,890,4
+shelbyville,146,14
+marstons,752,12
+woodbine,83,2
+leonardo,240,0
+hanson,1493,12
+shelbyville,1830,2
+mifflinburg,371,0
+wainscott,1568,5
+shelbyville,1223,3
+allensville,312,2
+woodbine,660,14
+stockman,1308,0
+hiteman,383,1
+onaga,529,5
+woodbine,1155,6
+benevolence,840,8
+cosmos,625,2
+shelbyville,2757,2
+ranchester,376,1
+klickitat,1222,0
+pinesdale,1079,1
+wainscott,1362,10
+shelbyville,2002,5
+woodbine,626,0
+woodbine,277,8
+pomaria,479,0
+shelbyville,304,3
+allensville,139,2
+lindenwood,2008,6
+merom,460,0
+marstons,969,8
+wainscott,645,3
+leonardo,483,1
+coffeen,1094,2
+hiteman,1578,3
+forkland,683,3
+stockman,58,2
+merom,243,6
+hanson,1027,0
+ranchester,398,3
+stockman,1369,2
+klickitat,1214,0
+coffeen,800,3
+ranchester,1438,4
+wainscott,598,2
+hanson,40,13
+lindenwood,2604,6
+lindenwood,1960,2
+pomaria,1559,1
+newfields,217,11
+tolstoy,1034,4
+lindenwood,2525,7
+pinesdale,201,2
+newfields,1139,4
+ranchester,304,0
+merom,33,3
+klickitat,641,1
+marstons,448,1
+klickitat,156,5
+lindenwood,2235,0
+wainscott,1794,4
+marstons,602,8
+hanson,637,1
+coffeen,1192,6
+klickitat,1110,2
+tolstoy,39,1
+beechwood,674,4
+ranchester,790,5
+lindenwood,2605,0
+hiteman,691,0
+ranchester,477,4
+hanson,1189,0
+beechwood,474,3
+hiteman,1225,2
+cosmos,311,3
+ranchester,111,1
+beechwood,1072,5
+mifflinburg,754,1
+pomaria,28,2
+forkland,792,1
+pinesdale,456,2
+wainscott,1017,12
+pomaria,254,4
+ranchester,1257,13
+pomaria,663,1
+newfields,1079,7
+leonardo,395,1
+lakeville,1831,0
+woodbine,140,1
+shelbyville,447,4
+mifflinburg,739,4
+woodbine,959,1
+leonardo,1409,1
+lindenwood,712,3
+pinesdale,1295,1
+shelbyville,1781,3
+ranchester,4,3
+lakeville,182,2
+hanson,149,3
+hiteman,97,2
+shelbyville,1807,1
+mifflinburg,863,4
+ranchester,1229,3
+cosmos,761,4
+klickitat,280,2
+coffeen,1244,2
+hiteman,1277,10
+wainscott,402,0
+leonardo,1736,2
+coffeen,1382,1
+hiteman,308,1
+klickitat,1271,10
+marstons,2551,8
+wainscott,529,11
+lakeville,39,0
+wainscott,1708,15
+tolstoy,1463,8
+lindenwood,1057,0
+shelbyville,854,5
+wainscott,1385,4
+pinesdale,1256,2
+beechwood,1084,7
+wainscott,1514,5
+coffeen,190,4
+coffeen,1148,8
+cosmos,258,4
+hiteman,432,2
+forkland,1015,4
+ranchester,678,2
+beechwood,919,7
+pomaria,477,13
+pinesdale,1386,4
+hiteman,858,2
+mifflinburg,357,2
+newfields,590,4
+coffeen,788,2
+tolstoy,1708,2
+marstons,84,6
+shelbyville,1922,1
+marstons,2187,9
+tolstoy,1713,0
+merom,978,1
+ranchester,652,4
+benevolence,380,6
+allensville,384,3
+hanson,487,3
+merom,758,0
+leonardo,1338,3
+hiteman,1380,15
+lindenwood,1555,1
+wainscott,1002,0
+shelbyville,262,0
+benevolence,899,5
+hanson,1305,6
+coffeen,54,2
+stockman,590,0
+lakeville,1773,3
+lakeville,1757,1
+ranchester,864,3
+pinesdale,205,6
+leonardo,373,14
+pinesdale,1002,6
+woodbine,780,0
+cosmos,805,7
+pinesdale,914,4
+leonardo,1408,2
+tolstoy,1054,0
+stockman,788,5
+marstons,1956,3
+lakeville,1425,1
+leonardo,1225,1
+marstons,1430,2
+marstons,791,6
+mifflinburg,823,1
+merom,570,3
+wainscott,354,11
+newfields,622,1
+marstons,2072,11
+hiteman,1696,3
+pinesdale,1164,9
+leonardo,799,8
+lindenwood,853,10
+tolstoy,861,3
+leonardo,1358,1
+ranchester,605,0
+cosmos,658,3
+allensville,190,8
+leonardo,1521,2
+woodbine,307,1
+marstons,882,0
+tolstoy,1730,5
+lakeville,1484,4
+merom,916,1
+lindenwood,1523,1
+coffeen,617,6
+coffeen,814,1
+lindenwood,333,5
+forkland,85,2
+ranchester,1309,4
+marstons,35,5
+woodbine,739,3
+allensville,58,1
+hanson,153,2
+stockman,341,5
+shelbyville,895,0
+beechwood,636,1
+cosmos,747,5
+cosmos,534,3
+marstons,1368,9
+ranchester,1628,8
+pomaria,1228,3
+woodbine,505,1
+cosmos,6,0
+hiteman,1346,5
+pinesdale,1244,14
+hanson,1308,1
+shelbyville,2560,5
+hiteman,619,0
+ranchester,378,3
+hanson,1006,12
+lakeville,1495,2
+leonardo,1147,1
+ranchester,1219,3
+klickitat,329,0
+newfields,1078,1
+stockman,1380,3
+onaga,490,1
+klickitat,1688,15
+leonardo,544,12
+hanson,1031,1
+marstons,350,2
+woodbine,981,11
+stockman,389,1
+woodbine,1381,2
+lakeville,934,2
+ranchester,1534,6
+lindenwood,574,5
+klickitat,832,0
+lindenwood,576,0
+forkland,472,2
+stockman,235,3
+tolstoy,1438,0
+klickitat,520,2
+hiteman,1560,1
+shelbyville,917,7
+newfields,1605,7
+klickitat,1221,1
+klickitat,2345,3
+shelbyville,1540,1
+shelbyville,1580,3
+forkland,754,2
+leonardo,1242,4
+forkland,764,2
+newfields,241,1
+wainscott,1643,0
+tolstoy,719,2
+tolstoy,1279,2
+woodbine,1366,10
+hanson,1484,0
+hanson,857,12
+shelbyville,2455,4
+beechwood,1009,4
+forkland,753,2
+marstons,259,3
+pomaria,68,8
+stockman,581,1
+cosmos,287,2
+shelbyville,290,4
+coffeen,1148,1
+klickitat,2208,5
+marstons,1380,6
+forkland,844,7
+hiteman,146,8
+pinesdale,1207,12
+stockman,1373,0
+woodbine,1533,7
+lindenwood,1286,1
+tolstoy,456,8
+hiteman,771,0
+beechwood,807,0
+lakeville,90,8
+shelbyville,895,12
+pomaria,656,4
+shelbyville,2066,8
+allensville,406,8
+tolstoy,1102,15
+hanson,1545,9
+mifflinburg,456,2
+lakeville,1887,5
+shelbyville,438,11
+coffeen,1398,0
+tolstoy,8,0
+pomaria,722,2
+leonardo,1213,6
+tolstoy,505,0
+ranchester,1245,3
+tolstoy,914,2
+marstons,1564,6
+pomaria,203,4
+lakeville,250,16
+onaga,534,1
+shelbyville,2543,5
+pomaria,1328,0
+beechwood,981,3
+hanson,966,11
+leonardo,251,3
+hiteman,71,2
+leonardo,681,9
+wainscott,873,1
+ranchester,67,5
+pinesdale,313,0
+woodbine,610,6
+hanson,1099,0
+wainscott,392,2
+merom,389,4
+marstons,1526,3
+pinesdale,355,2
+klickitat,2055,3
+klickitat,928,0
+stockman,248,5
+woodbine,1996,3
+newfields,433,2
+coffeen,68,8
+forkland,911,5
+merom,102,1
+allensville,7,2
+onaga,518,0
+beechwood,174,5
+hiteman,372,2
+coffeen,413,4
+merom,1117,6
+stockman,1597,1
+newfields,1607,1
+pinesdale,57,0
+cosmos,9,2
+benevolence,2,1
+lindenwood,433,4
+woodbine,503,5
+lakeville,1787,5
+newfields,1229,2
+pomaria,289,7
+shelbyville,2594,7
+allensville,184,2
+klickitat,290,3
+marstons,105,2
+lindenwood,482,2
+woodbine,1320,3
+marstons,2583,5
+pinesdale,811,4
+beechwood,409,3
+lindenwood,2447,2
+pinesdale,823,7
+pomaria,540,1
+lindenwood,2082,1
+forkland,276,3
+leonardo,1260,4
+hiteman,1835,0
+lindenwood,291,13
+cosmos,498,3
+ranchester,24,5
+tolstoy,1206,3
+marstons,2274,0
+ranchester,431,3
+ranchester,792,0
+shelbyville,1926,1
+lakeville,637,5
+forkland,258,5
+shelbyville,958,2
+benevolence,412,2
+tolstoy,1132,2
+marstons,1328,1
+lakeville,1239,3
+coffeen,973,5
+cosmos,335,2
+woodbine,312,2
+newfields,1367,4
+leonardo,1685,2
+shelbyville,206,1
+shelbyville,1649,2
+lindenwood,682,4
+klickitat,1762,4
+leonardo,842,8
+hanson,128,4
+lindenwood,1621,10
+shelbyville,653,4
+marstons,787,1
+merom,289,1
+lindenwood,86,11
+stockman,700,0
+cosmos,880,4
+woodbine,1889,4
+forkland,662,0
+klickitat,1820,6
+shelbyville,1164,2
+pomaria,932,0
+marstons,1114,0
+onaga,250,4
+wainscott,1171,1
+woodbine,1533,3
+leonardo,1023,3
+newfields,1256,5
+ranchester,132,13
+allensville,325,0
+marstons,1902,0
+lindenwood,1503,14
+beechwood,391,6
+merom,19,3
+lakeville,1404,2
+leonardo,969,3
+lakeville,1610,1
+marstons,720,1
+pomaria,139,3
+cosmos,201,1
+beechwood,827,7
+marstons,1073,9
+pinesdale,416,6
+leonardo,879,1
+lakeville,1016,4
+lindenwood,2224,4
+leonardo,949,6
+lindenwood,1982,0
+lindenwood,504,2
+woodbine,75,0
+klickitat,1151,2
+leonardo,593,4
+tolstoy,1173,6
+hiteman,719,5
+shelbyville,524,4
+shelbyville,1288,2
+klickitat,1612,6
+lindenwood,1435,6
+leonardo,757,0
+tolstoy,1405,0
+wainscott,163,2
+marstons,207,1
+lindenwood,2438,2
+tolstoy,1071,12
+pomaria,421,0
+shelbyville,2730,1
+ranchester,160,4
+pinesdale,544,10
+pomaria,338,1
+lindenwood,1584,2
+allensville,335,4
+lindenwood,345,6
+ranchester,467,0
+newfields,0,6
+newfields,517,5
+klickitat,1718,8
+woodbine,1735,2
+marstons,2331,3
+beechwood,612,0
+tolstoy,1536,0
+lindenwood,1243,1
+tolstoy,78,13
+shelbyville,2698,10
+klickitat,601,7
+woodbine,146,4
+marstons,1994,3
+leonardo,1684,3
+onaga,480,1
+leonardo,1027,8
+shelbyville,2106,1
+hanson,1460,4
+cosmos,750,3
+lindenwood,2280,6
+newfields,322,6
+wainscott,391,3
+cosmos,1060,1
+lindenwood,1084,0
+cosmos,90,8
+klickitat,369,1
+merom,604,1
+woodbine,796,2
+shelbyville,2378,4
+marstons,1365,0
+marstons,1102,7
+shelbyville,1229,7
+lindenwood,1441,5
+beechwood,973,1
+benevolence,744,2
+merom,918,11
+newfields,1372,9
+ranchester,1082,2
+lindenwood,1841,0
+leonardo,899,3
+leonardo,688,2
+mifflinburg,925,0
+shelbyville,394,1
+hanson,1530,4
+ranchester,271,2
+mifflinburg,590,0
+klickitat,1264,0
+tolstoy,1233,2
+hiteman,1449,3
+mifflinburg,83,0
+hiteman,1160,0
+lakeville,172,10
+lindenwood,2120,2
+klickitat,148,25
+lakeville,311,2
+woodbine,711,2
+pomaria,745,5
+klickitat,446,3
+forkland,1194,3
+marstons,2304,1
+forkland,465,3
+leonardo,1555,2
+cosmos,1038,10
+woodbine,42,6
+stockman,245,4
+coffeen,202,7
+leonardo,1700,3
+pomaria,1560,1
+leonardo,1122,2
+lindenwood,516,1
+shelbyville,992,8
+lakeville,1352,1
+leonardo,496,9
+lindenwood,1131,6
+lindenwood,2144,3
+lakeville,95,0
+woodbine,1822,4
+stockman,1599,5
+woodbine,660,12
+pinesdale,739,6
+lindenwood,160,0
+hanson,403,5
+forkland,1095,0
+pinesdale,1214,7
+beechwood,507,4
+lakeville,402,4
+beechwood,1076,3
+ranchester,116,0
+hiteman,650,18
+wainscott,1340,8
+leonardo,600,4
+coffeen,944,0
+marstons,1,3
+lindenwood,522,7
+pinesdale,998,5
+stockman,452,3
+marstons,1221,11
+lakeville,1280,1
+wainscott,865,0
+wainscott,585,0
+tolstoy,969,5
+pomaria,1112,3
+leonardo,347,14
+klickitat,1837,7
+hanson,679,0
+pomaria,1367,9
+ranchester,1420,2
+tolstoy,1613,5
+leonardo,552,7
+lindenwood,2371,13
+hanson,47,4
+shelbyville,2460,1
+lakeville,1609,0
+pomaria,32,4
+wainscott,1112,6
+leonardo,163,6
+tolstoy,757,4
+beechwood,578,3
+cosmos,827,3
+leonardo,874,4
+lindenwood,1837,1
+forkland,1077,7
+wainscott,430,4
+marstons,781,1
+leonardo,485,0
+lakeville,682,1
+lindenwood,954,3
+lindenwood,2210,10
+lindenwood,510,7
+lakeville,1823,9
+leonardo,1414,2
+tolstoy,33,4
+lindenwood,2508,3
+wainscott,77,9
+hanson,438,8
+pomaria,245,0
+newfields,56,6
+marstons,2342,9
+tolstoy,632,5
+wainscott,270,4
+beechwood,941,0
+lindenwood,1910,0
+woodbine,341,1
+cosmos,886,3
+beechwood,126,1
+pomaria,1093,4
+merom,704,3
+woodbine,604,0
+pinesdale,18,0
+marstons,1872,1
+mifflinburg,22,1
+pinesdale,870,3
+beechwood,789,10
+leonardo,899,0
+marstons,2658,0
+woodbine,1157,2
+mifflinburg,101,0
+marstons,1009,4
+hanson,1407,4
+shelbyville,133,0
+pinesdale,1107,4
+tolstoy,511,5
+lindenwood,1713,2
+beechwood,338,3
+wainscott,1459,8
+wainscott,504,6
+wainscott,910,4
+pomaria,252,5
+hanson,57,1
+shelbyville,1914,5
+ranchester,1628,11
+leonardo,199,5
+klickitat,356,1
+shelbyville,224,0
+lakeville,455,3
+shelbyville,1779,5
+leonardo,2,1
+leonardo,946,2
+cosmos,832,3
+wainscott,357,4
+woodbine,593,5
+pinesdale,1149,9
+shelbyville,657,2
+marstons,455,1
+stockman,215,0
+shelbyville,1016,8
+marstons,78,2
+benevolence,965,6
+merom,206,3
+woodbine,95,15
+marstons,2051,2
+leonardo,968,3
+mifflinburg,754,3
+lakeville,1628,3
+lakeville,975,4
+klickitat,1930,0
+woodbine,849,4
+onaga,243,4
+klickitat,1952,4
+marstons,2571,7
+woodbine,547,5
+wainscott,1543,6
+shelbyville,963,1
+shelbyville,1626,7
+merom,169,2
+lindenwood,1264,2
+tolstoy,511,12
+hiteman,1717,2
+pinesdale,538,4
+cosmos,696,2
+klickitat,1749,0
+benevolence,192,4
+tolstoy,51,3
+hanson,731,12
+pinesdale,605,0
+klickitat,5,2
+hiteman,724,1
+klickitat,1794,1
+shelbyville,1312,4
+woodbine,355,6
+newfields,379,5
+onaga,416,1
+marstons,252,4
+pomaria,288,3
+klickitat,1042,10
+shelbyville,421,5
+hiteman,1259,6
+shelbyville,1774,4
+benevolence,156,11
+marstons,1892,3
+newfields,24,4
+klickitat,2077,4
+stockman,440,6
+merom,819,2
+lindenwood,101,3
+pomaria,150,3
+newfields,1151,0
+shelbyville,1754,16
+lindenwood,143,0
+hanson,1295,5
+beechwood,591,4
+lindenwood,782,4
+shelbyville,2154,0
+ranchester,1191,9
+benevolence,872,7
+tolstoy,1337,1
+tolstoy,1145,1
+lakeville,53,0
+benevolence,364,8
+wainscott,1666,9
+shelbyville,2532,6
+lakeville,835,4
+marstons,2292,6
+leonardo,4,11
+pinesdale,797,3
+forkland,497,2
+klickitat,1398,1
+woodbine,258,5
+lindenwood,937,12
+wainscott,191,2
+marstons,1019,0
+marstons,778,1
+stockman,1081,2
+beechwood,187,4
+merom,845,3
+hiteman,727,8
+lakeville,118,2
+pinesdale,426,2
+marstons,695,1
+lindenwood,1146,0
+leonardo,1904,5
+mifflinburg,847,9
+newfields,299,18
+leonardo,1655,1
+leonardo,1103,1
+onaga,505,3
+shelbyville,1816,6
+coffeen,902,2
+klickitat,1453,1
+woodbine,1692,11
+newfields,1067,10
+pomaria,502,0
+coffeen,1487,4
+coffeen,150,4
+shelbyville,2117,0
+woodbine,713,14
+leonardo,849,0
+mifflinburg,671,5
+ranchester,765,1
+woodbine,434,5
+lakeville,986,0
+merom,702,4
+mifflinburg,208,3
+cosmos,128,2
+shelbyville,963,0
+pomaria,1052,4
+merom,719,3
+shelbyville,2803,12
+beechwood,427,1
+marstons,391,13
+pomaria,871,10
+woodbine,1599,3
+lindenwood,1977,3
+stockman,866,2
+leonardo,1635,4
+lakeville,401,4
+hiteman,199,3
+hiteman,719,6
+coffeen,515,1
+klickitat,1511,0
+cosmos,233,4
+marstons,1113,9
+newfields,337,2
+stockman,235,2
+forkland,1112,1
+pinesdale,87,10
+pomaria,863,0
+leonardo,680,0
+hiteman,1159,1
+lakeville,612,12
+forkland,437,7
+pomaria,17,4
+wainscott,587,5
+wainscott,342,4
+klickitat,377,4
+lakeville,1068,15
+wainscott,1046,8
+woodbine,924,2
+mifflinburg,968,12
+klickitat,2324,11
+woodbine,1139,1
+lindenwood,192,0
+lakeville,1852,2
+shelbyville,1770,3
+lindenwood,2071,1
+ranchester,694,5
+woodbine,949,3
+leonardo,1483,2
+lakeville,647,6
+leonardo,1528,7
+lakeville,936,4
+woodbine,343,0
+klickitat,829,7
+tolstoy,905,11
+woodbine,94,1
+hanson,1608,7
+pinesdale,541,2
+hiteman,1574,0
+tolstoy,478,5
+lakeville,448,0
+forkland,269,2
+marstons,1458,4
+hanson,1361,10
+tolstoy,808,10
+shelbyville,2759,1
+shelbyville,2807,0
+tolstoy,1459,3
+marstons,363,2
+hanson,72,1
+coffeen,370,0
+woodbine,95,9
+leonardo,2035,21
+leonardo,1799,2
+lindenwood,917,8
+tolstoy,701,1
+pinesdale,693,1
+benevolence,591,9
+marstons,2214,8
+tolstoy,285,0
+onaga,42,4
+lakeville,429,0
+woodbine,322,6
+ranchester,1096,4
+pinesdale,1487,4
+beechwood,907,0
+pomaria,498,1
+marstons,2108,1
+allensville,56,5
+beechwood,4,2
+wainscott,93,0
+coffeen,1015,6
+merom,612,2
+pomaria,139,7
+mifflinburg,788,0
+wainscott,625,14
+ranchester,1280,5
+wainscott,1753,5
+pinesdale,302,6
+wainscott,1666,4
+lakeville,753,4
+forkland,835,0
+lindenwood,330,4
+shelbyville,167,3
+hanson,1085,10
+tolstoy,692,4
+marstons,2639,1
+coffeen,306,1
+marstons,2312,0
+pomaria,36,3
+klickitat,828,3
+coffeen,305,4
+onaga,294,8
+ranchester,945,4
+wainscott,1460,8
+lindenwood,1412,1
+coffeen,1365,3
+leonardo,573,4
+marstons,1086,1
+hiteman,967,0
+tolstoy,1520,0
+woodbine,796,17
+forkland,109,1
+lakeville,120,0
+coffeen,1432,1
+leonardo,1571,1
+pinesdale,1354,3
+pinesdale,409,0
+merom,184,0
+leonardo,1259,5
+ranchester,6,4
+hanson,984,4
+stockman,18,0
+mifflinburg,809,4
+hanson,1353,3
+wainscott,1259,8
+coffeen,886,2
+marstons,2403,2
+shelbyville,916,2
+leonardo,1305,0
+merom,101,1
+wainscott,283,8
+ranchester,1535,3
+lindenwood,1746,0
+lakeville,1021,2
+hiteman,1517,2
+coffeen,1446,1
+woodbine,506,3
+klickitat,2024,15
+newfields,326,12
+beechwood,1044,1
+mifflinburg,558,0
+pomaria,750,1
+lindenwood,1305,3
+hanson,183,0
+shelbyville,1873,3
+coffeen,521,4
+pinesdale,808,3
+lindenwood,2304,7
+klickitat,875,4
+lindenwood,2593,2
+stockman,190,0
+forkland,1187,4
+pinesdale,176,11
+woodbine,12,3
+benevolence,61,5
+pomaria,474,2
+lindenwood,249,1
+lindenwood,2536,9
+leonardo,212,10
+hiteman,1432,3
+marstons,916,2
+lindenwood,1313,6
+forkland,638,2
+cosmos,691,6
+ranchester,141,5
+klickitat,1803,2
+beechwood,193,3
+hanson,92,1
+merom,1018,4
+hiteman,1352,5
+shelbyville,1805,4
+merom,932,0
+beechwood,338,4
+leonardo,1271,4
+leonardo,744,8
+lakeville,261,0
+woodbine,869,2
+ranchester,393,5
+beechwood,1094,4
+beechwood,858,0
+lakeville,368,4
+coffeen,1287,1
+klickitat,554,2
+mifflinburg,741,5
+pomaria,266,7
+mifflinburg,442,0
+klickitat,419,9
+shelbyville,260,1
+cosmos,35,0
+lindenwood,440,6
+newfields,438,2
+leonardo,1013,1
+ranchester,705,5
+lakeville,17,4
+lindenwood,0,6
+allensville,438,7
+klickitat,966,7
+shelbyville,334,5
+pomaria,1411,1
+beechwood,290,2
+marstons,965,3
+shelbyville,2118,4
+woodbine,410,1
+shelbyville,2430,6
+stockman,107,4
+tolstoy,1625,7
+allensville,9,4
+leonardo,262,0
+wainscott,1167,12
+klickitat,960,1
+lindenwood,951,12
+hanson,589,5
+newfields,1491,1
+marstons,295,0
+onaga,53,5
+woodbine,1051,5
+pomaria,1560,17
+ranchester,1148,16
+ranchester,61,1
+wainscott,643,3
+beechwood,484,2
+ranchester,17,1
+woodbine,554,2
+newfields,1067,4
+klickitat,503,3
+wainscott,513,11
+hanson,1136,3
+klickitat,521,5
+lindenwood,283,2
+tolstoy,1753,2
+pomaria,885,6
+shelbyville,2432,4
+leonardo,689,12
+lakeville,305,1
+marstons,1667,4
+marstons,1165,2
+lindenwood,221,2
+lakeville,1572,1
+newfields,1243,6
+klickitat,1654,0
+woodbine,674,2
+coffeen,1508,0
+marstons,705,5
+lakeville,1745,13
+klickitat,2356,6
+shelbyville,1923,0
+wainscott,771,6
+klickitat,307,1
+marstons,802,7
+coffeen,1251,0
+forkland,455,1
+hiteman,502,0
+klickitat,1301,8
+cosmos,709,3
+stockman,313,4
+lindenwood,2318,5
+benevolence,697,6
+tolstoy,1410,1
+marstons,947,7
+marstons,2089,0
+wainscott,1798,0
+stockman,948,1
+coffeen,81,1
+newfields,1004,0
+hiteman,1537,13
+klickitat,535,5
+hanson,693,5
+klickitat,1066,6
+shelbyville,2061,13
+marstons,72,1
+onaga,68,6
+leonardo,641,1
+forkland,272,1
+pinesdale,154,0
+lindenwood,2116,2
+woodbine,1880,1
+pomaria,842,7
+klickitat,2302,0
+leonardo,897,11
+mifflinburg,484,4
+stockman,397,3
+lindenwood,2330,6
+allensville,162,1
+marstons,2622,6
+klickitat,1008,8
+tolstoy,1776,15
+lindenwood,447,1
+klickitat,2016,4
+shelbyville,84,2
+marstons,1204,7
+pomaria,273,9
+shelbyville,531,14
+newfields,856,6
+beechwood,562,4
+lakeville,1240,2
+leonardo,3,0
+klickitat,2312,6
+shelbyville,1357,7
+klickitat,300,8
+woodbine,1273,6
+tolstoy,305,7
+ranchester,1394,2
+shelbyville,2030,8
+beechwood,1026,3
+pinesdale,28,6
+shelbyville,1438,5
+newfields,1648,0
+shelbyville,2705,1
+marstons,1826,5
+marstons,281,1
+beechwood,500,2
+lakeville,437,2
+lindenwood,2183,3
+coffeen,702,1
+woodbine,109,2
+lindenwood,877,1
+allensville,189,8
+marstons,2402,7
+wainscott,936,1
+newfields,409,0
+wainscott,1169,6
+shelbyville,1221,12
+wainscott,883,11
+hiteman,789,0
+leonardo,593,6
+ranchester,643,0
+lakeville,1728,3
+coffeen,1302,1
+stockman,1129,12
+shelbyville,794,2
+newfields,1485,0
+stockman,1389,0
+beechwood,702,4
+tolstoy,41,4
+lindenwood,991,1
+hanson,1093,3
+shelbyville,1318,0
+woodbine,878,4
+marstons,1754,2
+klickitat,1296,4
+cosmos,423,2
+shelbyville,665,7
+pomaria,1236,9
+lindenwood,1616,10
+cosmos,395,1
+woodbine,343,1
+shelbyville,2520,4
+hanson,383,1
+newfields,583,0
+ranchester,715,4
+tolstoy,1462,8
+ranchester,713,5
+woodbine,120,8
+tolstoy,726,5
+lakeville,935,4
+coffeen,330,1
+lakeville,915,2
+lakeville,232,1
+cosmos,192,4
+pomaria,1677,12
+stockman,764,4
+leonardo,265,5
+woodbine,566,11
+stockman,1316,4
+klickitat,1100,9
+leonardo,443,0
+marstons,1474,2
+stockman,131,5
+hanson,434,2
+shelbyville,2663,10
+marstons,255,0
+newfields,562,3
+marstons,1938,8
+wainscott,1418,2
+ranchester,999,1
+wainscott,1477,6
+hiteman,1834,10
+marstons,1129,0
+wainscott,1667,1
+ranchester,307,1
+pinesdale,944,5
+beechwood,548,2
+hiteman,1348,4
+newfields,660,13
+lindenwood,1166,7
+pomaria,864,4
+shelbyville,974,0
+hanson,993,6
+leonardo,611,1
+klickitat,280,9
+shelbyville,1603,2
+coffeen,1368,2
+hanson,963,3
+ranchester,554,2
+klickitat,344,3
+woodbine,711,1
+wainscott,529,10
+hanson,553,9
+lindenwood,2481,2
+lindenwood,2412,0
+pomaria,1563,3
+benevolence,861,12
+pinesdale,1267,4
+wainscott,379,13
+marstons,2152,4
+marstons,2335,7
+wainscott,902,2
+ranchester,75,1
+merom,537,0
+benevolence,17,4
+hiteman,1574,6
+coffeen,1055,0
+stockman,1129,13
+lindenwood,1047,1
+klickitat,1094,6
+coffeen,716,4
+wainscott,394,2
+tolstoy,1247,9
+coffeen,597,1
+klickitat,2242,1
+forkland,402,0
+klickitat,992,0
+hiteman,1797,0
+cosmos,92,2
+wainscott,445,6
+leonardo,1573,1
+marstons,1809,3
+lakeville,130,4
+hiteman,1760,0
+leonardo,1617,6
+pomaria,786,6
+benevolence,53,0
+beechwood,315,6
+woodbine,1804,2
+lakeville,1444,3
+woodbine,1945,0
+allensville,189,1
+hiteman,320,1
+klickitat,1725,0
+newfields,1270,0
+ranchester,800,6
+leonardo,811,2
+onaga,249,6
+onaga,424,3
+pinesdale,969,1
+hiteman,1051,1
+coffeen,5,2
+marstons,1403,0
+onaga,224,6
+wainscott,345,0
+beechwood,25,1
+klickitat,1411,2
+wainscott,1135,0
+klickitat,2096,3
+lindenwood,355,0
+klickitat,1443,4
+tolstoy,1459,1
+coffeen,122,2
+newfields,1297,10
+shelbyville,2392,1
+klickitat,2107,6
+mifflinburg,39,5
+hiteman,409,0
+shelbyville,2299,4
+tolstoy,410,8
+merom,711,1
+newfields,1088,15
+tolstoy,1462,1
+newfields,672,2
+stockman,1143,2
+tolstoy,1370,3
+cosmos,808,4
+klickitat,2172,15
+lindenwood,1690,4
+marstons,1596,5
+stockman,1328,5
+beechwood,204,3
+shelbyville,1808,0
+mifflinburg,737,0
+leonardo,153,10
+wainscott,1315,5
+lindenwood,1156,1
+marstons,334,0
+pinesdale,87,1
+stockman,1087,1
+merom,654,2
+klickitat,389,10
+wainscott,1665,3
+shelbyville,1060,0
+hanson,281,7
+klickitat,889,3
+leonardo,1717,3
+marstons,1422,7
+lindenwood,505,4
+marstons,2564,3
+tolstoy,158,6
+tolstoy,102,11
+pomaria,919,1
+onaga,56,0
+benevolence,529,2
+lindenwood,2434,4
+pomaria,222,9
+stockman,1252,1
+wainscott,146,7
+pinesdale,456,0
+onaga,465,2
+tolstoy,56,10
+merom,93,4
+ranchester,1527,8
+coffeen,1138,1
+pinesdale,143,2
+ranchester,1097,6
+woodbine,1622,1
+wainscott,571,3
+coffeen,892,1
+lindenwood,1263,4
+shelbyville,2450,0
+klickitat,1750,2
+klickitat,1735,7
+beechwood,1090,0
+leonardo,2078,1
+klickitat,1273,3
+forkland,542,3
+shelbyville,719,3
+beechwood,830,2
+forkland,954,1
+ranchester,52,3
+cosmos,1014,4
+shelbyville,529,0
+pomaria,477,6
+stockman,413,5
+mifflinburg,857,0
+ranchester,405,1
+klickitat,183,1
+shelbyville,367,1
+merom,29,0
+stockman,1214,3
+benevolence,934,2
+shelbyville,2595,9
+newfields,1551,6
+leonardo,1255,0
+hiteman,134,1
+pomaria,1607,4
+leonardo,1040,1
+wainscott,1512,8
+lindenwood,2513,0
+lakeville,1389,13
+pomaria,1543,4
+coffeen,1246,5
+klickitat,1933,2
+newfields,1582,4
+marstons,1179,2
+wainscott,982,3
+shelbyville,72,7
+pomaria,542,7
+lakeville,1736,5
+lakeville,332,16
+hiteman,880,2
+cosmos,805,2
+stockman,71,0
+pinesdale,211,0
+cosmos,348,6
+klickitat,171,1
+coffeen,1431,0
+marstons,439,7
+tolstoy,391,4
+mifflinburg,777,1
+marstons,1265,1
+pomaria,616,0
+ranchester,1401,4
+stockman,1260,0
+marstons,2373,3
+hanson,879,1
+wainscott,1254,3
+lakeville,244,1
+shelbyville,87,2
+wainscott,63,5
+klickitat,1220,2
+hiteman,868,2
+hanson,1400,5
+wainscott,1774,5
+forkland,359,5
+marstons,55,9
+lakeville,148,10
+wainscott,1068,3
+marstons,1880,7
+stockman,60,3
+hiteman,731,2
+lindenwood,2431,0
+shelbyville,2779,1
+beechwood,416,5
+stockman,229,3
+pinesdale,47,7
+pomaria,1305,2
+marstons,897,5
+klickitat,1194,1
+newfields,1545,0
+hanson,1474,1
+shelbyville,649,8
+merom,965,4
+hiteman,460,3
+lakeville,356,4
+woodbine,1639,12
+klickitat,199,5
+lindenwood,1768,0
+hanson,452,2
+marstons,2139,3
+marstons,2489,6
+lindenwood,998,2
+wainscott,436,0
+lindenwood,1079,5
+lakeville,284,18
+marstons,2088,0
+lindenwood,1857,9
+onaga,8,2
+newfields,540,0
+beechwood,297,11
+shelbyville,2808,5
+merom,788,5
+klickitat,1191,4
+hiteman,12,6
+leonardo,585,3
+wainscott,96,11
+ranchester,380,3
+hanson,145,7
+klickitat,1630,10
+ranchester,724,3
+coffeen,229,1
+marstons,1420,6
+leonardo,732,3
+woodbine,730,0
+lakeville,37,3
+shelbyville,2743,3
+merom,741,6
+hanson,1437,4
+leonardo,7,3
+lindenwood,1424,2
+shelbyville,809,0
+stockman,744,0
+wainscott,1661,8
+lakeville,514,2
+ranchester,422,0
+ranchester,1177,5
+marstons,159,1
+tolstoy,58,1
+forkland,358,3
+lindenwood,416,7
+ranchester,367,2
+lakeville,591,8
+woodbine,1715,5
+lakeville,252,6
+pomaria,1043,7
+mifflinburg,29,6
+lakeville,1421,6
+marstons,1601,0
+stockman,409,5
+hanson,423,3
+lindenwood,1239,3
+beechwood,334,7
+klickitat,378,4
+leonardo,1528,16
+hiteman,1388,9
+lindenwood,754,5
+stockman,28,0
+merom,104,0
+ranchester,139,4
+shelbyville,1302,9
+lakeville,584,7
+onaga,469,7
+woodbine,326,2
+pinesdale,919,10
+beechwood,795,2
+woodbine,1355,14
+stockman,1422,0
+newfields,47,9
+cosmos,258,1
+tolstoy,303,2
+klickitat,2029,4
+klickitat,445,8
+merom,126,7
+hiteman,376,3
+onaga,666,1
+merom,49,2
+lindenwood,2439,3
+klickitat,2259,4
+lindenwood,2568,0
+leonardo,1738,3
+tolstoy,1018,1
+marstons,2249,1
+shelbyville,199,11
+lakeville,1353,9
+klickitat,2364,5
+hanson,1429,7
+marstons,53,1
+cosmos,856,3
+newfields,1148,0
+woodbine,594,19
+marstons,1990,2
+klickitat,2222,7
+shelbyville,191,1
+pomaria,399,1
+pomaria,684,0
+pinesdale,269,3
+klickitat,1419,4
+pomaria,1645,0
+klickitat,174,0
+stockman,1095,4
+tolstoy,970,5
+hanson,598,7
+marstons,918,2
+lakeville,720,0
+ranchester,1206,3
+leonardo,659,19
+tolstoy,670,2
+klickitat,2153,7
+cosmos,205,0
+leonardo,1879,3
+coffeen,549,2
+newfields,1386,6
+shelbyville,2799,7
+hanson,506,5
+ranchester,1440,6
+woodbine,924,6
+klickitat,1940,3
+pinesdale,485,0
+lindenwood,2139,1
+woodbine,78,6
+pinesdale,128,13
+lindenwood,1991,11
+wainscott,338,2
+leonardo,1899,6
+lindenwood,899,2
+shelbyville,1299,1
+klickitat,1051,2
+marstons,1475,1
+forkland,1073,3
+marstons,1714,4
+lakeville,826,12
+hiteman,513,1
+wainscott,276,0
+beechwood,945,1
+coffeen,859,2
+shelbyville,29,1
+shelbyville,1863,1
+klickitat,436,1
+lakeville,633,0
+woodbine,357,1
+stockman,441,2
+woodbine,1702,9
+shelbyville,1035,6
+shelbyville,296,3
+woodbine,568,1
+mifflinburg,355,1
+pinesdale,108,3
+leonardo,1978,0
+shelbyville,1595,12
+klickitat,212,1
+coffeen,1510,3
+newfields,777,7
+leonardo,1139,18
+woodbine,928,0
+newfields,740,5
+tolstoy,1654,1
+allensville,455,0
+tolstoy,68,7
+mifflinburg,325,12
+stockman,1412,2
+ranchester,477,5
+hiteman,1727,4
+pinesdale,637,5
+marstons,1632,3
+marstons,2091,1
+mifflinburg,252,4
+pinesdale,942,8
+forkland,267,2
+forkland,398,2
+lindenwood,2097,1
+klickitat,334,8
+coffeen,315,2
+lindenwood,1229,2
+beechwood,1173,1
+shelbyville,1314,2
+pomaria,94,3
+woodbine,542,7
+lindenwood,957,3
+beechwood,1136,1
+woodbine,795,10
+ranchester,1135,1
+klickitat,85,0
+tolstoy,158,4
+ranchester,595,1
+shelbyville,1494,11
+leonardo,686,4
+marstons,400,5
+stockman,970,0
+hanson,641,3
+klickitat,811,1
+lindenwood,1759,3
+woodbine,89,6
+leonardo,320,5
+klickitat,1498,1
+shelbyville,281,6
+pinesdale,298,5
+ranchester,1470,5
+lindenwood,567,5
+wainscott,683,5
+stockman,1545,5
+klickitat,435,2
+tolstoy,1631,2
+pomaria,745,3
+woodbine,1235,3
+lakeville,1713,5
+pinesdale,873,3
+stockman,298,4
+wainscott,539,1
+wainscott,1018,6
+hanson,368,12
+lakeville,831,1
+forkland,181,0
+beechwood,1056,0
+marstons,784,2
+mifflinburg,611,0
+marstons,2178,5
+shelbyville,2167,5
+hiteman,293,1
+woodbine,1756,7
+pinesdale,1142,4
+lindenwood,814,6
+pomaria,1596,0
+hanson,858,2
+shelbyville,2759,2
+marstons,1078,6
+ranchester,770,1
+ranchester,467,4
+klickitat,728,6
+onaga,53,10
+leonardo,489,12
+mifflinburg,839,2
+shelbyville,1228,5
+wainscott,1224,1
+tolstoy,124,2
+pinesdale,1100,4
+lindenwood,1369,7
+woodbine,380,0
+leonardo,817,8
+hiteman,1390,13
+forkland,518,2
+pomaria,1260,2
+klickitat,1880,5
+marstons,2094,4
+pinesdale,263,5
+klickitat,1516,13
+lindenwood,98,7
+hiteman,957,3
+leonardo,1030,2
+hiteman,619,7
+allensville,132,3
+hanson,1522,3
+pomaria,1654,3
+lindenwood,1944,1
+stockman,311,1
+beechwood,997,3
+leonardo,1550,1
+wainscott,1296,9
+woodbine,138,1
+hiteman,930,2
+shelbyville,94,2
+ranchester,44,1
+newfields,618,6
+leonardo,1061,1
+lakeville,668,0
+tolstoy,1463,0
+woodbine,1486,0
+hiteman,1162,1
+merom,548,0
+shelbyville,2021,2
+ranchester,1494,14
+hiteman,783,0
+hanson,1123,0
+shelbyville,1982,0
+klickitat,962,5
+newfields,1111,8
+leonardo,539,2
+leonardo,1691,11
+shelbyville,1173,3
+woodbine,1013,1
+lindenwood,1182,3
+lindenwood,675,2
+lindenwood,1393,5
+lindenwood,1595,2
+shelbyville,1098,2
+marstons,15,13
+newfields,1362,6
+lakeville,1327,9
+shelbyville,21,4
+allensville,153,1
+cosmos,837,1
+hiteman,918,1
+marstons,1017,0
+mifflinburg,908,6
+lindenwood,677,1
+klickitat,1361,3
+pinesdale,63,4
+woodbine,488,20
+merom,509,0
+onaga,456,3
+lindenwood,710,7
+hanson,1395,1
+tolstoy,1625,0
+lindenwood,1913,0
+shelbyville,1085,1
+ranchester,520,3
+shelbyville,2602,0
+wainscott,759,0
+newfields,665,1
+wainscott,528,10
+marstons,303,3
+marstons,467,9
+marstons,2117,3
+newfields,32,13
+stockman,223,3
+klickitat,1454,2
+shelbyville,1012,11
+lindenwood,219,6
+klickitat,2266,4
+tolstoy,1538,0
+newfields,1082,2
+klickitat,2014,5
+hanson,1101,0
+wainscott,890,7
+shelbyville,1531,0
+hiteman,1562,6
+klickitat,2145,10
+woodbine,1503,8
+leonardo,337,0
+klickitat,1385,2
+coffeen,0,4
+woodbine,337,1
+cosmos,333,2
+forkland,759,8
+hanson,275,1
+pomaria,501,4
+ranchester,131,1
+cosmos,567,1
+ranchester,714,1
+pinesdale,1212,0
+lakeville,1323,2
+lakeville,67,9
+lakeville,893,2
+shelbyville,2563,7
+lakeville,866,3
+stockman,484,0
+pomaria,859,5
+benevolence,214,1
+newfields,890,1
+woodbine,1559,5
+leonardo,288,3
+stockman,466,12
+hiteman,143,4
+newfields,748,3
+marstons,1792,6
+wainscott,1729,1
+ranchester,1280,11
+hanson,1575,6
+cosmos,90,2
+lakeville,1526,11
+stockman,1486,1
+shelbyville,2086,1
+hiteman,582,11
+hiteman,276,9
+lakeville,917,4
+lindenwood,1909,2
+marstons,2203,7
+stockman,1555,0
+coffeen,56,3
+pomaria,1483,5
+newfields,917,0
+marstons,2643,9
+leonardo,879,0
+coffeen,292,1
+ranchester,320,2
+tolstoy,1503,6
+woodbine,936,8
+benevolence,252,6
+tolstoy,1143,14
+stockman,315,4
+newfields,1416,14
+shelbyville,1657,1
+hiteman,653,0
+leonardo,1207,13
+lindenwood,1819,0
+leonardo,2032,1
+klickitat,659,2
+pomaria,319,10
+lindenwood,388,1
+marstons,2637,2
+klickitat,1237,2
+woodbine,992,1
+woodbine,910,0
+hiteman,1525,1
+lindenwood,940,2
+newfields,1511,3
+ranchester,1552,0
+wainscott,1286,3
+beechwood,305,1
+benevolence,682,9
+marstons,2273,16
+woodbine,1933,3
+wainscott,85,5
+marstons,107,3
+shelbyville,2772,3
+leonardo,1457,1
+tolstoy,804,11
+tolstoy,968,8
+lindenwood,1536,0
+marstons,441,4
+wainscott,1775,0
+pomaria,906,1
+wainscott,679,5
+lindenwood,958,5
+pinesdale,49,0
+hiteman,199,0
+ranchester,923,0
+lindenwood,490,5
+hanson,841,3
+klickitat,587,7
+forkland,74,1
+newfields,570,0
+marstons,173,7
+ranchester,775,10
+coffeen,134,0
+beechwood,660,6
+woodbine,1212,10
+leonardo,1834,3
+pinesdale,635,3
+woodbine,367,0
+coffeen,1431,4
+newfields,750,2
+tolstoy,213,6
+woodbine,1187,1
+woodbine,2004,6
+woodbine,661,0
+klickitat,1764,4
+hiteman,391,7
+shelbyville,921,13
+newfields,1644,1
+onaga,342,1
+shelbyville,1003,1
+pinesdale,1061,6
+lindenwood,644,5
+newfields,227,2
+leonardo,1436,0
+stockman,1383,2
+lakeville,1125,6
+hanson,1072,3
+benevolence,899,2
+shelbyville,878,1
+tolstoy,1410,2
+lakeville,313,3
+shelbyville,545,2
+tolstoy,101,6
+leonardo,1484,0
+newfields,16,2
+stockman,1302,2
+lindenwood,855,4
+newfields,1176,2
+ranchester,963,3
+wainscott,1288,10
+forkland,552,0
+pomaria,145,7
+marstons,2471,7
+hanson,482,10
+tolstoy,950,3
+hiteman,1344,0
+klickitat,1975,4
+marstons,218,3
+klickitat,1256,3
+newfields,3,1
+newfields,46,5
+hiteman,208,0
+marstons,2106,2
+beechwood,672,6
+marstons,1024,1
+lindenwood,1875,2
+newfields,904,2
+tolstoy,917,9
+tolstoy,1271,0
+pomaria,1162,5
+hanson,1435,4
+lakeville,1592,9
+lakeville,627,1
+forkland,269,3
+onaga,43,2
+pomaria,217,7
+beechwood,130,1
+klickitat,631,0
+klickitat,1312,2
+leonardo,760,2
+marstons,2420,9
+merom,875,4
+mifflinburg,209,1
+hanson,408,0
+hanson,234,4
+lindenwood,266,0
+hanson,568,3
+stockman,1129,5
+tolstoy,17,3
+shelbyville,1052,3
+tolstoy,742,1
+hiteman,1289,2
+newfields,360,1
+marstons,321,3
+woodbine,314,1
+marstons,1978,2
+leonardo,894,0
+woodbine,1096,2
+tolstoy,613,5
+coffeen,703,1
+cosmos,592,2
+lindenwood,2505,3
+lakeville,1640,5
+onaga,675,0
+woodbine,1853,14
+stockman,534,3
+beechwood,790,0
+pomaria,1066,7
+lakeville,82,12
+newfields,1238,1
+klickitat,1299,4
+lindenwood,2675,9
+stockman,511,12
+lakeville,73,3
+hiteman,1578,11
+hanson,28,11
+wainscott,122,0
+mifflinburg,662,4
+wainscott,1712,5
+leonardo,257,19
+marstons,1869,11
+shelbyville,258,5
+hiteman,1283,2
+lakeville,1869,10
+lindenwood,1457,5
+pomaria,797,2
+wainscott,736,8
+hanson,306,8
+cosmos,978,4
+lakeville,1689,1
+leonardo,31,3
+stockman,1443,0
+tolstoy,1411,0
+tolstoy,422,1
+allensville,141,2
+newfields,0,2
+allensville,442,4
+coffeen,1374,0
+mifflinburg,787,0
+pinesdale,1366,5
+coffeen,1393,7
+marstons,2563,10
+merom,190,4
+newfields,133,8
+cosmos,1021,6
+cosmos,936,3
+lakeville,629,4
+coffeen,1026,4
+hiteman,1124,2
+forkland,258,9
+lindenwood,2459,1
+ranchester,1622,4
+lakeville,586,2
+stockman,376,4
+pinesdale,1029,4
+stockman,129,1
+mifflinburg,272,4
+merom,607,1
+lindenwood,2522,0
+shelbyville,1412,1
+hiteman,1279,1
+coffeen,812,0
+mifflinburg,384,1
+lakeville,1710,6
+hanson,1315,5
+marstons,473,6
+ranchester,969,0
+woodbine,1891,1
+hiteman,1627,2
+marstons,959,0
+leonardo,28,4
+wainscott,1616,9
+forkland,50,0
+hanson,733,0
+klickitat,2333,3
+lindenwood,155,1
+lindenwood,1715,6
+wainscott,1521,6
+stockman,1224,2
+tolstoy,1107,6
+lakeville,1092,4
+pomaria,1093,2
+lindenwood,2339,6
+marstons,2040,7
+tolstoy,1573,8
+tolstoy,441,6
+marstons,1731,4
+lakeville,377,5
+wainscott,1456,0
+marstons,2165,3
+forkland,145,8
+tolstoy,934,6
+hiteman,1046,5
+wainscott,1441,5
+shelbyville,2215,2
+stockman,1283,7
+newfields,690,2
+tolstoy,1788,3
+coffeen,854,2
+wainscott,1234,0
+pomaria,1503,2
+newfields,1625,12
+marstons,1409,3
+lindenwood,1562,1
+leonardo,699,17
+merom,97,6
+pinesdale,425,1
+pinesdale,306,0
+hanson,334,4
+lindenwood,1624,1
+wainscott,1151,8
+leonardo,850,0
+forkland,1034,2
+hiteman,960,2
+lakeville,368,6
+pomaria,665,1
+ranchester,46,2
+shelbyville,1095,14
+wainscott,1568,2
+ranchester,1028,5
+beechwood,684,0
+hiteman,10,2
+klickitat,863,6
+wainscott,1436,4
+woodbine,1881,4
+lakeville,791,0
+newfields,774,2
+newfields,636,1
+pinesdale,160,3
+coffeen,887,2
+pomaria,440,6
+woodbine,750,3
+shelbyville,2794,0
+newfields,680,2
+tolstoy,118,7
+lindenwood,66,2
+lakeville,1248,1
+forkland,661,0
+marstons,1746,1
+lakeville,908,10
+lindenwood,1706,4
+ranchester,75,4
+coffeen,298,4
+klickitat,2344,4
+tolstoy,1619,1
+hiteman,1859,1
+hiteman,477,6
+tolstoy,319,8
+marstons,1526,0
+ranchester,666,0
+tolstoy,610,1
+pinesdale,1504,8
+lakeville,396,5
+lakeville,53,6
+wainscott,134,3
+klickitat,598,2
+klickitat,512,13
+coffeen,617,8
+klickitat,1850,5
+hiteman,698,2
+woodbine,23,9
+pinesdale,1214,14
+lindenwood,944,9
+wainscott,379,2
+lindenwood,1533,7
+pinesdale,1134,1
+klickitat,1866,2
+hanson,643,5
+forkland,307,4
+tolstoy,332,14
+klickitat,1739,1
+klickitat,1235,3
+hanson,1017,1
+cosmos,448,8
+ranchester,1421,1
+shelbyville,1651,2
+coffeen,68,1
+marstons,907,0
+woodbine,403,1
+lakeville,1443,12
+lakeville,1717,4
+pinesdale,1076,3
+onaga,414,1
+leonardo,2094,14
+lindenwood,352,6
+shelbyville,2065,6
+lindenwood,2352,0
+lakeville,1160,1
+marstons,712,0
+marstons,2089,2
+cosmos,884,6
+lakeville,391,5
+cosmos,968,4
+mifflinburg,883,3
+allensville,260,3
+marstons,1058,2
+leonardo,1635,11
+lindenwood,2604,7
+beechwood,888,2
+marstons,497,2
+beechwood,63,2
+tolstoy,1744,3
+lindenwood,2352,7
+wainscott,1704,0
+lakeville,1015,4
+tolstoy,177,8
+pinesdale,1403,1
+woodbine,985,11
+shelbyville,2379,3
+tolstoy,19,9
+marstons,2038,7
+hiteman,275,8
+lindenwood,1891,5
+lindenwood,1865,9
+leonardo,1482,2
+mifflinburg,545,7
+hiteman,109,4
+hanson,1633,1
+pinesdale,1219,1
+wainscott,1474,9
+leonardo,690,9
+lindenwood,732,11
+lindenwood,85,9
+marstons,1676,1
+hanson,423,5
+woodbine,1727,9
+pinesdale,1492,4
+hanson,1144,11
+allensville,348,3
+wainscott,819,2
+coffeen,71,3
+stockman,1503,3
+ranchester,350,15
+tolstoy,537,2
+pinesdale,311,1
+wainscott,758,6
+lakeville,1521,7
+marstons,2625,3
+leonardo,1642,1
+klickitat,2061,11
+hiteman,54,6
+pinesdale,523,7
+onaga,516,4
+tolstoy,1020,6
+marstons,1805,6
+wainscott,1529,0
+merom,508,4
+pomaria,176,2
+shelbyville,740,5
+lindenwood,1623,3
+leonardo,445,2
+leonardo,1370,4
+klickitat,717,4
+stockman,845,0
+ranchester,1600,4
+wainscott,1651,10
+pomaria,1036,11
+mifflinburg,814,10
+marstons,895,6
+benevolence,328,4
+marstons,294,0
+klickitat,1369,1
+benevolence,91,2
+pomaria,294,5
+shelbyville,1616,2
+hiteman,1061,3
+wainscott,916,2
+stockman,166,2
+wainscott,1178,5
+coffeen,351,0
+marstons,1574,8
+hanson,1161,5
+tolstoy,1710,4
+newfields,422,13
+newfields,546,2
+lindenwood,770,6
+wainscott,1046,6
+hanson,1424,7
+hiteman,1585,1
+hiteman,652,2
+shelbyville,491,4
+lakeville,634,3
+klickitat,626,2
+wainscott,899,6
+tolstoy,1489,1
+forkland,453,1
+lakeville,1700,2
+lindenwood,94,0
+hanson,1328,3
+pomaria,1095,7
+newfields,889,8
+newfields,1,4
+leonardo,462,3
+marstons,2497,0
+leonardo,1178,0
+lakeville,1500,0
+coffeen,1239,1
+lindenwood,599,11
+woodbine,1695,1
+pomaria,1527,9
+stockman,1227,3
+marstons,1255,0
+shelbyville,1988,5
+lindenwood,978,5
+wainscott,794,2
+tolstoy,1230,2
+shelbyville,2560,1
+lindenwood,448,4
+hiteman,711,7
+stockman,912,13
+mifflinburg,404,1
+shelbyville,421,4
+mifflinburg,890,1
+pinesdale,1450,1
+wainscott,1276,9
+wainscott,1351,1
+marstons,1836,12
+woodbine,1955,12
+tolstoy,556,13
+newfields,1362,1
+lakeville,90,6
+leonardo,1379,0
+shelbyville,1426,2
+marstons,1818,4
+leonardo,1466,8
+tolstoy,1113,6
+shelbyville,2509,0
+woodbine,1086,5
+wainscott,105,10
+ranchester,15,7
+klickitat,57,3
+ranchester,492,0
+lindenwood,1366,3
+newfields,231,1
+woodbine,467,2
+onaga,58,6
+woodbine,1719,1
+woodbine,1481,6
+hiteman,1678,2
+klickitat,1281,0
+pomaria,601,5
+lindenwood,2622,1
+pomaria,1181,3
+shelbyville,1306,10
+wainscott,349,1
+shelbyville,2750,1
+hanson,750,2
+klickitat,1850,9
+cosmos,411,5
+ranchester,142,3
+stockman,907,4
+shelbyville,2808,10
+coffeen,136,1
+hiteman,644,1
+woodbine,1135,0
+hanson,1049,2
+hiteman,1666,8
+marstons,551,2
+tolstoy,1427,2
+hanson,1106,9
+marstons,326,5
+shelbyville,1507,3
+merom,1027,2
+shelbyville,2132,12
+beechwood,1147,5
+shelbyville,1773,0
+shelbyville,1172,5
+shelbyville,1056,1
+shelbyville,1300,3
+klickitat,1534,3
+tolstoy,1676,2
+leonardo,1938,4
+marstons,2054,3
+pomaria,1487,0
+lindenwood,684,0
+shelbyville,1172,7
+marstons,731,1
+stockman,364,3
+wainscott,1602,5
+leonardo,2053,5
+shelbyville,2690,0
+woodbine,851,2
+benevolence,403,10
+pomaria,836,1
+leonardo,170,10
+klickitat,982,2
+tolstoy,1419,2
+hiteman,1137,3
+hiteman,1767,13
+allensville,147,1
+wainscott,597,7
+cosmos,534,6
+coffeen,793,10
+leonardo,51,6
+coffeen,366,6
+shelbyville,535,4
+ranchester,356,3
+pomaria,836,5
+woodbine,1855,0
+wainscott,281,0
+cosmos,89,12
+woodbine,393,0
+klickitat,1925,9
+lakeville,744,9
+pomaria,1597,5
+woodbine,200,2
+coffeen,1411,3
+marstons,1795,0
+wainscott,452,3
+shelbyville,1266,10
+newfields,1178,10
+wainscott,1318,2
+lindenwood,634,2
+shelbyville,1239,8
+cosmos,155,10
+lakeville,1582,5
+lindenwood,2154,3
+marstons,2474,12
+mifflinburg,279,1
+coffeen,958,1
+shelbyville,815,9
+woodbine,399,5
+lakeville,1256,0
+newfields,140,5
+stockman,36,0
+stockman,873,4
+forkland,893,0
+coffeen,233,3
+shelbyville,2724,1
+klickitat,2394,6
+hiteman,795,11
+marstons,958,11
+coffeen,718,2
+marstons,1094,0
+tolstoy,176,9
+pinesdale,528,8
+tolstoy,1062,2
+lindenwood,2322,4
+marstons,97,5
+pomaria,1031,11
+shelbyville,77,1
+klickitat,929,2
+marstons,797,7
+newfields,131,9
+leonardo,1240,5
+leonardo,1599,1
+ranchester,986,8
+forkland,1075,3
+woodbine,888,2
+tolstoy,848,10
+klickitat,687,1
+onaga,377,0
+benevolence,1,2
+leonardo,2106,4
+wainscott,862,7
+lindenwood,95,1
+shelbyville,786,0
+woodbine,1006,1
+beechwood,40,5
+hanson,1169,9
+hanson,866,1
+tolstoy,608,0
+stockman,1514,0
+coffeen,133,1
+klickitat,2397,0
+shelbyville,2582,9
+beechwood,1161,2
+forkland,1048,0
+marstons,1521,6
+pinesdale,307,8
+forkland,993,5
+onaga,341,1
+hiteman,565,2
+hiteman,1675,4
+lindenwood,406,8
+lindenwood,68,2
+mifflinburg,758,7
+klickitat,840,12
+tolstoy,100,8
+onaga,308,2
+hiteman,124,2
+onaga,286,3
+hanson,495,1
+leonardo,1784,0
+ranchester,1558,3
+newfields,380,2
+hiteman,689,0
+hanson,1341,4
+shelbyville,1039,0
+newfields,721,5
+pomaria,364,5
+onaga,87,4
+mifflinburg,200,12
+tolstoy,193,1
+coffeen,80,8
+wainscott,1312,1
+hiteman,1014,1
+hanson,249,1
+hanson,604,6
+hiteman,1505,4
+marstons,1805,2
+hanson,1519,2
+lindenwood,2181,14
+tolstoy,464,2
+marstons,1957,2
+pomaria,143,3
+woodbine,86,8
+leonardo,448,0
+klickitat,1574,9
+hiteman,154,1
+stockman,1618,0
+merom,616,0
+benevolence,66,5
+klickitat,914,7
+tolstoy,1228,5
+merom,526,2
+coffeen,695,0
+marstons,727,2
+hiteman,1142,8
+allensville,275,3
+leonardo,1935,4
+beechwood,208,1
+tolstoy,271,2
+lindenwood,1762,3
+hanson,1645,0
+pomaria,530,1
+klickitat,1712,6
+coffeen,403,1
+leonardo,1547,0
+leonardo,1061,3
+klickitat,644,2
+forkland,884,1
+lindenwood,2582,1
+wainscott,1520,2
+benevolence,648,0
+cosmos,985,5
+lindenwood,753,5
+woodbine,558,7
+klickitat,1088,0
+pinesdale,60,8
+pomaria,1271,0
+leonardo,75,3
+newfields,344,0
+woodbine,861,12
+cosmos,114,1
+pinesdale,298,0
+wainscott,600,1
+leonardo,620,1
+lakeville,1477,2
+marstons,716,3
+marstons,2488,3
+shelbyville,1881,4
+tolstoy,1782,10
+stockman,832,4
+lindenwood,1461,2
+leonardo,318,4
+shelbyville,990,11
+hiteman,939,0
+pinesdale,268,13
+beechwood,770,6
+woodbine,1420,1
+marstons,330,4
+shelbyville,2306,6
+klickitat,49,3
+hanson,1450,3
+tolstoy,319,4
+shelbyville,1649,0
+newfields,991,5
+ranchester,1395,0
+benevolence,180,4
+pomaria,853,1
+lakeville,1701,6
+hanson,547,5
+newfields,1415,0
+lakeville,393,11
+forkland,508,2
+shelbyville,2789,5
+tolstoy,109,0
+newfields,1416,8
+pomaria,179,3
+lindenwood,2109,15
+ranchester,66,2
+woodbine,1689,2
+shelbyville,171,1
+cosmos,576,0
+leonardo,290,0
+woodbine,2038,0
+mifflinburg,515,2
+ranchester,895,9
+allensville,502,1
+lindenwood,1988,8
+coffeen,1250,2
+beechwood,495,2
+forkland,223,0
+mifflinburg,657,3
+shelbyville,2459,0
+marstons,2510,0
+woodbine,1414,0
+wainscott,1332,4
+shelbyville,2282,3
+merom,1003,7
+ranchester,354,6
+shelbyville,846,7
+woodbine,1141,2
+shelbyville,1096,6
+klickitat,1191,2
+hanson,1025,4
+tolstoy,106,8
+lindenwood,1634,3
+woodbine,1051,8
+woodbine,1598,8
+merom,1082,0
+hanson,345,2
+hiteman,1635,7
+woodbine,721,0
+woodbine,251,1
+klickitat,1027,1
+tolstoy,1401,2
+pinesdale,669,4
+allensville,62,2
+klickitat,1556,7
+stockman,1364,3
+marstons,1269,6
+leonardo,893,5
+shelbyville,1359,4
+wainscott,1739,7
+ranchester,576,4
+beechwood,1109,2
+klickitat,1791,4
+wainscott,1235,5
+shelbyville,1221,0
+lakeville,35,4
+tolstoy,1164,10
+shelbyville,1105,3
+stockman,746,6
+coffeen,834,1
+newfields,1109,3
+klickitat,56,9
+wainscott,570,9
+leonardo,1472,0
+wainscott,191,0
+merom,108,0
+ranchester,39,5
+lindenwood,1659,12
+marstons,2428,2
+ranchester,1508,0
+lakeville,1334,3
+tolstoy,29,2
+pomaria,401,2
+leonardo,1392,2
+lakeville,1772,2
+leonardo,1096,1
+shelbyville,1605,2
+hiteman,136,16
+shelbyville,1773,13
+benevolence,898,3
+lindenwood,1062,0
+ranchester,1352,2
+beechwood,306,4
+merom,257,0
+ranchester,829,3
+forkland,1110,5
+lindenwood,1414,7
+lindenwood,1967,1
+shelbyville,32,4
+wainscott,1307,0
+klickitat,2217,2
+newfields,1532,3
+stockman,561,1
+stockman,1542,11
+forkland,281,0
+wainscott,937,9
+klickitat,569,5
+marstons,2367,3
+tolstoy,1254,4
+hiteman,1192,3
+coffeen,181,0
+lindenwood,2393,12
+newfields,533,5
+lindenwood,2114,1
+lakeville,86,10
+cosmos,530,1
+hanson,1550,2
+ranchester,1132,5
+stockman,339,0
+hiteman,326,13
+klickitat,1031,1
+marstons,2185,3
+onaga,299,4
+klickitat,1042,1
+hiteman,898,6
+leonardo,126,1
+klickitat,1647,4
+ranchester,624,0
+leonardo,1451,3
+pinesdale,1320,0
+ranchester,950,6
+leonardo,2080,3
+leonardo,869,0
+pinesdale,1292,0
+tolstoy,542,3
+marstons,2489,2
+marstons,488,1
+cosmos,897,5
+coffeen,859,0
+hiteman,981,0
+klickitat,1646,7
+newfields,1547,15
+ranchester,828,2
+marstons,1760,4
+wainscott,555,2
+pomaria,1448,10
+woodbine,1126,6
+coffeen,87,0
+ranchester,1150,6
+klickitat,2356,3
+ranchester,58,19
+marstons,1674,2
+marstons,2213,7
+pomaria,162,2
+hiteman,352,3
+onaga,352,10
+hanson,802,3
+wainscott,1280,2
+shelbyville,1262,0
+pomaria,1619,6
+lindenwood,1935,0
+pomaria,607,7
+woodbine,725,6
+shelbyville,597,4
+wainscott,8,1
+lindenwood,2288,2
+ranchester,124,3
+leonardo,1533,6
+shelbyville,82,0
+shelbyville,519,4
+mifflinburg,53,4
+lakeville,1884,0
+tolstoy,74,1
+newfields,1336,3
+wainscott,570,1
+marstons,224,7
+hanson,102,0
+woodbine,643,11
+wainscott,135,6
+leonardo,1382,1
+klickitat,630,0
+shelbyville,977,1
+hiteman,1671,16
+mifflinburg,742,12
+shelbyville,1177,5
+woodbine,1681,2
+pomaria,1473,6
+tolstoy,1833,2
+woodbine,1273,3
+lakeville,1372,5
+klickitat,376,3
+tolstoy,1017,0
+stockman,1251,6
+mifflinburg,227,0
+beechwood,961,2
+stockman,702,1
+allensville,370,0
+forkland,1157,8
+tolstoy,1318,1
+wainscott,250,4
+cosmos,423,1
+mifflinburg,789,1
+benevolence,549,2
+hiteman,615,1
+pomaria,694,0
+pinesdale,261,4
+forkland,7,6
+shelbyville,1690,2
+hanson,649,4
+merom,972,5
+lakeville,1061,1
+merom,753,5
+woodbine,745,5
+pomaria,722,1
+pomaria,452,1
+mifflinburg,75,1
+cosmos,25,5
+allensville,421,4
+hiteman,667,12
+hiteman,338,4
+lindenwood,1749,7
+marstons,1267,4
+leonardo,811,3
+tolstoy,1451,2
+woodbine,239,3
+shelbyville,2100,8
+wainscott,1412,1
+marstons,1458,3
+marstons,2141,8
+wainscott,859,13
+klickitat,1562,7
+tolstoy,159,4
+lindenwood,1244,0
+lakeville,344,0
+klickitat,916,0
+lakeville,1828,3
+klickitat,399,2
+stockman,1417,4
+beechwood,949,2
+shelbyville,489,3
+ranchester,685,1
+ranchester,529,4
+pinesdale,340,3
+shelbyville,1976,3
+newfields,1487,7
+marstons,647,0
+shelbyville,1637,1
+woodbine,945,9
+klickitat,2065,1
+marstons,747,1
+coffeen,1326,2
+benevolence,905,1
+shelbyville,692,17
+shelbyville,2116,0
+shelbyville,1161,7
+hiteman,1390,14
+leonardo,1284,1
+marstons,264,2
+hanson,730,5
+allensville,497,6
+lakeville,1532,1
+woodbine,96,6
+forkland,536,0
+woodbine,2042,3
+tolstoy,388,1
+shelbyville,1439,0
+pinesdale,765,6
+shelbyville,1783,5
+tolstoy,250,3
+tolstoy,1713,2
+ranchester,243,0
+allensville,330,0
+coffeen,602,4
+marstons,1461,2
+lakeville,206,1
+hanson,1234,0
+shelbyville,2543,2
+cosmos,459,1
+ranchester,400,3
+klickitat,2098,3
+newfields,905,4
+shelbyville,2796,0
+tolstoy,1768,0
+lindenwood,286,0
+hanson,1116,9
+forkland,989,3
+merom,1108,0
+newfields,931,10
+beechwood,1168,2
+klickitat,2329,2
+tolstoy,548,4
+lakeville,1327,3
+beechwood,1040,4
+hiteman,444,1
+woodbine,301,2
+klickitat,2286,8
+woodbine,1618,6
+klickitat,2049,1
+pomaria,1633,6
+klickitat,688,6
+pinesdale,895,8
+shelbyville,905,3
+hanson,627,3
+hiteman,1796,2
+pomaria,368,12
+pinesdale,962,2
+tolstoy,903,4
+lakeville,1760,2
+wainscott,557,2
+hanson,1473,2
+woodbine,1387,2
+leonardo,407,0
+marstons,377,2
+pinesdale,42,7
+benevolence,943,4
+newfields,1096,6
+pinesdale,69,8
+coffeen,1340,0
+lindenwood,2237,5
+lakeville,368,16
+hiteman,1255,1
+benevolence,586,2
+beechwood,319,3
+lindenwood,2310,0
+newfields,594,6
+newfields,958,2
+tolstoy,689,1
+wainscott,429,2
+lindenwood,819,2
+klickitat,2049,2
+beechwood,789,3
+hanson,7,7
+ranchester,807,2
+leonardo,2035,22
+marstons,1696,0
+hanson,1655,2
+lindenwood,759,2
+leonardo,1113,0
+shelbyville,723,1
+leonardo,1463,0
+woodbine,117,1
+beechwood,936,3
+hanson,322,6
+leonardo,1517,0
+mifflinburg,147,0
+coffeen,158,5
+shelbyville,2102,6
+klickitat,79,0
+shelbyville,812,5
+marstons,1610,0
+lindenwood,2631,0
+pomaria,1441,2
+wainscott,792,3
+wainscott,1108,1
+pinesdale,81,0
+hiteman,1728,3
+hanson,787,1
+pinesdale,842,0
+leonardo,2035,12
+wainscott,1102,7
+wainscott,813,4
+woodbine,1380,0
+lakeville,1671,4
+wainscott,1361,3
+lindenwood,1972,7
+klickitat,1038,6
+pomaria,1163,3
+tolstoy,610,4
+tolstoy,844,5
+klickitat,1464,1
+pinesdale,418,3
+marstons,2622,8
+hiteman,1143,3
+allensville,192,2
+klickitat,1994,4
+stockman,830,11
+tolstoy,452,2
+cosmos,628,9
+merom,352,0
+lakeville,1884,11
+lakeville,1766,0
+klickitat,1210,3
+mifflinburg,774,4
+shelbyville,780,6
+lakeville,77,2
+leonardo,1537,2
+pomaria,214,0
+hiteman,1756,12
+newfields,1207,13
+mifflinburg,184,1
+lindenwood,2368,0
+cosmos,75,3
+woodbine,1763,7
+wainscott,1202,5
+tolstoy,1593,1
+leonardo,1518,1
+newfields,1183,4
+hanson,984,3
+lindenwood,315,1
+lakeville,577,2
+newfields,678,4
+mifflinburg,50,4
+newfields,56,7
+wainscott,595,2
+marstons,1084,2
+cosmos,866,1
+stockman,569,4
+ranchester,702,0
+marstons,173,3
+lakeville,1310,7
+tolstoy,227,2
+mifflinburg,149,2
+mifflinburg,613,2
+pinesdale,800,5
+wainscott,1104,8
+wainscott,656,8
+pomaria,1236,0
+lindenwood,2600,4
+lindenwood,890,9
+benevolence,481,2
+lindenwood,1431,0
+marstons,1981,5
+hanson,1028,3
+woodbine,32,2
+leonardo,1559,4
+marstons,2339,3
+pinesdale,1017,1
+lakeville,1166,8
+lakeville,909,9
+beechwood,1115,0
+shelbyville,1953,2
+merom,871,8
+wainscott,676,1
+merom,445,3
+newfields,1025,4
+cosmos,956,1
+merom,230,3
+mifflinburg,875,2
+newfields,1303,6
+leonardo,1561,2
+shelbyville,199,7
+wainscott,1551,5
+ranchester,573,5
+wainscott,1700,8
+pomaria,737,6
+hanson,779,2
+ranchester,139,5
+marstons,1455,1
+lakeville,717,5
+hanson,412,5
+shelbyville,1768,2
+hanson,215,6
+leonardo,292,1
+beechwood,451,5
+ranchester,741,3
+wainscott,1683,4
+lakeville,802,2
+wainscott,1352,4
+marstons,705,9
+shelbyville,1977,0
+lindenwood,1425,14
+beechwood,2,1
+marstons,1,8
+benevolence,686,11
+allensville,266,2
+lakeville,1640,1
+leonardo,698,5
+newfields,89,15
+merom,993,0
+marstons,2388,1
+ranchester,1473,1
+woodbine,1093,5
+hanson,684,4
+shelbyville,1203,3
+leonardo,1515,8
+klickitat,1076,2
+wainscott,777,3
+forkland,944,5
+shelbyville,2766,7
+onaga,327,4
+lindenwood,363,8
+ranchester,1145,1
+leonardo,1122,0
+marstons,1246,6
+tolstoy,1660,9
+wainscott,375,1
+hanson,1021,7
+hanson,1019,4
+wainscott,740,5
+hanson,757,0
+leonardo,2064,4
+leonardo,1608,2
+lindenwood,2068,1
+klickitat,779,2
+lakeville,1540,3
+lindenwood,2345,10
+ranchester,1232,5
+pinesdale,959,0
+lakeville,193,6
+hanson,1218,16
+pinesdale,1483,0
+klickitat,1884,11
+ranchester,819,1
+newfields,999,8
+merom,274,1
+cosmos,948,2
+marstons,1812,0
+hiteman,1497,0
+lindenwood,1131,8
+lindenwood,41,1
+klickitat,964,3
+wainscott,1358,5
+woodbine,2054,3
+stockman,1327,7
+shelbyville,669,3
+shelbyville,2236,4
+merom,582,5
+woodbine,1639,17
+lindenwood,1277,12
+wainscott,1595,2
+cosmos,114,2
+marstons,741,5
+shelbyville,50,3
+klickitat,246,17
+stockman,1292,1
+wainscott,999,10
+hanson,812,12
+marstons,2532,11
+hanson,516,1
+mifflinburg,585,2
+coffeen,1002,3
+stockman,1085,5
+stockman,1540,2
+pomaria,737,4
+hiteman,181,4
+pinesdale,614,7
+leonardo,1087,3
+lindenwood,116,1
+hanson,222,3
+pomaria,1623,5
+lakeville,1865,12
+lindenwood,1359,2
+lakeville,1491,2
+tolstoy,1366,9
+leonardo,1283,1
+mifflinburg,320,1
+marstons,20,6
+coffeen,693,1
+stockman,570,0
+woodbine,2013,2
+pinesdale,1476,0
+onaga,147,0
+marstons,895,7
+marstons,2099,2
+benevolence,808,3
+tolstoy,1019,2
+klickitat,874,7
+mifflinburg,886,2
+ranchester,247,6
+woodbine,1454,2
+tolstoy,1629,0
+wainscott,1425,14
+coffeen,690,2
+woodbine,1993,1
+marstons,2556,0
+forkland,168,4
+wainscott,1281,11
+mifflinburg,528,6
+shelbyville,1406,4
+pomaria,729,0
+newfields,907,4
+pomaria,954,5
+klickitat,2368,1
+marstons,392,0
+hanson,651,5
+woodbine,7,5
+coffeen,758,4
+woodbine,1451,1
+shelbyville,2582,2
+klickitat,2143,8
+pinesdale,533,2
+ranchester,42,0
+marstons,348,2
+stockman,801,3
+stockman,89,7
+marstons,2483,8
+hiteman,1810,5
+merom,657,0
+leonardo,1295,13
+hanson,705,2
+newfields,819,2
+woodbine,1223,0
+lindenwood,718,3
+shelbyville,1263,2
+newfields,61,6
+tolstoy,21,5
+stockman,263,2
+shelbyville,282,9
+hiteman,1564,1
+cosmos,194,0
+woodbine,423,6
+marstons,130,9
+woodbine,1853,2
+lakeville,178,3
+allensville,271,7
+klickitat,601,4
+shelbyville,146,7
+wainscott,1703,3
+shelbyville,2554,3
+tolstoy,682,10
+shelbyville,2234,4
+pinesdale,1387,7
+lakeville,1293,3
+hiteman,1318,7
+merom,355,0
+lakeville,1739,1
+shelbyville,870,2
+mifflinburg,132,0
+shelbyville,2685,2
+shelbyville,2475,0
+lindenwood,2642,6
+tolstoy,289,1
+leonardo,1470,1
+beechwood,466,2
+marstons,474,7
+wainscott,564,1
+beechwood,557,4
+stockman,171,1
+pinesdale,348,2
+newfields,1576,3
+newfields,1055,4
+ranchester,49,4
+marstons,63,2
+marstons,2651,11
+woodbine,112,9
+hiteman,1444,4
+hanson,1002,5
+klickitat,8,9
+allensville,98,2
+beechwood,530,1
+leonardo,1827,3
+cosmos,311,6
+tolstoy,1452,7
+marstons,1035,5
+tolstoy,1103,4
+tolstoy,118,3
+pinesdale,205,11
+lindenwood,1799,4
+leonardo,316,2
+tolstoy,1803,0
+wainscott,1350,2
+hanson,847,4
+hanson,365,13
+shelbyville,433,1
+lindenwood,1184,0
+klickitat,1286,4
+hiteman,1020,5
+mifflinburg,897,6
+lindenwood,2326,1
+lindenwood,774,8
+lindenwood,2160,2
+woodbine,470,12
+marstons,2273,10
+marstons,1744,11
+lakeville,1047,1
+shelbyville,1537,5
+onaga,401,4
+pomaria,1578,5
+wainscott,594,11
+forkland,581,1
+wainscott,1206,0
+hiteman,399,5
+wainscott,74,0
+wainscott,1145,6
+newfields,1196,0
+woodbine,237,0
+lindenwood,385,7
+hanson,413,5
+woodbine,1269,0
+hiteman,651,0
+ranchester,269,0
+marstons,2337,1
+lindenwood,1312,10
+forkland,435,4
+hiteman,138,11
+cosmos,23,2
+shelbyville,1792,2
+hanson,1218,6
+klickitat,1307,3
+marstons,1398,1
+merom,677,7
+beechwood,145,5
+hiteman,699,13
+ranchester,428,5
+merom,993,3
+lakeville,811,10
+newfields,165,1
+benevolence,774,3
+woodbine,261,2
+lakeville,1805,7
+hanson,1020,3
+woodbine,1830,1
+lindenwood,2051,0
+lindenwood,22,2
+forkland,990,1
+leonardo,2057,0
+shelbyville,329,9
+shelbyville,63,3
+shelbyville,2313,0
+pomaria,1409,3
+lindenwood,29,14
+wainscott,502,1
+lindenwood,251,13
+hiteman,522,6
+leonardo,552,5
+hiteman,1556,16
+marstons,2029,3
+cosmos,360,3
+hanson,437,3
+lakeville,1000,6
+pomaria,405,0
+lindenwood,1296,1
+wainscott,390,6
+lakeville,296,1
+lakeville,1778,2
+cosmos,393,9
+lakeville,1455,4
+pomaria,1308,1
+newfields,613,6
+pinesdale,32,1
+coffeen,727,3
+leonardo,1893,0
+klickitat,895,1
+lindenwood,456,7
+pomaria,1258,6
+klickitat,170,5
+beechwood,445,3
+coffeen,1099,2
+wainscott,584,11
+coffeen,249,4
+tolstoy,454,0
+klickitat,680,4
+pomaria,223,0
+klickitat,61,2
+coffeen,1156,6
+pomaria,769,11
+pinesdale,294,1
+lakeville,698,6
+beechwood,681,1
+hanson,208,0
+coffeen,1341,4
+allensville,20,1
+wainscott,1025,10
+klickitat,1557,1
+mifflinburg,661,0
+marstons,108,0
+cosmos,896,9
+pinesdale,821,2
+lakeville,1588,0
+leonardo,1428,2
+tolstoy,98,6
+leonardo,657,6
+lindenwood,1521,1
+wainscott,978,8
+pomaria,1575,0
+wainscott,1687,2
+klickitat,1040,8
+shelbyville,1603,3
+pomaria,460,5
+woodbine,1524,0
+lindenwood,685,18
+merom,999,4
+allensville,230,6
+pinesdale,860,0
+benevolence,196,5
+hiteman,1142,0
+coffeen,675,3
+marstons,686,1
+lindenwood,827,1
+coffeen,1287,0
+wainscott,956,0
+klickitat,1475,7
+mifflinburg,533,1
+shelbyville,903,5
+onaga,674,7
+lakeville,1655,11
+klickitat,1918,5
+cosmos,640,5
+hiteman,538,3
+beechwood,354,0
+hanson,1116,6
+stockman,1005,4
+hanson,459,4
+pomaria,1507,0
+klickitat,1428,0
+lindenwood,1716,7
+woodbine,1363,6
+shelbyville,2015,2
+lindenwood,691,3
+onaga,253,1
+lindenwood,1882,8
+beechwood,667,1
+wainscott,488,3
+benevolence,663,1
+klickitat,1583,8
+klickitat,684,2
+pomaria,858,5
+woodbine,1311,7
+ranchester,1488,0
+leonardo,1630,3
+lakeville,1511,2
+hanson,741,2
+lindenwood,1676,1
+klickitat,116,9
+leonardo,770,0
+newfields,1395,4
+hiteman,979,3
+wainscott,1131,1
+marstons,2005,7
+lakeville,1877,2
+hiteman,797,4
+lakeville,1762,2
+newfields,1597,17
+ranchester,280,0
+lindenwood,1310,2
+hiteman,1464,1
+klickitat,1271,1
+hiteman,1615,6
+wainscott,597,8
+merom,83,4
+shelbyville,418,2
+tolstoy,116,1
+stockman,1206,1
+pomaria,211,2
+leonardo,1665,0
+shelbyville,1772,0
+marstons,1398,4
+pomaria,68,2
+cosmos,698,7
+lindenwood,2644,1
+coffeen,6,4
+allensville,509,1
+coffeen,345,2
+marstons,969,6
+hiteman,420,0
+ranchester,748,4
+marstons,651,1
+marstons,1174,14
+hiteman,1141,2
+pinesdale,629,5
+leonardo,1520,1
+beechwood,232,0
+lindenwood,937,4
+cosmos,930,5
+hiteman,1221,0
+tolstoy,1560,4
+shelbyville,2518,1
+woodbine,200,5
+wainscott,713,1
+shelbyville,781,10
+newfields,1503,9
+lindenwood,2359,3
+coffeen,1222,5
+tolstoy,1605,4
+tolstoy,458,1
+marstons,2020,1
+hanson,283,8
+tolstoy,1138,4
+forkland,576,1
+lindenwood,1767,3
+woodbine,29,3
+tolstoy,672,2
+ranchester,232,0
+merom,397,8
+pomaria,725,5
+lindenwood,2313,2
+klickitat,1118,7
+cosmos,1054,5
+lindenwood,1540,0
+leonardo,1358,8
+shelbyville,1470,3
+pomaria,1326,0
+shelbyville,561,0
+stockman,384,5
+newfields,857,11
+marstons,1595,3
+lindenwood,1998,3
+beechwood,516,3
+lindenwood,2262,1
+lindenwood,1616,2
+ranchester,1400,0
+pomaria,372,0
+marstons,2068,0
+hanson,373,7
+hiteman,836,0
+stockman,647,6
+beechwood,635,1
+ranchester,1475,2
+beechwood,1015,1
+klickitat,222,5
+lakeville,1664,7
+ranchester,1087,1
+hiteman,1126,7
+ranchester,210,11
+lakeville,341,1
+shelbyville,193,2
+pomaria,694,1
+woodbine,1790,0
+beechwood,904,12
+wainscott,1785,3
+hanson,97,1
+tolstoy,721,2
+klickitat,2361,6
+leonardo,1364,2
+newfields,217,7
+shelbyville,2185,3
+klickitat,892,3
+shelbyville,964,7
+lakeville,601,2
+klickitat,1363,20
+tolstoy,1339,9
+hiteman,1396,1
+hanson,1310,4
+lakeville,484,13
+newfields,221,5
+lakeville,1651,2
+tolstoy,1654,0
+pomaria,368,15
+klickitat,1924,3
+forkland,1130,7
+hiteman,537,7
+beechwood,678,5
+onaga,432,3
+wainscott,1385,16
+ranchester,1164,6
+ranchester,907,1
+ranchester,443,3
+marstons,798,0
+lindenwood,2248,7
+hanson,1091,1
+forkland,525,6
+stockman,521,3
+pomaria,1056,0
+marstons,269,3
+lindenwood,1503,3
+pinesdale,768,6
+tolstoy,1088,9
+pinesdale,869,7
+pomaria,1263,7
+tolstoy,903,5
+woodbine,558,12
+benevolence,912,1
+woodbine,1356,8
+hiteman,187,5
+wainscott,417,5
+klickitat,1622,1
+coffeen,895,0
+forkland,730,3
+woodbine,98,2
+leonardo,690,10
+pomaria,974,3
+stockman,897,1
+coffeen,1491,0
+woodbine,589,12
+ranchester,413,0
+hanson,275,4
+marstons,1783,9
+stockman,6,0
+shelbyville,1304,6
+shelbyville,273,8
+marstons,1193,6
+tolstoy,1826,4
+lindenwood,1983,5
+cosmos,71,1
+stockman,435,2
+newfields,1304,2
+hiteman,1729,8
+merom,573,7
+lindenwood,322,3
+pomaria,1544,5
+allensville,84,2
+wainscott,155,5
+onaga,101,3
+woodbine,1655,2
+shelbyville,1095,0
+benevolence,926,1
+stockman,394,0
+benevolence,71,2
+lakeville,249,2
+tolstoy,848,9
+shelbyville,957,3
+tolstoy,1556,2
+marstons,1880,2
+marstons,1062,6
+lindenwood,2585,5
+tolstoy,154,7
+woodbine,290,1
+wainscott,1663,0
+hiteman,211,12
+lindenwood,2140,7
+stockman,824,5
+hanson,978,1
+hiteman,931,1
+lakeville,677,3
+hiteman,1553,0
+lakeville,709,1
+hanson,577,1
+lindenwood,645,6
+marstons,284,6
+coffeen,1185,0
+lindenwood,416,17
+lakeville,1737,1
+cosmos,599,6
+forkland,757,1
+pomaria,494,4
+beechwood,714,2
+cosmos,1041,3
+wainscott,934,5
+klickitat,1652,1
+wainscott,1066,0
+benevolence,45,5
+lindenwood,1867,5
+cosmos,405,5
+newfields,1312,1
+pomaria,1521,0
+shelbyville,696,4
+ranchester,149,2
+stockman,762,3
+leonardo,464,2
+pinesdale,1376,3
+beechwood,1111,1
+hanson,217,3
+marstons,46,1
+hiteman,1600,4
+mifflinburg,125,1
+cosmos,69,3
+coffeen,1422,3
+lindenwood,2378,3
+coffeen,408,0
+marstons,1771,10
+cosmos,97,0
+lindenwood,1131,2
+pomaria,1127,7
+hiteman,52,1
+lindenwood,2236,9
+hiteman,994,2
+beechwood,705,5
+hanson,1388,16
+ranchester,1000,6
+klickitat,552,1
+pinesdale,1189,2
+marstons,249,2
+stockman,1118,2
+leonardo,436,2
+klickitat,1800,3
+shelbyville,1513,7
+leonardo,1410,1
+klickitat,274,8
+klickitat,1959,5
+hiteman,1426,2
+hiteman,827,2
+lindenwood,1919,16
+hanson,1294,3
+hiteman,940,7
+pinesdale,155,3
+stockman,869,0
+klickitat,295,4
+wainscott,862,8
+lakeville,256,9
+leonardo,1221,1
+tolstoy,556,15
+klickitat,342,0
+wainscott,1206,10
+newfields,1593,6
+pomaria,1584,2
+hiteman,1020,4
+stockman,545,1
+lindenwood,955,9
+wainscott,365,3
+klickitat,727,0
+klickitat,1440,0
+shelbyville,2148,4
+leonardo,368,1
+ranchester,645,4
+merom,331,1
+marstons,642,5
+coffeen,509,3
+ranchester,1374,5
+leonardo,188,2
+marstons,201,5
+ranchester,1225,4
+ranchester,1590,1
+lindenwood,309,3
+merom,382,1
+tolstoy,1637,7
+hanson,435,0
+shelbyville,722,10
+newfields,752,10
+lindenwood,2516,5
+pomaria,615,5
+woodbine,1488,6
+forkland,229,3
+pinesdale,1402,1
+leonardo,1076,3
+tolstoy,1082,1
+stockman,592,1
+newfields,1339,1
+lindenwood,1245,4
+lindenwood,630,8
+pinesdale,212,6
+hanson,1133,1
+marstons,1405,0
+pomaria,797,0
+ranchester,1285,8
+stockman,1206,2
+wainscott,703,0
+hanson,1538,0
+forkland,937,3
+hanson,763,5
+newfields,1324,3
+mifflinburg,612,0
+lakeville,460,6
+pomaria,1293,4
+klickitat,2185,3
+marstons,2509,2
+marstons,326,2
+klickitat,1667,4
+allensville,127,3
+forkland,432,2
+leonardo,1027,10
+stockman,786,1
+shelbyville,2307,10
+wainscott,1553,5
+hiteman,415,3
+wainscott,3,6
+forkland,209,0
+newfields,588,5
+marstons,2301,1
+pinesdale,1512,2
+onaga,44,2
+leonardo,1480,8
+woodbine,1293,3
+pinesdale,760,4
+forkland,588,1
+marstons,2437,2
+pinesdale,352,5
+shelbyville,1446,4
+forkland,649,4
+lindenwood,86,13
+cosmos,907,2
+pomaria,1095,14
+woodbine,695,1
+merom,993,1
+woodbine,1304,6
+leonardo,1994,9
+woodbine,1892,6
+leonardo,115,13
+lakeville,236,6
+ranchester,1223,1
+marstons,1776,0
+tolstoy,745,0
+leonardo,447,7
+marstons,2462,3
+klickitat,744,0
+marstons,2124,0
+marstons,912,8
+shelbyville,660,9
+lindenwood,834,2
+marstons,1953,2
+wainscott,1511,2
+shelbyville,2328,6
+pinesdale,688,9
+tolstoy,48,2
+cosmos,97,6
+leonardo,530,14
+merom,207,0
+lindenwood,279,1
+lindenwood,1497,4
+cosmos,192,5
+hanson,1251,4
+klickitat,2342,0
+pinesdale,1116,0
+pomaria,579,5
+coffeen,1114,0
+hiteman,1210,5
+hiteman,1055,0
+woodbine,786,8
+mifflinburg,54,4
+wainscott,1698,11
+tolstoy,164,0
+stockman,148,5
+ranchester,764,1
+leonardo,170,13
+lindenwood,2252,9
+hiteman,1148,0
+klickitat,1203,8
+benevolence,145,6
+pomaria,1643,6
+shelbyville,2344,4
+onaga,154,3
+woodbine,1331,8
+stockman,326,3
+shelbyville,1584,0
+pinesdale,1100,0
+leonardo,406,6
+lindenwood,48,3
+stockman,29,0
+marstons,1444,7
+wainscott,1388,3
+merom,65,1
+wainscott,1007,7
+lakeville,1413,2
+klickitat,1715,5
+coffeen,414,3
+lindenwood,2254,5
+hiteman,530,5
+beechwood,930,5
+hiteman,56,5
+klickitat,424,1
+woodbine,1275,1
+newfields,545,9
+merom,485,8
+ranchester,957,1
+lakeville,452,3
+allensville,144,2
+pomaria,1057,0
+lakeville,1614,6
+lindenwood,1513,2
+pomaria,997,8
+coffeen,865,2
+merom,241,1
+newfields,925,3
+lindenwood,2208,5
+newfields,0,8
+woodbine,1064,1
+lakeville,1164,0
+pinesdale,1029,5
+shelbyville,1537,3
+shelbyville,2437,0
+hiteman,1736,11
+cosmos,479,0
+shelbyville,2122,5
+cosmos,865,2
+coffeen,358,4
+pinesdale,345,6
+forkland,716,5
+beechwood,715,2
+coffeen,265,3
+lindenwood,1413,4
+lindenwood,433,6
+lakeville,171,13
+klickitat,147,4
+woodbine,1924,0
+klickitat,1394,4
+cosmos,1017,6
+newfields,673,0
+shelbyville,11,0
+allensville,213,1
+tolstoy,985,6
+klickitat,1545,6
+shelbyville,1463,1
+woodbine,369,8
+leonardo,91,2
+leonardo,257,6
+tolstoy,758,2
+newfields,1633,6
+lakeville,804,2
+newfields,1211,6
+wainscott,29,0
+tolstoy,1293,5
+leonardo,260,2
+hanson,1149,3
+beechwood,452,1
+klickitat,1916,11
+woodbine,391,4
+pinesdale,1479,0
+hiteman,1060,1
+marstons,2078,2
+shelbyville,2122,2
+marstons,189,0
+wainscott,990,6
+newfields,964,0
+tolstoy,752,2
+benevolence,367,2
+klickitat,1884,2
+hiteman,1645,13
+wainscott,1390,9
+shelbyville,528,0
+shelbyville,34,2
+ranchester,946,4
+lindenwood,2497,9
+hanson,1078,10
+hanson,61,7
+leonardo,106,1
+shelbyville,2325,4
+pomaria,1488,0
+benevolence,407,0
+marstons,2456,0
+beechwood,140,4
+lindenwood,369,2
+cosmos,55,1
+lakeville,1371,2
+leonardo,51,4
+beechwood,804,2
+pomaria,1275,3
+shelbyville,1449,8
+stockman,960,4
+hanson,652,3
+beechwood,883,4
+woodbine,889,0
+coffeen,383,1
+beechwood,1027,2
+lindenwood,158,3
+wainscott,1550,6
+hiteman,530,3
+hiteman,800,2
+leonardo,716,4
+onaga,592,4
+klickitat,1081,4
+hanson,690,0
+wainscott,596,1
+wainscott,867,4
+hiteman,850,15
+lindenwood,640,3
+newfields,1304,11
+leonardo,1525,0
+forkland,154,1
+hanson,1489,3
+hiteman,451,6
+klickitat,225,6
+newfields,44,3
+lindenwood,2594,1
+hanson,1292,0
+klickitat,782,8
+lindenwood,678,1
+klickitat,653,12
+marstons,623,4
+ranchester,1439,8
+newfields,326,5
+mifflinburg,668,8
+shelbyville,2349,3
+pinesdale,980,2
+newfields,511,12
+marstons,1580,8
+pinesdale,587,2
+shelbyville,1044,1
+hiteman,1362,2
+tolstoy,130,1
+ranchester,971,5
+klickitat,856,0
+pinesdale,1093,2
+marstons,744,3
+shelbyville,1069,10
+marstons,2535,3
+shelbyville,2217,13
+pinesdale,270,3
+leonardo,2008,4
+marstons,706,3
+tolstoy,1118,2
+hiteman,896,4
+ranchester,62,6
+benevolence,334,4
+ranchester,1022,5
+cosmos,776,0
+lindenwood,2539,2
+klickitat,804,2
+benevolence,59,0
+hanson,1081,2
+woodbine,302,0
+merom,537,4
+hanson,666,4
+klickitat,1395,3
+lindenwood,811,4
+leonardo,1801,4
+newfields,160,0
+lindenwood,338,3
+allensville,71,2
+shelbyville,1075,6
+beechwood,996,4
+klickitat,1460,2
+marstons,872,4
+pinesdale,1295,4
+hiteman,1453,2
+lindenwood,1372,2
+leonardo,1446,1
+merom,948,0
+ranchester,300,2
+woodbine,472,3
+stockman,560,8
+onaga,326,1
+shelbyville,559,0
+lindenwood,1528,3
+forkland,143,0
+ranchester,370,9
+leonardo,1367,13
+tolstoy,400,9
+stockman,1589,1
+woodbine,1763,13
+onaga,36,4
+leonardo,1834,1
+merom,862,1
+lakeville,255,3
+newfields,805,7
+marstons,35,0
+klickitat,613,5
+pinesdale,1354,4
+newfields,124,2
+hiteman,1022,10
+klickitat,2114,1
+tolstoy,247,3
+ranchester,791,4
+klickitat,1885,2
+shelbyville,151,8
+newfields,166,2
+woodbine,1534,10
+benevolence,807,3
+leonardo,883,1
+leonardo,643,3
+hanson,1312,0
+cosmos,708,1
+leonardo,503,8
+coffeen,1083,3
+shelbyville,780,4
+hiteman,1396,3
+lakeville,116,18
+marstons,79,4
+hanson,2,0
+wainscott,904,3
+merom,197,1
+beechwood,1085,2
+coffeen,1373,1
+tolstoy,460,6
+cosmos,494,9
+newfields,702,1
+shelbyville,2380,2
+allensville,464,5
+pinesdale,225,3
+ranchester,1540,0
+coffeen,120,2
+lindenwood,1668,1
+coffeen,81,2
+hanson,94,5
+pinesdale,689,2
+lindenwood,375,1
+stockman,940,8
+wainscott,1794,3
+shelbyville,1424,5
+coffeen,24,0
+klickitat,705,1
+hiteman,549,0
+pinesdale,480,1
+hanson,1128,9
+wainscott,1735,1
+leonardo,1989,3
+marstons,690,8
+lindenwood,1679,0
+hanson,1592,12
+klickitat,1369,10
+forkland,77,4
+lindenwood,1823,5
+ranchester,792,3
+hiteman,19,8
+klickitat,653,8
+klickitat,1025,6
+klickitat,968,2
+tolstoy,1081,0
+klickitat,220,11
+wainscott,1610,4
+newfields,1590,1
+klickitat,317,2
+wainscott,404,0
+klickitat,2083,2
+beechwood,283,1
+forkland,718,3
+cosmos,662,13
+onaga,364,4
+merom,366,4
+benevolence,769,2
+pinesdale,498,6
+klickitat,1234,1
+mifflinburg,898,4
+marstons,1296,1
+lakeville,1772,11
+hiteman,1196,2
+shelbyville,1869,3
+leonardo,1969,7
+allensville,240,6
+tolstoy,13,2
+tolstoy,555,7
+leonardo,408,0
+klickitat,621,4
+klickitat,572,4
+marstons,222,2
+woodbine,69,12
+hanson,53,5
+newfields,106,2
+shelbyville,213,1
+wainscott,1111,2
+marstons,896,3
+woodbine,1646,4
+pomaria,1300,11
+wainscott,707,6
+pinesdale,1390,8
+woodbine,1546,2
+marstons,1251,3
+lakeville,1870,3
+pinesdale,542,2
+hiteman,1539,5
+hiteman,1786,5
+klickitat,544,0
+wainscott,1576,11
+wainscott,1625,2
+woodbine,895,0
+wainscott,269,6
+lakeville,382,0
+tolstoy,1108,5
+klickitat,505,1
+stockman,8,8
+woodbine,149,0
+stockman,1481,8
+klickitat,2061,9
+benevolence,456,5
+marstons,2643,5
+pomaria,68,4
+woodbine,1441,4
+wainscott,1111,6
+forkland,213,0
+coffeen,554,2
+lindenwood,1506,3
+ranchester,13,4
+coffeen,921,2
+marstons,567,8
+lakeville,1207,2
+beechwood,137,3
+marstons,409,2
+lindenwood,542,1
+merom,245,9
+pinesdale,63,0
+hanson,226,6
+ranchester,90,5
+klickitat,1150,3
+lindenwood,112,3
+woodbine,1099,3
+wainscott,377,6
+woodbine,1713,1
+woodbine,270,2
+hanson,144,9
+lakeville,838,0
+cosmos,197,5
+woodbine,158,2
+coffeen,1238,0
+woodbine,1827,4
+woodbine,129,6
+marstons,2564,7
+pomaria,1375,0
+tolstoy,1715,0
+shelbyville,2681,7
+newfields,242,4
+hanson,238,14
+hanson,1105,2
+leonardo,665,5
+pomaria,643,5
+wainscott,1604,8
+leonardo,296,3
+onaga,535,4
+marstons,905,2
+hanson,1062,2
+lakeville,93,2
+lakeville,849,13
+marstons,2326,3
+mifflinburg,52,6
+hanson,1505,6
+hanson,211,1
+hiteman,1578,1
+pinesdale,1331,0
+stockman,629,0
+ranchester,219,7
+cosmos,955,2
+mifflinburg,401,1
+shelbyville,204,9
+marstons,2227,4
+hanson,145,2
+shelbyville,990,13
+klickitat,345,6
+marstons,781,2
+tolstoy,1468,0
+pinesdale,545,1
+marstons,527,1
+stockman,143,0
+mifflinburg,535,3
+pinesdale,1244,13
+klickitat,2010,1
+beechwood,231,0
+shelbyville,953,0
+lakeville,2,8
+newfields,788,0
+coffeen,176,2
+ranchester,869,2
+wainscott,1218,1
+stockman,239,0
+leonardo,1491,1
+hiteman,1178,4
+woodbine,904,7
+leonardo,31,0
+pinesdale,118,5
+allensville,278,1
+woodbine,98,0
+tolstoy,753,8
+beechwood,1127,0
+ranchester,1532,1
+stockman,1448,1
+pinesdale,1185,1
+pinesdale,1286,1
+shelbyville,2483,2
+lindenwood,813,11
+wainscott,122,4
+lindenwood,2435,0
+forkland,187,2
+forkland,1041,3
+leonardo,1132,9
+stockman,294,2
+pomaria,948,2
+ranchester,360,4
+tolstoy,178,0
+marstons,202,9
+tolstoy,692,1
+shelbyville,1458,11
+shelbyville,2368,3
+beechwood,369,4
+leonardo,992,2
+woodbine,405,3
+hanson,143,1
+klickitat,799,1
+tolstoy,477,2
+pinesdale,1094,4
+woodbine,282,4
+pomaria,1448,9
+merom,969,5
+lakeville,905,2
+wainscott,631,0
+woodbine,722,3
+lakeville,1348,5
+benevolence,534,1
+lakeville,566,3
+lindenwood,2320,5
+lindenwood,1244,4
+lakeville,1774,1
+shelbyville,2464,0
+hanson,870,1
+woodbine,891,5
+pomaria,32,5
+pinesdale,540,7
+klickitat,1069,4
+cosmos,489,4
+leonardo,1688,3
+mifflinburg,240,0
+lindenwood,810,0
+coffeen,1134,2
+marstons,20,7
+wainscott,1086,3
+lakeville,803,6
+hiteman,477,4
+wainscott,288,2
+marstons,2576,0
+ranchester,913,6
+klickitat,2089,14
+klickitat,1369,6
+wainscott,865,4
+marstons,818,2
+shelbyville,556,12
+benevolence,572,1
+woodbine,1529,2
+pinesdale,756,6
+pomaria,1515,5
+hanson,1581,5
+pinesdale,7,2
+newfields,497,3
+ranchester,1328,0
+shelbyville,470,5
+beechwood,460,2
+pomaria,826,3
+leonardo,781,0
+tolstoy,680,8
+wainscott,384,6
+lakeville,1863,2
+coffeen,884,3
+lindenwood,1374,1
+tolstoy,1048,2
+coffeen,517,3
+klickitat,1902,6
+allensville,489,1
+lindenwood,2433,3
+coffeen,810,0
+woodbine,1458,6
+pomaria,398,1
+stockman,1380,2
+lindenwood,231,0
+merom,163,7
+mifflinburg,345,3
+leonardo,1377,0
+pinesdale,124,0
+shelbyville,1305,6
+wainscott,1439,1
+newfields,328,0
+hiteman,536,9
+wainscott,1223,0
+newfields,1439,13
+marstons,2574,2
+woodbine,29,5
+cosmos,317,6
+woodbine,1540,6
+klickitat,1795,0
+marstons,1288,1
+marstons,1472,3
+onaga,423,1
+stockman,488,1
+newfields,1231,2
+newfields,331,2
+pinesdale,628,2
+hanson,2,2
+wainscott,920,3
+benevolence,260,1
+hanson,707,8
+woodbine,393,6
+leonardo,688,0
+lakeville,160,0
+shelbyville,1854,7
+cosmos,32,7
+marstons,1472,1
+cosmos,1038,11
+lindenwood,813,2
+beechwood,722,1
+lindenwood,1392,2
+beechwood,397,0
+beechwood,746,3
+onaga,213,1
+leonardo,1975,2
+hiteman,1281,3
+cosmos,493,1
+newfields,798,2
+newfields,1220,0
+wainscott,1284,13
+hanson,618,2
+pomaria,469,9
+hanson,1281,7
+mifflinburg,582,1
+shelbyville,928,13
+leonardo,1591,4
+hanson,564,1
+hiteman,165,8
+shelbyville,1999,8
+lindenwood,956,1
+leonardo,590,3
+ranchester,80,8
+marstons,361,6
+leonardo,1969,4
+hiteman,731,1
+hiteman,1822,0
+mifflinburg,820,4
+lindenwood,1447,2
+lindenwood,40,0
+allensville,439,2
+coffeen,1408,0
+allensville,457,0
+coffeen,781,6
+beechwood,226,0
+lindenwood,936,4
+forkland,1019,2
+hiteman,893,4
+wainscott,1184,1
+woodbine,1355,10
+leonardo,966,5
+shelbyville,1633,5
+newfields,1168,8
+wainscott,1797,2
+lakeville,1164,1
+newfields,1190,16
+leonardo,1027,7
+onaga,222,8
+beechwood,369,3
+allensville,264,6
+marstons,1493,2
+benevolence,794,2
+shelbyville,957,5
+pomaria,1371,11
+lindenwood,1447,1
+coffeen,945,1
+woodbine,1137,5
+newfields,190,10
+stockman,801,7
+forkland,278,4
+shelbyville,1198,1
+klickitat,2052,9
+beechwood,675,9
+shelbyville,819,2
+merom,39,2
+tolstoy,1484,2
+wainscott,880,0
+newfields,167,1
+woodbine,886,1
+shelbyville,1753,2
+tolstoy,504,1
+hiteman,1495,10
+benevolence,635,0
+allensville,406,2
+marstons,602,3
+stockman,573,0
+lindenwood,386,7
+wainscott,84,8
+beechwood,700,1
+klickitat,1456,2
+hanson,1556,0
+allensville,265,3
+stockman,1110,6
+pomaria,996,3
+pomaria,1571,4
+lakeville,977,14
+leonardo,146,5
+onaga,331,2
+klickitat,1648,7
+merom,414,5
+forkland,245,1
+shelbyville,2734,1
+cosmos,463,2
+lakeville,739,11
+newfields,1093,6
+pomaria,469,3
+klickitat,1997,0
+shelbyville,1927,2
+lindenwood,1799,7
+klickitat,2036,7
+klickitat,1239,13
+shelbyville,2680,2
+lakeville,632,2
+klickitat,2396,7
+coffeen,1142,0
+wainscott,198,4
+merom,1103,4
+klickitat,13,0
+cosmos,1067,2
+lindenwood,1122,4
+leonardo,378,1
+tolstoy,1676,1
+tolstoy,1579,0
+marstons,1524,0
+klickitat,1711,0
+lindenwood,1670,5
+woodbine,571,1
+ranchester,1373,3
+benevolence,739,1
+marstons,643,1
+beechwood,698,5
+newfields,1238,7
+marstons,1986,2
+lakeville,919,0
+merom,92,1
+shelbyville,2139,3
+newfields,791,1
+newfields,914,1
+ranchester,1553,2
+hiteman,1624,3
+cosmos,508,0
+ranchester,1558,7
+marstons,2248,0
+lakeville,1471,13
+merom,1004,9
+coffeen,332,2
+lindenwood,2058,3
+hiteman,885,10
+pomaria,1326,8
+tolstoy,143,5
+cosmos,753,3
+leonardo,851,2
+ranchester,95,0
+lakeville,566,14
+beechwood,794,1
+lindenwood,81,2
+lindenwood,2019,10
+woodbine,1605,12
+shelbyville,1955,6
+wainscott,387,12
+forkland,648,2
+cosmos,785,0
+klickitat,97,3
+lindenwood,399,5
+beechwood,34,4
+merom,972,10
+marstons,2517,1
+leonardo,307,3
+pomaria,1381,8
+ranchester,800,8
+marstons,2110,6
+ranchester,1538,13
+lakeville,416,16
+onaga,526,0
+newfields,845,5
+stockman,127,0
+leonardo,704,1
+shelbyville,2132,6
+shelbyville,223,3
+klickitat,1117,6
+lindenwood,1683,1
+newfields,1149,3
+pomaria,1165,9
+newfields,271,4
+coffeen,369,2
+hanson,1248,2
+pomaria,1291,1
+lindenwood,36,3
+newfields,190,4
+stockman,699,0
+forkland,859,2
+shelbyville,601,0
+forkland,1004,2
+hanson,1568,1
+forkland,1057,0
+hiteman,1509,2
+woodbine,525,5
+lindenwood,1199,12
+leonardo,1046,1
+newfields,1510,3
+mifflinburg,863,2
+onaga,179,3
+mifflinburg,242,1
+marstons,102,2
+allensville,284,3
+lakeville,256,2
+wainscott,1435,0
+merom,93,2
+woodbine,706,12
+mifflinburg,275,3
+forkland,813,3
+shelbyville,1928,2
+shelbyville,2172,14
+pomaria,1648,1
+pinesdale,450,3
+marstons,2215,4
+marstons,1018,2
+shelbyville,1330,0
+tolstoy,744,3
+wainscott,73,2
+ranchester,70,6
+klickitat,1921,0
+lakeville,898,5
+merom,1,2
+forkland,660,4
+lindenwood,2095,2
+marstons,804,10
+woodbine,739,12
+stockman,1436,1
+coffeen,373,0
+hiteman,367,2
+woodbine,1727,11
+pomaria,1547,2
+hiteman,1311,0
+cosmos,858,0
+newfields,302,7
+woodbine,1886,0
+marstons,860,3
+lakeville,934,0
+pomaria,1545,6
+lindenwood,2333,2
+marstons,438,3
+shelbyville,193,12
+ranchester,557,7
+leonardo,1075,1
+merom,1046,4
+lakeville,462,2
+klickitat,1123,8
+marstons,2146,5
+lindenwood,2386,1
+lakeville,1459,0
+newfields,874,2
+tolstoy,744,2
+stockman,1207,0
+beechwood,1103,5
+hanson,1642,2
+lindenwood,1936,8
+klickitat,1738,2
+wainscott,1100,7
+woodbine,1551,4
+beechwood,757,2
+hiteman,1795,8
+coffeen,136,3
+woodbine,1121,6
+coffeen,1082,1
+tolstoy,1758,2
+hiteman,1455,9
+wainscott,766,1
+hiteman,945,1
+lindenwood,384,3
+marstons,989,1
+leonardo,846,4
+leonardo,707,8
+coffeen,794,0
+lindenwood,1325,7
+hanson,121,0
+pinesdale,1455,5
+leonardo,323,2
+marstons,1435,0
+lakeville,511,1
+shelbyville,1569,6
+ranchester,1177,4
+marstons,151,6
+woodbine,1384,2
+lindenwood,1899,4
+woodbine,985,14
+newfields,712,0
+marstons,121,3
+pomaria,943,6
+lindenwood,75,5
+marstons,1104,0
+mifflinburg,450,4
+marstons,109,3
+pinesdale,391,3
+woodbine,188,6
+wainscott,313,8
+hiteman,495,1
+hiteman,1772,8
+lindenwood,1488,0
+shelbyville,1633,9
+cosmos,448,5
+lindenwood,2500,8
+merom,735,4
+shelbyville,1218,6
+pinesdale,1348,1
+benevolence,356,2
+klickitat,150,14
+pomaria,674,2
+lindenwood,958,11
+pomaria,1396,3
+stockman,306,3
+hanson,340,8
+wainscott,1466,3
+lindenwood,252,13
+woodbine,621,3
+pomaria,962,5
+hiteman,638,0
+wainscott,688,1
+tolstoy,1609,3
+pomaria,373,0
+cosmos,735,0
+leonardo,1633,2
+hanson,6,1
+ranchester,830,1
+beechwood,342,1
+shelbyville,2799,1
+allensville,101,2
+ranchester,455,2
+leonardo,308,3
+klickitat,1862,2
+lakeville,261,6
+stockman,1099,2
+stockman,1155,2
+wainscott,4,15
+hiteman,451,2
+ranchester,1591,2
+klickitat,465,2
+marstons,1289,5
+pinesdale,500,4
+woodbine,706,15
+pomaria,488,12
+lakeville,770,1
+marstons,1059,10
+leonardo,1318,13
+leonardo,2089,3
+benevolence,793,2
+ranchester,1416,9
+pomaria,650,3
+lakeville,1046,2
+tolstoy,389,2
+lakeville,1031,9
+marstons,1656,10
+pomaria,187,4
+tolstoy,1824,1
+stockman,1008,4
+shelbyville,459,3
+woodbine,1829,1
+shelbyville,1831,3
+tolstoy,267,8
+ranchester,1371,2
+hanson,1434,7
+woodbine,1991,12
+coffeen,1319,6
+allensville,249,1
+klickitat,1411,5
+klickitat,369,7
+forkland,438,3
+merom,451,1
+leonardo,1512,3
+stockman,528,4
+lindenwood,33,12
+tolstoy,1247,1
+pomaria,235,12
+marstons,76,11
+cosmos,286,1
+shelbyville,64,16
+tolstoy,770,1
+beechwood,839,2
+lakeville,1855,4
+lindenwood,1872,5
+pinesdale,1017,2
+merom,37,3
+lindenwood,2252,7
+leonardo,1228,1
+pomaria,539,1
+mifflinburg,497,2
+marstons,244,5
+leonardo,1545,10
+stockman,1017,0
+leonardo,622,15
+hanson,1548,2
+leonardo,535,0
+stockman,1427,8
+marstons,2011,7
+cosmos,399,1
+stockman,1172,1
+tolstoy,539,1
+hiteman,958,0
+newfields,780,3
+newfields,246,8
+newfields,1128,3
+hanson,1031,0
+stockman,758,8
+lindenwood,1444,1
+lakeville,492,11
+onaga,618,3
+wainscott,1226,5
+pinesdale,1387,3
+tolstoy,1673,3
+beechwood,644,5
+pomaria,1284,2
+lakeville,870,2
+pomaria,113,7
+newfields,166,6
+hiteman,1609,0
+hanson,1353,7
+merom,34,2
+klickitat,480,3
+benevolence,523,1
+onaga,423,0
+newfields,917,10
+klickitat,570,1
+klickitat,947,6
+lindenwood,2535,1
+coffeen,70,3
+leonardo,921,0
+leonardo,986,11
+lakeville,908,14
+woodbine,322,5
+wainscott,1207,3
+klickitat,9,1
+lakeville,1484,2
+shelbyville,928,14
+leonardo,516,1
+newfields,358,0
+shelbyville,2162,6
+coffeen,441,6
+shelbyville,2697,9
+lindenwood,148,7
+marstons,421,0
+klickitat,1384,11
+leonardo,868,0
+lindenwood,1175,1
+pomaria,933,1
+lakeville,204,2
+mifflinburg,876,0
+lakeville,33,1
+woodbine,704,7
+marstons,1568,0
+coffeen,65,6
+marstons,1102,9
+wainscott,820,4
+klickitat,1979,2
+lakeville,1457,11
+mifflinburg,951,5
+pomaria,409,3
+merom,533,2
+lakeville,1888,3
+pinesdale,849,0
+pomaria,465,8
+shelbyville,1358,7
+pinesdale,240,0
+hanson,1006,10
+hanson,20,0
+tolstoy,123,5
+tolstoy,808,0
+tolstoy,616,1
+hiteman,1822,11
+marstons,1943,0
+klickitat,1168,0
+tolstoy,44,0
+shelbyville,953,3
+pinesdale,1510,2
+klickitat,192,2
+lindenwood,526,3
+lakeville,1826,0
+onaga,225,3
+tolstoy,501,3
+beechwood,959,12
+tolstoy,392,5
+woodbine,45,4
+ranchester,810,10
+forkland,356,0
+lindenwood,918,1
+marstons,2058,5
+klickitat,774,5
+shelbyville,2654,3
+wainscott,19,6
+cosmos,789,4
+lindenwood,1659,13
+forkland,659,0
+shelbyville,1246,2
+lakeville,1458,1
+leonardo,18,3
+hanson,329,3
+lindenwood,1025,9
+klickitat,89,2
+tolstoy,951,1
+lindenwood,649,0
+lakeville,851,2
+forkland,174,3
+klickitat,1367,7
+woodbine,208,0
+marstons,1266,5
+klickitat,93,3
+wainscott,383,1
+stockman,1600,4
+pomaria,747,1
+marstons,137,7
+marstons,2400,0
+beechwood,493,6
+pinesdale,962,0
+pinesdale,1307,14
+hiteman,500,4
+coffeen,1469,5
+leonardo,744,1
+leonardo,50,2
+shelbyville,1100,1
+marstons,1902,3
+stockman,1448,4
+stockman,1102,0
+klickitat,1178,4
+allensville,383,0
+hiteman,578,11
+allensville,151,1
+pinesdale,782,2
+lakeville,1814,2
+lakeville,1111,0
+hanson,1427,0
+benevolence,431,1
+hiteman,802,4
+wainscott,392,9
+stockman,1340,1
+shelbyville,772,12
+hiteman,1417,2
+woodbine,2049,6
+stockman,227,1
+hiteman,540,8
+hiteman,1038,5
+newfields,1357,12
+shelbyville,680,3
+marstons,13,3
+ranchester,940,3
+cosmos,1011,0
+tolstoy,785,1
+marstons,1158,2
+leonardo,1731,0
+klickitat,1820,12
+stockman,62,4
+lakeville,1526,8
+pinesdale,1107,1
+lakeville,299,1
+pomaria,415,6
+lakeville,475,17
+ranchester,339,1
+lindenwood,2319,1
+merom,481,2
+wainscott,1746,1
+lakeville,754,2
+lindenwood,306,5
+shelbyville,2444,12
+newfields,172,7
+marstons,264,1
+lakeville,1646,0
+lindenwood,1373,3
+pomaria,1185,2
+lindenwood,2414,1
+coffeen,1299,3
+klickitat,684,7
+lindenwood,853,9
+cosmos,493,8
+lindenwood,225,12
+hanson,1178,6
+pomaria,1144,3
+hiteman,1079,4
+lindenwood,788,3
+shelbyville,2101,11
+wainscott,1518,3
+coffeen,270,4
+hanson,707,2
+benevolence,94,3
+hanson,221,2
+shelbyville,2591,2
+onaga,474,6
+lakeville,808,6
+lindenwood,2169,3
+lindenwood,1061,3
+lakeville,1341,0
+woodbine,612,11
+ranchester,33,1
+hiteman,618,7
+hiteman,711,4
+stockman,1570,0
+woodbine,693,4
+onaga,318,3
+newfields,890,2
+hiteman,195,1
+lakeville,1224,5
+newfields,8,3
+leonardo,1564,7
+pinesdale,682,0
+wainscott,903,7
+merom,868,8
+shelbyville,1468,11
+tolstoy,841,2
+marstons,2441,8
+woodbine,800,7
+leonardo,501,1
+stockman,1408,3
+ranchester,958,3
+wainscott,1556,0
+benevolence,491,3
+woodbine,206,2
+woodbine,171,11
+beechwood,496,0
+hiteman,886,9
+lakeville,829,6
+ranchester,262,5
+hiteman,1448,0
+tolstoy,1572,3
+lindenwood,2102,0
+shelbyville,2480,6
+marstons,432,3
+leonardo,1743,0
+marstons,72,2
+shelbyville,1278,0
+klickitat,1773,2
+lakeville,1604,3
+wainscott,294,14
+woodbine,782,10
+leonardo,1299,0
+ranchester,1454,4
+woodbine,582,3
+lakeville,1118,0
+hiteman,1077,3
+pomaria,509,4
+pinesdale,11,6
+pomaria,1100,2
+newfields,536,5
+wainscott,1005,1
+stockman,1194,3
+merom,71,2
+tolstoy,1013,0
+tolstoy,1236,1
+beechwood,78,2
+stockman,1610,2
+newfields,1467,4
+marstons,1918,5
+woodbine,1652,1
+cosmos,505,0
+ranchester,1579,0
+hiteman,1238,15
+pomaria,874,11
+newfields,1338,9
+allensville,327,5
+onaga,524,1
+coffeen,504,4
+pinesdale,445,3
+hanson,760,3
+pinesdale,504,3
+lakeville,1779,8
+forkland,101,2
+hiteman,437,4
+lindenwood,2371,8
+hanson,668,1
+benevolence,845,4
+wainscott,1445,1
+wainscott,1702,3
+woodbine,1955,4
+klickitat,1821,0
+merom,99,2
+newfields,1075,1
+beechwood,25,5
+pomaria,489,1
+cosmos,620,1
+shelbyville,1042,0
+woodbine,58,2
+woodbine,285,4
+klickitat,821,5
+lindenwood,764,2
+tolstoy,932,2
+mifflinburg,727,1
+ranchester,1632,3
+newfields,531,2
+wainscott,676,0
+hiteman,1585,6
+cosmos,562,1
+shelbyville,1014,3
+marstons,2211,6
+pomaria,1206,5
+pinesdale,906,5
+marstons,2623,0
+shelbyville,1014,0
+hiteman,631,1
+pinesdale,676,0
+lakeville,1608,3
+lindenwood,1009,1
+pomaria,369,1
+hanson,1569,1
+tolstoy,102,14
+tolstoy,1089,1
+tolstoy,558,2
+merom,25,7
+lakeville,57,7
+lindenwood,2651,7
+ranchester,349,1
+klickitat,843,1
+klickitat,976,8
+leonardo,618,3
+stockman,121,0
+lakeville,922,2
+forkland,360,0
+ranchester,1548,6
+cosmos,882,4
+tolstoy,864,18
+tolstoy,1774,0
+newfields,1108,8
+leonardo,257,13
+pomaria,428,4
+shelbyville,558,6
+beechwood,891,2
+pomaria,1429,2
+newfields,1414,4
+woodbine,55,6
+newfields,1294,5
+pomaria,1306,2
+woodbine,1482,5
+newfields,406,3
+klickitat,797,4
+tolstoy,1627,0
+ranchester,853,8
+tolstoy,1284,7
+cosmos,593,0
+shelbyville,1640,1
+cosmos,884,0
+coffeen,529,7
+coffeen,1480,2
+klickitat,1798,1
+merom,46,2
+onaga,436,6
+marstons,2561,8
+merom,608,0
+klickitat,2127,4
+leonardo,1279,3
+pinesdale,914,3
+benevolence,760,2
+klickitat,1355,1
+lindenwood,86,2
+lindenwood,401,1
+tolstoy,84,1
+onaga,143,2
+marstons,213,2
+hanson,162,2
+newfields,631,5
+hiteman,333,0
+pomaria,400,3
+shelbyville,1831,9
+newfields,1626,6
+woodbine,682,11
+lindenwood,1558,3
+marstons,2500,5
+merom,1035,2
+wainscott,102,0
+shelbyville,2535,2
+ranchester,983,7
+newfields,1480,1
+ranchester,407,3
+forkland,264,5
+marstons,1810,12
+pomaria,1102,0
+lindenwood,60,8
+tolstoy,550,2
+pinesdale,1089,2
+leonardo,301,1
+merom,193,0
+klickitat,1288,0
+merom,955,7
+hiteman,396,3
+lindenwood,2601,9
+shelbyville,1645,9
+shelbyville,2566,3
+lakeville,848,6
+marstons,923,0
+marstons,53,0
+beechwood,940,0
+pomaria,50,11
+lindenwood,159,0
+lakeville,1116,0
+lindenwood,1443,2
+leonardo,100,0
+wainscott,1265,6
+shelbyville,2483,3
+shelbyville,2264,4
+hanson,412,2
+woodbine,409,4
+cosmos,371,0
+pomaria,1085,5
+marstons,2225,3
+coffeen,84,2
+woodbine,1037,16
+ranchester,176,0
+leonardo,40,3
+lindenwood,257,6
+pinesdale,441,3
+coffeen,672,1
+shelbyville,1101,13
+woodbine,1160,7
+merom,892,1
+wainscott,645,13
+woodbine,846,1
+merom,491,0
+hanson,1403,5
+newfields,811,1
+coffeen,817,4
+pomaria,1272,6
+coffeen,47,3
+ranchester,379,0
+merom,513,1
+lakeville,59,8
+tolstoy,775,4
+hiteman,1608,0
+shelbyville,1650,8
+coffeen,1427,3
+woodbine,1984,9
+woodbine,1760,10
+onaga,565,0
+shelbyville,841,12
+lakeville,1232,2
+onaga,521,1
+hiteman,1775,4
+pinesdale,430,1
+tolstoy,1724,5
+merom,470,1
+pinesdale,686,8
+lakeville,1863,0
+pomaria,1462,12
+wainscott,539,6
+coffeen,599,2
+pomaria,382,5
+shelbyville,1285,2
+hanson,763,1
+beechwood,1145,1
+coffeen,1173,11
+hanson,694,6
+cosmos,352,0
+pomaria,361,0
+newfields,1476,2
+merom,897,6
+lakeville,931,4
+pomaria,658,4
+lindenwood,2024,0
+lakeville,1128,5
+shelbyville,1516,11
+tolstoy,371,4
+pomaria,425,1
+merom,1020,5
+klickitat,2195,0
+leonardo,1027,9
+marstons,1827,2
+ranchester,1081,0
+stockman,717,0
+tolstoy,487,10
+marstons,2192,5
+klickitat,1783,1
+klickitat,1767,3
+marstons,1676,4
+marstons,2367,2
+marstons,1429,3
+coffeen,340,0
+marstons,2498,8
+lindenwood,2557,13
+shelbyville,2717,12
+marstons,1455,2
+shelbyville,1409,6
+shelbyville,292,2
+pomaria,1482,3
+hiteman,1259,8
+klickitat,133,1
+newfields,888,2
+marstons,2655,2
+hiteman,799,0
+onaga,211,9
+lakeville,1227,5
+cosmos,494,3
+coffeen,633,2
+mifflinburg,488,0
+klickitat,1628,4
+newfields,734,11
+klickitat,2253,2
+newfields,1317,0
+lakeville,1092,11
+shelbyville,739,2
+marstons,655,7
+klickitat,1925,4
+leonardo,774,0
+pinesdale,105,4
+hanson,951,7
+stockman,1520,4
+pomaria,1000,4
+klickitat,991,9
+newfields,1525,16
+wainscott,1629,9
+woodbine,469,7
+stockman,477,3
+marstons,1710,1
+leonardo,1528,11
+marstons,720,3
+lindenwood,567,6
+beechwood,522,4
+pinesdale,1077,7
+coffeen,1458,2
+lakeville,1436,3
+lindenwood,1132,7
+marstons,2622,1
+wainscott,1742,5
+lakeville,1493,8
+marstons,1790,0
+tolstoy,392,6
+cosmos,666,3
+klickitat,1859,2
+hanson,1557,6
+lakeville,261,2
+hiteman,424,7
+klickitat,1611,2
+tolstoy,410,5
+tolstoy,910,2
+newfields,805,8
+pinesdale,1002,2
+cosmos,414,3
+klickitat,1113,0
+lindenwood,2235,2
+shelbyville,550,0
+shelbyville,2557,3
+allensville,370,4
+allensville,115,1
+klickitat,1509,12
+shelbyville,897,5
+stockman,1536,7
+leonardo,2021,8
+hiteman,567,0
+onaga,507,2
+shelbyville,766,2
+shelbyville,2037,0
+pomaria,1459,2
+stockman,286,0
+tolstoy,264,3
+klickitat,456,1
+leonardo,499,6
+leonardo,1767,2
+tolstoy,557,0
+ranchester,889,5
+onaga,199,5
+marstons,2372,0
+leonardo,439,2
+shelbyville,302,4
+ranchester,566,0
+marstons,195,0
+shelbyville,1423,2
+hanson,50,7
+klickitat,613,6
+lindenwood,1765,4
+leonardo,153,4
+onaga,203,1
+onaga,131,2
+cosmos,830,0
+lindenwood,1298,2
+hanson,775,1
+lindenwood,2270,1
+shelbyville,1881,9
+coffeen,537,0
+onaga,664,0
+lindenwood,2281,9
+ranchester,1037,5
+newfields,1193,4
+leonardo,1671,13
+hiteman,1600,2
+marstons,1330,5
+hanson,766,2
+lakeville,842,8
+klickitat,1462,8
+tolstoy,12,2
+hanson,654,1
+coffeen,860,2
+woodbine,21,0
+lindenwood,1809,7
+benevolence,871,4
+marstons,1325,4
+woodbine,1461,0
+klickitat,1686,0
+stockman,1167,1
+ranchester,1327,0
+lakeville,1333,2
+allensville,236,3
+newfields,1183,0
+hiteman,493,1
+klickitat,981,2
+pomaria,846,2
+wainscott,192,0
+ranchester,1299,0
+marstons,505,7
+pomaria,746,7
+marstons,1039,1
+lindenwood,1335,4
+woodbine,466,1
+pinesdale,1146,6
+klickitat,1613,1
+newfields,1226,0
+benevolence,286,1
+coffeen,340,1
+forkland,433,2
+cosmos,729,8
+hanson,1065,7
+forkland,25,0
+benevolence,826,3
+ranchester,1499,1
+marstons,2176,2
+tolstoy,949,5
+wainscott,941,7
+hanson,1173,4
+shelbyville,1895,3
+tolstoy,416,3
+beechwood,324,4
+coffeen,140,1
+marstons,1744,9
+shelbyville,2176,2
+shelbyville,689,2
+forkland,1114,0
+ranchester,124,10
+stockman,1363,4
+stockman,30,4
+leonardo,579,9
+beechwood,790,9
+klickitat,2413,11
+klickitat,1848,5
+klickitat,2098,1
+wainscott,1436,6
+lindenwood,510,4
+ranchester,943,3
+newfields,1384,0
+pomaria,572,3
+shelbyville,2582,0
+klickitat,336,0
+pinesdale,944,1
+marstons,2018,2
+pinesdale,164,0
+lakeville,801,1
+woodbine,1175,2
+tolstoy,875,9
+woodbine,1268,2
+ranchester,676,2
+hanson,1358,11
+forkland,497,7
+hanson,351,2
+stockman,92,3
+stockman,245,1
+hiteman,702,9
+merom,539,6
+lakeville,541,1
+forkland,930,1
+klickitat,1139,8
+wainscott,1374,6
+wainscott,542,2
+newfields,432,1
+leonardo,2115,8
+hanson,1486,1
+cosmos,903,2
+hanson,254,9
+klickitat,1904,2
+ranchester,26,3
+cosmos,734,4
+merom,122,0
+marstons,2211,0
+beechwood,62,5
+cosmos,276,4
+leonardo,1799,4
+woodbine,1032,17
+benevolence,351,4
+woodbine,236,0
+hiteman,803,2
+marstons,1567,1
+newfields,443,1
+klickitat,344,7
+klickitat,1568,0
+beechwood,1033,0
+tolstoy,958,4
+newfields,69,3
+pomaria,1409,4
+wainscott,1701,3
+stockman,674,2
+leonardo,949,3
+woodbine,209,7
+woodbine,1764,13
+coffeen,1115,5
+klickitat,386,6
+forkland,487,0
+woodbine,63,5
+shelbyville,870,4
+wainscott,1012,3
+newfields,511,2
+marstons,1414,2
+marstons,1008,1
+shelbyville,2079,3
+newfields,1506,1
+lakeville,790,0
+tolstoy,519,8
+marstons,2503,1
+lindenwood,2551,3
+wainscott,860,2
+shelbyville,722,5
+marstons,2265,2
+merom,945,2
+lakeville,370,10
+ranchester,1295,9
+marstons,1296,0
+pinesdale,758,1
+allensville,167,7
+wainscott,1130,4
+woodbine,1465,1
+tolstoy,1217,0
+pinesdale,1018,3
+merom,39,4
+lindenwood,2100,0
+coffeen,758,3
+wainscott,220,10
+forkland,797,2
+pinesdale,750,12
+wainscott,1015,1
+leonardo,1571,0
+beechwood,503,6
+woodbine,1496,2
+newfields,992,1
+klickitat,1231,10
+hiteman,219,1
+benevolence,383,3
+woodbine,814,3
+ranchester,624,4
+hanson,1159,0
+cosmos,279,1
+klickitat,1486,2
+shelbyville,2735,6
+lindenwood,539,0
+forkland,606,3
+hanson,797,1
+wainscott,216,2
+pinesdale,239,3
+lakeville,1862,16
+marstons,1180,1
+coffeen,1003,1
+hiteman,1322,2
+pomaria,1198,2
+mifflinburg,659,3
+beechwood,957,2
+lakeville,1898,3
+stockman,1171,1
+mifflinburg,836,3
+stockman,1479,10
+newfields,1051,10
+pinesdale,1318,4
+lindenwood,2379,3
+woodbine,1351,2
+pomaria,766,4
+hiteman,1181,2
+lakeville,854,2
+pomaria,1169,0
+beechwood,989,7
+coffeen,1394,5
+forkland,908,0
+woodbine,1449,0
+tolstoy,1103,1
+lindenwood,763,1
+hiteman,387,0
+klickitat,1622,2
+tolstoy,998,1
+klickitat,1191,8
+allensville,303,0
+lindenwood,1262,4
+cosmos,389,8
+hanson,1448,6
+shelbyville,1121,0
+klickitat,1150,4
+tolstoy,1375,0
+tolstoy,1839,0
+onaga,327,1
+marstons,2111,4
+beechwood,617,1
+shelbyville,1414,10
+lindenwood,2368,6
+leonardo,986,9
+marstons,1117,3
+allensville,7,0
+marstons,1623,5
+lakeville,1815,0
+pomaria,1098,3
+coffeen,1139,4
+shelbyville,2056,5
+shelbyville,780,1
+wainscott,721,14
+leonardo,1855,2
+beechwood,199,7
+cosmos,163,2
+pinesdale,647,2
+mifflinburg,674,2
+marstons,2564,4
+stockman,191,1
+lindenwood,579,5
+beechwood,107,1
+lakeville,1400,0
+shelbyville,15,0
+pomaria,95,5
+tolstoy,425,7
+pinesdale,881,2
+tolstoy,930,3
+pomaria,523,2
+leonardo,4,6
+stockman,1321,0
+tolstoy,987,1
+klickitat,2147,0
+stockman,670,1
+lakeville,891,1
+coffeen,905,4
+leonardo,553,16
+tolstoy,206,2
+woodbine,1832,8
+cosmos,596,2
+klickitat,2311,4
+marstons,372,11
+ranchester,1309,3
+pomaria,725,1
+shelbyville,1628,3
+pomaria,1019,2
+pomaria,55,6
+leonardo,520,3
+tolstoy,489,4
+klickitat,944,5
+wainscott,861,0
+woodbine,256,9
+shelbyville,994,5
+shelbyville,22,2
+forkland,416,3
+coffeen,161,1
+shelbyville,155,4
+hiteman,1521,0
+hanson,649,1
+shelbyville,266,2
+beechwood,792,1
+merom,82,3
+forkland,544,1
+leonardo,280,1
+ranchester,1393,12
+shelbyville,740,1
+woodbine,491,1
+benevolence,623,9
+lakeville,991,7
+lakeville,316,3
+wainscott,740,6
+marstons,779,0
+lakeville,1782,11
+merom,478,4
+allensville,208,2
+leonardo,1844,2
+woodbine,460,2
+klickitat,2202,4
+hiteman,451,0
+shelbyville,2383,1
+lakeville,752,2
+lakeville,1713,2
+marstons,1207,9
+pinesdale,1029,6
+leonardo,2092,2
+forkland,204,3
+cosmos,244,6
+pinesdale,1333,3
+marstons,180,4
+ranchester,1623,1
+hanson,1424,4
+coffeen,49,4
+marstons,1074,1
+klickitat,2406,1
+klickitat,2128,2
+tolstoy,1671,5
+mifflinburg,530,2
+marstons,501,0
+wainscott,1294,1
+leonardo,1727,3
+shelbyville,1120,13
+forkland,150,1
+marstons,1409,2
+lindenwood,1903,2
+tolstoy,361,7
+lakeville,946,9
+marstons,452,8
+tolstoy,991,1
+shelbyville,1469,2
+shelbyville,749,5
+leonardo,1166,3
+marstons,1905,1
+marstons,2136,8
+pomaria,1106,7
+lindenwood,2000,4
+lakeville,1320,3
+pinesdale,1239,1
+klickitat,195,4
+onaga,336,1
+pinesdale,314,1
+hiteman,272,0
+pinesdale,635,2
+wainscott,548,13
+forkland,1011,1
+shelbyville,711,1
+marstons,1632,2
+hanson,1577,2
+ranchester,1388,1
+lindenwood,2043,2
+allensville,305,2
+leonardo,25,1
+beechwood,363,0
+marstons,970,7
+lindenwood,1363,0
+wainscott,231,4
+shelbyville,1776,3
+klickitat,1318,1
+leonardo,15,2
+klickitat,840,15
+leonardo,1355,0
+mifflinburg,729,2
+shelbyville,1055,8
+newfields,124,6
+leonardo,799,6
+leonardo,1733,1
+shelbyville,561,1
+lakeville,1486,3
+lindenwood,588,0
+pomaria,1007,2
+onaga,413,0
+forkland,1065,4
+newfields,499,3
+pinesdale,548,1
+shelbyville,1298,8
+lindenwood,2648,4
+pomaria,123,10
+klickitat,974,4
+shelbyville,2322,13
+newfields,837,0
+stockman,1108,0
+leonardo,418,0
+marstons,379,3
+forkland,8,0
+ranchester,818,2
+hanson,244,7
+lindenwood,2436,0
+stockman,448,0
+klickitat,720,0
+hiteman,769,8
+woodbine,159,0
+klickitat,1591,0
+pomaria,1080,15
+benevolence,375,2
+beechwood,997,2
+marstons,974,13
+tolstoy,1688,2
+woodbine,489,0
+pomaria,273,7
+newfields,637,4
+ranchester,1489,0
+leonardo,263,13
+lindenwood,2360,2
+klickitat,730,2
+klickitat,2134,6
+leonardo,1351,8
+marstons,1859,1
+newfields,1144,8
+pomaria,1220,5
+tolstoy,1301,5
+shelbyville,613,3
+klickitat,535,11
+pinesdale,1144,3
+tolstoy,635,3
+newfields,1614,4
+lindenwood,1744,3
+marstons,1725,5
+klickitat,465,5
+forkland,797,3
+marstons,466,3
+klickitat,846,0
+beechwood,1161,1
+marstons,2600,6
+beechwood,653,0
+hanson,980,19
+leonardo,409,6
+wainscott,1660,4
+klickitat,1537,1
+leonardo,626,2
+marstons,2221,9
+allensville,362,2
+beechwood,1108,3
+hiteman,256,1
+woodbine,1706,2
+marstons,1093,12
+shelbyville,2751,6
+hanson,1353,1
+hiteman,1382,3
+ranchester,962,3
+pinesdale,401,4
+mifflinburg,481,0
+klickitat,1065,5
+pomaria,1381,13
+coffeen,520,0
+stockman,506,0
+hanson,713,1
+lindenwood,2371,17
+lakeville,962,2
+beechwood,797,2
+marstons,1455,5
+ranchester,65,9
+klickitat,235,3
+newfields,268,0
+lindenwood,149,9
+stockman,454,5
+marstons,1119,0
+hiteman,118,2
+lindenwood,223,2
+hanson,101,2
+hiteman,1470,4
+tolstoy,751,3
+woodbine,1672,2
+newfields,1342,2
+leonardo,1935,16
+allensville,296,4
+marstons,2061,13
+ranchester,1351,2
+marstons,1892,4
+forkland,399,1
+hiteman,672,4
+wainscott,1197,3
+newfields,1244,2
+stockman,428,0
+shelbyville,932,2
+forkland,344,2
+pomaria,820,6
+lakeville,382,4
+forkland,633,2
+coffeen,1107,2
+pinesdale,1504,6
+onaga,669,1
+coffeen,1001,7
+ranchester,532,5
+lindenwood,502,8
+marstons,424,3
+klickitat,2174,13
+shelbyville,2537,5
+beechwood,159,0
+shelbyville,575,4
+pomaria,273,10
+newfields,1373,2
+tolstoy,1724,9
+lakeville,564,4
+lakeville,727,0
+lindenwood,2258,0
+allensville,4,3
+ranchester,1399,2
+ranchester,713,4
+klickitat,2276,7
+woodbine,1707,15
+klickitat,1133,3
+merom,517,3
+merom,190,3
+pinesdale,855,0
+wainscott,506,5
+onaga,349,4
+lakeville,1336,1
+coffeen,998,7
+tolstoy,1327,1
+hanson,1314,1
+shelbyville,2234,1
+woodbine,660,9
+hanson,873,4
+woodbine,1584,2
+shelbyville,484,4
+lindenwood,772,13
+pinesdale,725,6
+woodbine,1378,2
+stockman,817,2
+ranchester,610,5
+lindenwood,333,6
+shelbyville,1947,1
+marstons,2125,2
+pomaria,543,3
+shelbyville,258,4
+hanson,770,8
+forkland,280,1
+stockman,691,2
+pomaria,440,9
+pinesdale,549,0
+lindenwood,2658,4
+beechwood,761,7
+merom,510,3
+stockman,165,5
+forkland,642,3
+beechwood,149,1
+forkland,1102,1
+stockman,912,8
+marstons,657,4
+lakeville,1153,8
+marstons,2061,8
+woodbine,939,0
+ranchester,1536,1
+lindenwood,2579,4
+marstons,154,2
+forkland,539,3
+leonardo,1323,1
+leonardo,1306,0
+lindenwood,1708,2
+pomaria,195,5
+forkland,996,3
+hanson,994,1
+marstons,2132,0
+lakeville,884,3
+lakeville,396,10
+shelbyville,2334,17
+shelbyville,878,3
+merom,1072,5
+marstons,1809,8
+lakeville,1229,1
+pomaria,1346,14
+shelbyville,584,2
+marstons,2447,6
+marstons,1515,6
+hanson,1429,5
+shelbyville,2551,6
+lindenwood,287,8
+coffeen,1075,1
+hiteman,1380,16
+shelbyville,2590,7
+forkland,151,0
+pinesdale,1128,1
+woodbine,1594,2
+woodbine,1659,7
+tolstoy,1792,0
+klickitat,1038,1
+cosmos,412,4
+ranchester,1627,4
+cosmos,894,3
+stockman,1294,2
+stockman,1592,2
+wainscott,337,10
+klickitat,1500,2
+marstons,1304,1
+marstons,410,10
+leonardo,120,1
+allensville,186,0
+stockman,545,2
+beechwood,134,0
+lakeville,1874,0
+pinesdale,1433,1
+marstons,765,5
+stockman,19,3
+pomaria,805,7
+leonardo,1535,1
+pinesdale,39,3
+lakeville,990,2
+lakeville,1841,8
+hiteman,1085,0
+tolstoy,642,4
+hanson,112,1
+onaga,416,0
+klickitat,194,6
+newfields,574,1
+wainscott,555,0
+tolstoy,629,7
+mifflinburg,722,5
+lindenwood,1516,2
+coffeen,928,4
+stockman,560,10
+ranchester,586,0
+lindenwood,1570,6
+woodbine,1583,6
+lindenwood,1330,3
+tolstoy,925,0
+lindenwood,433,9
+shelbyville,1110,3
+ranchester,179,3
+hiteman,263,0
+merom,61,3
+hiteman,918,6
+woodbine,1964,4
+hiteman,1780,3
+pinesdale,1492,10
+leonardo,1091,3
+mifflinburg,825,0
+leonardo,350,0
+wainscott,79,0
+klickitat,1450,1
+shelbyville,2523,5
+newfields,1157,0
+newfields,1147,7
+klickitat,741,3
+coffeen,102,3
+wainscott,1630,0
+lindenwood,1931,1
+tolstoy,456,2
+allensville,93,2
+tolstoy,1785,10
+marstons,1321,4
+stockman,808,3
+beechwood,527,2
+wainscott,1237,5
+merom,712,4
+lindenwood,1459,1
+lindenwood,2226,4
+newfields,854,4
+forkland,1015,3
+lakeville,808,11
+pinesdale,1416,0
+wainscott,1160,4
+klickitat,2283,0
+lindenwood,635,2
+marstons,76,5
+wainscott,201,1
+newfields,164,4
+newfields,1216,1
+tolstoy,425,10
+forkland,276,5
+hiteman,745,11
+forkland,1020,4
+leonardo,1163,2
+beechwood,328,3
+lindenwood,2503,6
+klickitat,1925,2
+wainscott,56,6
+beechwood,81,0
+shelbyville,1033,14
+pinesdale,493,2
+tolstoy,373,6
+stockman,1427,12
+forkland,1155,0
+onaga,14,3
+hiteman,83,4
+hanson,220,0
+woodbine,1765,4
+shelbyville,1593,1
+hiteman,554,6
+ranchester,1152,2
+ranchester,399,4
+lakeville,519,1
+lakeville,1798,4
+lakeville,356,5
+mifflinburg,906,0
+wainscott,1047,1
+marstons,2643,3
+cosmos,981,4
+lakeville,1552,9
+merom,780,0
+marstons,1088,1
+klickitat,1839,5
+stockman,1481,1
+marstons,149,9
+cosmos,806,4
+newfields,1193,2
+marstons,429,3
+stockman,980,5
+woodbine,742,0
+newfields,417,11
+beechwood,1080,4
+lindenwood,1192,1
+marstons,1133,5
+beechwood,1154,4
+onaga,322,2
+cosmos,321,4
+pinesdale,681,1
+marstons,2418,0
+pomaria,366,5
+leonardo,1354,6
+marstons,347,5
+woodbine,276,7
+onaga,529,3
+hiteman,501,0
+lindenwood,2161,9
+hiteman,548,0
+klickitat,1429,0
+hanson,257,7
+cosmos,745,4
+hiteman,544,3
+allensville,38,5
+mifflinburg,165,4
+pinesdale,1238,4
+shelbyville,738,6
+wainscott,606,10
+hiteman,519,6
+allensville,257,2
+stockman,163,2
+stockman,83,8
+tolstoy,528,1
+hanson,1130,2
+pinesdale,571,2
+ranchester,1450,3
+hiteman,1403,2
+merom,628,2
+hanson,488,0
+pinesdale,1484,0
+beechwood,754,0
+stockman,572,0
+pomaria,1622,2
+tolstoy,759,0
+newfields,142,14
+shelbyville,1578,0
+tolstoy,1224,7
+lindenwood,2568,3
+marstons,2458,0
+marstons,2178,1
+klickitat,1876,4
+wainscott,932,2
+stockman,348,0
+klickitat,1211,6
+forkland,760,2
+tolstoy,210,0
+onaga,207,4
+lakeville,767,2
+marstons,17,8
+lakeville,1455,1
+wainscott,619,4
+marstons,1341,6
+pinesdale,822,7
+coffeen,312,0
+pomaria,1250,2
+merom,445,5
+ranchester,663,6
+lindenwood,2182,3
+hanson,252,3
+klickitat,43,1
+mifflinburg,347,7
+wainscott,1387,12
+forkland,347,2
+onaga,278,1
+hanson,1164,10
+stockman,213,2
+klickitat,693,13
+marstons,1392,1
+lindenwood,2287,3
+wainscott,868,3
+lindenwood,1794,2
+lindenwood,511,4
+onaga,391,7
+lakeville,1239,0
+lindenwood,976,4
+mifflinburg,732,2
+leonardo,1219,4
+marstons,1206,4
+lakeville,604,1
+leonardo,199,3
+wainscott,731,11
+woodbine,1944,2
+klickitat,1119,6
+wainscott,1387,10
+tolstoy,959,0
+marstons,827,0
+newfields,618,9
+marstons,1338,0
+marstons,682,6
+klickitat,69,5
+ranchester,522,6
+lakeville,1467,8
+cosmos,16,1
+forkland,891,2
+woodbine,1951,10
+shelbyville,1347,2
+klickitat,2237,1
+marstons,346,5
+beechwood,290,6
+ranchester,453,4
+benevolence,290,0
+pomaria,478,0
+klickitat,1967,0
+forkland,574,0
+mifflinburg,633,2
+klickitat,2359,2
+woodbine,1732,4
+marstons,1263,4
+lakeville,1435,3
+cosmos,546,4
+marstons,2555,1
+marstons,436,2
+stockman,623,1
+pomaria,1432,3
+wainscott,809,1
+marstons,591,0
+wainscott,618,8
+woodbine,1829,2
+klickitat,231,5
+lakeville,730,3
+coffeen,1361,3
+pomaria,535,6
+shelbyville,536,1
+pomaria,1650,1
+woodbine,1156,3
+pomaria,1478,1
+ranchester,1134,1
+marstons,1278,1
+coffeen,675,1
+newfields,1125,10
+hiteman,639,5
+forkland,836,1
+wainscott,620,0
+pinesdale,482,0
+coffeen,351,3
+coffeen,243,3
+ranchester,1261,3
+lakeville,876,6
+marstons,2051,1
+newfields,523,1
+klickitat,74,13
+pinesdale,1376,7
+mifflinburg,914,1
+shelbyville,1399,6
+forkland,519,1
+pomaria,1616,0
+stockman,1175,4
+lakeville,644,1
+pinesdale,423,5
+hanson,1173,0
+lindenwood,2222,2
+stockman,756,6
+tolstoy,1529,2
+tolstoy,654,3
+newfields,249,0
+newfields,1156,2
+hiteman,1320,2
+lindenwood,1931,5
+woodbine,1951,13
+marstons,582,0
+lindenwood,1357,0
+marstons,2431,11
+marstons,2562,11
+forkland,711,4
+woodbine,594,20
+hanson,1604,1
+shelbyville,900,2
+pinesdale,985,16
+woodbine,646,0
+ranchester,517,0
+lakeville,550,3
+lindenwood,1908,2
+leonardo,52,0
+klickitat,1077,4
+wainscott,41,0
+newfields,150,5
+shelbyville,132,5
+klickitat,237,3
+woodbine,1458,5
+woodbine,1161,2
+beechwood,704,1
+marstons,1757,9
+pinesdale,552,3
+pinesdale,191,6
+lindenwood,1830,1
+klickitat,2296,7
+hanson,552,0
+klickitat,1943,4
+pomaria,873,3
+pomaria,1377,0
+cosmos,1079,8
+lakeville,927,9
+merom,347,2
+merom,429,2
+klickitat,863,1
+stockman,523,3
+wainscott,721,6
+marstons,738,2
+pomaria,813,6
+lindenwood,368,4
+klickitat,587,5
+ranchester,262,7
+beechwood,979,7
+cosmos,937,4
+pinesdale,986,0
+marstons,2421,3
+hanson,1399,10
+hanson,1398,9
+ranchester,1627,11
+hiteman,368,1
+marstons,54,5
+wainscott,1681,2
+hiteman,632,10
+lakeville,1867,2
+marstons,1713,2
+klickitat,2070,3
+coffeen,828,2
+woodbine,609,4
+mifflinburg,968,2
+marstons,2531,5
+klickitat,306,4
+merom,457,3
+lindenwood,1875,0
+shelbyville,1284,6
+wainscott,221,0
+woodbine,103,8
+klickitat,707,5
+marstons,1322,5
+woodbine,945,1
+leonardo,1425,2
+hanson,455,0
+hanson,758,2
+lindenwood,2252,6
+marstons,2530,6
+wainscott,859,3
+ranchester,1575,4
+tolstoy,1503,0
+hiteman,1020,12
+shelbyville,2195,1
+tolstoy,743,1
+forkland,593,4
+tolstoy,1550,5
+lakeville,136,6
+tolstoy,1329,1
+merom,10,5
+marstons,441,7
+leonardo,228,7
+marstons,205,4
+lindenwood,794,3
+pomaria,1672,10
+tolstoy,888,3
+lakeville,608,0
+klickitat,1752,0
+klickitat,952,1
+hiteman,562,0
+forkland,326,6
+woodbine,1871,1
+woodbine,1,4
+forkland,223,1
+klickitat,1862,1
+leonardo,1831,10
+coffeen,1018,0
+lindenwood,974,3
+klickitat,2362,15
+klickitat,458,2
+leonardo,1974,0
+stockman,229,2
+woodbine,1238,1
+ranchester,1136,9
+benevolence,525,8
+wainscott,1718,0
+beechwood,463,4
+shelbyville,1016,1
+hanson,961,4
+lindenwood,222,2
+forkland,803,0
+lakeville,1015,5
+mifflinburg,746,1
+lindenwood,1676,0
+ranchester,730,4
+ranchester,835,6
+lindenwood,1082,2
+lakeville,131,6
+beechwood,431,0
+pomaria,391,1
+klickitat,118,5
+hiteman,1578,0
+leonardo,1883,2
+beechwood,746,4
+wainscott,543,5
+hiteman,356,7
+beechwood,611,0
+lakeville,1399,4
+lindenwood,413,4
+hanson,409,0
+lakeville,1493,19
+klickitat,1123,7
+forkland,187,1
+marstons,968,3
+shelbyville,562,3
+pinesdale,1228,0
+lakeville,1714,6
+shelbyville,1228,4
+shelbyville,2244,1
+wainscott,509,2
+forkland,371,2
+hanson,931,9
+lindenwood,1108,0
+wainscott,1241,5
+pinesdale,1074,2
+marstons,1165,3
+shelbyville,284,8
+tolstoy,196,4
+lindenwood,524,2
+lindenwood,2256,0
+shelbyville,2105,9
+lindenwood,1118,2
+shelbyville,1107,13
+tolstoy,615,6
+tolstoy,1544,4
+coffeen,446,3
+forkland,542,1
+shelbyville,912,2
+marstons,1522,2
+forkland,921,3
+klickitat,2408,1
+leonardo,1493,3
+lindenwood,177,8
+woodbine,1796,3
+hiteman,926,11
+stockman,1070,3
+lindenwood,426,10
+wainscott,1530,2
+ranchester,1569,1
+lakeville,464,3
+woodbine,1005,10
+tolstoy,534,3
+leonardo,1895,6
+wainscott,1121,4
+stockman,937,2
+klickitat,604,1
+wainscott,609,3
+newfields,636,8
+woodbine,686,13
+hanson,1555,2
+ranchester,880,0
+tolstoy,624,0
+hiteman,546,2
+mifflinburg,696,0
+mifflinburg,301,8
+coffeen,418,3
+lindenwood,2512,2
+leonardo,171,1
+shelbyville,1277,11
+newfields,348,1
+lakeville,1069,2
+pomaria,781,6
+marstons,1786,1
+newfields,1234,4
+marstons,907,4
+cosmos,860,2
+lakeville,661,0
+klickitat,1869,3
+coffeen,1017,1
+lindenwood,1335,8
+marstons,1356,3
+leonardo,730,1
+shelbyville,2217,14
+lindenwood,2413,5
+wainscott,1496,8
+tolstoy,1724,0
+pomaria,1238,3
+lindenwood,284,3
+mifflinburg,38,2
+lindenwood,2173,8
+woodbine,1359,0
+beechwood,635,0
+tolstoy,482,4
+cosmos,1024,4
+hanson,1361,2
+woodbine,331,1
+beechwood,333,1
+marstons,2323,0
+lindenwood,1389,1
+shelbyville,2369,9
+leonardo,301,2
+tolstoy,1092,3
+pomaria,1194,0
+newfields,880,0
+wainscott,553,0
+lakeville,896,2
+pomaria,1365,2
+woodbine,641,3
+hanson,1432,6
+woodbine,37,2
+shelbyville,182,0
+klickitat,482,12
+tolstoy,1647,1
+ranchester,1118,3
+shelbyville,470,7
+woodbine,749,2
+beechwood,1030,2
+stockman,805,5
+leonardo,1119,8
+pinesdale,584,7
+leonardo,494,2
+klickitat,2054,10
+merom,461,1
+newfields,1168,6
+forkland,1166,10
+pinesdale,693,3
+lakeville,1471,0
+hanson,480,1
+stockman,838,2
+lakeville,1160,14
+klickitat,309,0
+forkland,1013,2
+hiteman,215,4
+shelbyville,178,5
+marstons,2343,3
+merom,765,4
+klickitat,1404,7
+allensville,124,0
+klickitat,1879,12
+wainscott,196,5
+marstons,1994,6
+coffeen,190,0
+hiteman,1302,3
+allensville,340,6
+wainscott,998,2
+onaga,184,4
+pomaria,1413,2
+woodbine,1353,12
+cosmos,92,1
+lindenwood,2004,1
+shelbyville,1772,9
+leonardo,391,6
+shelbyville,180,11
+lindenwood,2289,5
+hanson,507,4
+pinesdale,410,5
+forkland,823,2
+hiteman,1076,0
+newfields,1465,3
+newfields,900,1
+shelbyville,1799,11
+lakeville,68,8
+hiteman,1560,8
+newfields,313,4
+beechwood,869,0
+tolstoy,272,0
+hiteman,250,0
+tolstoy,1339,10
+klickitat,2283,4
+wainscott,1195,0
+newfields,1378,10
+leonardo,616,3
+tolstoy,1321,6
+lindenwood,519,0
+mifflinburg,170,0
+wainscott,960,9
+hiteman,1144,2
+mifflinburg,38,3
+tolstoy,1050,16
+shelbyville,2188,4
+lindenwood,1678,7
+marstons,939,5
+mifflinburg,145,0
+leonardo,642,10
+lindenwood,1295,3
+klickitat,2188,12
+lindenwood,1074,2
+lakeville,473,7
+leonardo,84,0
+stockman,815,12
+beechwood,386,2
+cosmos,311,0
+ranchester,704,6
+hiteman,522,4
+hanson,144,0
+lindenwood,2581,6
+woodbine,258,0
+wainscott,1514,8
+shelbyville,122,6
+marstons,2318,10
+newfields,662,0
+mifflinburg,722,4
+hanson,1184,3
+woodbine,1611,7
+klickitat,879,0
+woodbine,985,8
+benevolence,190,6
+tolstoy,958,7
+marstons,193,11
+klickitat,2129,7
+hiteman,1558,2
+hanson,250,3
+ranchester,407,6
+lakeville,152,4
+klickitat,815,0
+merom,290,0
+wainscott,1469,7
+cosmos,974,5
+coffeen,1141,8
+wainscott,975,7
+hiteman,812,2
+shelbyville,621,1
+stockman,699,1
+hanson,856,0
+hanson,468,4
+woodbine,940,6
+merom,983,2
+beechwood,135,0
+shelbyville,2043,4
+cosmos,702,7
+shelbyville,2334,19
+leonardo,1994,1
+pinesdale,918,7
+stockman,1581,1
+klickitat,629,3
+woodbine,1853,5
+klickitat,515,1
+tolstoy,541,5
+stockman,972,1
+cosmos,101,2
+stockman,1157,1
+wainscott,402,5
+marstons,2222,2
+stockman,1569,2
+woodbine,1830,0
+mifflinburg,246,5
+marstons,2112,4
+lindenwood,1819,6
+merom,295,5
+lindenwood,22,12
+onaga,430,0
+lakeville,870,0
+newfields,907,0
+leonardo,1305,3
+beechwood,72,2
+woodbine,694,2
+pinesdale,744,0
+klickitat,506,5
+tolstoy,1237,4
+woodbine,7,4
+leonardo,306,3
+marstons,1363,0
+lindenwood,136,4
+klickitat,639,6
+klickitat,2175,11
+beechwood,623,1
+onaga,90,0
+forkland,1145,2
+lindenwood,345,9
+pomaria,917,6
+newfields,1127,0
+woodbine,485,3
+newfields,935,4
+beechwood,1119,1
+ranchester,928,12
+klickitat,640,5
+pomaria,341,2
+hiteman,1818,6
+shelbyville,227,1
+tolstoy,284,0
+pomaria,693,1
+shelbyville,1449,10
+ranchester,728,3
+marstons,2464,5
+leonardo,1001,3
+allensville,304,5
+klickitat,2068,2
+hanson,812,15
+lakeville,142,1
+ranchester,429,17
+newfields,1656,6
+tolstoy,56,0
+hiteman,326,5
+onaga,592,3
+lindenwood,620,4
+woodbine,1706,0
+marstons,623,2
+mifflinburg,47,1
+stockman,744,1
+hanson,1611,7
+pomaria,1356,11
+woodbine,1505,5
+hiteman,144,5
+woodbine,1530,3
+beechwood,733,0
+klickitat,1674,0
+beechwood,133,1
+shelbyville,172,8
+onaga,648,3
+newfields,1125,12
+allensville,381,0
+shelbyville,1732,2
+hanson,788,0
+hanson,1528,12
+stockman,1317,6
+marstons,977,3
+forkland,121,1
+pomaria,1489,7
+klickitat,1021,5
+hiteman,531,2
+merom,1093,3
+cosmos,807,5
+pinesdale,981,1
+lindenwood,717,3
+shelbyville,717,2
+leonardo,1215,3
+pomaria,943,4
+klickitat,1542,3
+marstons,2415,6
+shelbyville,1372,3
+stockman,574,6
+marstons,1010,8
+klickitat,915,3
+coffeen,399,2
+shelbyville,1201,1
+ranchester,1552,1
+pinesdale,1487,9
+leonardo,922,2
+onaga,204,4
+wainscott,1502,2
+woodbine,1975,7
+marstons,1619,7
+marstons,411,2
+woodbine,1609,5
+leonardo,1309,3
+pomaria,869,1
+hiteman,858,5
+woodbine,172,0
+pomaria,36,6
+newfields,101,2
+lindenwood,813,0
+hiteman,591,0
+cosmos,901,4
+marstons,1206,3
+lakeville,170,0
+stockman,1568,1
+pomaria,1665,1
+merom,310,8
+tolstoy,1535,4
+woodbine,536,2
+hanson,738,2
+shelbyville,376,1
+woodbine,66,8
+pinesdale,1473,1
+klickitat,2072,4
+leonardo,265,2
+lindenwood,911,0
+lindenwood,772,14
+hanson,1379,8
+leonardo,947,3
+marstons,1794,2
+ranchester,1137,2
+marstons,2503,3
+marstons,623,9
+ranchester,418,6
+tolstoy,608,9
+marstons,413,6
+hanson,821,5
+woodbine,1504,0
+wainscott,120,1
+wainscott,923,7
+hanson,271,0
+allensville,181,8
+benevolence,398,0
+shelbyville,484,1
+lakeville,177,8
+wainscott,81,2
+leonardo,972,3
+pinesdale,1093,5
+coffeen,609,6
+newfields,415,13
+leonardo,2088,2
+hiteman,409,4
+ranchester,470,2
+lindenwood,329,3
+benevolence,318,0
+tolstoy,983,0
+hiteman,1563,11
+ranchester,1086,1
+newfields,777,5
+woodbine,1800,11
+klickitat,1902,5
+tolstoy,279,0
+tolstoy,238,4
+newfields,581,8
+pomaria,883,2
+hanson,1018,5
+marstons,1375,1
+wainscott,1586,1
+hiteman,1175,1
+mifflinburg,597,2
+hiteman,538,2
+shelbyville,1305,7
+pomaria,1655,4
+onaga,636,2
+shelbyville,351,4
+shelbyville,1269,10
+hanson,215,7
+lindenwood,1276,11
+klickitat,203,0
+shelbyville,369,4
+hanson,422,9
+stockman,955,0
+newfields,277,4
+tolstoy,745,2
+woodbine,916,10
+ranchester,306,5
+allensville,361,1
+stockman,804,2
+leonardo,329,3
+shelbyville,941,2
+shelbyville,1465,1
+ranchester,1609,1
+lindenwood,20,3
+lakeville,1278,2
+coffeen,1210,3
+lindenwood,1238,5
+shelbyville,2623,6
+stockman,750,2
+ranchester,1630,1
+marstons,1146,15
+wainscott,585,4
+lindenwood,2140,3
+hanson,734,0
+lindenwood,900,0
+tolstoy,665,2
+woodbine,900,0
+hiteman,887,7
+pinesdale,271,1
+tolstoy,1324,4
+shelbyville,1203,4
+forkland,595,4
+cosmos,621,0
+shelbyville,7,3
+lakeville,1200,3
+mifflinburg,805,2
+mifflinburg,829,0
+shelbyville,2009,5
+hiteman,1212,3
+lindenwood,2114,2
+marstons,1404,2
+lakeville,1038,4
+hiteman,558,0
+lindenwood,2489,2
+wainscott,396,1
+forkland,772,10
+lindenwood,1241,9
+lindenwood,2245,5
+allensville,197,0
+leonardo,1096,4
+beechwood,975,0
+tolstoy,465,6
+lakeville,1792,1
+hiteman,902,6
+mifflinburg,814,0
+shelbyville,2155,0
+lindenwood,2629,7
+shelbyville,611,3
+stockman,86,5
+tolstoy,268,13
+marstons,2246,15
+wainscott,880,17
+shelbyville,1610,6
+klickitat,720,6
+wainscott,1757,10
+stockman,1051,2
+hiteman,1816,5
+mifflinburg,328,3
+coffeen,555,3
+pinesdale,473,1
+lakeville,1489,4
+lindenwood,2007,8
+onaga,55,0
+wainscott,274,4
+woodbine,616,6
+pinesdale,753,1
+woodbine,2044,7
+marstons,1518,3
+klickitat,1509,14
+marstons,145,3
+lakeville,74,3
+cosmos,891,8
+stockman,196,0
+shelbyville,1484,5
+wainscott,1583,15
+onaga,305,1
+klickitat,245,0
+lindenwood,251,3
+hiteman,1375,7
+onaga,204,1
+leonardo,169,4
+newfields,569,1
+newfields,106,1
+cosmos,697,4
+pinesdale,745,2
+lindenwood,479,1
+marstons,1332,6
+beechwood,646,8
+marstons,2267,6
+ranchester,181,0
+hiteman,1170,3
+newfields,1583,6
+lakeville,1642,4
+woodbine,826,0
+lakeville,1720,7
+beechwood,240,2
+ranchester,182,2
+stockman,367,5
+beechwood,160,5
+tolstoy,911,0
+hanson,7,13
+leonardo,236,2
+marstons,2650,2
+woodbine,663,2
+newfields,405,4
+hiteman,984,0
+beechwood,363,3
+forkland,970,3
+newfields,958,1
+leonardo,415,5
+wainscott,821,10
+shelbyville,479,2
+stockman,874,1
+wainscott,131,3
+wainscott,1153,1
+shelbyville,2764,1
+wainscott,77,3
+klickitat,1799,8
+hiteman,1237,3
+onaga,122,1
+shelbyville,1698,2
+pinesdale,1471,0
+lindenwood,2674,6
+forkland,222,0
+shelbyville,2555,1
+pomaria,123,13
+lindenwood,2534,1
+benevolence,780,12
+newfields,683,5
+mifflinburg,399,3
+coffeen,1237,0
+shelbyville,869,5
+marstons,391,8
+forkland,471,0
+beechwood,647,1
+lakeville,460,2
+wainscott,1609,10
+shelbyville,1473,11
+tolstoy,1421,2
+forkland,506,4
+stockman,542,0
+hiteman,1152,3
+klickitat,1736,2
+woodbine,1225,0
+shelbyville,1878,0
+hiteman,121,3
+hanson,1532,2
+lakeville,1881,1
+merom,168,0
+wainscott,401,1
+leonardo,619,5
+leonardo,499,3
+lakeville,1154,0
+marstons,1742,0
+lindenwood,361,3
+coffeen,1266,1
+woodbine,1829,4
+lindenwood,2172,2
+pomaria,932,2
+newfields,422,7
+leonardo,1357,2
+marstons,1656,8
+ranchester,1377,16
+hiteman,670,7
+pinesdale,1455,9
+onaga,339,1
+newfields,2,8
+hiteman,997,3
+newfields,215,2
+stockman,539,7
+allensville,35,7
+mifflinburg,124,3
+woodbine,678,1
+lakeville,1613,2
+woodbine,1463,3
+klickitat,41,3
+leonardo,390,2
+klickitat,2259,7
+pinesdale,364,1
+woodbine,1092,6
+leonardo,291,10
+tolstoy,738,2
+newfields,931,4
+tolstoy,463,0
+onaga,152,3
+hiteman,1777,3
+stockman,736,1
+beechwood,600,0
+merom,815,1
+merom,435,1
+marstons,2335,0
+shelbyville,2334,11
+mifflinburg,772,0
+mifflinburg,454,10
+tolstoy,1816,1
+lakeville,1527,0
+shelbyville,1799,3
+merom,919,5
+leonardo,1067,2
+tolstoy,133,1
+klickitat,669,2
+ranchester,1393,13
+wainscott,334,0
+stockman,990,1
+ranchester,1051,0
+lakeville,775,1
+klickitat,2127,15
+lakeville,284,20
+marstons,273,3
+marstons,914,10
+shelbyville,2294,4
+cosmos,815,0
+hiteman,793,0
+lindenwood,86,3
+stockman,1249,1
+merom,669,4
+shelbyville,1236,16
+lindenwood,318,2
+mifflinburg,740,0
+hanson,230,3
+klickitat,235,1
+pomaria,1250,3
+shelbyville,144,13
+leonardo,110,0
+benevolence,424,0
+tolstoy,99,3
+woodbine,245,9
+shelbyville,676,2
+marstons,2192,0
+coffeen,779,2
+woodbine,747,7
+leonardo,1774,10
+ranchester,866,5
+hanson,988,1
+hanson,1493,13
+hanson,1376,1
+allensville,38,9
+woodbine,426,2
+pinesdale,333,3
+tolstoy,669,3
+lindenwood,668,6
+klickitat,1855,0
+coffeen,1140,4
+cosmos,771,4
+woodbine,429,3
+shelbyville,2149,5
+hanson,1184,0
+mifflinburg,801,0
+coffeen,729,5
+shelbyville,2738,0
+klickitat,2279,7
+merom,533,0
+shelbyville,61,2
+shelbyville,1999,13
+klickitat,2266,5
+ranchester,1417,8
+tolstoy,588,0
+leonardo,1794,4
+newfields,1066,0
+marstons,1151,1
+forkland,1122,3
+newfields,1338,13
+lakeville,1174,1
+beechwood,181,2
+lakeville,1237,3
+leonardo,1675,2
+wainscott,1418,0
+hiteman,1503,3
+lindenwood,1633,1
+merom,373,0
+stockman,1469,3
+lakeville,437,5
+ranchester,213,0
+lakeville,1493,13
+marstons,794,5
+pinesdale,275,0
+marstons,1909,1
+shelbyville,2737,12
+shelbyville,2321,1
+pinesdale,751,6
+stockman,121,5
+shelbyville,2813,7
+pinesdale,110,0
+lindenwood,2625,4
+hanson,537,1
+newfields,1476,11
+leonardo,417,10
+lindenwood,2334,4
+pomaria,1415,10
+wainscott,1693,1
+lakeville,141,4
+benevolence,219,1
+ranchester,1066,2
+leonardo,995,1
+cosmos,431,0
+pinesdale,943,3
+hanson,1255,1
+ranchester,822,2
+shelbyville,501,11
+mifflinburg,506,6
+hiteman,900,2
+marstons,2536,1
+ranchester,1422,2
+marstons,761,0
+pomaria,396,3
+merom,567,2
+cosmos,832,5
+klickitat,1459,2
+lakeville,1733,6
+pinesdale,577,0
+newfields,1005,2
+marstons,2122,1
+cosmos,292,1
+forkland,784,4
+benevolence,869,12
+leonardo,964,6
+wainscott,703,13
+hanson,1659,2
+ranchester,67,6
+shelbyville,2179,6
+woodbine,1727,8
+hanson,347,3
+merom,191,0
+klickitat,126,12
+hanson,1218,14
+lindenwood,2049,7
+woodbine,1243,8
+shelbyville,493,1
+klickitat,1014,6
+stockman,737,2
+woodbine,222,1
+wainscott,105,9
+forkland,180,0
+woodbine,1032,13
+tolstoy,39,0
+newfields,197,8
+tolstoy,1465,3
+klickitat,1839,3
+lakeville,751,1
+newfields,804,4
+klickitat,869,0
+pomaria,826,1
+merom,480,0
+klickitat,1664,3
+lakeville,860,0
+newfields,192,1
+tolstoy,431,4
+wainscott,95,0
+pomaria,200,0
+marstons,1516,0
+newfields,1609,6
+leonardo,1958,8
+marstons,1805,5
+wainscott,504,8
+woodbine,493,5
+marstons,1966,7
+ranchester,1622,2
+marstons,411,1
+klickitat,2268,12
+hanson,1419,7
+shelbyville,2335,7
+wainscott,105,8
+hiteman,1737,16
+newfields,1299,3
+klickitat,65,9
+woodbine,479,8
+klickitat,2419,1
+wainscott,211,3
+tolstoy,1569,0
+stockman,1299,2
+marstons,768,8
+pinesdale,1207,9
+cosmos,485,0
+hanson,1555,5
+tolstoy,1523,2
+mifflinburg,710,4
+shelbyville,1282,0
+pinesdale,1261,2
+forkland,18,1
+woodbine,775,4
+newfields,1475,1
+marstons,1918,3
+klickitat,1866,5
+wainscott,1331,3
+stockman,976,0
+hanson,304,7
+wainscott,555,1
+hanson,161,4
+tolstoy,141,7
+pinesdale,289,7
+lindenwood,447,9
+woodbine,1832,0
+coffeen,938,2
+shelbyville,2376,2
+coffeen,1102,2
+shelbyville,447,2
+pomaria,911,2
+benevolence,229,5
+pomaria,486,2
+merom,339,1
+merom,791,2
+woodbine,1207,8
+merom,316,4
+klickitat,309,1
+klickitat,2315,0
+klickitat,153,4
+onaga,291,0
+wainscott,993,4
+benevolence,565,6
+leonardo,2020,0
+ranchester,396,4
+tolstoy,379,0
+ranchester,887,1
+leonardo,505,4
+coffeen,792,12
+hanson,693,7
+hiteman,880,6
+mifflinburg,173,7
+pinesdale,579,4
+wainscott,91,0
+pinesdale,920,11
+beechwood,200,3
+pinesdale,98,5
+lindenwood,1972,6
+merom,986,0
+klickitat,1339,0
+klickitat,1317,1
+marstons,349,4
+wainscott,1119,0
+klickitat,1975,3
+shelbyville,2592,3
+klickitat,737,0
+stockman,1337,1
+lindenwood,447,4
+wainscott,794,0
+marstons,855,8
+marstons,29,1
+stockman,768,2
+newfields,1220,4
+beechwood,316,2
+pinesdale,318,0
+hiteman,1524,2
+leonardo,250,7
+leonardo,628,5
+hiteman,1035,5
+lindenwood,834,0
+shelbyville,393,1
+stockman,1360,4
+newfields,1003,3
+mifflinburg,899,2
+marstons,846,3
+lindenwood,1120,3
+cosmos,221,9
+merom,969,2
+marstons,734,1
+tolstoy,1197,4
+coffeen,1413,0
+lindenwood,665,0
+leonardo,642,4
+leonardo,79,0
+woodbine,1542,3
+shelbyville,1557,4
+merom,443,1
+klickitat,2174,4
+lindenwood,2408,3
+hanson,10,6
+beechwood,629,5
+pomaria,463,8
+pomaria,927,10
+leonardo,1945,0
+allensville,489,6
+lakeville,1852,1
+pinesdale,1301,1
+shelbyville,520,10
+ranchester,1352,1
+lindenwood,984,5
+klickitat,723,1
+pomaria,514,9
+klickitat,383,3
+pomaria,1219,1
+hanson,1594,11
+wainscott,300,8
+forkland,900,1
+marstons,1085,12
+shelbyville,692,0
+hanson,446,8
+merom,910,2
+klickitat,331,1
+wainscott,1187,0
+pinesdale,289,9
+allensville,70,2
+merom,410,2
+wainscott,211,2
+shelbyville,1201,10
+forkland,394,3
+klickitat,1639,1
+hiteman,331,3
+marstons,1822,1
+newfields,1473,8
+klickitat,1572,14
+benevolence,226,1
+lakeville,38,3
+klickitat,1139,7
+lakeville,1834,2
+pinesdale,1308,5
+allensville,274,4
+lindenwood,311,5
+shelbyville,581,8
+marstons,2573,3
+forkland,558,2
+klickitat,2274,3
+mifflinburg,29,7
+hiteman,1463,6
+hiteman,1303,2
+woodbine,274,0
+forkland,1175,2
+hanson,361,2
+coffeen,1402,0
+hanson,165,0
+shelbyville,124,2
+pomaria,155,2
+pinesdale,999,1
+leonardo,2085,3
+hanson,1142,0
+woodbine,540,1
+lakeville,1737,4
+allensville,253,3
+ranchester,559,7
+hiteman,700,0
+forkland,930,0
+leonardo,2035,11
+klickitat,914,17
+beechwood,662,8
+newfields,446,3
+marstons,1621,0
+woodbine,1671,0
+lakeville,550,4
+beechwood,17,2
+shelbyville,1569,11
+wainscott,760,10
+newfields,478,0
+marstons,1563,3
+stockman,398,1
+marstons,497,11
+lakeville,670,8
+cosmos,393,1
+woodbine,1730,6
+stockman,1176,5
+wainscott,641,7
+newfields,1593,9
+wainscott,1623,7
+shelbyville,2217,6
+lindenwood,229,2
+woodbine,1577,8
+hanson,1481,0
+shelbyville,2031,7
+lakeville,1406,2
+marstons,1916,5
+hiteman,926,6
+stockman,842,1
+wainscott,1737,5
+newfields,598,1
+marstons,895,13
+newfields,139,6
+marstons,1753,0
+klickitat,514,1
+marstons,740,6
+allensville,77,3
+stockman,768,1
+lindenwood,339,0
+ranchester,365,2
+coffeen,1155,2
+ranchester,411,4
+marstons,2010,0
+tolstoy,983,2
+klickitat,2195,2
+stockman,163,7
+lakeville,294,7
+hanson,1121,11
+pomaria,1281,14
+hanson,28,0
+marstons,800,2
+pomaria,1407,3
+stockman,1507,4
+wainscott,961,0
+newfields,208,6
+hiteman,801,2
+hanson,111,9
+shelbyville,1219,7
+newfields,446,5
+klickitat,2357,2
+leonardo,1201,5
+beechwood,688,2
+woodbine,744,2
+shelbyville,1838,12
+cosmos,544,1
+pinesdale,1314,4
+merom,809,9
+wainscott,1439,0
+pomaria,440,11
+pinesdale,669,6
+shelbyville,2418,6
+merom,534,0
+hiteman,1158,6
+onaga,29,1
+tolstoy,189,2
+klickitat,1589,11
+klickitat,1134,8
+shelbyville,1697,8
+coffeen,996,1
+cosmos,131,11
+lakeville,761,6
+hanson,14,2
+wainscott,510,3
+hanson,1480,0
+marstons,1308,3
+stockman,39,2
+marstons,1318,3
+hiteman,1174,2
+leonardo,1342,7
+ranchester,101,0
+stockman,1286,1
+tolstoy,494,0
+forkland,415,3
+leonardo,1957,10
+shelbyville,2212,12
+marstons,2599,8
+beechwood,494,2
+lindenwood,2347,11
+pomaria,1162,4
+shelbyville,632,4
+shelbyville,2112,5
+lakeville,1214,1
+leonardo,1402,12
+forkland,251,1
+hanson,202,4
+lindenwood,468,9
+tolstoy,963,1
+leonardo,1079,0
+lakeville,1612,2
+allensville,479,2
+shelbyville,178,8
+merom,32,8
+lindenwood,1298,3
+hanson,1466,2
+woodbine,187,0
+lakeville,1521,4
+tolstoy,1574,7
+leonardo,1117,4
+pinesdale,273,0
+hiteman,367,1
+ranchester,1191,5
+ranchester,1155,4
+shelbyville,37,10
+cosmos,7,5
+woodbine,833,12
+newfields,288,2
+marstons,2069,13
+ranchester,1199,8
+merom,195,3
+pomaria,39,1
+wainscott,909,9
+newfields,1424,7
+pinesdale,1162,11
+shelbyville,25,3
+mifflinburg,913,1
+pomaria,1336,5
+mifflinburg,538,0
+cosmos,823,5
+woodbine,924,0
+beechwood,643,8
+lindenwood,1853,10
+beechwood,597,3
+wainscott,1272,0
+mifflinburg,235,4
+newfields,892,6
+shelbyville,1258,9
+coffeen,15,1
+pinesdale,452,0
+woodbine,92,5
+ranchester,777,4
+marstons,1671,0
+hiteman,581,1
+leonardo,2053,1
+mifflinburg,260,2
+shelbyville,1072,3
+pomaria,1493,2
+merom,788,3
+stockman,1419,3
+lindenwood,1889,5
+stockman,470,10
+tolstoy,1644,1
+shelbyville,565,5
+klickitat,1544,2
+lakeville,647,8
+woodbine,2055,6
+ranchester,884,0
+shelbyville,2132,9
+shelbyville,2353,3
+forkland,712,0
+pomaria,1599,5
+forkland,284,0
+pomaria,229,8
+marstons,807,4
+coffeen,954,1
+ranchester,236,0
+wainscott,1481,3
+leonardo,711,2
+marstons,415,2
+ranchester,930,0
+pomaria,1245,0
+onaga,91,0
+woodbine,369,15
+shelbyville,1524,1
+coffeen,721,2
+lindenwood,512,7
+lindenwood,1164,0
+ranchester,382,2
+shelbyville,1802,1
+leonardo,2097,3
+coffeen,314,2
+pomaria,838,2
+hanson,922,2
+tolstoy,1321,0
+hanson,448,1
+ranchester,739,10
+wainscott,1479,1
+klickitat,1247,0
+marstons,2069,11
+allensville,461,3
+leonardo,850,10
+ranchester,964,0
+beechwood,177,1
+woodbine,1085,2
+lakeville,508,2
+pinesdale,24,5
+lindenwood,360,8
+klickitat,1046,10
+lakeville,364,2
+cosmos,520,13
+leonardo,4,10
+lakeville,1662,8
+leonardo,553,11
+merom,39,5
+shelbyville,816,3
+lindenwood,1402,8
+lindenwood,2178,5
+forkland,388,5
+marstons,1925,10
+coffeen,632,5
+pinesdale,279,2
+wainscott,1751,6
+lindenwood,2437,8
+coffeen,669,3
+marstons,835,4
+stockman,1426,0
+woodbine,931,1
+shelbyville,620,2
+forkland,1063,3
+forkland,110,3
+lindenwood,1039,1
+lindenwood,2497,4
+wainscott,48,9
+merom,197,4
+marstons,323,1
+coffeen,809,6
+lakeville,393,14
+lindenwood,457,3
+newfields,1608,14
+lindenwood,1488,8
+lakeville,125,8
+lindenwood,2232,3
+lindenwood,1995,3
+lindenwood,33,6
+woodbine,552,6
+cosmos,282,2
+pomaria,334,6
+ranchester,1446,8
+pinesdale,1015,0
+tolstoy,1274,1
+lindenwood,1881,8
+pomaria,1225,12
+shelbyville,1633,7
+marstons,2394,5
+lindenwood,1607,1
+lakeville,1678,5
+woodbine,1738,1
+marstons,1224,9
+forkland,967,2
+hanson,504,4
+shelbyville,2445,2
+woodbine,1867,4
+shelbyville,2124,10
+forkland,1046,1
+shelbyville,1818,5
+benevolence,833,2
+hiteman,624,4
+onaga,447,2
+woodbine,1654,8
+wainscott,1744,1
+beechwood,314,3
+shelbyville,1622,1
+pomaria,1573,0
+klickitat,727,3
+leonardo,824,2
+cosmos,236,2
+cosmos,289,6
+merom,789,5
+onaga,504,7
+merom,834,1
+tolstoy,168,4
+newfields,966,7
+mifflinburg,505,2
+merom,1063,0
+beechwood,512,4
+benevolence,545,1
+pinesdale,1508,0
+klickitat,698,0
+marstons,1743,9
+cosmos,649,9
+pinesdale,846,7
+shelbyville,194,7
+woodbine,2047,1
+wainscott,69,1
+tolstoy,54,1
+wainscott,1546,3
+lindenwood,2393,3
+leonardo,1092,2
+beechwood,321,1
+lindenwood,620,2
+wainscott,85,3
+pomaria,516,0
+lindenwood,1421,3
+leonardo,627,4
+forkland,1163,6
+ranchester,204,7
+pinesdale,1087,6
+woodbine,474,8
+hanson,559,2
+lakeville,794,6
+pomaria,1523,5
+beechwood,1167,3
+shelbyville,2133,2
+woodbine,1928,1
+pinesdale,784,3
+tolstoy,1178,1
+woodbine,292,0
+marstons,1519,2
+pinesdale,1323,2
+leonardo,304,0
+stockman,721,7
+mifflinburg,603,2
+forkland,277,1
+leonardo,1430,1
+pinesdale,1081,5
+marstons,1375,0
+stockman,1484,9
+forkland,669,3
+ranchester,169,2
+shelbyville,1496,6
+stockman,302,2
+cosmos,240,2
+beechwood,866,4
+tolstoy,1747,0
+klickitat,17,8
+leonardo,1203,1
+wainscott,379,9
+newfields,1234,1
+cosmos,129,4
+beechwood,941,2
+marstons,1089,0
+shelbyville,2123,8
+marstons,783,6
+lindenwood,1817,6
+leonardo,1465,4
+beechwood,1151,9
+tolstoy,1494,4
+stockman,207,3
+mifflinburg,538,4
+allensville,74,7
+shelbyville,2478,15
+klickitat,1471,8
+klickitat,751,0
+pomaria,523,1
+lindenwood,2090,1
+hanson,1477,5
+shelbyville,2499,7
+lindenwood,2461,1
+lakeville,1435,6
+lindenwood,715,0
+hanson,827,2
+marstons,289,1
+onaga,191,2
+coffeen,464,6
+leonardo,586,1
+leonardo,985,2
+hanson,1238,6
+cosmos,878,1
+lindenwood,562,6
+marstons,1630,1
+hiteman,1104,6
+woodbine,924,3
+merom,69,1
+pomaria,1612,3
+woodbine,1826,1
+marstons,1246,1
+lakeville,1200,11
+lindenwood,906,14
+hiteman,1835,4
+coffeen,759,2
+wainscott,1078,2
+ranchester,753,2
+mifflinburg,249,0
+shelbyville,2609,3
+woodbine,542,3
+pomaria,789,4
+beechwood,839,4
+woodbine,100,13
+pomaria,121,9
+coffeen,278,1
+pinesdale,1245,6
+wainscott,554,5
+leonardo,1780,2
+forkland,552,2
+klickitat,2231,0
+tolstoy,38,3
+pinesdale,14,3
+shelbyville,1406,2
+marstons,266,6
+lindenwood,2212,9
+leonardo,478,0
+marstons,2439,2
+klickitat,895,3
+hanson,1217,1
+ranchester,895,14
+benevolence,18,0
+lakeville,562,1
+pomaria,442,0
+lindenwood,391,3
+hanson,178,2
+benevolence,395,1
+mifflinburg,718,3
+klickitat,414,0
+newfields,1587,7
+leonardo,482,2
+beechwood,1116,1
+wainscott,978,3
+lindenwood,1721,2
+newfields,1599,1
+hanson,343,10
+pomaria,477,10
+klickitat,1475,6
+leonardo,967,0
+woodbine,1286,7
+forkland,47,0
+lakeville,1140,7
+leonardo,846,12
+leonardo,929,9
+lakeville,332,1
+shelbyville,1826,0
+leonardo,1061,9
+newfields,1011,7
+shelbyville,775,12
+hanson,892,0
+marstons,2541,2
+woodbine,1426,0
+woodbine,1253,7
+mifflinburg,185,3
+shelbyville,1272,0
+lakeville,1799,14
+klickitat,154,4
+lakeville,1274,4
+lakeville,561,5
+shelbyville,892,1
+klickitat,1427,2
+coffeen,1091,1
+cosmos,459,3
+woodbine,638,5
+shelbyville,928,18
+ranchester,1302,3
+marstons,129,1
+lindenwood,1819,1
+cosmos,1034,5
+klickitat,1797,5
+newfields,337,0
+merom,544,6
+coffeen,984,1
+shelbyville,1061,0
+cosmos,1031,2
+cosmos,786,5
+hiteman,1195,6
+newfields,792,8
+pinesdale,705,2
+tolstoy,934,3
+hanson,1134,13
+hiteman,612,3
+lakeville,1537,1
+newfields,108,7
+stockman,1138,3
+tolstoy,862,1
+coffeen,1405,7
+shelbyville,2670,1
+marstons,1765,2
+wainscott,1323,0
+stockman,31,4
+leonardo,143,10
+marstons,1228,6
+ranchester,805,11
+mifflinburg,569,3
+stockman,1053,0
+ranchester,1347,18
+lindenwood,747,3
+wainscott,663,0
+leonardo,1536,3
+shelbyville,2575,3
+marstons,1676,12
+merom,500,1
+cosmos,113,4
+woodbine,2042,2
+benevolence,146,0
+wainscott,1390,2
+shelbyville,22,4
+wainscott,251,0
+lakeville,671,5
+benevolence,42,7
+marstons,1512,8
+pinesdale,452,1
+tolstoy,102,9
+coffeen,1001,1
+marstons,955,1
+merom,35,2
+tolstoy,905,2
+ranchester,455,3
+leonardo,1267,1
+stockman,1055,3
+merom,100,0
+tolstoy,260,0
+mifflinburg,667,0
+lakeville,961,3
+woodbine,1111,1
+newfields,422,2
+shelbyville,2307,3
+ranchester,912,0
+klickitat,1426,3
+marstons,2428,9
+newfields,387,1
+ranchester,1243,1
+tolstoy,1323,1
+benevolence,733,0
+pinesdale,735,2
+newfields,992,6
+mifflinburg,783,2
+woodbine,349,2
+pomaria,652,0
+hanson,1129,5
+marstons,1292,0
+wainscott,435,1
+marstons,2320,0
+wainscott,689,3
+cosmos,682,3
+shelbyville,2077,8
+hiteman,1845,7
+hiteman,1546,4
+merom,679,1
+mifflinburg,164,5
+marstons,591,6
+merom,63,6
+marstons,821,14
+shelbyville,937,2
+leonardo,1339,1
+lindenwood,2387,2
+ranchester,289,0
+lindenwood,1316,2
+pinesdale,381,4
+hanson,156,3
+wainscott,101,5
+cosmos,597,2
+hiteman,8,0
+klickitat,1004,3
+marstons,1645,0
+cosmos,496,2
+marstons,2566,1
+tolstoy,35,0
+shelbyville,2378,8
+cosmos,827,2
+lakeville,500,8
+lakeville,432,5
+hiteman,97,1
+klickitat,191,0
+lakeville,149,0
+cosmos,1041,6
+klickitat,2156,3
+shelbyville,2512,16
+mifflinburg,112,7
+marstons,2388,3
+lindenwood,1668,2
+woodbine,1929,8
+leonardo,315,1
+beechwood,770,13
+marstons,2224,1
+onaga,341,0
+hanson,115,0
+hanson,1150,1
+woodbine,892,8
+klickitat,2057,12
+lakeville,330,1
+tolstoy,487,11
+klickitat,1422,4
+wainscott,932,0
+hiteman,1431,6
+woodbine,1289,8
+woodbine,1644,10
+ranchester,1598,2
+lakeville,1119,4
+marstons,497,9
+cosmos,779,9
+marstons,319,1
+marstons,2624,3
+shelbyville,1264,1
+shelbyville,2187,3
+newfields,456,1
+forkland,765,6
+klickitat,1720,1
+woodbine,1319,3
+leonardo,128,0
+beechwood,96,2
+mifflinburg,136,0
+lindenwood,652,11
+marstons,2487,1
+pomaria,905,2
+shelbyville,539,2
+lindenwood,2234,1
+woodbine,221,8
+stockman,1090,2
+lakeville,1350,8
+ranchester,28,1
+beechwood,815,7
+hanson,1580,2
+leonardo,733,9
+klickitat,2386,1
+hiteman,615,0
+ranchester,780,2
+leonardo,1064,5
+shelbyville,2103,5
+shelbyville,1153,3
+newfields,1202,9
+pomaria,969,3
+ranchester,250,4
+wainscott,114,2
+benevolence,834,7
+tolstoy,796,10
+pomaria,98,4
+woodbine,358,2
+pinesdale,620,2
+wainscott,662,5
+marstons,1971,0
+pomaria,1183,4
+woodbine,1994,0
+benevolence,565,9
+allensville,172,6
+lindenwood,1702,3
+woodbine,572,2
+pomaria,1168,9
+wainscott,1296,7
+merom,931,3
+klickitat,1279,2
+woodbine,1393,4
+ranchester,382,8
+pinesdale,272,0
+benevolence,481,4
+marstons,2520,2
+lindenwood,2335,4
+leonardo,66,5
+leonardo,1673,12
+onaga,401,3
+lindenwood,2651,3
+leonardo,699,18
+beechwood,436,3
+woodbine,145,4
+marstons,1311,1
+pomaria,1560,2
+klickitat,966,5
+newfields,863,0
+marstons,1850,7
+wainscott,1170,2
+shelbyville,2536,0
+pinesdale,333,0
+wainscott,388,0
+hanson,970,0
+lindenwood,294,4
+lakeville,1326,4
+lakeville,195,3
+coffeen,425,3
+newfields,577,16
+hiteman,1497,3
+cosmos,421,0
+beechwood,47,2
+hiteman,1686,2
+wainscott,1096,3
+newfields,1387,1
+pinesdale,265,8
+woodbine,370,3
+woodbine,1208,6
+cosmos,645,2
+klickitat,785,4
+shelbyville,2260,17
+cosmos,635,4
+klickitat,2219,0
+onaga,370,0
+lindenwood,761,7
+forkland,525,8
+ranchester,252,5
+lindenwood,2467,9
+wainscott,526,2
+leonardo,1139,11
+pinesdale,718,0
+lakeville,492,3
+lakeville,1398,1
+lindenwood,80,0
+onaga,410,0
+klickitat,1345,11
+wainscott,156,7
+lakeville,1022,2
+coffeen,405,0
+pinesdale,586,5
+stockman,807,5
+beechwood,256,1
+woodbine,1080,2
+wainscott,1550,1
+lakeville,1472,2
+shelbyville,200,2
+shelbyville,1577,0
+klickitat,1772,10
+klickitat,150,4
+hiteman,1828,6
+lindenwood,54,6
+klickitat,381,4
+klickitat,930,1
+tolstoy,1101,4
+shelbyville,382,0
+shelbyville,2554,2
+merom,166,4
+newfields,1133,1
+marstons,296,2
+hiteman,663,1
+woodbine,1440,4
+woodbine,743,3
+lakeville,1792,0
+newfields,64,0
+cosmos,453,1
+beechwood,857,5
+lakeville,1497,1
+cosmos,242,4
+woodbine,539,8
+lindenwood,2031,7
+benevolence,320,4
+leonardo,453,2
+lindenwood,396,4
+wainscott,768,3
+klickitat,1757,6
+stockman,191,2
+coffeen,274,2
+newfields,1103,2
+marstons,2419,2
+marstons,73,5
+ranchester,872,0
+shelbyville,589,1
+hiteman,78,1
+pinesdale,294,0
+marstons,1831,4
+wainscott,165,1
+woodbine,500,2
+beechwood,375,8
+pomaria,44,4
+shelbyville,1981,7
+marstons,975,3
+pomaria,1415,4
+shelbyville,2293,6
+hiteman,1678,5
+tolstoy,243,1
+stockman,577,0
+woodbine,177,4
+stockman,970,5
+leonardo,1082,1
+cosmos,455,0
+hiteman,1648,2
+leonardo,1952,0
+hiteman,1331,1
+newfields,47,13
+coffeen,1490,0
+pomaria,884,6
+woodbine,523,10
+leonardo,1637,5
+lindenwood,372,4
+klickitat,1560,3
+leonardo,893,4
+leonardo,261,13
+lakeville,1859,2
+lakeville,1271,2
+tolstoy,512,2
+newfields,845,6
+lakeville,224,3
+benevolence,652,2
+stockman,1302,0
+pomaria,553,10
+cosmos,371,2
+marstons,619,1
+hanson,1057,3
+ranchester,640,6
+hanson,1629,2
+hanson,1037,5
+lakeville,1459,19
+wainscott,281,7
+klickitat,1305,1
+mifflinburg,629,0
+klickitat,202,4
+stockman,666,2
+stockman,1198,8
+hanson,848,2
+woodbine,811,4
+lindenwood,649,2
+tolstoy,714,5
+pinesdale,175,0
+onaga,16,2
+hiteman,617,0
+lindenwood,251,10
+merom,488,2
+hanson,237,2
+stockman,1097,2
+wainscott,781,12
+pomaria,1127,1
+wainscott,568,1
+coffeen,1400,2
+ranchester,642,0
+shelbyville,2169,1
+lindenwood,1972,13
+woodbine,1537,5
+lakeville,640,3
+ranchester,841,1
+leonardo,307,1
+lindenwood,2140,11
+coffeen,998,5
+lindenwood,690,0
+wainscott,733,1
+wainscott,982,1
+hiteman,126,3
+tolstoy,231,9
+hiteman,1334,1
+tolstoy,1540,7
+pomaria,497,1
+shelbyville,122,1
+pomaria,379,3
+ranchester,1537,5
+merom,679,6
+shelbyville,87,12
+hanson,29,4
+wainscott,831,10
+coffeen,1263,1
+forkland,565,6
+onaga,646,1
+klickitat,2164,1
+wainscott,874,1
+cosmos,696,0
+klickitat,1384,2
+onaga,378,0
+wainscott,429,4
+leonardo,1014,2
+stockman,1120,2
+beechwood,849,3
+stockman,1409,6
+benevolence,487,2
+newfields,213,11
+klickitat,1151,0
+leonardo,882,13
+forkland,1095,7
+leonardo,1543,1
+newfields,137,5
+lakeville,1595,7
+hiteman,149,0
+beechwood,801,7
+merom,880,4
+pomaria,279,5
+benevolence,271,3
+wainscott,627,7
+allensville,437,4
+stockman,1474,10
+marstons,151,1
+klickitat,1903,1
+woodbine,1932,1
+merom,1059,0
+klickitat,1412,12
+hanson,1498,2
+hanson,945,2
+merom,1083,10
+hanson,1228,2
+stockman,652,1
+lindenwood,1189,3
+merom,71,6
+stockman,839,0
+coffeen,1299,4
+marstons,378,2
+leonardo,291,18
+beechwood,1056,10
+mifflinburg,315,4
+klickitat,499,0
+shelbyville,680,9
+onaga,181,2
+woodbine,364,7
+lindenwood,2458,1
+lindenwood,553,2
+cosmos,374,11
+benevolence,358,6
+lindenwood,250,4
+beechwood,785,7
+hiteman,274,3
+pomaria,238,0
+leonardo,1203,2
+ranchester,184,4
+stockman,17,7
+hiteman,665,3
+klickitat,1562,9
+stockman,837,3
+woodbine,1237,0
+newfields,1590,7
+beechwood,755,2
+ranchester,662,0
+klickitat,952,3
+ranchester,1281,4
+shelbyville,1701,2
+shelbyville,582,7
+marstons,1713,8
+hanson,167,1
+leonardo,1091,2
+lakeville,606,1
+tolstoy,1072,4
+wainscott,1058,0
+lindenwood,104,9
+ranchester,1302,5
+lakeville,314,4
+ranchester,920,0
+lindenwood,1057,5
+lindenwood,2041,5
+lindenwood,374,0
+merom,549,3
+marstons,1288,13
+tolstoy,853,0
+cosmos,1071,3
+pomaria,1571,5
+beechwood,793,5
+coffeen,665,0
+lindenwood,1216,4
+lindenwood,2113,8
+lindenwood,394,9
+mifflinburg,538,3
+newfields,1003,9
+tolstoy,1050,7
+marstons,1399,2
+klickitat,1974,6
+lindenwood,2181,6
+benevolence,458,0
+coffeen,78,7
+leonardo,1677,4
+klickitat,1171,1
+hanson,1256,6
+lindenwood,29,10
+benevolence,501,5
+stockman,248,1
+lakeville,1374,8
+forkland,718,5
+lakeville,1274,0
+lakeville,1166,4
+pinesdale,233,0
+marstons,1690,3
+marstons,579,1
+ranchester,148,0
+shelbyville,2436,2
+lakeville,1238,3
+pinesdale,1322,3
+cosmos,924,4
+leonardo,1673,2
+coffeen,1229,2
+wainscott,416,7
+leonardo,563,2
+tolstoy,279,8
+pomaria,1248,1
+hanson,876,2
+beechwood,755,5
+klickitat,150,11
+marstons,259,8
+leonardo,706,3
+klickitat,2411,1
+leonardo,106,2
+hiteman,359,3
+stockman,565,5
+marstons,1372,0
+marstons,1057,3
+marstons,1029,4
+woodbine,729,9
+stockman,1162,0
+hiteman,1746,3
+ranchester,141,3
+lakeville,1614,10
+pinesdale,830,1
+newfields,670,3
+lindenwood,2651,8
+marstons,452,9
+marstons,1919,2
+ranchester,1611,0
+shelbyville,2190,2
+klickitat,491,3
+shelbyville,1598,5
+woodbine,630,1
+ranchester,487,3
+stockman,392,6
+newfields,581,4
+pinesdale,122,1
+beechwood,352,2
+coffeen,1283,5
+wainscott,1069,5
+stockman,1005,0
+shelbyville,296,5
+klickitat,1238,4
+ranchester,555,2
+wainscott,791,6
+klickitat,1213,9
+wainscott,1233,3
+leonardo,130,2
+tolstoy,795,5
+lindenwood,1179,5
+pomaria,148,9
+pinesdale,110,2
+newfields,724,3
+benevolence,127,6
+woodbine,925,8
+lakeville,15,0
+pomaria,43,5
+hiteman,1594,3
+lindenwood,888,0
+wainscott,1639,5
+lakeville,472,3
+shelbyville,761,1
+tolstoy,460,4
+stockman,1362,1
+newfields,952,2
+leonardo,1556,1
+beechwood,89,4
+coffeen,1145,3
+lindenwood,294,0
+leonardo,1219,1
+coffeen,1151,3
+marstons,2422,1
+tolstoy,897,7
+woodbine,350,5
+tolstoy,639,2
+hanson,817,0
+newfields,1031,10
+klickitat,286,1
+coffeen,459,3
+marstons,2444,11
+hiteman,754,5
+forkland,536,1
+lakeville,1603,7
+cosmos,35,4
+shelbyville,271,9
+merom,696,2
+woodbine,1753,0
+beechwood,1023,1
+leonardo,2010,2
+tolstoy,513,2
+leonardo,1195,2
+ranchester,805,5
+woodbine,514,14
+stockman,123,3
+pinesdale,29,6
+newfields,532,16
+lakeville,1153,7
+klickitat,780,1
+newfields,1583,10
+klickitat,2219,4
+ranchester,1528,2
+newfields,1126,5
+lindenwood,407,2
+hiteman,572,5
+ranchester,1180,2
+woodbine,1443,0
+woodbine,794,9
+onaga,75,4
+ranchester,457,6
+pomaria,214,3
+marstons,1268,7
+wainscott,629,0
+klickitat,1669,0
+cosmos,160,8
+lakeville,895,2
+coffeen,599,1
+hanson,1160,6
+leonardo,662,1
+tolstoy,110,0
+shelbyville,513,4
+stockman,1557,4
+newfields,560,3
+shelbyville,2181,2
+hanson,1160,3
+coffeen,1019,2
+leonardo,1214,13
+newfields,323,2
+klickitat,2386,2
+lindenwood,505,9
+leonardo,852,3
+shelbyville,1279,9
+coffeen,206,0
+hiteman,1428,0
+woodbine,410,4
+newfields,1609,0
+lakeville,460,5
+wainscott,618,7
+lakeville,1603,6
+pomaria,1035,2
+newfields,1608,8
+marstons,67,9
+marstons,677,12
+pinesdale,1411,0
+hanson,820,13
+leonardo,859,4
+lindenwood,1736,2
+newfields,779,2
+ranchester,1200,3
+marstons,821,2
+lindenwood,1735,1
+lakeville,597,6
+merom,1002,3
+ranchester,860,6
+wainscott,452,5
+coffeen,1235,1
+merom,579,1
+cosmos,567,9
+klickitat,65,6
+tolstoy,1102,0
+marstons,193,0
+woodbine,303,0
+leonardo,235,4
+merom,682,5
+merom,833,5
+marstons,1704,0
+marstons,87,7
+cosmos,646,0
+lindenwood,1709,3
+ranchester,947,10
+pomaria,235,5
+shelbyville,2561,2
+shelbyville,433,2
+lakeville,1032,2
+shelbyville,180,13
+shelbyville,1469,4
+lindenwood,1408,5
+lakeville,1612,0
+merom,806,5
+stockman,55,1
+hanson,405,1
+forkland,1053,7
+marstons,1364,2
+merom,1054,2
+woodbine,1904,5
+ranchester,1299,7
+hiteman,1844,5
+stockman,615,8
+leonardo,1161,3
+lindenwood,1820,8
+klickitat,1003,4
+hanson,217,0
+pinesdale,1491,2
+forkland,861,0
+pomaria,917,3
+leonardo,716,7
+klickitat,1419,0
+shelbyville,2219,4
+hanson,1405,3
+forkland,163,6
+pomaria,1213,3
+hanson,1279,9
+tolstoy,804,8
+shelbyville,1619,14
+leonardo,1218,1
+onaga,227,2
+shelbyville,1032,6
+lakeville,847,3
+benevolence,395,0
+benevolence,413,2
+onaga,57,1
+pinesdale,170,1
+leonardo,1074,1
+pomaria,1309,7
+cosmos,567,7
+newfields,140,0
+coffeen,522,1
+lakeville,460,1
+beechwood,149,5
+mifflinburg,289,0
+wainscott,927,3
+cosmos,405,1
+woodbine,1504,7
+klickitat,595,6
+klickitat,7,0
+tolstoy,971,0
+newfields,2,1
+shelbyville,1458,12
+hiteman,1391,0
+newfields,1422,1
+tolstoy,830,6
+wainscott,269,12
+pinesdale,725,8
+beechwood,166,0
+woodbine,1050,2
+hiteman,1732,0
+lakeville,463,0
+hanson,340,5
+hiteman,194,4
+lindenwood,1264,3
+hiteman,1844,0
+klickitat,1121,1
+pomaria,1617,5
+marstons,2338,1
+hiteman,1020,10
+leonardo,1747,0
+merom,41,8
+hanson,931,6
+forkland,801,4
+klickitat,1585,2
+marstons,1022,1
+pomaria,755,1
+tolstoy,1581,4
+lindenwood,2351,0
+shelbyville,2498,0
+pomaria,536,7
+mifflinburg,398,1
+pomaria,968,10
+lindenwood,333,11
+coffeen,463,1
+lindenwood,1387,4
+pinesdale,1267,7
+leonardo,853,0
+hanson,252,1
+hanson,1153,3
+lakeville,681,4
+klickitat,1900,0
+hiteman,1415,0
+merom,213,2
+marstons,2021,18
+hiteman,1745,2
+beechwood,70,3
+marstons,148,1
+leonardo,291,16
+hanson,1233,0
+onaga,676,4
+shelbyville,2418,5
+pomaria,1599,3
+lindenwood,674,4
+shelbyville,1759,2
+lindenwood,2136,9
+tolstoy,12,5
+shelbyville,1738,0
+lakeville,172,18
+wainscott,404,3
+pomaria,1465,15
+coffeen,1436,3
+marstons,375,4
+marstons,2455,1
+tolstoy,890,0
+leonardo,157,6
+marstons,1359,8
+lindenwood,130,2
+merom,674,0
+hanson,1136,7
+hiteman,527,4
+hiteman,1328,1
+hiteman,1605,1
+onaga,550,6
+woodbine,195,9
+tolstoy,1673,6
+lakeville,809,4
+coffeen,702,0
+pinesdale,1033,3
+cosmos,382,0
+newfields,93,9
+hanson,706,1
+beechwood,754,8
+ranchester,735,1
+woodbine,1995,11
+pomaria,1409,7
+leonardo,1835,4
+klickitat,1446,0
+klickitat,514,2
+woodbine,780,10
+marstons,892,1
+pomaria,1066,0
+wainscott,1343,3
+ranchester,1232,7
+coffeen,1173,9
+newfields,226,1
+mifflinburg,353,0
+cosmos,539,4
+hiteman,698,4
+ranchester,1337,2
+marstons,2576,4
+pinesdale,913,2
+klickitat,2139,2
+woodbine,1519,0
+hiteman,1779,3
+lakeville,1224,1
+hanson,1358,0
+pomaria,658,1
+pomaria,1072,1
+marstons,130,5
+shelbyville,2596,4
+klickitat,1874,2
+pomaria,430,3
+lakeville,1455,2
+newfields,657,14
+marstons,2246,3
+shelbyville,64,15
+forkland,525,7
+tolstoy,1387,1
+merom,167,1
+ranchester,228,1
+lindenwood,2406,2
+klickitat,374,2
+lindenwood,1125,10
+hiteman,389,4
+leonardo,910,2
+wainscott,816,1
+onaga,129,0
+lakeville,1441,13
+stockman,1072,1
+newfields,468,3
+tolstoy,1833,1
+leonardo,1284,3
+lindenwood,852,2
+lakeville,261,5
+leonardo,440,1
+newfields,1102,1
+marstons,1607,5
+pomaria,705,0
+beechwood,730,0
+hiteman,756,4
+newfields,623,1
+lindenwood,1539,4
+ranchester,638,6
+woodbine,644,4
+tolstoy,1225,8
+lindenwood,358,6
+lindenwood,1681,0
+forkland,704,2
+lindenwood,248,0
+leonardo,220,10
+leonardo,1594,8
+hanson,491,5
+marstons,1221,6
+leonardo,474,5
+woodbine,1053,7
+tolstoy,1096,3
+marstons,978,4
+shelbyville,920,1
+stockman,1111,0
+shelbyville,2002,3
+klickitat,1433,5
+ranchester,49,5
+lakeville,1667,1
+klickitat,1851,3
+woodbine,884,12
+shelbyville,744,7
+leonardo,1480,2
+pinesdale,277,0
+tolstoy,1776,1
+newfields,18,5
+tolstoy,1366,4
+marstons,1967,3
+leonardo,1656,5
+marstons,399,1
+tolstoy,542,14
+ranchester,892,8
+tolstoy,604,0
+marstons,1737,1
+lindenwood,1634,4
+forkland,765,1
+lakeville,1257,0
+hiteman,1212,16
+onaga,618,0
+marstons,491,8
+newfields,89,4
+wainscott,1618,5
+benevolence,562,1
+benevolence,548,11
+lakeville,165,8
+tolstoy,1331,15
+hiteman,1640,2
+pomaria,1255,1
+pinesdale,339,4
+marstons,2027,1
+woodbine,1354,1
+pinesdale,159,10
+onaga,675,5
+lakeville,523,9
+ranchester,598,12
+lakeville,1184,9
+marstons,1921,4
+marstons,1661,10
+mifflinburg,357,3
+onaga,648,6
+lindenwood,728,0
+ranchester,1133,0
+hanson,1446,3
+lindenwood,1908,7
+hiteman,1305,6
+hiteman,921,0
+tolstoy,369,0
+klickitat,1748,4
+tolstoy,1100,0
+newfields,1162,1
+beechwood,500,7
+leonardo,817,9
+beechwood,79,8
+klickitat,2372,5
+marstons,2133,6
+onaga,116,5
+lakeville,180,5
+pomaria,909,4
+marstons,2655,6
+pinesdale,908,2
+pinesdale,1124,6
+leonardo,1791,2
+shelbyville,2699,1
+forkland,1124,10
+wainscott,100,1
+leonardo,744,5
+wainscott,1123,0
+shelbyville,1298,6
+woodbine,383,5
+lakeville,600,4
+klickitat,708,16
+allensville,164,6
+coffeen,995,1
+hanson,961,2
+hiteman,382,6
+lindenwood,865,2
+shelbyville,1689,5
+tolstoy,1704,1
+cosmos,32,9
+hiteman,1023,1
+ranchester,1627,14
+beechwood,686,3
+pinesdale,995,5
+pinesdale,350,5
+marstons,610,1
+stockman,627,1
+shelbyville,2736,5
+tolstoy,1525,0
+shelbyville,658,1
+forkland,221,2
+lakeville,1862,18
+hiteman,99,2
+newfields,184,2
+woodbine,1842,9
+pinesdale,1372,3
+wainscott,229,4
+shelbyville,1527,4
+pomaria,1442,11
+shelbyville,529,1
+lakeville,1708,3
+marstons,70,0
+marstons,2433,7
+klickitat,116,12
+pinesdale,423,4
+tolstoy,1498,3
+hiteman,126,2
+lakeville,1138,0
+shelbyville,63,1
+klickitat,1290,0
+hanson,606,1
+allensville,514,0
+hanson,1152,0
+klickitat,166,7
+stockman,815,11
+pomaria,793,2
+wainscott,1625,0
+hanson,709,12
+lindenwood,702,16
+newfields,197,6
+forkland,252,2
+beechwood,779,13
+newfields,1331,1
+hiteman,380,0
+marstons,2209,4
+forkland,1092,4
+forkland,1004,0
+allensville,140,0
+beechwood,857,6
+shelbyville,1494,18
+pomaria,262,3
+marstons,1449,3
+shelbyville,754,2
+leonardo,1955,0
+pinesdale,1117,2
+benevolence,901,0
+leonardo,1478,1
+ranchester,665,1
+marstons,1520,7
+klickitat,2319,0
+klickitat,2182,2
+wainscott,138,1
+marstons,1082,1
+cosmos,835,0
+klickitat,254,2
+forkland,716,0
+marstons,1543,12
+leonardo,1935,14
+hiteman,555,4
+lakeville,339,0
+shelbyville,1354,7
+coffeen,633,0
+forkland,1109,0
+coffeen,743,1
+newfields,599,0
+wainscott,1045,0
+leonardo,803,4
+merom,75,6
+beechwood,440,0
+coffeen,630,0
+hanson,1157,0
+shelbyville,2388,1
+shelbyville,2594,6
+woodbine,1661,4
+hanson,1635,8
+shelbyville,2468,11
+leonardo,1287,1
+newfields,1387,4
+hiteman,816,2
+lakeville,1034,2
+wainscott,985,10
+lakeville,1628,0
+coffeen,441,0
+ranchester,598,1
+shelbyville,1749,2
+wainscott,1196,0
+marstons,645,2
+newfields,105,0
+lakeville,736,7
+lindenwood,361,10
+klickitat,2332,0
+newfields,575,4
+leonardo,705,0
+shelbyville,432,1
+lindenwood,456,0
+klickitat,2262,0
+lindenwood,1413,3
+marstons,1977,1
+wainscott,719,8
+lindenwood,2391,2
+klickitat,1450,4
+forkland,1029,0
+shelbyville,2206,1
+mifflinburg,186,3
+lindenwood,2310,1
+lakeville,1897,1
+pinesdale,1251,0
+marstons,2135,11
+newfields,702,5
+leonardo,215,1
+pinesdale,1055,1
+benevolence,731,10
+tolstoy,437,0
+tolstoy,421,0
+wainscott,1699,3
+onaga,508,1
+beechwood,893,0
+cosmos,1076,3
+lakeville,1690,12
+ranchester,340,4
+lindenwood,1941,0
+forkland,210,4
+wainscott,442,4
+klickitat,974,5
+pinesdale,1192,1
+marstons,1301,7
+marstons,562,3
+pinesdale,420,3
+ranchester,1152,8
+coffeen,460,8
+newfields,16,11
+klickitat,445,14
+wainscott,1338,7
+lindenwood,1591,2
+wainscott,1607,2
+hanson,836,11
+marstons,2170,14
+pomaria,656,7
+coffeen,84,1
+ranchester,509,7
+ranchester,992,5
+marstons,1175,0
+newfields,1088,16
+leonardo,1272,0
+hanson,1131,9
+lindenwood,254,5
+marstons,353,3
+klickitat,406,10
+klickitat,1092,9
+shelbyville,1377,1
+lakeville,654,2
+shelbyville,1612,1
+allensville,429,5
+marstons,2154,2
+pomaria,1539,6
+stockman,279,1
+woodbine,529,3
+allensville,508,0
+pomaria,760,7
+forkland,601,0
+tolstoy,1462,4
+ranchester,255,8
+marstons,1466,3
+hanson,253,3
+pinesdale,1069,6
+allensville,466,3
+stockman,1235,1
+beechwood,939,2
+newfields,619,1
+pinesdale,1367,1
+wainscott,703,6
+wainscott,1429,2
+lakeville,534,11
+hanson,1622,2
+wainscott,244,4
+forkland,589,1
+leonardo,1768,5
+onaga,167,2
+cosmos,161,3
+coffeen,1408,1
+coffeen,460,0
+klickitat,2139,4
+klickitat,498,11
+coffeen,909,4
+wainscott,80,2
+ranchester,1423,8
+marstons,161,2
+shelbyville,591,3
+mifflinburg,849,0
+pinesdale,402,2
+ranchester,1545,3
+cosmos,1030,0
+shelbyville,1820,10
+coffeen,293,2
+hiteman,1540,4
+pomaria,1554,7
+tolstoy,1221,1
+tolstoy,1533,1
+pomaria,1494,2
+wainscott,482,0
+onaga,452,6
+tolstoy,438,15
+ranchester,717,2
+ranchester,503,3
+marstons,1028,5
+leonardo,1141,2
+pomaria,552,0
+lakeville,1892,2
+shelbyville,587,2
+lindenwood,2129,3
+forkland,467,1
+lakeville,1240,6
+hanson,1499,3
+marstons,365,3
+marstons,1260,2
+hanson,506,0
+lindenwood,2117,1
+tolstoy,101,8
+beechwood,756,1
+benevolence,588,0
+onaga,264,4
+hanson,22,8
+marstons,147,6
+hanson,557,5
+wainscott,1441,7
+shelbyville,700,6
+tolstoy,1088,2
+shelbyville,1796,0
+newfields,1526,1
+hanson,602,11
+lakeville,176,7
+merom,766,2
+tolstoy,588,10
+cosmos,173,3
+shelbyville,2194,1
+mifflinburg,973,1
+hanson,1236,3
+stockman,936,0
+benevolence,872,8
+woodbine,777,5
+woodbine,1387,3
+marstons,570,9
+merom,305,5
+beechwood,1104,5
+shelbyville,1783,3
+cosmos,917,7
+leonardo,1029,8
+newfields,1474,8
+leonardo,166,5
+shelbyville,564,5
+coffeen,992,7
+hiteman,289,0
+shelbyville,760,3
+leonardo,62,3
+shelbyville,903,3
+lindenwood,1072,3
+newfields,779,14
+ranchester,1224,1
+stockman,159,7
+marstons,699,2
+hiteman,1474,1
+klickitat,315,0
+lindenwood,1968,2
+tolstoy,1004,1
+wainscott,1566,6
+pomaria,150,14
+newfields,1533,1
+woodbine,1386,2
+marstons,1037,2
+woodbine,1571,8
+forkland,642,2
+mifflinburg,574,3
+tolstoy,1338,1
+pinesdale,1501,1
+forkland,943,2
+wainscott,1649,6
+lakeville,1606,6
+lindenwood,2232,4
+pinesdale,477,1
+marstons,1170,4
+lakeville,1832,5
+lindenwood,1031,2
+klickitat,1704,4
+leonardo,657,2
+lakeville,111,20
+forkland,76,0
+klickitat,1363,9
+lakeville,1245,8
+woodbine,788,2
+marstons,1528,6
+lindenwood,190,1
+beechwood,258,0
+pomaria,766,11
+shelbyville,2636,5
+marstons,74,1
+shelbyville,148,4
+lindenwood,674,2
+marstons,1381,1
+pinesdale,419,3
+wainscott,984,9
+shelbyville,1653,4
+marstons,2113,7
+hiteman,894,0
+benevolence,841,6
+wainscott,640,5
+ranchester,1422,0
+shelbyville,2166,3
+forkland,1049,2
+pinesdale,752,4
+lindenwood,1342,4
+pomaria,700,3
+hiteman,1158,2
+hiteman,864,4
+coffeen,1047,0
+lakeville,45,1
+shelbyville,2557,2
+merom,179,1
+shelbyville,2172,15
+cosmos,234,2
+stockman,1444,2
+lakeville,824,9
+newfields,1067,1
+lindenwood,1619,3
+shelbyville,2546,1
+coffeen,1273,2
+wainscott,823,1
+newfields,1090,2
+marstons,2356,3
+stockman,648,2
+shelbyville,2335,1
+shelbyville,1107,10
+woodbine,405,1
+pomaria,1234,1
+forkland,1067,1
+merom,273,2
+wainscott,1799,0
+hiteman,914,4
+leonardo,32,5
+hanson,968,5
+newfields,1576,1
+klickitat,594,8
+mifflinburg,632,2
+lindenwood,1721,4
+forkland,614,0
+shelbyville,291,1
+klickitat,1696,6
+shelbyville,310,5
+merom,602,1
+pomaria,465,9
+leonardo,1376,9
+pinesdale,1461,7
+stockman,495,7
+hiteman,1735,6
+marstons,2562,4
+ranchester,166,7
+coffeen,109,2
+tolstoy,445,1
+lakeville,575,4
+stockman,847,2
+pomaria,1624,2
+lindenwood,493,3
+marstons,666,1
+woodbine,95,8
+shelbyville,1925,2
+hanson,464,0
+lakeville,1437,1
+marstons,2476,10
+shelbyville,582,3
+shelbyville,1916,0
+shelbyville,1219,2
+woodbine,1282,0
+newfields,988,11
+onaga,10,0
+beechwood,913,8
+lindenwood,175,2
+hiteman,1773,5
+newfields,1223,1
+wainscott,1006,2
+stockman,450,2
+ranchester,940,0
+benevolence,617,3
+marstons,1504,2
+shelbyville,93,3
+cosmos,618,6
+coffeen,91,3
+tolstoy,1401,0
+coffeen,1098,7
+leonardo,1328,6
+leonardo,1661,2
+wainscott,1619,7
+merom,378,6
+marstons,1544,3
+marstons,1067,5
+coffeen,693,3
+stockman,524,4
+pinesdale,1201,1
+hiteman,909,2
+pomaria,381,2
+woodbine,1107,2
+pinesdale,529,0
+klickitat,1859,4
+wainscott,874,5
+hiteman,554,1
+ranchester,1108,7
+ranchester,219,9
+newfields,1539,0
+onaga,125,5
+lakeville,447,10
+tolstoy,1802,2
+lindenwood,127,9
+klickitat,594,3
+hanson,1459,5
+woodbine,450,3
+ranchester,1209,2
+woodbine,1919,2
+hiteman,27,3
+woodbine,322,1
+pinesdale,181,4
+shelbyville,208,6
+lindenwood,1387,0
+pinesdale,1392,2
+marstons,234,0
+hanson,1307,5
+woodbine,1239,1
+marstons,1824,2
+hiteman,470,0
+lindenwood,859,1
+allensville,17,1
+lindenwood,2353,0
+forkland,935,5
+leonardo,1103,4
+coffeen,471,6
+mifflinburg,456,1
+hiteman,1095,0
+hiteman,513,2
+shelbyville,455,4
+ranchester,879,3
+allensville,217,2
+woodbine,739,11
+beechwood,896,3
+tolstoy,410,15
+woodbine,1226,2
+lakeville,1494,0
+lakeville,1434,8
+merom,305,0
+woodbine,554,4
+marstons,496,2
+pomaria,1661,1
+klickitat,991,1
+pinesdale,555,8
+lindenwood,2226,3
+stockman,525,0
+ranchester,910,3
+hiteman,1312,6
+tolstoy,841,3
+hiteman,1313,1
+hanson,582,4
+wainscott,1435,1
+shelbyville,1206,12
+allensville,38,8
+shelbyville,1851,2
+klickitat,1362,3
+shelbyville,1906,0
+leonardo,217,1
+marstons,1970,1
+hanson,881,0
+klickitat,613,3
+benevolence,948,1
+pomaria,1167,0
+newfields,166,5
+woodbine,1976,9
+pomaria,1061,7
+tolstoy,556,12
+klickitat,495,8
+newfields,1068,4
+pinesdale,1361,2
+newfields,111,0
+mifflinburg,48,2
+woodbine,1865,4
+pinesdale,1490,1
+pinesdale,651,2
+mifflinburg,606,2
+coffeen,605,0
+forkland,868,6
+marstons,703,3
+marstons,876,1
+stockman,1444,3
+leonardo,1240,1
+tolstoy,1596,2
+beechwood,1176,4
+wainscott,1242,5
+shelbyville,2088,2
+forkland,133,0
+shelbyville,1110,6
+marstons,136,1
+lakeville,1873,4
+pinesdale,32,4
+merom,1007,1
+newfields,1614,5
+shelbyville,1551,2
+marstons,941,2
+pinesdale,1355,3
+mifflinburg,246,4
+lindenwood,2621,0
+shelbyville,372,0
+shelbyville,1454,0
+marstons,2316,9
+tolstoy,1534,0
+klickitat,1105,3
+shelbyville,1643,1
+pomaria,914,11
+shelbyville,951,0
+newfields,1484,3
+shelbyville,337,1
+lindenwood,1897,7
+leonardo,995,5
+klickitat,181,0
+wainscott,92,5
+wainscott,495,3
+lindenwood,1747,1
+hiteman,304,2
+lindenwood,926,1
+pomaria,721,6
+leonardo,406,4
+klickitat,2050,7
+onaga,597,0
+marstons,1545,11
+benevolence,387,4
+lindenwood,1533,6
+klickitat,2027,0
+leonardo,738,6
+hanson,1327,0
+newfields,161,12
+woodbine,1440,1
+hanson,202,12
+stockman,1409,4
+cosmos,422,7
+lindenwood,2476,13
+marstons,615,3
+klickitat,1592,9
+klickitat,27,10
+forkland,834,3
+hanson,673,0
+marstons,2267,5
+pomaria,1021,2
+pinesdale,1033,1
+woodbine,321,3
+klickitat,1260,7
+cosmos,59,0
+wainscott,994,2
+newfields,1537,11
+lakeville,594,4
+woodbine,1178,6
+woodbine,1320,7
+lakeville,1808,7
+mifflinburg,722,0
+marstons,535,9
+mifflinburg,16,0
+tolstoy,1129,1
+wainscott,293,3
+woodbine,712,1
+tolstoy,751,7
+klickitat,1106,8
+wainscott,296,9
+beechwood,501,9
+marstons,546,6
+woodbine,1572,6
+cosmos,439,0
+pinesdale,528,4
+beechwood,672,2
+ranchester,390,4
+tolstoy,1562,6
+hanson,893,1
+stockman,1100,0
+hanson,1544,4
+merom,19,0
+marstons,19,5
+coffeen,1234,5
+wainscott,972,13
+lindenwood,2208,11
+ranchester,1211,1
+lindenwood,2334,6
+klickitat,2050,9
+hanson,935,4
+hanson,210,1
+tolstoy,790,5
+tolstoy,1167,15
+newfields,356,0
+pinesdale,1207,2
+klickitat,255,3
+marstons,215,1
+leonardo,1983,2
+tolstoy,714,1
+hiteman,100,6
+tolstoy,911,7
+coffeen,51,0
+leonardo,527,0
+hanson,58,18
+shelbyville,2786,3
+wainscott,924,3
+woodbine,353,0
+shelbyville,1424,3
+klickitat,1628,1
+shelbyville,2385,4
+wainscott,260,8
+shelbyville,1387,2
+beechwood,731,1
+beechwood,349,3
+woodbine,830,1
+mifflinburg,532,0
+shelbyville,2600,1
+woodbine,1628,3
+lindenwood,189,1
+wainscott,1269,0
+pinesdale,306,8
+forkland,961,3
+shelbyville,925,9
+lakeville,1045,12
+ranchester,360,7
+klickitat,165,11
+lindenwood,2440,2
+pomaria,179,11
+pomaria,995,2
+shelbyville,1317,9
+benevolence,37,8
+pomaria,913,3
+lindenwood,1949,1
+tolstoy,1391,5
+shelbyville,1459,1
+pomaria,509,2
+wainscott,396,7
+tolstoy,573,4
+stockman,948,0
+klickitat,1974,13
+shelbyville,1624,3
+ranchester,393,6
+newfields,1253,2
+tolstoy,1321,5
+forkland,669,1
+hanson,731,4
+hanson,271,5
+stockman,1015,2
+hiteman,1580,10
+pinesdale,1345,0
+marstons,2652,0
+ranchester,930,4
+pomaria,319,4
+hanson,730,9
+onaga,156,0
+klickitat,615,5
+wainscott,1726,1
+hiteman,491,6
+klickitat,584,1
+lakeville,432,13
+allensville,86,0
+hanson,661,7
+cosmos,821,2
+woodbine,1439,2
+klickitat,1948,2
+lindenwood,943,0
+beechwood,774,1
+shelbyville,668,0
+wainscott,478,0
+ranchester,1168,1
+lakeville,818,1
+onaga,583,0
+woodbine,1020,3
+shelbyville,2374,3
+klickitat,1517,0
+woodbine,981,3
+lakeville,1161,11
+shelbyville,929,4
+marstons,2516,1
+merom,429,1
+onaga,413,2
+hiteman,1071,6
+hiteman,549,10
+wainscott,538,0
+allensville,347,2
+wainscott,605,2
+beechwood,1077,8
+klickitat,1957,2
+stockman,455,2
+coffeen,874,0
+leonardo,1207,10
+ranchester,1191,8
+lindenwood,438,10
+mifflinburg,867,3
+newfields,459,1
+newfields,1449,7
+leonardo,471,2
+mifflinburg,754,6
+beechwood,760,6
+lakeville,283,7
+newfields,762,8
+coffeen,1015,9
+forkland,298,0
+pomaria,1001,3
+cosmos,619,7
+forkland,534,0
+beechwood,200,8
+merom,805,3
+lindenwood,1010,1
+lindenwood,870,2
+allensville,135,2
+coffeen,400,2
+hanson,1379,7
+pomaria,1487,5
+leonardo,337,17
+wainscott,583,7
+tolstoy,1212,2
+klickitat,418,6
+leonardo,377,7
+lindenwood,841,0
+stockman,1314,2
+hiteman,1519,1
+marstons,622,1
+stockman,451,1
+leonardo,1410,2
+lindenwood,827,2
+beechwood,683,4
+pinesdale,1246,0
+woodbine,737,3
+lakeville,1643,9
+klickitat,2190,2
+stockman,1285,5
+lakeville,1507,2
+pinesdale,862,5
+wainscott,1065,11
+woodbine,1690,0
+marstons,1318,4
+lindenwood,1322,2
+coffeen,184,4
+lindenwood,1251,1
+ranchester,847,5
+forkland,78,2
+hiteman,1619,0
+tolstoy,120,0
+forkland,1189,0
+shelbyville,2569,2
+wainscott,1136,4
+marstons,1778,3
+klickitat,1898,4
+lakeville,1085,3
+ranchester,1247,0
+ranchester,207,2
+pomaria,259,14
+allensville,494,2
+leonardo,1952,20
+woodbine,397,4
+wainscott,270,2
+coffeen,1386,1
+hanson,514,12
+marstons,1332,5
+woodbine,369,4
+woodbine,121,9
+mifflinburg,668,6
+wainscott,1074,0
+benevolence,629,4
+lindenwood,969,4
+leonardo,40,4
+shelbyville,2112,0
+lakeville,810,2
+pinesdale,327,5
+stockman,965,3
+ranchester,1406,9
+onaga,303,2
+forkland,361,2
+hanson,506,11
+tolstoy,1321,1
+stockman,870,0
+mifflinburg,409,5
+ranchester,602,3
+woodbine,2023,3
+shelbyville,2151,2
+beechwood,68,1
+ranchester,601,1
+lakeville,425,6
+woodbine,1556,3
+tolstoy,1797,3
+pomaria,1018,3
+hanson,714,2
+cosmos,86,0
+allensville,70,8
+pinesdale,826,8
+woodbine,1813,0
+lindenwood,1991,12
+klickitat,124,1
+hanson,968,6
+shelbyville,2043,0
+onaga,298,0
+leonardo,1067,4
+cosmos,402,4
+marstons,1973,0
+leonardo,896,11
+klickitat,1414,4
+tolstoy,1212,0
+newfields,909,1
+klickitat,2261,0
+pomaria,1032,2
+hiteman,306,0
+marstons,1487,0
+coffeen,885,6
+pinesdale,420,5
+woodbine,1353,7
+wainscott,1760,0
+shelbyville,324,4
+hiteman,366,4
+pinesdale,766,4
+tolstoy,1332,1
+pomaria,688,4
+lakeville,1366,0
+marstons,881,5
+lakeville,921,0
+lindenwood,2371,15
+newfields,250,0
+woodbine,2023,1
+forkland,512,5
+pinesdale,908,4
+leonardo,387,4
+wainscott,1112,0
+wainscott,170,13
+lindenwood,1502,2
+lindenwood,897,2
+newfields,1228,8
+lindenwood,2347,0
+shelbyville,812,8
+leonardo,1328,1
+coffeen,575,8
+hiteman,638,3
+shelbyville,2559,12
+leonardo,1273,10
+cosmos,563,1
+pomaria,503,3
+woodbine,250,3
+marstons,385,1
+newfields,221,12
+marstons,582,4
+tolstoy,687,8
+lindenwood,862,0
+newfields,1609,2
+hanson,473,7
+allensville,406,1
+benevolence,418,0
+leonardo,1381,2
+stockman,1058,0
+shelbyville,2546,4
+newfields,1378,5
+ranchester,623,4
+lindenwood,1624,3
+lindenwood,1704,0
+woodbine,1869,1
+marstons,2378,0
+ranchester,244,5
+shelbyville,462,4
+cosmos,831,6
+klickitat,630,1
+lindenwood,1445,14
+forkland,932,0
+benevolence,244,1
+klickitat,2173,2
+lindenwood,466,3
+shelbyville,2227,1
+shelbyville,2433,2
+hiteman,1320,1
+lindenwood,741,0
+leonardo,335,8
+hiteman,449,2
+shelbyville,1799,10
+coffeen,1109,3
+leonardo,1512,7
+klickitat,1905,8
+ranchester,1500,0
+ranchester,210,2
+hanson,467,4
+forkland,161,1
+leonardo,90,4
+lakeville,858,2
+coffeen,1245,2
+pomaria,316,1
+coffeen,709,0
+klickitat,239,5
+shelbyville,1004,1
+hanson,844,6
+mifflinburg,745,0
+forkland,80,5
+tolstoy,1276,3
+marstons,133,3
+lindenwood,1517,6
+marstons,320,13
+lindenwood,1956,0
+marstons,2614,6
+shelbyville,2093,9
+hanson,1301,1
+marstons,1749,10
+klickitat,1016,2
+marstons,312,4
+leonardo,1302,5
+ranchester,1049,9
+lindenwood,2217,2
+beechwood,672,1
+klickitat,805,5
+leonardo,1813,11
+stockman,877,5
+pomaria,1369,3
+wainscott,1165,3
+klickitat,991,7
+leonardo,108,6
+merom,858,1
+ranchester,1097,5
+hanson,440,2
+coffeen,731,4
+tolstoy,1456,5
+shelbyville,572,6
+marstons,1891,0
+tolstoy,1750,3
+klickitat,1396,1
+klickitat,2157,0
+beechwood,726,3
+pinesdale,574,2
+woodbine,1541,0
+lakeville,566,6
+hanson,43,6
+hiteman,702,8
+hanson,1474,2
+cosmos,1026,1
+lindenwood,1012,3
+merom,338,0
+tolstoy,656,0
+mifflinburg,177,3
+mifflinburg,880,2
+pomaria,388,17
+beechwood,840,6
+coffeen,1253,8
+lakeville,1806,17
+shelbyville,455,0
+klickitat,301,1
+shelbyville,1280,12
+marstons,1652,1
+klickitat,1704,3
+shelbyville,1059,1
+onaga,672,2
+forkland,245,2
+lindenwood,365,6
+lindenwood,1621,7
+lakeville,515,7
+shelbyville,1329,4
+woodbine,1005,1
+klickitat,395,0
+coffeen,476,0
+forkland,909,2
+hanson,1410,11
+wainscott,1712,0
+klickitat,708,2
+mifflinburg,280,4
+pinesdale,717,2
+lakeville,157,10
+hiteman,1319,10
+onaga,542,1
+ranchester,454,15
+marstons,217,6
+marstons,1146,0
+lindenwood,2619,6
+marstons,1860,4
+pomaria,1189,5
+tolstoy,1196,3
+leonardo,798,3
+marstons,1426,1
+ranchester,927,9
+stockman,222,0
+wainscott,1020,1
+ranchester,1304,8
+leonardo,347,15
+leonardo,1265,3
+cosmos,294,0
+lakeville,1154,7
+coffeen,5,3
+wainscott,8,8
+woodbine,1269,10
+klickitat,1718,5
+klickitat,102,15
+beechwood,548,0
+hanson,764,2
+pomaria,586,7
+onaga,21,0
+ranchester,1217,4
+hiteman,18,8
+tolstoy,1224,5
+marstons,961,2
+hanson,1487,0
+merom,456,8
+woodbine,1843,0
+lindenwood,2118,1
+shelbyville,556,14
+shelbyville,1971,8
+lindenwood,1716,0
+klickitat,2419,5
+leonardo,867,0
+leonardo,553,10
+lakeville,282,3
+klickitat,1542,1
+lakeville,1525,4
+stockman,699,8
+mifflinburg,135,1
+klickitat,36,7
+lindenwood,2189,1
+lindenwood,116,0
+ranchester,825,1
+lindenwood,2173,2
+pinesdale,736,2
+hanson,594,7
+wainscott,770,12
+pomaria,78,3
+lindenwood,2368,7
+klickitat,2000,3
+lakeville,43,0
+hiteman,1196,1
+pomaria,1617,3
+marstons,442,3
+woodbine,15,4
+newfields,1028,0
+shelbyville,685,2
+woodbine,1148,4
+benevolence,252,2
+pinesdale,1488,3
+marstons,1681,8
+newfields,1561,2
+lakeville,561,9
+ranchester,1419,3
+hanson,1058,13
+lindenwood,1764,1
+klickitat,1529,6
+marstons,175,11
+wainscott,502,3
+stockman,1103,9
+cosmos,881,4
+hiteman,625,2
+ranchester,1411,3
+forkland,198,2
+cosmos,45,2
+shelbyville,1505,0
+lindenwood,329,4
+klickitat,886,9
+pinesdale,666,3
+klickitat,2205,4
+woodbine,500,3
+lakeville,500,9
+shelbyville,863,6
+stockman,166,1
+merom,949,3
+hanson,926,2
+klickitat,135,1
+wainscott,1510,6
+klickitat,2067,0
+woodbine,974,5
+merom,1089,3
+lindenwood,2324,1
+benevolence,362,2
+lindenwood,586,6
+forkland,1129,8
+mifflinburg,291,1
+ranchester,1214,6
+stockman,1305,0
+newfields,1170,2
+lindenwood,323,0
+tolstoy,1689,1
+hiteman,512,3
+pomaria,327,0
+shelbyville,884,2
+cosmos,1036,0
+marstons,2165,9
+pomaria,1595,4
+hiteman,1367,5
+marstons,512,0
+woodbine,886,2
+newfields,451,5
+hiteman,305,3
+cosmos,1059,3
+coffeen,1296,0
+klickitat,2246,2
+marstons,2211,3
+klickitat,708,1
+hiteman,932,5
+marstons,2092,0
+pinesdale,1352,14
+pomaria,1569,3
+klickitat,1502,9
+newfields,1284,6
+merom,755,0
+newfields,202,0
+lakeville,745,5
+shelbyville,1096,4
+coffeen,1404,1
+hiteman,1194,4
+leonardo,1823,11
+leonardo,1265,0
+lindenwood,1105,3
+lakeville,1351,1
+marstons,2161,13
+lindenwood,81,4
+mifflinburg,103,2
+wainscott,463,8
+shelbyville,2061,3
+benevolence,376,1
+marstons,1429,5
+ranchester,1388,4
+beechwood,314,6
+woodbine,946,6
+hiteman,1110,2
+klickitat,572,5
+shelbyville,562,9
+tolstoy,803,7
+lindenwood,1068,1
+klickitat,1778,5
+woodbine,805,1
+leonardo,1563,4
+beechwood,1071,0
+forkland,413,0
+shelbyville,1295,14
+onaga,65,1
+tolstoy,509,6
+shelbyville,31,1
+klickitat,283,6
+lindenwood,688,1
+pinesdale,607,0
+klickitat,2145,5
+newfields,857,10
+forkland,1000,0
+shelbyville,1251,0
+newfields,1299,1
+marstons,1328,3
+shelbyville,904,11
+wainscott,609,2
+hanson,1223,1
+leonardo,1799,0
+allensville,234,2
+hanson,698,7
+stockman,34,3
+pinesdale,84,3
+tolstoy,1428,2
+pinesdale,20,1
+leonardo,337,5
+hiteman,494,3
+wainscott,1205,9
+marstons,515,6
+pinesdale,415,5
+ranchester,1219,7
+hanson,239,0
+shelbyville,579,1
+coffeen,510,1
+coffeen,829,3
+pinesdale,115,1
+woodbine,317,2
+wainscott,266,0
+coffeen,526,3
+klickitat,1850,4
+ranchester,639,5
+mifflinburg,952,5
+shelbyville,2787,2
+ranchester,1153,1
+tolstoy,1050,1
+ranchester,1380,1
+tolstoy,1434,3
+wainscott,607,1
+newfields,437,6
+lakeville,759,12
+marstons,372,2
+leonardo,1747,3
+pinesdale,607,2
+wainscott,1566,0
+woodbine,1801,1
+pomaria,1675,0
+stockman,388,7
+forkland,257,3
+ranchester,1552,2
+leonardo,17,7
+klickitat,1841,3
+lindenwood,1400,1
+shelbyville,144,5
+mifflinburg,153,0
+hanson,1445,0
+klickitat,2012,8
+leonardo,2021,13
+hanson,1039,0
+lakeville,1300,9
+lindenwood,1648,9
+wainscott,908,1
+pomaria,1225,6
+wainscott,408,1
+klickitat,5,0
+mifflinburg,558,1
+hiteman,394,4
+marstons,1734,1
+pomaria,271,1
+woodbine,1522,3
+lindenwood,395,0
+lindenwood,1657,11
+lindenwood,1566,7
+cosmos,841,5
+coffeen,171,2
+newfields,634,4
+benevolence,854,1
+onaga,34,3
+newfields,801,0
+klickitat,845,2
+hiteman,938,3
+coffeen,462,2
+lakeville,1330,1
+leonardo,1358,2
+ranchester,641,6
+pinesdale,458,13
+wainscott,776,8
+coffeen,1057,4
+stockman,1021,2
+pomaria,884,4
+ranchester,318,1
+ranchester,628,2
+woodbine,523,8
+coffeen,1055,2
+klickitat,2010,10
+klickitat,481,0
+hanson,246,4
+tolstoy,1381,3
+ranchester,983,11
+pinesdale,848,5
+stockman,1029,1
+pomaria,1117,3
+shelbyville,1887,4
+marstons,1480,7
+hiteman,1361,3
+ranchester,51,1
+newfields,1439,4
+lindenwood,920,16
+klickitat,1140,1
+pinesdale,535,1
+newfields,974,3
+coffeen,438,10
+wainscott,172,5
+tolstoy,607,6
+lindenwood,1102,2
+tolstoy,1179,2
+klickitat,2397,2
+pinesdale,1095,6
+hiteman,337,1
+lakeville,1897,2
+marstons,555,11
+hanson,1471,5
+cosmos,262,10
+klickitat,580,9
+pomaria,147,6
+lakeville,1820,1
+mifflinburg,3,2
+leonardo,1270,2
+newfields,1093,5
+coffeen,1006,4
+beechwood,392,4
+tolstoy,801,2
+coffeen,890,0
+marstons,1128,9
+beechwood,468,8
+wainscott,1793,2
+cosmos,507,1
+hanson,1128,5
+klickitat,527,2
+klickitat,2408,0
+shelbyville,2294,6
+lakeville,769,0
+lindenwood,1954,0
+shelbyville,151,3
+cosmos,477,0
+stockman,1542,3
+forkland,320,3
+woodbine,1873,5
+ranchester,357,0
+leonardo,1644,9
+marstons,1747,0
+klickitat,1317,0
+onaga,481,0
+klickitat,1982,1
+hanson,1080,1
+leonardo,2063,5
+newfields,379,6
+lindenwood,1919,4
+lindenwood,1456,1
+hanson,613,2
+lindenwood,788,1
+tolstoy,1492,2
+merom,498,6
+lakeville,1752,7
+marstons,1661,11
+wainscott,98,1
+allensville,127,1
+wainscott,536,0
+leonardo,642,1
+leonardo,1411,9
+woodbine,1270,5
+lindenwood,858,9
+klickitat,2228,15
+tolstoy,1687,1
+lindenwood,82,0
+mifflinburg,61,0
+shelbyville,1942,4
+marstons,2434,0
+wainscott,1435,5
+woodbine,2039,3
+beechwood,1123,3
+hiteman,269,6
+onaga,663,9
+shelbyville,1773,6
+shelbyville,1142,8
+coffeen,104,4
+coffeen,924,2
+tolstoy,921,2
+leonardo,1609,2
+wainscott,1547,5
+wainscott,1566,14
+leonardo,1441,0
+tolstoy,739,0
+forkland,647,6
+pomaria,254,1
+ranchester,836,3
+lakeville,504,6
+tolstoy,255,1
+pinesdale,1085,4
+pomaria,1073,9
+klickitat,874,0
+newfields,1410,10
+pomaria,609,0
+merom,223,1
+shelbyville,835,1
+beechwood,666,2
+tolstoy,1055,2
+klickitat,492,2
+marstons,1926,4
+ranchester,908,0
+stockman,358,2
+marstons,1718,1
+lindenwood,2128,2
+pinesdale,17,5
+marstons,2164,1
+coffeen,570,2
+hanson,32,1
+lindenwood,967,4
+newfields,1384,7
+woodbine,875,0
+marstons,2253,3
+leonardo,1422,6
+pomaria,938,4
+lindenwood,1370,7
+beechwood,1085,4
+klickitat,668,2
+tolstoy,1194,1
+pinesdale,784,5
+cosmos,75,1
+tolstoy,1546,1
+lakeville,1020,6
+coffeen,1246,8
+shelbyville,275,5
+shelbyville,1964,6
+shelbyville,418,3
+klickitat,1657,7
+forkland,644,6
+pomaria,1175,1
+leonardo,1666,0
+tolstoy,767,5
+cosmos,545,4
+beechwood,174,6
+mifflinburg,635,0
+hanson,1242,4
+klickitat,2191,1
+tolstoy,1620,0
+beechwood,58,3
+shelbyville,952,0
+cosmos,195,6
+hanson,1255,7
+hiteman,994,11
+woodbine,1351,0
+marstons,2423,2
+shelbyville,2551,0
+allensville,160,2
+hiteman,1702,4
+beechwood,512,6
+leonardo,169,0
+lindenwood,1410,8
+klickitat,315,4
+shelbyville,2202,10
+lindenwood,2579,2
+lindenwood,546,3
+hanson,1429,3
+shelbyville,1704,1
+lindenwood,2499,2
+lakeville,101,3
+beechwood,1062,5
+leonardo,986,5
+tolstoy,1184,2
+hanson,1089,5
+benevolence,440,1
+newfields,451,8
+cosmos,703,1
+leonardo,346,4
+tolstoy,1139,1
+cosmos,977,1
+ranchester,600,4
+hanson,407,1
+cosmos,891,11
+cosmos,69,2
+pomaria,701,3
+wainscott,248,5
+benevolence,955,1
+pomaria,438,1
+forkland,472,0
+cosmos,638,2
+klickitat,921,3
+tolstoy,90,7
+onaga,27,0
+marstons,628,3
+klickitat,1391,1
+klickitat,1194,6
+shelbyville,437,3
+marstons,677,9
+klickitat,1096,1
+lindenwood,2483,1
+leonardo,553,20
+marstons,1789,1
+pomaria,346,2
+leonardo,1503,8
+hiteman,902,0
+klickitat,152,0
+shelbyville,1414,2
+pinesdale,613,7
+woodbine,1516,3
+onaga,233,3
+newfields,213,12
+stockman,711,2
+shelbyville,416,0
+pomaria,1373,2
+hiteman,191,0
+woodbine,2047,0
+forkland,193,2
+marstons,374,8
+stockman,867,3
+ranchester,1636,0
+klickitat,1849,18
+ranchester,467,5
+pinesdale,46,4
+marstons,2001,1
+tolstoy,1026,5
+hiteman,608,3
+ranchester,786,0
+klickitat,1411,6
+pomaria,545,0
+woodbine,855,2
+woodbine,781,0
+pomaria,735,2
+tolstoy,1071,8
+newfields,332,12
+tolstoy,822,2
+tolstoy,425,8
+woodbine,365,3
+forkland,520,0
+klickitat,2112,7
+shelbyville,737,2
+hiteman,1295,7
+pomaria,961,3
+newfields,1364,0
+marstons,1085,2
+coffeen,1310,0
+newfields,442,2
+lakeville,1445,6
+stockman,491,3
+tolstoy,1809,1
+pomaria,241,6
+wainscott,1203,3
+hanson,883,1
+wainscott,1555,4
+marstons,319,5
+merom,407,1
+tolstoy,453,3
+newfields,983,1
+merom,639,3
+woodbine,1502,1
+wainscott,256,9
+ranchester,1425,4
+tolstoy,613,6
+hiteman,186,1
+lakeville,1153,1
+beechwood,1142,0
+marstons,2401,4
+hanson,1397,3
+newfields,253,0
+wainscott,874,0
+wainscott,490,0
+ranchester,1577,3
+ranchester,1540,2
+woodbine,793,4
+lindenwood,2279,2
+marstons,2331,10
+ranchester,600,6
+hanson,177,2
+merom,430,1
+shelbyville,2582,8
+wainscott,1476,6
+allensville,462,4
+hiteman,1463,1
+mifflinburg,644,2
+hiteman,346,8
+marstons,1531,4
+forkland,1051,4
+woodbine,1037,15
+mifflinburg,391,1
+ranchester,454,0
+lakeville,1783,6
+marstons,654,1
+lindenwood,702,4
+klickitat,1845,6
+merom,1099,3
+klickitat,761,0
+woodbine,985,22
+cosmos,14,2
+forkland,884,0
+leonardo,1957,4
+coffeen,1007,5
+lindenwood,258,0
+pomaria,662,2
+klickitat,1251,0
+lakeville,42,4
+lakeville,561,3
+pinesdale,1294,2
+coffeen,780,2
+wainscott,1287,2
+coffeen,347,0
+hanson,1363,9
+lindenwood,231,15
+hanson,847,6
+hanson,186,3
+newfields,1441,1
+wainscott,977,1
+leonardo,743,0
+forkland,711,2
+tolstoy,661,2
+wainscott,1205,11
+pinesdale,680,2
+lakeville,1866,0
+woodbine,138,13
+lakeville,1548,0
+shelbyville,144,3
+klickitat,1686,10
+klickitat,1359,0
+shelbyville,695,8
+stockman,727,7
+lindenwood,1255,0
+newfields,331,6
+lakeville,843,1
+lindenwood,158,1
+allensville,94,0
+pinesdale,259,3
+stockman,407,6
+newfields,1211,9
+hanson,534,3
+klickitat,96,7
+ranchester,748,0
+stockman,763,1
+klickitat,2329,10
+pinesdale,656,4
+woodbine,265,3
+allensville,288,0
+leonardo,1036,8
+klickitat,1232,3
+shelbyville,859,2
+marstons,420,5
+lindenwood,177,6
+forkland,1160,5
+tolstoy,498,6
+newfields,906,2
+lindenwood,1629,3
+shelbyville,1251,3
+klickitat,292,7
+marstons,1032,0
+cosmos,740,0
+hanson,946,8
+klickitat,2405,2
+coffeen,1510,4
+shelbyville,1286,3
+leonardo,385,0
+merom,366,1
+ranchester,1422,1
+woodbine,886,5
+lindenwood,938,2
+ranchester,449,9
+shelbyville,1056,3
+klickitat,5,5
+lindenwood,875,7
+klickitat,1194,10
+lindenwood,2486,2
+shelbyville,680,4
+klickitat,2138,2
+merom,699,7
+stockman,331,2
+klickitat,305,7
+marstons,2490,5
+lakeville,750,3
+hanson,179,2
+onaga,23,5
+klickitat,2188,4
+coffeen,940,9
+hanson,1554,4
+marstons,2297,4
+stockman,1191,5
+wainscott,218,11
+leonardo,813,0
+hiteman,102,1
+lindenwood,1346,1
+woodbine,1791,5
+wainscott,1573,5
+cosmos,1006,1
+klickitat,804,8
+lakeville,1132,7
+klickitat,139,0
+pomaria,1294,18
+lindenwood,2403,0
+ranchester,1554,2
+lindenwood,1714,10
+hiteman,464,4
+shelbyville,10,3
+leonardo,527,2
+pomaria,1561,0
+hanson,820,10
+woodbine,1837,6
+marstons,533,2
+benevolence,563,11
+pinesdale,155,0
+newfields,1439,9
+woodbine,285,9
+coffeen,21,5
+lakeville,861,4
+shelbyville,1986,1
+lakeville,716,0
+stockman,1006,4
+leonardo,651,1
+marstons,1752,5
+tolstoy,294,10
+pinesdale,262,5
+lindenwood,370,1
+tolstoy,425,12
+coffeen,1301,0
+pomaria,1079,3
+cosmos,706,5
+woodbine,606,4
+tolstoy,1349,8
+lakeville,1378,3
+lakeville,1005,5
+ranchester,1628,5
+ranchester,587,6
+benevolence,348,2
+klickitat,993,3
+forkland,121,0
+coffeen,786,0
+lakeville,1817,4
+wainscott,444,6
+leonardo,528,0
+newfields,1398,2
+merom,269,1
+ranchester,254,3
+pomaria,1233,3
+hiteman,377,4
+beechwood,344,0
+shelbyville,898,2
+lindenwood,1563,0
+lakeville,108,8
+lindenwood,2378,0
+hanson,844,4
+marstons,975,11
+tolstoy,1691,5
+merom,697,2
+forkland,15,0
+shelbyville,1199,2
+leonardo,1673,9
+tolstoy,512,7
+marstons,690,4
+marstons,192,1
+tolstoy,507,2
+marstons,1279,0
+klickitat,809,2
+hiteman,650,11
+hiteman,338,3
+ranchester,1617,3
+forkland,442,5
+marstons,2641,3
+hanson,920,5
+wainscott,1224,0
+wainscott,72,0
+marstons,224,9
+cosmos,665,9
+coffeen,1233,2
+wainscott,1712,1
+coffeen,194,8
+hanson,164,3
+woodbine,800,1
+lindenwood,2085,3
+stockman,783,4
+beechwood,1115,1
+lindenwood,693,12
+klickitat,115,17
+stockman,1502,2
+woodbine,1863,4
+coffeen,470,8
+lakeville,1884,5
+marstons,2059,1
+marstons,1124,0
+klickitat,2234,3
+stockman,684,0
+newfields,627,11
+lakeville,1515,0
+woodbine,1952,4
+benevolence,72,0
+benevolence,667,0
+tolstoy,678,0
+lindenwood,1892,1
+newfields,398,4
+cosmos,807,1
+klickitat,441,0
+lindenwood,1866,7
+ranchester,1467,6
+pomaria,143,7
+newfields,1304,12
+klickitat,1030,5
+hiteman,1526,6
+benevolence,27,2
+wainscott,741,5
+klickitat,467,11
+marstons,2558,3
+newfields,1433,3
+stockman,46,2
+lakeville,240,0
+lindenwood,1782,8
+klickitat,215,3
+pinesdale,974,0
+tolstoy,1271,1
+beechwood,778,4
+hanson,1024,12
+benevolence,481,0
+beechwood,49,4
+klickitat,1509,7
+hiteman,393,8
+pinesdale,740,10
+shelbyville,1093,7
+onaga,43,1
+lindenwood,2156,2
+pinesdale,29,7
+woodbine,489,4
+wainscott,499,5
+newfields,380,1
+beechwood,1031,7
+newfields,1314,3
+cosmos,958,3
+coffeen,444,3
+hanson,1406,8
+wainscott,1189,3
+leonardo,1232,4
+hanson,52,9
+merom,767,1
+hanson,719,5
+pomaria,461,3
+stockman,419,2
+shelbyville,2022,1
+tolstoy,15,2
+forkland,333,5
+klickitat,138,8
+merom,370,0
+wainscott,69,12
+pomaria,123,11
+forkland,412,2
+hiteman,144,6
+marstons,2595,9
+woodbine,1459,7
+pomaria,1403,14
+wainscott,156,3
+pomaria,1354,3
+marstons,17,4
+stockman,861,5
+tolstoy,375,18
+klickitat,1975,1
+tolstoy,709,5
+wainscott,1561,3
+lakeville,780,5
+klickitat,2117,4
+klickitat,1346,9
+klickitat,1378,4
+leonardo,297,1
+wainscott,1532,3
+merom,924,4
+lakeville,1205,0
+lindenwood,2495,2
+woodbine,1827,0
+coffeen,1492,1
+lakeville,1095,1
+shelbyville,1677,3
+pinesdale,674,1
+cosmos,831,4
+tolstoy,803,5
+marstons,1923,1
+beechwood,165,3
+lakeville,159,0
+lakeville,1806,14
+lindenwood,2586,7
+hiteman,1765,5
+mifflinburg,394,0
+stockman,803,1
+woodbine,1609,0
+forkland,1096,2
+shelbyville,2096,5
+klickitat,148,4
+cosmos,1079,5
+shelbyville,1729,2
+lakeville,469,6
+hanson,368,10
+wainscott,1571,5
+shelbyville,1962,2
+beechwood,790,14
+hanson,897,1
+pinesdale,1029,0
+lindenwood,2628,12
+woodbine,1228,1
+mifflinburg,491,3
+hanson,901,2
+cosmos,604,0
+woodbine,809,7
+woodbine,1629,0
+beechwood,400,6
+benevolence,817,4
+lindenwood,1048,3
+marstons,538,12
+shelbyville,2489,2
+ranchester,958,2
+hanson,774,8
+klickitat,509,4
+forkland,336,1
+leonardo,1971,12
+lindenwood,1217,8
+klickitat,1791,2
+marstons,1903,6
+woodbine,739,8
+beechwood,558,7
+woodbine,1986,3
+stockman,309,1
+shelbyville,438,6
+hiteman,74,10
+mifflinburg,90,6
+wainscott,1452,6
+pomaria,707,8
+woodbine,256,11
+wainscott,287,2
+klickitat,389,17
+merom,129,2
+pomaria,1632,6
+hiteman,462,6
+lakeville,390,2
+marstons,1134,1
+mifflinburg,616,3
+lindenwood,1580,10
+leonardo,940,1
+stockman,863,4
+hanson,1327,6
+merom,597,2
+leonardo,149,2
+tolstoy,1778,4
+ranchester,466,2
+pinesdale,785,10
+marstons,1848,1
+hiteman,1515,1
+pomaria,477,15
+hanson,716,7
+marstons,184,0
+coffeen,1126,0
+beechwood,459,4
+hiteman,33,0
+newfields,442,3
+tolstoy,383,4
+marstons,729,9
+stockman,852,7
+woodbine,530,0
+hiteman,1306,1
+ranchester,1556,2
+newfields,179,5
+cosmos,998,0
+merom,688,3
+pomaria,721,7
+coffeen,331,0
+stockman,163,6
+marstons,1959,5
+shelbyville,868,7
+hanson,398,3
+klickitat,692,1
+leonardo,1217,10
+merom,841,1
+ranchester,1350,4
+wainscott,611,3
+marstons,1195,0
+coffeen,627,0
+pinesdale,1389,5
+lakeville,524,4
+forkland,577,4
+onaga,583,1
+forkland,1177,0
+lakeville,1797,9
+ranchester,490,1
+shelbyville,1204,8
+ranchester,528,5
+woodbine,295,2
+woodbine,301,3
+tolstoy,6,3
+lindenwood,2425,3
+shelbyville,2073,0
+woodbine,901,2
+shelbyville,2174,2
+klickitat,809,9
+ranchester,1194,5
+marstons,1668,5
+marstons,892,3
+marstons,1199,1
+merom,195,7
+shelbyville,1309,1
+tolstoy,544,10
+marstons,2448,0
+beechwood,291,3
+woodbine,1317,7
+cosmos,846,6
+marstons,1799,5
+marstons,884,2
+wainscott,160,1
+newfields,1221,5
+wainscott,1354,6
+wainscott,1177,1
+pomaria,1054,1
+allensville,172,1
+marstons,647,3
+lindenwood,2095,1
+hiteman,1271,7
+wainscott,301,2
+beechwood,115,3
+shelbyville,648,7
+hiteman,1487,5
+marstons,710,0
+newfields,577,13
+stockman,30,0
+shelbyville,1565,4
+shelbyville,2169,9
+hiteman,1701,2
+klickitat,1772,6
+leonardo,1707,5
+shelbyville,1349,1
+newfields,233,3
+merom,630,8
+shelbyville,119,4
+lindenwood,1914,3
+lakeville,1284,18
+klickitat,1246,5
+lakeville,36,17
+pinesdale,510,0
+hanson,582,2
+stockman,1455,0
+leonardo,1794,7
+lakeville,917,1
+coffeen,1388,1
+pomaria,1073,11
+leonardo,138,7
+woodbine,362,1
+marstons,642,4
+klickitat,1891,2
+tolstoy,995,4
+marstons,563,2
+ranchester,389,4
+lakeville,1308,3
+pinesdale,268,3
+klickitat,1829,0
+leonardo,658,8
+marstons,1836,0
+lindenwood,236,3
+marstons,1551,2
+ranchester,683,4
+shelbyville,2542,0
+hiteman,629,0
+tolstoy,431,1
+forkland,571,2
+wainscott,730,1
+cosmos,93,6
+hanson,1633,10
+tolstoy,1465,2
+mifflinburg,432,0
+wainscott,433,6
+newfields,140,1
+tolstoy,532,0
+pomaria,1426,0
+lindenwood,1405,2
+pinesdale,576,7
+pomaria,1585,5
+lindenwood,1115,4
+newfields,1048,1
+lakeville,290,1
+hiteman,844,2
+hiteman,1567,4
+marstons,681,0
+stockman,252,3
+lakeville,1887,9
+klickitat,229,1
+lakeville,512,0
+forkland,772,8
+tolstoy,179,9
+tolstoy,1154,3
+hiteman,1250,0
+shelbyville,2512,4
+newfields,1618,11
+newfields,425,2
+stockman,1316,2
+leonardo,733,18
+marstons,1938,6
+hiteman,1400,1
+onaga,187,2
+hiteman,1479,10
+marstons,2370,8
+coffeen,737,4
+hiteman,674,0
+newfields,623,0
+lakeville,757,3
+wainscott,433,8
+wainscott,14,3
+lindenwood,1011,3
+benevolence,509,3
+leonardo,2108,11
+coffeen,1286,4
+woodbine,1847,2
+wainscott,1421,1
+wainscott,133,3
+hanson,279,6
+marstons,1380,4
+pomaria,1470,1
+lakeville,1844,6
+woodbine,1243,1
+newfields,1434,5
+merom,384,5
+shelbyville,888,2
+allensville,481,0
+ranchester,1170,3
+forkland,153,4
+wainscott,552,3
+ranchester,1304,3
+beechwood,462,7
+woodbine,1923,14
+wainscott,724,10
+marstons,247,3
+lindenwood,1821,7
+mifflinburg,411,0
+woodbine,1621,0
+wainscott,8,0
+woodbine,749,0
+coffeen,780,5
+pinesdale,988,3
+shelbyville,1037,1
+hanson,768,1
+pinesdale,1386,2
+forkland,586,0
+beechwood,79,15
+shelbyville,2205,1
+hanson,784,4
+stockman,956,2
+hiteman,662,0
+stockman,435,0
+merom,676,0
+klickitat,983,5
+newfields,872,10
+ranchester,468,0
+coffeen,31,2
+lakeville,72,8
+leonardo,1118,1
+merom,942,3
+tolstoy,182,0
+ranchester,167,10
+klickitat,2145,9
+klickitat,1739,7
+lakeville,126,0
+shelbyville,1506,1
+pinesdale,773,1
+leonardo,338,1
+tolstoy,292,2
+woodbine,1127,0
+beechwood,264,1
+klickitat,1134,7
+klickitat,1329,5
+pomaria,1361,9
+leonardo,448,4
+lindenwood,117,0
+newfields,1617,0
+stockman,1557,6
+marstons,758,7
+mifflinburg,194,1
+leonardo,1705,0
+lakeville,701,5
+pomaria,308,3
+leonardo,551,1
+shelbyville,2425,11
+newfields,1513,2
+stockman,520,5
+lindenwood,1373,5
+lakeville,1012,2
+pomaria,729,1
+pinesdale,293,0
+wainscott,999,7
+cosmos,938,3
+coffeen,264,3
+forkland,627,4
+shelbyville,531,2
+forkland,1037,1
+pinesdale,675,2
+woodbine,1186,11
+woodbine,1849,11
+tolstoy,1320,2
+wainscott,392,3
+lakeville,253,5
+ranchester,1626,6
+klickitat,485,2
+coffeen,628,2
+wainscott,683,2
+merom,539,8
+ranchester,895,8
+marstons,1222,2
+mifflinburg,294,0
+benevolence,607,0
+leonardo,957,0
+wainscott,878,10
+hanson,1097,2
+lindenwood,103,3
+marstons,1310,1
+mifflinburg,811,1
+mifflinburg,752,2
+woodbine,1553,0
+newfields,236,7
+cosmos,46,0
+tolstoy,283,5
+coffeen,727,4
+hanson,384,4
+pomaria,1251,1
+shelbyville,2717,3
+lakeville,871,1
+tolstoy,579,3
+shelbyville,1820,11
+marstons,2397,4
+wainscott,1047,5
+klickitat,1125,3
+shelbyville,2589,5
+newfields,408,1
+pinesdale,955,5
+pomaria,1235,13
+cosmos,301,1
+lindenwood,535,6
+leonardo,277,1
+coffeen,1219,6
+marstons,753,2
+lindenwood,1263,2
+klickitat,1410,6
+shelbyville,268,7
+benevolence,702,4
+ranchester,1386,4
+ranchester,962,2
+ranchester,571,1
+hiteman,1368,5
+ranchester,1300,5
+lindenwood,369,7
+coffeen,779,3
+pomaria,1443,2
+leonardo,525,2
+klickitat,1700,0
+klickitat,1553,2
+marstons,1140,14
+hiteman,1748,1
+hanson,368,14
+klickitat,110,1
+pomaria,216,3
+shelbyville,1160,0
+leonardo,1039,8
+pomaria,241,10
+lindenwood,2454,11
+wainscott,198,3
+lindenwood,964,9
+shelbyville,2258,10
+stockman,807,6
+ranchester,1041,2
+lakeville,503,6
+cosmos,932,3
+shelbyville,592,0
+woodbine,964,8
+lindenwood,1414,1
+leonardo,617,5
+cosmos,440,4
+klickitat,1920,1
+lakeville,700,6
+lindenwood,1645,3
+hiteman,1464,5
+lindenwood,2434,5
+leonardo,880,2
+marstons,1070,0
+wainscott,229,13
+hanson,167,3
+klickitat,2048,4
+tolstoy,345,5
+wainscott,1052,1
+merom,701,4
+klickitat,1633,0
+lakeville,1809,14
+shelbyville,1450,8
+newfields,1012,3
+ranchester,1226,2
+leonardo,1166,0
+lindenwood,2547,0
+leonardo,1467,4
+lakeville,56,2
+forkland,114,2
+pomaria,481,1
+woodbine,954,1
+shelbyville,2212,1
+stockman,147,8
+hanson,1444,3
+woodbine,1898,3
+forkland,1176,0
+cosmos,901,0
+marstons,719,2
+marstons,67,5
+shelbyville,989,5
+wainscott,1217,4
+ranchester,326,9
+leonardo,934,0
+hanson,76,2
+tolstoy,1087,3
+shelbyville,1258,3
+mifflinburg,835,0
+beechwood,12,1
+klickitat,659,3
+lindenwood,522,0
+hanson,865,2
+klickitat,2412,16
+tolstoy,683,2
+marstons,1532,10
+marstons,1426,3
+hiteman,48,6
+lakeville,377,0
+mifflinburg,859,6
+beechwood,459,7
+shelbyville,1538,1
+merom,373,1
+newfields,654,5
+beechwood,142,5
+shelbyville,2703,11
+pomaria,260,9
+mifflinburg,656,2
+hanson,520,2
+coffeen,286,7
+pomaria,227,1
+merom,103,0
+lakeville,376,12
+merom,726,0
+stockman,1381,0
+wainscott,172,2
+newfields,1241,2
+klickitat,10,8
+klickitat,656,10
+allensville,166,4
+tolstoy,1267,2
+klickitat,1746,1
+beechwood,852,3
+klickitat,635,3
+klickitat,28,0
+newfields,613,9
+tolstoy,94,0
+klickitat,1495,19
+wainscott,288,7
+marstons,1237,0
+hanson,981,10
+stockman,380,0
+tolstoy,919,5
+lindenwood,539,1
+coffeen,461,3
+shelbyville,623,1
+hanson,199,4
+marstons,2441,7
+woodbine,480,5
+marstons,2524,5
+wainscott,1509,11
+tolstoy,704,2
+shelbyville,1808,4
+mifflinburg,4,0
+newfields,1078,2
+mifflinburg,775,3
+forkland,394,1
+shelbyville,1027,7
+lindenwood,1003,12
+merom,1083,1
+pinesdale,456,5
+shelbyville,1573,6
+cosmos,405,10
+lindenwood,2581,4
+leonardo,500,3
+leonardo,1954,12
+leonardo,669,6
+tolstoy,1090,4
+marstons,419,2
+forkland,886,1
+pomaria,1076,4
+cosmos,15,2
+allensville,179,5
+pinesdale,17,0
+newfields,1089,1
+hanson,930,4
+merom,667,0
+lindenwood,501,4
+stockman,779,3
+onaga,312,1
+wainscott,593,7
+benevolence,604,0
+stockman,569,2
+hiteman,1535,0
+beechwood,161,2
+marstons,2477,2
+coffeen,784,0
+onaga,666,4
+klickitat,97,7
+coffeen,1400,6
+lindenwood,2289,2
+woodbine,1513,7
+pomaria,1260,4
+pomaria,1220,4
+cosmos,778,2
+lindenwood,1231,5
+pomaria,682,3
+stockman,1094,5
+coffeen,262,1
+pinesdale,1168,14
+onaga,426,7
+marstons,55,10
+hanson,1353,0
+forkland,139,5
+woodbine,1138,3
+hanson,60,4
+newfields,1644,0
+lakeville,1728,6
+tolstoy,331,7
+leonardo,419,6
+marstons,1656,6
+klickitat,88,15
+newfields,177,6
+tolstoy,1017,1
+wainscott,1070,4
+pomaria,1181,1
+lindenwood,77,1
+pomaria,1529,0
+lakeville,257,3
+lindenwood,1919,15
+lindenwood,2301,2
+wainscott,1291,1
+coffeen,614,1
+hiteman,696,12
+newfields,1003,5
+forkland,539,6
+benevolence,736,10
+leonardo,921,1
+newfields,1058,7
+shelbyville,331,2
+pomaria,169,3
+lakeville,334,3
+cosmos,1038,5
+wainscott,1469,5
+leonardo,1357,6
+shelbyville,122,15
+hanson,1207,3
+pinesdale,1490,3
+pinesdale,468,3
+beechwood,1031,13
+benevolence,395,7
+hanson,972,2
+hanson,344,2
+marstons,66,1
+shelbyville,2059,4
+shelbyville,2260,16
+pomaria,1402,4
+marstons,1207,0
+tolstoy,491,3
+klickitat,1490,1
+pinesdale,811,1
+forkland,1079,2
+ranchester,655,6
+ranchester,1591,1
+lindenwood,2325,9
+tolstoy,244,0
+hiteman,477,13
+mifflinburg,298,2
+beechwood,782,5
+woodbine,1702,4
+lindenwood,98,2
+stockman,1051,0
+lindenwood,36,8
+leonardo,1069,0
+wainscott,59,1
+tolstoy,441,2
+stockman,1376,4
+marstons,2474,7
+lakeville,523,5
+newfields,298,0
+tolstoy,1033,4
+newfields,1106,14
+woodbine,758,0
+shelbyville,1107,9
+newfields,1251,3
+stockman,829,9
+ranchester,1637,2
+beechwood,843,0
+mifflinburg,456,5
+forkland,519,0
+marstons,2170,4
+pomaria,918,2
+hanson,351,5
+marstons,211,8
+klickitat,23,9
+shelbyville,388,4
+lindenwood,2034,1
+forkland,1038,2
+leonardo,1533,8
+beechwood,485,1
+pinesdale,342,12
+pinesdale,581,0
+woodbine,1158,10
+leonardo,668,6
+newfields,118,4
+merom,801,1
+stockman,1460,2
+leonardo,833,5
+lindenwood,549,5
+klickitat,1430,15
+lindenwood,1654,4
+lakeville,188,0
+woodbine,1299,0
+hiteman,1822,2
+leonardo,989,4
+leonardo,558,4
+onaga,284,2
+lindenwood,908,3
+woodbine,1433,2
+lakeville,4,4
+ranchester,1111,3
+wainscott,835,12
+leonardo,1907,4
+wainscott,1339,9
+woodbine,1097,12
+cosmos,415,3
+klickitat,1364,2
+woodbine,31,6
+mifflinburg,810,1
+beechwood,831,3
+klickitat,2271,6
+ranchester,1595,5
+ranchester,1629,2
+shelbyville,2749,1
+marstons,1211,1
+newfields,225,4
+shelbyville,1847,0
+wainscott,240,1
+cosmos,127,6
+hanson,653,0
+marstons,912,0
+stockman,429,6
+cosmos,387,1
+lindenwood,2147,2
+coffeen,540,0
+coffeen,1189,2
+wainscott,1715,1
+wainscott,1774,0
+leonardo,2048,4
+hiteman,540,6
+stockman,247,3
+wainscott,44,8
+marstons,508,6
+merom,633,3
+leonardo,1471,7
+pomaria,1634,12
+woodbine,4,7
+wainscott,859,1
+klickitat,2009,5
+beechwood,419,2
+tolstoy,279,5
+klickitat,1964,4
+pomaria,1418,6
+stockman,1518,1
+tolstoy,677,2
+woodbine,1593,1
+klickitat,1577,12
+marstons,2064,6
+benevolence,47,8
+klickitat,591,1
+pomaria,713,7
+pomaria,1234,11
+hiteman,736,4
+cosmos,276,6
+mifflinburg,848,0
+newfields,1484,1
+merom,129,5
+beechwood,534,4
+mifflinburg,140,9
+newfields,1416,15
+pomaria,65,1
+cosmos,1009,0
+stockman,692,10
+lindenwood,331,2
+marstons,573,2
+hiteman,1495,12
+klickitat,887,0
+wainscott,1031,3
+coffeen,713,2
+woodbine,1363,7
+pinesdale,99,12
+lakeville,124,1
+pinesdale,671,1
+hanson,488,5
+tolstoy,145,12
+hanson,1277,11
+shelbyville,350,1
+pomaria,146,1
+klickitat,1210,0
+ranchester,1547,1
+pomaria,1577,3
+pomaria,878,4
+benevolence,365,0
+shelbyville,724,4
+lindenwood,1440,0
+marstons,2053,2
+hanson,477,4
+klickitat,1863,2
+mifflinburg,51,2
+mifflinburg,444,0
+tolstoy,396,2
+cosmos,785,2
+wainscott,726,14
+leonardo,976,2
+wainscott,1124,4
+shelbyville,178,4
+leonardo,1516,5
+shelbyville,1064,3
+stockman,305,2
+hiteman,1046,12
+beechwood,967,3
+woodbine,1546,1
+allensville,489,2
+pinesdale,199,3
+onaga,474,4
+lindenwood,618,6
+lindenwood,836,10
+hiteman,665,1
+wainscott,478,2
+coffeen,14,0
+lakeville,486,7
+merom,986,1
+benevolence,274,1
+newfields,1448,9
+wainscott,1346,10
+beechwood,743,8
+leonardo,936,4
+pinesdale,797,4
+marstons,346,2
+beechwood,813,1
+newfields,737,8
+benevolence,596,2
+klickitat,1863,4
+pomaria,99,6
+klickitat,1892,3
+woodbine,1629,5
+klickitat,1398,2
+marstons,702,7
+leonardo,2049,0
+ranchester,1267,5
+shelbyville,1985,1
+coffeen,1240,6
+forkland,260,3
+hiteman,1619,3
+woodbine,168,1
+stockman,627,6
+shelbyville,1400,1
+shelbyville,1007,13
+tolstoy,1167,8
+lakeville,1624,0
+marstons,1822,0
+klickitat,415,13
+lakeville,60,1
+cosmos,249,0
+pomaria,222,4
+woodbine,423,4
+forkland,1111,0
+newfields,1103,1
+leonardo,1622,0
+tolstoy,1754,0
+merom,858,4
+merom,1033,2
+marstons,343,2
+leonardo,412,9
+pomaria,1332,3
+lindenwood,2408,2
+hiteman,1539,1
+pinesdale,690,6
+leonardo,1869,11
+merom,482,10
+stockman,172,3
+klickitat,628,4
+beechwood,253,0
+shelbyville,1329,1
+newfields,373,2
+klickitat,1810,1
+coffeen,1104,9
+pinesdale,1477,0
+woodbine,1155,1
+lindenwood,1244,3
+woodbine,1987,2
+tolstoy,411,7
+klickitat,1845,14
+ranchester,1130,1
+pinesdale,1405,5
+lakeville,1694,7
+leonardo,1121,2
+klickitat,2233,2
+newfields,1283,0
+tolstoy,1614,2
+beechwood,631,0
+newfields,1020,4
+marstons,2169,3
+klickitat,1962,2
+newfields,1577,5
+hiteman,1447,8
+hanson,1202,2
+hiteman,1703,4
+klickitat,1742,0
+hiteman,1495,8
+shelbyville,1327,3
+onaga,674,8
+merom,459,0
+lindenwood,1100,7
+lindenwood,244,4
+newfields,1591,3
+woodbine,903,9
+newfields,1285,7
+coffeen,418,0
+klickitat,888,1
+klickitat,846,9
+hanson,1201,9
+merom,936,1
+mifflinburg,229,0
+klickitat,1213,4
+lakeville,415,0
+klickitat,1375,1
+lakeville,1731,8
+beechwood,833,2
+lakeville,628,3
+wainscott,1166,8
+pomaria,10,6
+klickitat,1463,1
+shelbyville,2179,2
+lindenwood,981,3
+shelbyville,2693,5
+pinesdale,1428,15
+wainscott,1348,6
+wainscott,1041,1
+marstons,506,6
+woodbine,1082,0
+hiteman,908,1
+pinesdale,1507,6
+marstons,545,7
+marstons,469,2
+beechwood,1093,3
+cosmos,403,3
+marstons,835,0
+woodbine,1473,1
+marstons,1507,0
+shelbyville,215,5
+hiteman,687,5
+forkland,121,3
+hiteman,763,0
+marstons,1127,3
+lakeville,45,2
+lindenwood,1473,3
+marstons,1027,7
+shelbyville,2703,6
+hiteman,109,0
+lindenwood,313,7
+cosmos,221,2
+stockman,1342,4
+forkland,816,8
+lindenwood,1642,6
+wainscott,1781,4
+shelbyville,1129,9
+hanson,1239,6
+tolstoy,882,9
+hanson,1306,7
+klickitat,117,2
+klickitat,2326,4
+merom,955,0
+cosmos,374,10
+benevolence,469,0
+hanson,1347,2
+coffeen,167,0
+shelbyville,938,12
+lindenwood,22,0
+pinesdale,991,5
+stockman,1221,4
+woodbine,135,3
+woodbine,1493,11
+shelbyville,1785,3
+shelbyville,1240,1
+coffeen,625,5
+klickitat,1228,4
+hanson,101,3
+lindenwood,1351,11
+marstons,819,0
+woodbine,509,1
+leonardo,449,0
+klickitat,2373,7
+hiteman,2,6
+hanson,94,0
+leonardo,1827,0
+klickitat,1595,2
+hiteman,1546,5
+klickitat,1012,9
+woodbine,1564,3
+cosmos,421,7
+klickitat,305,1
+onaga,68,2
+shelbyville,1934,3
+pinesdale,682,2
+tolstoy,68,3
+woodbine,1518,7
+hiteman,21,8
+pomaria,682,0
+klickitat,2412,4
+klickitat,543,1
+hiteman,32,2
+leonardo,391,3
+lakeville,1394,0
+wainscott,199,4
+wainscott,554,8
+hanson,1466,14
+newfields,1132,2
+stockman,595,8
+stockman,1414,4
+shelbyville,1244,2
+cosmos,739,3
+wainscott,711,0
+wainscott,1286,9
+hiteman,419,2
+pomaria,551,2
+lakeville,514,3
+merom,60,1
+benevolence,403,9
+shelbyville,1065,0
+woodbine,1443,10
+hanson,1194,0
+lindenwood,1957,0
+coffeen,428,1
+klickitat,477,4
+hanson,487,6
+forkland,15,4
+shelbyville,1170,3
+shelbyville,1934,9
+beechwood,337,0
+klickitat,1488,4
+newfields,131,8
+cosmos,770,3
+marstons,1949,1
+lindenwood,979,5
+hanson,1632,2
+marstons,746,6
+beechwood,314,0
+lindenwood,474,2
+pinesdale,803,1
+hanson,605,5
+lindenwood,1837,3
+klickitat,1056,3
+pinesdale,1110,6
+stockman,1170,0
+woodbine,595,2
+marstons,929,8
+coffeen,558,1
+marstons,910,2
+merom,869,2
+allensville,273,1
+onaga,373,4
+mifflinburg,19,2
+wainscott,1757,9
+hanson,142,0
+klickitat,822,2
+lindenwood,1293,0
+leonardo,2055,0
+klickitat,1305,3
+allensville,83,1
+lakeville,1344,3
+cosmos,29,2
+hanson,1067,2
+hiteman,1105,1
+stockman,373,5
+klickitat,1160,0
+pinesdale,341,0
+shelbyville,343,11
+pomaria,798,7
+coffeen,1239,2
+lakeville,653,8
+hanson,954,5
+shelbyville,908,2
+tolstoy,1255,13
+stockman,169,0
+pinesdale,1257,6
+newfields,1332,5
+coffeen,1097,0
+coffeen,563,1
+hanson,1380,11
+leonardo,858,3
+lakeville,404,3
+lindenwood,1799,5
+newfields,846,0
+klickitat,2049,14
+wainscott,1273,3
+newfields,1386,4
+wainscott,769,2
+shelbyville,1255,1
+marstons,2589,7
+lindenwood,2187,6
+hiteman,221,9
+klickitat,1969,5
+lakeville,1008,3
+lindenwood,1303,3
+tolstoy,102,6
+cosmos,583,6
+mifflinburg,965,0
+cosmos,68,5
+lakeville,1389,10
+tolstoy,1177,2
+klickitat,1678,5
+woodbine,1069,12
+forkland,176,4
+leonardo,1800,6
+beechwood,713,0
+shelbyville,1620,2
+coffeen,732,4
+newfields,752,4
+marstons,508,2
+marstons,495,4
+stockman,617,1
+klickitat,1048,2
+klickitat,880,5
+klickitat,1483,1
+forkland,893,1
+merom,846,0
+mifflinburg,40,0
+hiteman,312,5
+lakeville,1343,14
+lindenwood,1487,6
+wainscott,1015,6
+wainscott,1276,8
+klickitat,14,8
+klickitat,886,14
+marstons,2423,10
+marstons,810,3
+hanson,255,4
+newfields,996,3
+pinesdale,987,9
+klickitat,620,7
+coffeen,182,6
+lindenwood,2034,3
+merom,301,5
+mifflinburg,412,8
+stockman,713,0
+wainscott,680,6
+wainscott,1292,1
+klickitat,441,2
+pomaria,895,15
+newfields,1368,0
+beechwood,268,6
+lakeville,853,0
+tolstoy,917,8
+lindenwood,423,2
+stockman,1552,5
+lakeville,1386,0
+lakeville,501,3
+ranchester,1569,3
+hiteman,1461,0
+merom,132,2
+woodbine,184,0
+mifflinburg,700,1
+pomaria,355,1
+klickitat,812,1
+cosmos,39,1
+wainscott,1303,0
+newfields,454,7
+cosmos,571,5
+benevolence,198,2
+shelbyville,217,4
+wainscott,928,1
+hiteman,1034,1
+mifflinburg,448,0
+pinesdale,661,6
+shelbyville,255,1
+merom,377,5
+forkland,1074,0
+onaga,109,6
+lakeville,713,6
+stockman,553,1
+lakeville,1288,3
+klickitat,561,0
+klickitat,817,2
+leonardo,1712,6
+woodbine,1083,6
+lindenwood,362,2
+pinesdale,421,5
+marstons,1831,3
+woodbine,373,3
+benevolence,524,5
+hiteman,417,7
+hanson,1270,9
+leonardo,564,4
+lindenwood,29,1
+leonardo,667,6
+klickitat,348,5
+hiteman,137,13
+wainscott,645,4
+newfields,610,7
+leonardo,204,8
+stockman,308,0
+pinesdale,165,6
+newfields,684,1
+pomaria,810,0
+klickitat,224,1
+lindenwood,674,7
+ranchester,1083,1
+woodbine,109,4
+woodbine,1237,5
+beechwood,464,0
+merom,814,3
+newfields,1659,6
+woodbine,1878,0
+pomaria,549,8
+onaga,216,2
+marstons,2405,3
+woodbine,2016,1
+pinesdale,831,2
+marstons,302,0
+tolstoy,1693,13
+lindenwood,457,1
+lindenwood,2644,6
+mifflinburg,240,3
+klickitat,1950,2
+klickitat,2065,5
+woodbine,247,10
+ranchester,461,8
+tolstoy,567,2
+leonardo,1818,2
+pinesdale,1481,5
+cosmos,127,11
+hiteman,1776,6
+newfields,1179,3
+lakeville,1284,11
+newfields,561,4
+pomaria,734,0
+hiteman,1700,4
+lakeville,60,8
+lakeville,1043,6
+leonardo,1742,3
+woodbine,1937,2
+lindenwood,2492,4
+merom,128,0
+wainscott,251,4
+woodbine,1944,4
+beechwood,268,0
+coffeen,273,3
+merom,1016,1
+klickitat,782,0
+forkland,5,5
+hanson,357,0
+lindenwood,1575,1
+hiteman,1215,1
+shelbyville,1401,3
+ranchester,23,0
+hiteman,1529,1
+wainscott,1359,4
+shelbyville,2501,11
+lindenwood,1263,1
+ranchester,386,4
+woodbine,1818,0
+pomaria,711,1
+tolstoy,1439,0
+woodbine,1108,8
+lindenwood,1546,6
+newfields,252,2
+klickitat,1135,0
+newfields,311,2
+marstons,793,0
+coffeen,454,2
+marstons,1067,2
+lakeville,792,8
+leonardo,826,3
+woodbine,138,5
+newfields,731,3
+klickitat,1817,2
+lakeville,1067,1
+tolstoy,1636,0
+woodbine,1639,21
+wainscott,214,8
+newfields,594,2
+cosmos,345,0
+forkland,996,0
+hiteman,191,8
+shelbyville,2803,8
+onaga,297,0
+klickitat,448,4
+hanson,753,0
+klickitat,1003,6
+allensville,130,5
+lakeville,1540,8
+coffeen,1028,11
+hiteman,1272,6
+hiteman,370,3
+stockman,5,0
+benevolence,709,0
+beechwood,148,1
+leonardo,555,13
+woodbine,31,5
+newfields,86,8
+klickitat,32,1
+tolstoy,1657,5
+lakeville,363,1
+shelbyville,2817,5
+lindenwood,2352,2
+woodbine,1173,1
+coffeen,1174,5
+woodbine,1997,2
+lindenwood,2374,0
+klickitat,1795,1
+wainscott,1577,3
+coffeen,1165,1
+pinesdale,459,7
+newfields,1645,9
+klickitat,994,1
+shelbyville,317,2
+lakeville,475,1
+merom,470,4
+tolstoy,1361,1
+merom,591,7
+coffeen,428,2
+pinesdale,8,2
+marstons,1456,0
+lakeville,1595,3
+shelbyville,2200,10
+tolstoy,1,1
+hiteman,1604,5
+klickitat,355,8
+coffeen,231,0
+hiteman,1513,6
+tolstoy,18,1
+klickitat,331,2
+lakeville,1521,1
+merom,449,1
+klickitat,2250,8
+marstons,1248,6
+newfields,359,4
+marstons,116,8
+hanson,1107,5
+marstons,2369,0
+leonardo,1690,0
+hiteman,421,1
+lakeville,606,6
+ranchester,1594,8
+cosmos,685,11
+pomaria,1300,13
+newfields,1657,4
+marstons,787,2
+merom,212,0
+ranchester,203,2
+shelbyville,2471,9
+lindenwood,1861,6
+klickitat,1616,4
+ranchester,1210,0
+newfields,549,6
+allensville,85,1
+stockman,975,4
+marstons,548,1
+leonardo,1664,10
+lakeville,1337,3
+lindenwood,1100,3
+beechwood,893,2
+marstons,1321,2
+marstons,1015,1
+hiteman,147,0
+shelbyville,1425,3
+lindenwood,200,3
+tolstoy,1513,12
+marstons,2564,11
+newfields,902,4
+pomaria,148,8
+hiteman,346,1
+pomaria,666,4
+wainscott,112,0
+lindenwood,1478,1
+woodbine,100,11
+forkland,835,4
+marstons,767,4
+stockman,688,8
+wainscott,933,2
+lakeville,1744,9
+merom,750,5
+leonardo,251,0
+lindenwood,40,1
+shelbyville,126,4
+lindenwood,2285,1
+stockman,104,0
+beechwood,389,7
+lakeville,183,15
+ranchester,377,0
+cosmos,800,2
+pinesdale,1371,11
+wainscott,138,5
+tolstoy,1498,6
+shelbyville,974,10
+coffeen,518,4
+hiteman,368,7
+wainscott,1580,4
+hiteman,1466,2
+wainscott,294,6
+pomaria,116,2
+stockman,138,2
+marstons,2325,1
+lindenwood,2426,3
+lakeville,1144,10
+marstons,174,4
+leonardo,1140,4
+hiteman,412,5
+shelbyville,2064,1
+lakeville,64,0
+lakeville,1875,8
+woodbine,655,6
+pomaria,1233,7
+stockman,1057,1
+leonardo,734,1
+marstons,1857,4
+marstons,1543,15
+lakeville,1031,2
+marstons,21,4
+coffeen,59,1
+hiteman,1200,4
+hiteman,235,4
+merom,556,2
+tolstoy,1307,3
+allensville,29,6
+lindenwood,2387,0
+shelbyville,2650,7
+coffeen,1162,0
+wainscott,531,4
+leonardo,1064,3
+marstons,739,3
+leonardo,1770,5
+lindenwood,1959,3
+mifflinburg,124,7
+coffeen,1255,0
+hiteman,950,1
+shelbyville,1241,13
+cosmos,524,0
+wainscott,934,3
+hanson,43,14
+woodbine,1333,3
+hiteman,158,4
+hanson,921,5
+leonardo,531,5
+hiteman,348,7
+hiteman,1401,2
+marstons,1455,7
+wainscott,5,1
+hanson,1485,10
+newfields,1546,0
+cosmos,870,6
+klickitat,1012,8
+stockman,918,7
+woodbine,638,4
+cosmos,993,1
+newfields,346,9
+shelbyville,1949,0
+beechwood,146,3
+shelbyville,620,1
+newfields,417,0
+pinesdale,100,5
+stockman,585,2
+coffeen,25,2
+mifflinburg,352,0
+klickitat,1384,9
+shelbyville,576,8
+leonardo,1999,12
+shelbyville,52,3
+tolstoy,1465,1
+hanson,65,2
+lindenwood,1861,0
+marstons,2291,3
+klickitat,1777,1
+pinesdale,1048,4
+hanson,1006,13
+hanson,1131,13
+woodbine,644,0
+coffeen,1322,2
+lindenwood,1435,4
+woodbine,782,3
+stockman,412,5
+tolstoy,120,1
+klickitat,42,8
+pinesdale,460,0
+shelbyville,1545,3
+marstons,1921,8
+cosmos,118,2
+coffeen,1019,5
+newfields,608,0
+lindenwood,876,8
+marstons,1012,7
+shelbyville,199,17
+pomaria,759,6
+cosmos,514,6
+cosmos,672,0
+leonardo,955,3
+lindenwood,790,1
+beechwood,459,8
+pomaria,529,9
+tolstoy,1034,2
+woodbine,702,3
+stockman,92,1
+pomaria,815,6
+wainscott,436,10
+klickitat,1092,14
+stockman,1368,0
+klickitat,2161,1
+newfields,748,4
+newfields,721,2
+wainscott,1104,10
+woodbine,729,12
+leonardo,601,4
+tolstoy,1209,6
+benevolence,205,4
+hanson,785,1
+hiteman,1824,2
+wainscott,482,2
+hiteman,550,6
+leonardo,1808,0
+marstons,854,2
+shelbyville,1864,3
+merom,868,3
+klickitat,319,2
+wainscott,1036,5
+beechwood,15,2
+lindenwood,906,1
+cosmos,581,1
+pinesdale,795,6
+lindenwood,998,4
+leonardo,782,2
+pinesdale,1428,13
+stockman,1575,4
+shelbyville,2432,0
+hiteman,588,7
+wainscott,816,10
+klickitat,680,0
+newfields,108,2
+klickitat,2208,1
+leonardo,871,7
+lindenwood,907,15
+mifflinburg,867,1
+mifflinburg,385,3
+mifflinburg,123,1
+forkland,1166,3
+klickitat,2196,5
+pomaria,1145,0
+onaga,443,1
+cosmos,944,3
+tolstoy,1626,3
+klickitat,1309,0
+pinesdale,1470,7
+marstons,508,5
+ranchester,87,5
+shelbyville,171,6
+ranchester,1420,5
+leonardo,1023,1
+lindenwood,423,0
+marstons,1170,11
+shelbyville,1208,4
+hanson,825,9
+tolstoy,1544,5
+ranchester,15,1
+pinesdale,922,1
+pinesdale,1194,2
+hanson,1089,0
+hanson,411,8
+lindenwood,2543,1
+forkland,575,3
+onaga,142,2
+pomaria,1539,8
+forkland,322,1
+shelbyville,1520,4
+coffeen,1295,0
+beechwood,1179,2
+newfields,1621,3
+tolstoy,1338,2
+marstons,1659,7
+shelbyville,32,6
+allensville,388,3
+cosmos,423,4
+marstons,2095,0
+pinesdale,508,1
+wainscott,617,0
+allensville,255,2
+woodbine,985,7
+leonardo,9,4
+shelbyville,2560,8
+newfields,235,1
+beechwood,658,1
+lakeville,1328,2
+tolstoy,1114,0
+lakeville,1097,0
+forkland,411,2
+marstons,952,0
+coffeen,218,4
+lindenwood,12,2
+wainscott,776,9
+onaga,119,1
+stockman,984,2
+leonardo,78,4
+klickitat,1712,0
+lakeville,62,2
+allensville,200,4
+forkland,36,1
+hiteman,1746,6
+stockman,1561,10
+lakeville,698,10
+shelbyville,1860,0
+pinesdale,113,9
+lakeville,571,11
+lakeville,1128,3
+lakeville,1140,1
+hanson,228,0
+coffeen,317,3
+beechwood,211,1
+marstons,864,3
+lindenwood,1244,9
+woodbine,1844,0
+shelbyville,833,3
+pomaria,317,13
+marstons,2269,3
+shelbyville,187,2
+hiteman,107,0
+lindenwood,1121,0
+pomaria,1651,7
+klickitat,913,1
+marstons,1879,2
+marstons,2527,1
+pomaria,903,1
+mifflinburg,226,1
+newfields,1221,4
+lindenwood,1691,4
+woodbine,1463,0
+marstons,1052,1
+pomaria,317,2
+pomaria,1148,3
+merom,551,2
+wainscott,903,9
+newfields,1300,0
+woodbine,309,6
+coffeen,189,5
+hiteman,1112,4
+pinesdale,338,2
+beechwood,704,5
+cosmos,156,1
+woodbine,340,7
+stockman,1103,5
+pinesdale,796,0
+woodbine,543,0
+stockman,250,1
+merom,741,3
+leonardo,1375,9
+klickitat,2116,4
+coffeen,1147,4
+forkland,510,2
+shelbyville,2734,2
+forkland,813,0
+hiteman,636,5
+pinesdale,1405,7
+coffeen,1313,2
+benevolence,33,0
+leonardo,1214,11
+mifflinburg,172,1
+pomaria,945,6
+hiteman,646,3
+lakeville,141,1
+pinesdale,1162,5
+pomaria,1651,11
+wainscott,86,0
+forkland,137,0
+ranchester,793,6
+lakeville,439,3
+marstons,2073,8
+leonardo,552,8
+stockman,1495,2
+lakeville,676,0
+klickitat,1228,5
+tolstoy,277,2
+pomaria,1183,1
+lindenwood,235,3
+coffeen,750,0
+shelbyville,2260,6
+stockman,244,2
+shelbyville,2775,1
+woodbine,1602,0
+lakeville,1155,4
+marstons,929,5
+shelbyville,1420,3
+coffeen,1414,0
+tolstoy,1398,6
+hanson,1537,1
+benevolence,754,7
+leonardo,905,5
+shelbyville,1493,4
+beechwood,1089,4
+pomaria,968,11
+woodbine,799,4
+benevolence,475,3
+shelbyville,2299,13
+ranchester,350,16
+ranchester,429,18
+lindenwood,747,8
+pinesdale,1055,3
+lakeville,924,2
+hiteman,1088,8
+shelbyville,1367,0
+pomaria,1328,5
+newfields,14,2
+newfields,587,1
+newfields,271,5
+newfields,1318,3
+pinesdale,614,1
+beechwood,136,3
+lindenwood,1655,2
+lindenwood,1125,0
+lakeville,1783,5
+forkland,35,5
+marstons,235,0
+lakeville,637,0
+wainscott,1599,6
+beechwood,103,6
+woodbine,1689,3
+hiteman,1171,0
+woodbine,902,1
+shelbyville,123,1
+lindenwood,390,4
+tolstoy,1738,4
+lakeville,137,0
+shelbyville,1458,9
+coffeen,153,0
+hanson,999,1
+coffeen,1390,7
+lindenwood,2348,2
+leonardo,12,10
+ranchester,222,9
+woodbine,1902,2
+tolstoy,511,11
+allensville,53,5
+klickitat,1839,7
+marstons,529,15
+klickitat,698,1
+newfields,458,1
+stockman,690,0
+cosmos,809,4
+klickitat,2378,1
+allensville,397,2
+cosmos,350,9
+mifflinburg,432,1
+tolstoy,1748,3
+wainscott,1703,10
+shelbyville,2737,3
+forkland,932,1
+pomaria,229,9
+wainscott,1106,9
+wainscott,1353,3
+shelbyville,1033,9
+hiteman,726,6
+tolstoy,736,7
+pomaria,1377,3
+hanson,1242,8
+pinesdale,1144,4
+leonardo,1072,0
+ranchester,795,4
+leonardo,51,3
+shelbyville,1310,4
+lakeville,548,13
+cosmos,824,0
+klickitat,468,1
+beechwood,1129,2
+klickitat,1345,4
+lindenwood,820,9
+pinesdale,471,3
+pomaria,859,9
+pomaria,1398,5
+pomaria,1314,0
+shelbyville,1301,5
+pomaria,1370,3
+wainscott,173,5
+newfields,466,0
+pinesdale,396,3
+stockman,217,2
+forkland,478,3
+onaga,575,0
+klickitat,580,6
+shelbyville,299,0
+leonardo,2021,4
+pomaria,1033,0
+pinesdale,63,5
+forkland,107,5
+lindenwood,1304,4
+leonardo,585,4
+wainscott,1559,1
+marstons,2034,2
+shelbyville,1876,3
+newfields,1529,9
+ranchester,1290,4
+klickitat,817,1
+klickitat,2377,9
+lakeville,909,14
+lakeville,789,6
+klickitat,1265,5
+klickitat,488,10
+stockman,446,3
+merom,225,5
+hiteman,1423,6
+beechwood,752,2
+coffeen,1046,3
+hanson,1437,11
+mifflinburg,454,1
+cosmos,50,3
+mifflinburg,691,0
+shelbyville,322,5
+lindenwood,635,8
+woodbine,1094,3
+woodbine,758,9
+pinesdale,87,8
+hiteman,626,0
+klickitat,2352,4
+ranchester,1049,3
+stockman,1223,3
+pomaria,187,7
+hanson,1189,4
+lakeville,1596,1
+lakeville,748,1
+leonardo,217,2
+wainscott,679,3
+benevolence,45,0
+benevolence,627,0
+tolstoy,1542,0
+klickitat,2172,13
+woodbine,157,7
+lakeville,328,3
+leonardo,1890,4
+leonardo,1783,7
+pinesdale,970,1
+hanson,518,10
+klickitat,667,5
+marstons,2120,1
+wainscott,1612,6
+shelbyville,2714,5
+leonardo,1653,2
+hanson,53,0
+shelbyville,1381,1
+shelbyville,1763,4
+pinesdale,501,4
+lindenwood,2170,0
+leonardo,795,1
+shelbyville,576,11
+marstons,2121,1
+marstons,1208,9
+lindenwood,2626,0
+pinesdale,1490,8
+marstons,2383,10
+shelbyville,141,8
+ranchester,1234,1
+leonardo,1204,9
+woodbine,1889,0
+newfields,765,4
+newfields,1077,10
+lakeville,548,4
+hanson,1573,6
+woodbine,1768,6
+ranchester,769,0
+pomaria,1201,1
+woodbine,1978,3
+mifflinburg,812,2
+woodbine,115,2
+pomaria,1211,1
+wainscott,1032,1
+shelbyville,2523,0
+lindenwood,1084,1
+wainscott,1356,3
+klickitat,1582,1
+lakeville,710,3
+ranchester,919,2
+stockman,867,1
+lakeville,583,6
+mifflinburg,604,0
+stockman,1526,2
+marstons,2259,1
+ranchester,822,3
+lakeville,344,3
+beechwood,632,1
+klickitat,1505,2
+coffeen,8,6
+coffeen,458,2
+forkland,326,1
+klickitat,1682,0
+marstons,1078,0
+marstons,1433,3
+wainscott,451,4
+mifflinburg,325,8
+pomaria,96,5
+pinesdale,327,4
+benevolence,9,7
+hiteman,1675,2
+merom,914,2
+woodbine,746,6
+klickitat,1213,10
+wainscott,1605,4
+stockman,1074,7
+klickitat,1416,10
+klickitat,2206,3
+stockman,32,1
+benevolence,113,0
+shelbyville,2797,6
+shelbyville,505,3
+woodbine,1686,2
+pinesdale,584,4
+tolstoy,1773,1
+hanson,482,3
+lakeville,1691,0
+woodbine,1801,5
+shelbyville,479,9
+lindenwood,229,1
+lindenwood,46,1
+lindenwood,2044,3
+woodbine,772,2
+shelbyville,1909,1
+stockman,1085,4
+lindenwood,893,4
+leonardo,1526,12
+leonardo,197,1
+benevolence,451,4
+lindenwood,1639,3
+marstons,1490,3
+woodbine,1427,0
+pinesdale,237,2
+marstons,2060,2
+newfields,228,1
+pomaria,309,5
+pomaria,55,3
+pinesdale,413,1
+hanson,1418,0
+shelbyville,617,9
+forkland,1045,5
+hanson,1305,4
+ranchester,1587,0
+shelbyville,936,4
+ranchester,1089,4
+klickitat,973,8
+lakeville,1471,8
+lakeville,828,0
+marstons,789,6
+klickitat,986,4
+wainscott,1405,0
+cosmos,470,10
+leonardo,398,2
+stockman,962,2
+woodbine,89,8
+marstons,2112,0
+stockman,4,1
+onaga,608,4
+klickitat,2319,2
+marstons,1589,1
+woodbine,1441,2
+lakeville,1166,9
+woodbine,1505,6
+hiteman,783,1
+woodbine,1250,2
+beechwood,1154,7
+leonardo,716,3
+klickitat,1108,0
+shelbyville,1081,4
+pomaria,1653,4
+hanson,466,2
+klickitat,1239,9
+wainscott,639,4
+newfields,558,6
+marstons,2096,11
+lakeville,536,8
+klickitat,227,2
+leonardo,2039,10
+hanson,417,2
+lindenwood,941,4
+leonardo,489,2
+pinesdale,498,1
+wainscott,1330,2
+beechwood,543,0
+wainscott,23,3
+klickitat,30,0
+wainscott,621,9
+pinesdale,214,4
+wainscott,278,2
+pomaria,151,0
+tolstoy,542,11
+beechwood,920,3
+woodbine,1141,1
+woodbine,1589,0
+merom,955,2
+lakeville,1826,4
+pinesdale,905,1
+shelbyville,1821,0
+newfields,1058,0
+wainscott,1411,6
+shelbyville,1086,4
+lindenwood,2608,0
+wainscott,1722,2
+marstons,422,2
+hiteman,196,2
+lakeville,217,3
+stockman,1408,6
+stockman,240,4
+lindenwood,1025,6
+merom,868,6
+coffeen,1044,3
+stockman,88,0
+lakeville,1205,1
+klickitat,978,7
+tolstoy,1215,1
+marstons,882,1
+woodbine,245,5
+ranchester,600,5
+shelbyville,1015,6
+newfields,745,1
+klickitat,157,4
+newfields,395,6
+cosmos,958,5
+merom,448,1
+lindenwood,1368,1
+wainscott,1550,13
+marstons,2115,5
+marstons,889,6
+klickitat,75,9
+woodbine,2004,8
+hiteman,863,0
+leonardo,1451,6
+beechwood,770,8
+lakeville,1092,2
+stockman,371,3
+klickitat,1109,6
+allensville,395,0
+tolstoy,1234,9
+marstons,2337,2
+hiteman,1112,7
+klickitat,2029,10
+newfields,388,13
+allensville,60,0
+benevolence,962,11
+onaga,188,2
+ranchester,960,2
+coffeen,1298,1
+shelbyville,586,5
+cosmos,689,5
+cosmos,1070,3
+shelbyville,1500,0
+shelbyville,1456,3
+shelbyville,2763,1
+hanson,418,10
+shelbyville,1401,13
+woodbine,1768,16
+leonardo,1557,8
+cosmos,624,7
+lakeville,1227,8
+marstons,2431,12
+tolstoy,885,3
+pinesdale,896,4
+marstons,855,0
+coffeen,1468,2
+klickitat,296,3
+lakeville,524,2
+stockman,634,0
+marstons,27,5
+ranchester,676,5
+shelbyville,959,1
+shelbyville,625,0
+woodbine,1340,2
+leonardo,1591,19
+mifflinburg,263,2
+cosmos,628,1
+newfields,1274,2
+leonardo,1811,4
+lindenwood,282,4
+wainscott,770,10
+marstons,1028,4
+cosmos,753,6
+lindenwood,1329,1
+pomaria,851,2
+shelbyville,2766,3
+hanson,207,1
+leonardo,465,0
+klickitat,525,2
+beechwood,1013,10
+hanson,862,7
+cosmos,681,3
+lindenwood,1915,3
+pomaria,657,2
+coffeen,1184,0
+shelbyville,931,3
+beechwood,555,4
+shelbyville,218,2
+ranchester,1450,4
+hanson,1435,2
+merom,721,1
+ranchester,1189,2
+marstons,1339,8
+tolstoy,977,6
+hanson,1072,2
+shelbyville,966,4
+shelbyville,1589,0
+newfields,263,0
+cosmos,363,1
+pomaria,655,4
+newfields,723,14
+hiteman,1087,2
+leonardo,135,2
+lakeville,1527,4
+wainscott,51,1
+pinesdale,81,1
+leonardo,928,4
+lindenwood,1919,9
+pinesdale,1087,7
+shelbyville,2714,2
+shelbyville,2502,1
+klickitat,489,4
+shelbyville,2560,6
+coffeen,1227,5
+mifflinburg,808,1
+leonardo,1919,1
+shelbyville,2123,4
+wainscott,1248,3
+pinesdale,731,3
+klickitat,1861,5
+hanson,923,5
+newfields,270,8
+klickitat,1984,5
+newfields,168,2
+beechwood,66,7
+woodbine,1800,1
+ranchester,516,6
+cosmos,81,2
+woodbine,1942,1
+pinesdale,1245,0
+newfields,8,4
+lakeville,953,2
+pinesdale,1497,1
+shelbyville,1648,1
+wainscott,881,8
+marstons,1266,0
+woodbine,1111,7
+pinesdale,1205,2
+lakeville,70,3
+cosmos,851,2
+marstons,700,2
+shelbyville,158,0
+hanson,1601,4
+shelbyville,647,15
+forkland,521,0
+coffeen,1344,0
+marstons,451,3
+tolstoy,43,2
+klickitat,2094,3
+hiteman,1158,0
+cosmos,869,0
+lakeville,395,5
+newfields,1658,1
+wainscott,951,0
+pomaria,936,0
+tolstoy,372,3
+shelbyville,742,0
+pomaria,1479,0
+klickitat,1398,3
+merom,635,5
+pinesdale,278,0
+wainscott,686,0
+klickitat,1569,5
+hiteman,1209,7
+shelbyville,31,0
+stockman,438,1
+wainscott,1729,0
+lakeville,1502,0
+lindenwood,890,1
+klickitat,1708,0
+newfields,272,2
+coffeen,377,2
+wainscott,944,2
+shelbyville,2044,12
+forkland,877,3
+stockman,1432,0
+klickitat,2100,2
+stockman,1540,4
+lindenwood,921,0
+pinesdale,1175,2
+stockman,583,9
+pinesdale,824,14
+marstons,570,1
+mifflinburg,528,3
+lakeville,915,8
+woodbine,611,4
+marstons,1980,2
+forkland,17,0
+klickitat,2330,2
+klickitat,337,5
+ranchester,724,0
+stockman,1159,1
+stockman,397,1
+coffeen,1127,1
+pinesdale,823,2
+wainscott,95,1
+hiteman,201,7
+merom,583,0
+pomaria,1490,7
+wainscott,1476,8
+lindenwood,1782,10
+leonardo,365,1
+wainscott,1350,3
+onaga,22,0
+leonardo,372,2
+pomaria,513,2
+marstons,2239,2
+pomaria,1063,0
+ranchester,457,13
+ranchester,605,3
+lindenwood,1754,0
+newfields,1556,1
+tolstoy,155,0
+newfields,1248,0
+ranchester,462,3
+marstons,2032,3
+woodbine,256,8
+tolstoy,1181,0
+beechwood,928,0
+lindenwood,291,16
+marstons,905,10
+stockman,722,3
+pinesdale,1490,5
+beechwood,86,3
+mifflinburg,847,4
+stockman,374,4
+mifflinburg,361,0
+newfields,928,6
+hanson,1635,6
+shelbyville,1236,12
+shelbyville,1266,8
+woodbine,151,3
+klickitat,1069,7
+marstons,274,1
+wainscott,1424,7
+lindenwood,985,3
+shelbyville,2713,2
+wainscott,1168,0
+beechwood,540,1
+klickitat,804,0
+merom,731,1
+onaga,314,1
+ranchester,70,0
+hanson,306,5
+cosmos,332,0
+lakeville,808,5
+marstons,1073,3
+ranchester,479,5
+leonardo,1860,1
+pinesdale,707,2
+ranchester,251,2
+klickitat,1107,1
+marstons,1532,7
+pinesdale,387,2
+shelbyville,126,0
+marstons,2390,0
+hiteman,536,1
+leonardo,1293,2
+shelbyville,1481,8
+marstons,1492,6
+pinesdale,152,6
+tolstoy,1013,7
+lindenwood,1515,0
+hanson,17,0
+merom,581,4
+newfields,944,6
+cosmos,552,0
+klickitat,345,2
+pomaria,952,9
+lakeville,763,10
+shelbyville,2099,5
+hanson,741,12
+newfields,777,3
+woodbine,1735,10
+shelbyville,2005,1
+hiteman,897,5
+forkland,262,1
+pomaria,781,9
+ranchester,1319,2
+hanson,1168,0
+merom,41,0
+lakeville,1440,1
+leonardo,1766,5
+tolstoy,1461,3
+leonardo,1904,4
+beechwood,1155,2
+lindenwood,2303,2
+marstons,375,2
+hiteman,1283,0
+wainscott,977,8
+leonardo,763,0
+pomaria,1367,3
+marstons,948,1
+ranchester,532,9
+lakeville,844,1
+tolstoy,1455,4
+hanson,176,6
+shelbyville,2817,7
+lakeville,989,1
+lindenwood,735,1
+forkland,577,1
+pomaria,1430,2
+lindenwood,1375,2
+wainscott,377,14
+wainscott,1685,3
+tolstoy,1276,12
+klickitat,1349,4
+cosmos,174,8
+klickitat,538,2
+marstons,2180,4
+pinesdale,1045,1
+newfields,1102,5
+ranchester,924,5
+shelbyville,1569,13
+pomaria,1579,9
+lakeville,438,0
+klickitat,1880,10
+klickitat,1658,11
+allensville,439,0
+hiteman,382,0
+wainscott,1145,10
+mifflinburg,887,4
+newfields,373,1
+coffeen,854,8
+shelbyville,1236,14
+lakeville,1370,1
+hiteman,713,0
+tolstoy,1149,3
+benevolence,649,2
+coffeen,1364,3
+lakeville,1293,2
+newfields,1124,1
+klickitat,1956,0
+coffeen,902,8
+stockman,833,1
+marstons,1607,6
+leonardo,337,3
+merom,506,0
+lindenwood,117,1
+hiteman,991,2
+cosmos,304,5
+leonardo,1020,7
+lakeville,1862,9
+hiteman,238,8
+mifflinburg,364,0
+hiteman,1806,5
+klickitat,1007,3
+shelbyville,2622,0
+mifflinburg,81,1
+lakeville,387,12
+merom,209,0
+leonardo,1959,5
+shelbyville,1618,0
+beechwood,821,1
+marstons,641,0
+mifflinburg,679,0
+tolstoy,76,9
+beechwood,107,0
+klickitat,998,1
+lindenwood,673,0
+shelbyville,2709,0
+leonardo,1194,1
+wainscott,1762,14
+woodbine,1551,3
+stockman,704,7
+wainscott,105,4
+tolstoy,846,4
+klickitat,2061,14
+beechwood,1121,2
+pinesdale,1002,0
+leonardo,2033,5
+marstons,1298,0
+woodbine,1289,6
+coffeen,258,1
+lindenwood,434,4
+leonardo,420,3
+leonardo,714,1
+merom,70,4
+shelbyville,62,0
+pomaria,621,3
+stockman,709,9
+klickitat,1997,6
+ranchester,141,2
+wainscott,885,2
+klickitat,2367,1
+marstons,5,4
+marstons,446,3
+shelbyville,1694,4
+woodbine,732,2
+beechwood,316,7
+shelbyville,1789,8
+marstons,1858,2
+cosmos,930,0
+newfields,89,7
+benevolence,811,2
+stockman,1014,6
+klickitat,539,3
+pomaria,1462,6
+cosmos,402,2
+woodbine,1286,8
+hanson,238,9
+lakeville,1865,5
+stockman,1408,2
+wainscott,148,5
+hiteman,836,1
+woodbine,1673,7
+pomaria,1396,0
+klickitat,1452,5
+marstons,596,0
+lakeville,1772,1
+beechwood,714,8
+marstons,269,6
+coffeen,63,3
+klickitat,1969,9
+klickitat,906,1
+coffeen,1191,3
+tolstoy,317,3
+lindenwood,1106,0
+woodbine,113,1
+shelbyville,455,1
+benevolence,124,0
+ranchester,512,11
+pomaria,804,1
+hiteman,643,4
+marstons,961,6
+marstons,515,7
+benevolence,60,0
+stockman,351,0
+woodbine,1662,5
+marstons,883,1
+pinesdale,1053,1
+woodbine,799,3
+lakeville,1499,8
+marstons,2636,7
+cosmos,730,1
+cosmos,1069,2
+lakeville,1289,4
+onaga,182,5
+pomaria,1227,2
+mifflinburg,705,2
+hanson,1001,6
+lindenwood,1853,3
+woodbine,690,3
+lakeville,377,1
+tolstoy,1277,0
+klickitat,932,3
+klickitat,2044,8
+marstons,2421,4
+mifflinburg,409,2
+ranchester,1344,6
+pinesdale,1357,0
+lindenwood,1781,4
+hiteman,1498,4
+tolstoy,1412,2
+pomaria,1363,7
+stockman,374,0
+forkland,174,1
+shelbyville,651,8
+onaga,83,7
+cosmos,448,0
+coffeen,77,0
+pinesdale,1221,0
+lindenwood,2303,0
+lakeville,1623,7
+cosmos,766,1
+leonardo,1776,1
+klickitat,2297,1
+wainscott,336,5
+shelbyville,990,9
+lindenwood,2629,6
+lindenwood,1857,2
+forkland,688,0
+merom,472,1
+marstons,658,0
+hanson,360,0
+coffeen,33,3
+lindenwood,568,5
+hanson,481,7
+woodbine,799,6
+beechwood,123,2
+beechwood,228,2
+marstons,2269,0
+leonardo,514,2
+hanson,1383,2
+coffeen,259,2
+klickitat,1923,2
+wainscott,1411,7
+marstons,2029,10
+coffeen,621,0
+shelbyville,2229,3
+wainscott,1617,4
+pinesdale,658,2
+forkland,366,7
+ranchester,557,5
+merom,870,2
+lindenwood,766,2
+stockman,958,1
+lakeville,1363,6
+pinesdale,919,7
+klickitat,2171,1
+lakeville,469,1
+ranchester,406,6
+pomaria,707,12
+woodbine,954,8
+tolstoy,176,14
+lindenwood,1783,9
+leonardo,2014,1
+forkland,496,3
+tolstoy,446,5
+pinesdale,62,0
+tolstoy,1143,15
+tolstoy,1345,2
+leonardo,1139,5
+klickitat,1817,3
+onaga,87,8
+pinesdale,140,4
+allensville,33,4
+coffeen,88,2
+shelbyville,1277,5
+forkland,640,0
+lindenwood,816,10
+wainscott,889,3
+hanson,730,11
+lindenwood,768,2
+wainscott,385,0
+wainscott,1052,0
+lindenwood,1282,3
+shelbyville,2029,1
+hiteman,1021,3
+coffeen,1382,5
+lakeville,907,3
+beechwood,300,0
+beechwood,786,3
+marstons,2621,7
+mifflinburg,726,3
+pomaria,987,4
+coffeen,635,4
+pomaria,1653,5
+leonardo,1544,0
+woodbine,1162,0
+pomaria,371,2
+hiteman,653,2
+marstons,170,2
+ranchester,1218,0
+beechwood,1029,6
+lakeville,1697,2
+wainscott,1045,3
+lakeville,1177,3
+hiteman,1163,0
+klickitat,574,1
+pinesdale,24,2
+newfields,1174,7
+tolstoy,1448,7
+klickitat,1468,10
+forkland,492,5
+tolstoy,1696,2
+hiteman,483,0
+klickitat,1356,2
+merom,621,0
+pinesdale,1235,10
+forkland,700,3
+wainscott,1652,11
+leonardo,1892,3
+stockman,269,2
+newfields,997,0
+leonardo,431,0
+klickitat,448,14
+merom,677,8
+marstons,93,3
+ranchester,675,1
+lakeville,529,0
+pomaria,1547,4
+lakeville,1568,3
+coffeen,1368,0
+pomaria,523,0
+leonardo,116,0
+onaga,613,10
+woodbine,1571,4
+mifflinburg,198,3
+leonardo,2026,1
+klickitat,1028,0
+lindenwood,2557,4
+tolstoy,958,9
+shelbyville,2341,4
+marstons,2183,9
+wainscott,778,1
+klickitat,1507,8
+wainscott,1797,0
+woodbine,788,4
+lindenwood,1405,0
+marstons,2629,6
+stockman,661,5
+klickitat,1435,5
+shelbyville,39,3
+forkland,245,7
+forkland,206,4
+ranchester,0,1
+hanson,1531,1
+shelbyville,299,3
+woodbine,878,7
+marstons,68,2
+forkland,876,7
+marstons,1070,4
+onaga,530,5
+stockman,311,0
+shelbyville,1363,1
+stockman,775,4
+lindenwood,1792,3
+lindenwood,1456,3
+stockman,290,3
+forkland,68,5
+ranchester,1550,4
+lindenwood,1170,1
+tolstoy,1809,3
+coffeen,636,5
+coffeen,347,9
+stockman,718,0
+coffeen,550,6
+pinesdale,886,3
+cosmos,969,1
+coffeen,421,1
+lakeville,1348,0
+shelbyville,1620,0
+mifflinburg,972,3
+pomaria,972,0
+lindenwood,404,8
+marstons,312,6
+lindenwood,585,2
+woodbine,789,0
+woodbine,1713,0
+stockman,605,3
+beechwood,61,4
+wainscott,242,1
+lindenwood,1054,0
+leonardo,595,0
+stockman,399,3
+shelbyville,2429,3
+stockman,80,8
+shelbyville,562,13
+wainscott,787,1
+wainscott,806,3
+lindenwood,610,3
+woodbine,1053,2
+onaga,250,1
+woodbine,812,0
+pinesdale,98,1
+woodbine,31,16
+woodbine,1052,12
+pinesdale,475,9
+onaga,450,2
+tolstoy,37,0
+klickitat,479,5
+newfields,1407,8
+ranchester,1015,2
+marstons,712,5
+marstons,307,2
+hanson,1645,7
+pomaria,742,2
+ranchester,1435,5
+pinesdale,1168,13
+wainscott,1415,3
+leonardo,1217,0
+lindenwood,2430,3
+shelbyville,2687,5
+shelbyville,759,3
+pinesdale,1481,3
+tolstoy,1303,0
+klickitat,1213,6
+coffeen,1037,2
+leonardo,1604,0
+lindenwood,2005,1
+stockman,1210,5
+lakeville,1142,2
+pomaria,1417,3
+coffeen,1457,3
+marstons,1079,1
+hanson,565,19
+wainscott,1280,7
+tolstoy,1018,4
+hanson,1294,9
+lakeville,1714,18
+stockman,444,1
+stockman,1216,4
+wainscott,1152,0
+ranchester,1575,1
+shelbyville,2451,11
+klickitat,346,0
+leonardo,505,1
+pinesdale,37,0
+woodbine,1842,3
+newfields,912,1
+stockman,432,6
+marstons,793,4
+ranchester,899,3
+lakeville,1586,6
+pomaria,956,0
+klickitat,2410,2
+marstons,31,8
+marstons,405,0
+hanson,384,9
+leonardo,1549,1
+klickitat,1026,8
+tolstoy,1273,14
+leonardo,177,3
+hanson,1470,2
+forkland,1134,3
+stockman,192,2
+hanson,1605,2
+forkland,905,4
+shelbyville,1304,15
+klickitat,2074,3
+newfields,31,1
+klickitat,978,10
+wainscott,1572,5
+marstons,147,3
+newfields,494,2
+marstons,2410,2
+leonardo,1574,0
+cosmos,6,1
+mifflinburg,149,4
+wainscott,1654,3
+pomaria,1305,17
+marstons,1636,1
+forkland,142,6
+klickitat,98,4
+shelbyville,259,2
+wainscott,1662,2
+klickitat,585,2
+stockman,1295,2
+leonardo,1732,9
+beechwood,5,2
+hanson,1562,0
+pomaria,1206,0
+pinesdale,539,3
+hiteman,1414,0
+klickitat,1070,0
+lakeville,79,0
+lakeville,450,9
+ranchester,852,2
+lindenwood,1135,10
+shelbyville,248,2
+hiteman,883,7
+marstons,811,3
+klickitat,2221,8
+shelbyville,1682,11
+lindenwood,2541,2
+newfields,1529,16
+coffeen,194,6
+ranchester,395,1
+lindenwood,2661,7
+benevolence,76,2
+coffeen,415,8
+onaga,676,8
+beechwood,1065,11
+benevolence,688,2
+marstons,2330,1
+marstons,1135,1
+newfields,117,3
+klickitat,2186,6
+hanson,828,3
+klickitat,2241,9
+beechwood,843,11
+shelbyville,2181,1
+mifflinburg,428,3
+mifflinburg,586,0
+shelbyville,1585,3
+klickitat,528,4
+klickitat,2414,0
+marstons,811,2
+mifflinburg,192,9
+klickitat,1799,5
+pinesdale,1193,0
+tolstoy,1749,4
+lakeville,1804,3
+merom,433,1
+shelbyville,1161,5
+ranchester,865,7
+pomaria,1505,2
+tolstoy,1677,2
+lindenwood,698,2
+merom,81,6
+lakeville,331,3
+pomaria,351,6
+pomaria,1447,2
+coffeen,341,1
+newfields,1363,2
+mifflinburg,571,4
+stockman,906,1
+leonardo,9,0
+pomaria,974,8
+woodbine,1471,1
+wainscott,971,10
+lindenwood,848,4
+marstons,395,0
+shelbyville,1469,10
+pinesdale,124,3
+coffeen,804,5
+shelbyville,902,0
+lindenwood,1138,2
+lakeville,1499,4
+shelbyville,206,5
+tolstoy,1253,4
+tolstoy,242,0
+lindenwood,2419,6
+shelbyville,118,2
+klickitat,472,9
+lindenwood,699,4
+lindenwood,1403,4
+hanson,726,1
+lindenwood,1351,7
+leonardo,1050,1
+marstons,767,5
+woodbine,1218,12
+lindenwood,403,7
+newfields,292,3
+merom,265,5
+forkland,574,2
+shelbyville,2431,4
+woodbine,1868,2
+beechwood,469,1
+pinesdale,785,8
+ranchester,863,3
+shelbyville,587,0
+ranchester,950,1
+hiteman,283,7
+woodbine,1353,11
+mifflinburg,296,1
+forkland,243,5
+woodbine,873,1
+klickitat,749,2
+newfields,1108,4
+cosmos,271,0
+marstons,1639,3
+lindenwood,2006,7
+marstons,1643,2
+lindenwood,1646,2
+shelbyville,280,14
+newfields,81,3
+wainscott,1039,12
+lindenwood,2133,3
+wainscott,483,8
+lakeville,385,4
+coffeen,74,4
+hiteman,342,2
+pinesdale,533,5
+leonardo,6,0
+marstons,3,3
+cosmos,278,2
+woodbine,488,8
+pinesdale,861,4
+shelbyville,666,7
+tolstoy,360,2
+hanson,1577,5
+newfields,346,12
+lakeville,1869,1
+marstons,682,9
+hanson,730,0
+shelbyville,2432,10
+lindenwood,85,0
+beechwood,368,2
+lakeville,1307,0
+allensville,66,0
+beechwood,1117,3
+leonardo,1062,0
+hanson,1530,5
+pinesdale,436,2
+marstons,1093,11
+marstons,1039,0
+pinesdale,543,0
+woodbine,1213,9
+tolstoy,838,0
+klickitat,1516,12
+wainscott,1608,11
+hanson,278,2
+wainscott,572,1
+hiteman,478,7
+shelbyville,2016,3
+hiteman,222,2
+klickitat,1405,2
+wainscott,348,0
+hiteman,1445,7
+merom,480,10
+ranchester,123,2
+leonardo,277,3
+benevolence,614,11
+lindenwood,1966,0
+merom,515,0
+leonardo,1553,2
+coffeen,1321,1
+wainscott,202,8
+mifflinburg,35,0
+tolstoy,1294,0
+beechwood,239,2
+onaga,557,2
+pinesdale,362,4
+woodbine,499,0
+leonardo,1161,0
+wainscott,611,2
+merom,586,3
+wainscott,1125,0
+klickitat,1430,2
+lakeville,93,1
+onaga,414,2
+shelbyville,1637,3
+hanson,1069,3
+klickitat,611,22
+wainscott,836,11
+pomaria,1567,5
+wainscott,638,0
+ranchester,489,7
+tolstoy,1337,4
+stockman,676,2
+hanson,574,1
+woodbine,300,0
+marstons,491,1
+hanson,1281,5
+leonardo,1691,6
+woodbine,415,6
+pinesdale,783,1
+ranchester,1373,1
+ranchester,1446,11
+newfields,221,4
+benevolence,724,2
+tolstoy,881,0
+beechwood,106,2
+leonardo,486,3
+hiteman,1484,0
+newfields,137,1
+ranchester,1347,13
+lindenwood,2494,0
+marstons,2136,2
+marstons,2026,0
+newfields,124,5
+tolstoy,1773,5
+wainscott,1630,16
+ranchester,1619,1
+beechwood,552,4
+leonardo,21,3
+lindenwood,1890,7
+merom,807,3
+hiteman,122,2
+hanson,1049,4
+hiteman,652,4
+wainscott,712,7
+tolstoy,1767,11
+shelbyville,478,8
+pinesdale,867,7
+tolstoy,619,11
+hiteman,154,0
+lakeville,621,3
+pomaria,1348,1
+lakeville,318,0
+woodbine,178,2
+tolstoy,1572,1
+newfields,263,2
+woodbine,1815,2
+stockman,471,1
+marstons,928,1
+klickitat,1190,0
+hiteman,371,0
+hanson,1520,3
+klickitat,209,0
+stockman,1569,10
+wainscott,571,2
+coffeen,1455,0
+stockman,1471,6
+lakeville,1512,6
+pinesdale,720,13
+coffeen,230,8
+beechwood,898,5
+benevolence,280,1
+beechwood,910,0
+coffeen,828,3
+leonardo,1985,12
+ranchester,1573,1
+marstons,585,11
+shelbyville,1277,12
+marstons,1629,11
+woodbine,1837,7
+leonardo,1197,4
+wainscott,1517,9
+hiteman,47,2
+cosmos,113,0
+hiteman,1078,9
+leonardo,1933,4
+pinesdale,417,2
+leonardo,1061,8
+hanson,923,10
+klickitat,111,1
+marstons,950,2
+lakeville,51,5
+marstons,705,7
+newfields,140,8
+wainscott,1237,3
+lindenwood,1689,7
+hiteman,489,2
+woodbine,556,0
+lindenwood,2621,3
+shelbyville,597,2
+pinesdale,586,3
+onaga,188,7
+hanson,1570,7
+klickitat,2183,1
+lakeville,1506,0
+stockman,1434,4
+marstons,2651,4
+stockman,332,0
+lindenwood,1876,7
+lindenwood,1952,0
+leonardo,1922,5
+hiteman,427,1
+tolstoy,375,10
+shelbyville,1220,3
+shelbyville,1438,9
+shelbyville,303,0
+ranchester,48,1
+lakeville,1711,6
+beechwood,772,1
+newfields,129,8
+lindenwood,373,0
+klickitat,2279,6
+tolstoy,31,1
+ranchester,921,5
+marstons,1568,4
+woodbine,100,1
+mifflinburg,140,7
+shelbyville,383,3
+klickitat,2096,7
+hanson,935,8
+leonardo,1580,15
+woodbine,2000,1
+lindenwood,502,9
+ranchester,1421,4
+wainscott,1288,0
+leonardo,375,5
+klickitat,830,1
+shelbyville,2319,4
+merom,425,1
+hanson,1171,1
+lindenwood,851,3
+coffeen,355,3
+pomaria,491,12
+wainscott,1719,2
+pinesdale,1434,0
+beechwood,451,6
+hiteman,1499,2
+marstons,2061,7
+benevolence,553,1
+ranchester,1627,6
+stockman,335,1
+klickitat,1154,0
+hanson,836,6
+benevolence,939,1
+shelbyville,1564,0
+merom,87,1
+lindenwood,637,4
+mifflinburg,485,5
+lakeville,1152,3
+pinesdale,1249,1
+shelbyville,532,3
+hiteman,1268,6
+lindenwood,1404,0
+forkland,275,10
+hiteman,1756,9
+allensville,4,4
+marstons,2019,0
+hanson,993,2
+hiteman,943,5
+lindenwood,2642,2
+beechwood,1140,2
+forkland,900,2
+lindenwood,1999,2
+hanson,194,4
+woodbine,705,9
+lindenwood,1290,9
+lindenwood,813,14
+coffeen,13,5
+wainscott,738,1
+pomaria,476,10
+klickitat,2259,1
+coffeen,661,1
+hiteman,364,0
+marstons,586,0
+beechwood,365,4
+woodbine,658,4
+woodbine,1474,15
+merom,626,6
+shelbyville,1802,4
+klickitat,389,6
+coffeen,544,0
+marstons,334,7
+benevolence,852,3
+marstons,1452,1
+marstons,1646,5
+klickitat,1484,6
+shelbyville,1918,3
+hiteman,1560,4
+woodbine,597,10
+lakeville,262,1
+cosmos,416,2
+marstons,1418,4
+coffeen,871,2
+lindenwood,944,7
+pomaria,713,2
+pinesdale,351,2
+lindenwood,2676,5
+tolstoy,1244,1
+leonardo,559,8
+lindenwood,1712,4
+marstons,109,4
+klickitat,2219,5
+lindenwood,2642,7
+shelbyville,674,7
+klickitat,20,0
+marstons,698,9
+klickitat,941,2
+merom,711,5
+pomaria,619,1
+tolstoy,575,1
+onaga,241,2
+lindenwood,740,5
+hanson,401,0
+forkland,479,3
+lakeville,1838,2
+marstons,56,3
+wainscott,196,7
+lakeville,654,3
+newfields,1448,5
+forkland,427,3
+tolstoy,1136,3
+hanson,501,3
+hiteman,1415,1
+pomaria,1289,2
+stockman,386,0
+lindenwood,110,4
+leonardo,1132,14
+pinesdale,1162,8
+pomaria,426,8
+woodbine,487,1
+klickitat,8,2
+forkland,430,0
+marstons,1395,2
+lakeville,284,3
+wainscott,300,6
+newfields,264,3
+klickitat,1771,0
+klickitat,538,6
+klickitat,1106,6
+marstons,2377,1
+shelbyville,2803,6
+newfields,1122,1
+stockman,1198,15
+wainscott,432,2
+hanson,899,2
+pinesdale,414,5
+onaga,212,7
+marstons,505,8
+mifflinburg,673,2
+marstons,1932,3
+coffeen,714,1
+woodbine,760,4
+hanson,1070,1
+merom,858,0
+onaga,343,1
+allensville,408,3
+forkland,354,2
+shelbyville,1888,5
+coffeen,306,2
+shelbyville,1669,2
+marstons,1930,2
+coffeen,1131,2
+woodbine,1876,1
+lindenwood,2473,9
+marstons,261,5
+lindenwood,1104,5
+beechwood,846,0
+lindenwood,280,2
+pinesdale,950,0
+leonardo,1857,5
+leonardo,899,1
+merom,826,0
+pinesdale,400,0
+shelbyville,1986,2
+mifflinburg,332,4
+shelbyville,508,4
+pomaria,80,0
+cosmos,526,2
+newfields,345,0
+shelbyville,2783,4
+pinesdale,452,8
+ranchester,1048,5
+wainscott,714,4
+coffeen,1023,4
+tolstoy,1737,6
+coffeen,628,0
+shelbyville,1047,1
+leonardo,541,4
+onaga,277,5
+lindenwood,1942,4
+cosmos,436,2
+shelbyville,1116,1
+pomaria,1048,2
+klickitat,269,2
+mifflinburg,72,8
+lakeville,807,1
+wainscott,854,1
+pomaria,301,1
+marstons,2390,2
+pinesdale,485,2
+marstons,252,12
+wainscott,1152,4
+marstons,2009,4
+pomaria,678,4
+tolstoy,402,3
+woodbine,824,7
+hiteman,530,2
+newfields,819,4
+forkland,691,3
+klickitat,1905,1
+woodbine,885,0
+shelbyville,2087,0
+ranchester,1334,1
+merom,90,2
+tolstoy,1127,2
+lindenwood,1752,4
+pomaria,1414,0
+ranchester,1393,8
+woodbine,94,7
+hanson,1166,8
+lindenwood,845,9
+hanson,720,9
+shelbyville,1051,5
+lakeville,1147,9
+shelbyville,1818,3
+woodbine,880,10
+wainscott,194,5
+mifflinburg,653,1
+shelbyville,612,0
+woodbine,343,9
+lindenwood,1208,4
+ranchester,1595,15
+pomaria,67,1
+marstons,1918,8
+ranchester,1290,2
+shelbyville,2304,2
+lakeville,277,1
+ranchester,194,0
+marstons,1794,6
+hanson,1549,1
+marstons,1428,2
+shelbyville,438,2
+wainscott,837,2
+hanson,362,8
+marstons,2476,9
+hanson,102,1
+wainscott,776,3
+wainscott,1124,3
+woodbine,226,1
+tolstoy,1167,13
+hiteman,1840,3
+forkland,295,2
+klickitat,1163,6
+merom,545,1
+klickitat,140,21
+tolstoy,1658,4
+leonardo,1962,5
+benevolence,533,0
+tolstoy,1569,13
+stockman,1392,4
+ranchester,178,0
+pomaria,477,8
+shelbyville,2720,6
+lindenwood,1567,3
+lindenwood,1809,2
+lindenwood,823,5
+newfields,534,15
+shelbyville,58,1
+leonardo,1644,5
+klickitat,920,0
+merom,299,0
+beechwood,109,4
+lindenwood,560,5
+lindenwood,893,1
+beechwood,594,8
+klickitat,46,2
+pinesdale,923,5
+marstons,2161,14
+leonardo,1082,2
+stockman,1488,1
+hanson,362,12
+klickitat,32,13
+tolstoy,977,3
+woodbine,1989,4
+newfields,512,4
+shelbyville,1778,2
+shelbyville,2808,8
+pomaria,1088,9
+hanson,337,2
+benevolence,383,1
+pomaria,1087,2
+pomaria,1404,8
+newfields,626,0
+hanson,396,0
+marstons,2007,4
+lakeville,1028,10
+beechwood,1042,2
+pomaria,887,1
+stockman,1244,5
+marstons,979,0
+pomaria,796,2
+cosmos,1045,0
+lakeville,1488,2
+ranchester,899,10
+ranchester,1549,2
+stockman,1103,3
+wainscott,548,9
+leonardo,250,1
+klickitat,1800,2
+shelbyville,628,4
+hiteman,1315,0
+klickitat,916,9
+coffeen,457,4
+shelbyville,1613,11
+hiteman,745,9
+coffeen,161,0
+coffeen,787,0
+newfields,697,2
+pinesdale,560,0
+leonardo,586,3
+ranchester,429,12
+wainscott,1015,0
+pomaria,776,2
+lakeville,87,2
+stockman,1014,8
+pomaria,1322,2
+leonardo,1873,0
+lakeville,250,14
+beechwood,177,3
+wainscott,241,3
+lindenwood,2086,9
+newfields,1056,6
+marstons,1592,1
+pinesdale,205,2
+wainscott,50,2
+beechwood,1070,12
+benevolence,895,9
+lindenwood,2159,4
+hiteman,957,5
+merom,232,2
+hanson,949,4
+coffeen,330,0
+shelbyville,2480,3
+allensville,499,3
+klickitat,1000,0
+woodbine,1575,4
+woodbine,1475,2
+hiteman,215,5
+pinesdale,770,1
+marstons,355,0
+lindenwood,780,6
+lakeville,873,1
+wainscott,1428,3
+klickitat,658,8
+woodbine,1326,3
+stockman,863,0
+tolstoy,240,3
+woodbine,52,1
+tolstoy,465,7
+klickitat,1131,7
+woodbine,638,0
+beechwood,16,4
+wainscott,396,3
+lakeville,1470,8
+klickitat,367,4
+forkland,52,0
+pinesdale,934,3
+woodbine,1495,2
+klickitat,2330,9
+lakeville,1162,0
+forkland,729,2
+klickitat,1959,1
+pomaria,836,2
+shelbyville,2556,2
+tolstoy,1164,3
+marstons,802,12
+beechwood,208,2
+coffeen,328,0
+woodbine,1516,1
+klickitat,1845,2
+lakeville,1235,3
+lindenwood,2419,5
+leonardo,992,18
+marstons,2614,4
+forkland,49,2
+leonardo,1624,7
+marstons,2387,7
+marstons,2546,3
+shelbyville,1564,8
+tolstoy,400,7
+coffeen,168,7
+stockman,635,0
+wainscott,918,1
+ranchester,1411,7
+woodbine,1979,1
+lakeville,973,2
+coffeen,73,2
+coffeen,1201,2
+tolstoy,741,6
+shelbyville,1287,1
+onaga,83,4
+shelbyville,1676,2
+coffeen,1302,2
+allensville,500,1
+hiteman,2,7
+klickitat,747,2
+coffeen,342,1
+hiteman,413,1
+lindenwood,1796,1
+leonardo,1680,8
+tolstoy,104,8
+marstons,1621,5
+wainscott,1043,1
+wainscott,216,1
+lindenwood,332,3
+wainscott,790,1
+klickitat,907,1
+tolstoy,339,3
+woodbine,1768,4
+marstons,544,4
+klickitat,377,6
+woodbine,1885,2
+marstons,2056,3
+tolstoy,40,1
+tolstoy,1734,2
+shelbyville,1502,4
+tolstoy,1377,4
+woodbine,130,2
+hiteman,121,2
+shelbyville,788,2
+coffeen,1219,1
+coffeen,1187,5
+beechwood,1130,8
+pomaria,1205,2
+leonardo,658,4
+marstons,1641,1
+pomaria,520,1
+hiteman,1077,6
+newfields,1146,10
+hiteman,39,7
+klickitat,1930,5
+stockman,201,1
+ranchester,1309,2
+lakeville,538,0
+benevolence,536,5
+klickitat,1418,3
+hanson,888,4
+klickitat,1961,1
+hiteman,894,8
+hanson,317,2
+beechwood,293,0
+ranchester,296,2
+beechwood,825,1
+woodbine,239,9
+klickitat,1470,0
+beechwood,299,0
+onaga,493,0
+tolstoy,1192,7
+shelbyville,1507,4
+beechwood,669,0
+pomaria,1453,2
+klickitat,1154,3
+newfields,1279,5
+marstons,2281,0
+forkland,237,3
+hanson,642,8
+lakeville,1731,2
+pinesdale,334,6
+shelbyville,2562,15
+stockman,1142,6
+wainscott,263,8
+lindenwood,1236,0
+marstons,2539,1
+wainscott,133,10
+beechwood,441,5
+mifflinburg,814,5
+tolstoy,1835,2
+shelbyville,2356,0
+woodbine,2055,4
+hanson,1545,1
+marstons,1916,4
+marstons,2402,2
+shelbyville,974,6
+lindenwood,2100,1
+shelbyville,357,0
+tolstoy,1234,7
+lakeville,584,5
+hanson,1045,0
+wainscott,658,1
+pomaria,732,2
+newfields,675,8
+stockman,1021,0
+hanson,683,0
+stockman,1073,2
+klickitat,1298,0
+marstons,1199,2
+stockman,1451,0
+ranchester,1067,0
+forkland,449,0
+lakeville,1168,0
+klickitat,310,2
+cosmos,826,6
+stockman,804,6
+mifflinburg,205,1
+marstons,1345,6
+tolstoy,413,10
+shelbyville,658,5
+marstons,1411,1
+marstons,2333,0
+hanson,269,8
+ranchester,1498,6
+klickitat,1969,2
+coffeen,635,9
+ranchester,837,16
+leonardo,1100,2
+pinesdale,552,2
+klickitat,1205,0
+leonardo,18,4
+cosmos,396,1
+hiteman,1209,1
+pinesdale,762,0
+lindenwood,1547,8
+newfields,114,2
+klickitat,1954,6
+marstons,458,3
+pinesdale,337,2
+marstons,291,0
+lindenwood,626,8
+cosmos,129,2
+stockman,124,2
+wainscott,1429,0
+hiteman,1467,0
+woodbine,1043,6
+hanson,805,2
+lakeville,384,5
+pomaria,1217,1
+woodbine,875,5
+hanson,673,8
+lakeville,436,1
+hiteman,1226,1
+allensville,362,1
+klickitat,2209,1
+hanson,1459,14
+coffeen,80,4
+beechwood,1136,4
+marstons,699,0
+marstons,1640,5
+shelbyville,2254,0
+pomaria,580,8
+pomaria,1333,4
+woodbine,1528,1
+lakeville,1423,3
+cosmos,240,1
+ranchester,1074,0
+pinesdale,1405,4
+shelbyville,1591,11
+pomaria,1265,1
+hanson,215,11
+ranchester,495,1
+pomaria,1082,3
+lakeville,442,2
+wainscott,763,6
+hiteman,769,10
+stockman,804,0
+tolstoy,375,9
+wainscott,1709,3
+allensville,365,5
+stockman,954,7
+klickitat,676,1
+shelbyville,1518,3
+hiteman,1840,4
+lindenwood,460,13
+hanson,1495,5
+ranchester,251,0
+merom,484,3
+hanson,462,7
+wainscott,1270,0
+klickitat,1320,0
+marstons,419,3
+lindenwood,1081,3
+wainscott,1222,1
+marstons,2113,16
+stockman,160,2
+coffeen,827,1
+hiteman,1352,4
+hanson,1220,4
+marstons,1561,7
+lakeville,1654,10
+pomaria,1272,0
+merom,548,3
+ranchester,1530,1
+cosmos,926,4
+klickitat,308,3
+hiteman,470,6
+klickitat,492,0
+cosmos,1002,4
+forkland,791,4
+hiteman,1237,8
+shelbyville,2379,5
+lindenwood,2396,5
+klickitat,975,1
+allensville,380,1
+lindenwood,331,5
+coffeen,371,5
+stockman,350,2
+klickitat,1416,15
+woodbine,195,6
+lakeville,1446,5
+lindenwood,1369,2
+pomaria,958,5
+pomaria,644,1
+klickitat,139,2
+forkland,448,4
+ranchester,72,4
+leonardo,678,16
+pomaria,1299,12
+marstons,993,3
+hanson,1579,1
+klickitat,258,5
+cosmos,572,11
+klickitat,820,6
+leonardo,920,0
+leonardo,1207,2
+wainscott,508,3
+newfields,1529,6
+hanson,1050,14
+ranchester,499,0
+lindenwood,962,3
+leonardo,1869,1
+stockman,863,3
+beechwood,776,9
+newfields,860,3
+shelbyville,1755,0
+coffeen,1392,0
+stockman,352,3
+mifflinburg,127,3
+marstons,2207,4
+hiteman,764,0
+woodbine,1889,1
+beechwood,122,2
+woodbine,470,5
+mifflinburg,23,4
+merom,1017,1
+shelbyville,1115,2
+klickitat,635,11
+newfields,344,3
+shelbyville,2177,3
+lakeville,763,5
+marstons,581,7
+wainscott,1735,3
+lakeville,310,2
+coffeen,1359,12
+lakeville,580,1
+wainscott,290,2
+leonardo,1936,6
+beechwood,855,2
+newfields,588,8
+stockman,1202,3
+leonardo,1096,6
+forkland,222,3
+newfields,13,6
+stockman,412,9
+hiteman,991,4
+newfields,1589,2
+hanson,1450,0
+newfields,577,5
+onaga,633,8
+leonardo,1214,7
+leonardo,660,0
+leonardo,978,6
+marstons,2358,1
+hiteman,675,1
+lindenwood,969,3
+pomaria,472,2
+wainscott,1566,11
+lakeville,148,13
+shelbyville,904,3
+klickitat,1521,8
+hanson,339,5
+shelbyville,985,2
+coffeen,876,2
+stockman,897,0
+klickitat,2002,1
+stockman,1039,1
+wainscott,1387,8
+klickitat,735,0
+marstons,1773,16
+wainscott,1416,1
+benevolence,145,4
+forkland,595,1
+lakeville,358,10
+hiteman,1676,1
+klickitat,1088,3
+stockman,1298,7
+forkland,864,3
+klickitat,665,2
+woodbine,81,2
+lindenwood,2441,11
+leonardo,1626,10
+hiteman,566,4
+klickitat,368,3
+stockman,470,2
+wainscott,936,4
+stockman,1164,0
+lakeville,502,7
+marstons,989,3
+benevolence,701,9
+marstons,568,3
+lakeville,677,0
+stockman,1025,6
+leonardo,1907,1
+lindenwood,2571,0
+ranchester,351,7
+stockman,329,0
+tolstoy,940,1
+wainscott,725,1
+lakeville,575,7
+woodbine,543,1
+leonardo,260,0
+hanson,1098,2
+leonardo,199,0
+mifflinburg,435,0
+tolstoy,975,1
+ranchester,413,5
+leonardo,1128,0
+benevolence,521,9
+lakeville,454,3
+pomaria,626,3
+merom,89,3
+hanson,1306,3
+beechwood,845,2
+hiteman,1168,2
+pomaria,954,7
+hiteman,655,5
+benevolence,385,0
+tolstoy,1735,2
+lindenwood,2304,2
+lakeville,939,10
+marstons,2201,6
+leonardo,818,2
+coffeen,1345,0
+lindenwood,773,4
+shelbyville,2543,1
+marstons,638,1
+tolstoy,194,2
+leonardo,1769,3
+cosmos,354,2
+pomaria,420,4
+ranchester,636,4
+merom,387,2
+mifflinburg,631,7
+shelbyville,2722,0
+shelbyville,949,8
+pomaria,253,1
+pinesdale,898,0
+newfields,106,5
+woodbine,729,0
+marstons,501,1
+beechwood,446,0
+shelbyville,1515,0
+lindenwood,1694,12
+leonardo,370,4
+klickitat,1792,5
+wainscott,1528,5
+merom,198,2
+stockman,245,5
+newfields,455,2
+coffeen,1055,1
+newfields,700,6
+klickitat,1823,1
+onaga,652,3
+woodbine,594,1
+hiteman,120,4
+allensville,321,6
+ranchester,519,0
+leonardo,903,3
+leonardo,1139,12
+wainscott,560,5
+newfields,1269,5
+stockman,774,0
+newfields,1563,2
+merom,865,2
+marstons,1464,3
+klickitat,1777,13
+onaga,391,3
+forkland,773,2
+hanson,1004,4
+woodbine,1140,9
+marstons,2534,3
+wainscott,816,4
+marstons,1881,1
+tolstoy,1050,10
+klickitat,728,9
+hanson,1226,11
+leonardo,1691,10
+pinesdale,916,12
+leonardo,1846,3
+woodbine,904,8
+coffeen,1133,4
+leonardo,151,1
+lakeville,692,9
+stockman,1239,6
+klickitat,1411,8
+forkland,299,5
+merom,1087,0
+ranchester,1106,1
+lindenwood,2642,11
+lindenwood,1639,1
+marstons,791,9
+marstons,1803,2
+shelbyville,2004,5
+klickitat,538,3
+beechwood,896,6
+marstons,2069,14
+wainscott,1550,2
+coffeen,265,5
+pinesdale,536,1
+shelbyville,2128,1
+benevolence,808,2
+coffeen,1279,0
+klickitat,1367,2
+hiteman,331,9
+hanson,793,5
+newfields,1357,0
+forkland,398,0
+forkland,594,3
+lakeville,1423,0
+lakeville,1266,11
+coffeen,478,13
+tolstoy,1803,1
+allensville,251,1
+onaga,505,4
+shelbyville,1939,3
+ranchester,1423,3
+lakeville,1840,2
+woodbine,1280,3
+stockman,1222,4
+tolstoy,977,8
+wainscott,203,5
+shelbyville,1094,3
+wainscott,761,6
+klickitat,1225,2
+lindenwood,251,6
+klickitat,2285,13
+beechwood,77,3
+klickitat,1041,20
+klickitat,169,2
+marstons,140,6
+tolstoy,400,12
+tolstoy,748,2
+pinesdale,487,2
+hanson,383,9
+hiteman,652,9
+shelbyville,632,1
+marstons,670,3
+klickitat,121,2
+marstons,517,9
+shelbyville,2608,6
+shelbyville,1104,0
+shelbyville,1753,5
+marstons,609,0
+woodbine,1137,0
+forkland,385,0
+wainscott,1200,8
+forkland,593,3
+hanson,1609,0
+lindenwood,1182,2
+lakeville,945,0
+marstons,2097,1
+klickitat,2071,4
+lindenwood,2249,5
+ranchester,775,3
+mifflinburg,77,1
+marstons,445,2
+cosmos,90,6
+coffeen,1375,4
+shelbyville,2464,1
+woodbine,493,9
+tolstoy,290,9
+newfields,876,0
+cosmos,543,2
+wainscott,1025,1
+pinesdale,99,5
+benevolence,93,4
+benevolence,918,1
+klickitat,1935,4
+hiteman,169,4
+lindenwood,580,1
+shelbyville,2077,0
+hanson,966,9
+cosmos,211,2
+klickitat,36,2
+tolstoy,148,0
+lindenwood,2484,0
+lindenwood,1711,1
+newfields,764,6
+newfields,595,3
+mifflinburg,115,0
+mifflinburg,725,1
+stockman,903,2
+newfields,872,4
+benevolence,119,2
+woodbine,1186,14
+coffeen,430,7
+shelbyville,1053,3
+lakeville,171,1
+pomaria,1373,4
+merom,500,7
+klickitat,798,4
+marstons,2461,3
+pinesdale,1402,0
+tolstoy,434,2
+beechwood,571,2
+klickitat,2024,2
+merom,548,5
+shelbyville,350,4
+onaga,325,4
+leonardo,1632,2
+mifflinburg,82,2
+woodbine,1985,2
+wainscott,811,13
+lindenwood,2655,2
+lindenwood,1048,0
+ranchester,779,3
+cosmos,326,2
+leonardo,922,5
+hanson,546,2
+lindenwood,692,1
+stockman,223,1
+leonardo,506,5
+stockman,1599,2
+beechwood,80,4
+lindenwood,1383,3
+pomaria,988,1
+onaga,164,2
+klickitat,1083,1
+stockman,606,2
+klickitat,1974,7
+woodbine,1493,2
+stockman,828,3
+tolstoy,1579,4
+shelbyville,2565,4
+hanson,1259,2
+newfields,10,0
+hanson,504,3
+newfields,554,0
+stockman,1050,3
+tolstoy,1612,0
+pomaria,1392,7
+benevolence,515,3
+allensville,9,3
+newfields,1354,12
+wainscott,540,13
+stockman,807,9
+tolstoy,1010,3
+marstons,1262,8
+lindenwood,2164,6
+onaga,656,4
+woodbine,228,1
+woodbine,1713,6
+shelbyville,1682,4
+woodbine,751,7
+pomaria,1525,4
+klickitat,958,0
+marstons,474,0
+woodbine,1975,1
+leonardo,1568,4
+shelbyville,2180,0
+shelbyville,2659,4
+leonardo,195,0
+tolstoy,116,5
+wainscott,1051,1
+newfields,1238,11
+forkland,959,1
+hanson,513,5
+merom,820,1
+onaga,308,4
+marstons,251,0
+wainscott,317,6
+forkland,802,1
+klickitat,2401,1
+hiteman,1200,2
+klickitat,1845,5
+lakeville,997,5
+forkland,151,1
+pinesdale,1092,4
+woodbine,18,7
+shelbyville,997,2
+woodbine,1403,4
+hiteman,193,5
+hiteman,112,0
+shelbyville,946,2
+hanson,302,1
+wainscott,1133,6
+hanson,140,2
+leonardo,1643,4
+woodbine,1830,2
+hanson,548,9
+lakeville,1204,2
+tolstoy,1046,2
+lindenwood,453,1
+lindenwood,2073,0
+allensville,356,3
+leonardo,1027,3
+shelbyville,946,0
+pomaria,557,7
+stockman,1141,13
+marstons,2108,2
+coffeen,1243,3
+hanson,1423,3
+tolstoy,1230,11
+klickitat,1224,5
+lakeville,1297,2
+lindenwood,1365,2
+leonardo,579,0
+lindenwood,1148,10
+tolstoy,583,7
+newfields,802,0
+newfields,541,6
+pomaria,1199,4
+shelbyville,933,3
+shelbyville,2403,3
+beechwood,1106,4
+hiteman,761,1
+marstons,1720,1
+tolstoy,1276,18
+shelbyville,1172,12
+tolstoy,1186,4
+cosmos,994,0
+marstons,2490,3
+stockman,708,2
+merom,1066,1
+beechwood,373,3
+lindenwood,2051,5
+newfields,675,14
+newfields,1070,3
+lindenwood,2441,3
+leonardo,1345,3
+lindenwood,363,6
+newfields,86,7
+wainscott,682,12
+coffeen,982,3
+klickitat,1371,1
+stockman,767,0
+pomaria,1665,3
+newfields,1125,7
+merom,996,0
+woodbine,683,2
+wainscott,434,3
+forkland,77,1
+lindenwood,239,1
+cosmos,413,6
+lindenwood,87,4
+shelbyville,1570,0
+lindenwood,1155,4
+pinesdale,703,3
+wainscott,646,3
+lindenwood,2593,4
+leonardo,802,3
+klickitat,1810,3
+cosmos,904,0
+leonardo,955,5
+pinesdale,1071,3
+beechwood,91,6
+klickitat,1119,7
+lindenwood,148,9
+lakeville,666,3
+lakeville,1088,6
+stockman,616,0
+pinesdale,447,4
+wainscott,995,2
+hiteman,1708,8
+lindenwood,432,14
+wainscott,907,11
+forkland,746,2
+lindenwood,225,2
+woodbine,828,8
+woodbine,1505,8
+hanson,1420,12
+lindenwood,688,3
+shelbyville,1503,0
+beechwood,968,1
+shelbyville,714,3
+marstons,2265,3
+klickitat,198,1
+merom,709,0
+lakeville,10,5
+stockman,1535,8
+tolstoy,1069,3
+stockman,341,2
+shelbyville,144,17
+hiteman,357,4
+lindenwood,687,2
+benevolence,342,5
+ranchester,1621,3
+woodbine,62,7
+pomaria,781,2
+pinesdale,127,1
+coffeen,264,0
+stockman,1071,1
+lindenwood,382,7
+marstons,715,2
+klickitat,232,0
+marstons,1631,3
+woodbine,599,4
+marstons,1579,3
+shelbyville,13,1
+benevolence,723,2
+marstons,813,0
+wainscott,808,19
+lindenwood,280,5
+leonardo,637,0
+marstons,2478,1
+woodbine,633,2
+ranchester,678,0
+klickitat,2313,1
+pomaria,1274,7
+hiteman,1707,4
+leonardo,1185,1
+tolstoy,491,7
+wainscott,1692,2
+hiteman,29,15
+leonardo,1028,3
+klickitat,1206,6
+newfields,214,0
+woodbine,1303,11
+ranchester,1105,2
+lindenwood,2608,2
+forkland,490,8
+pinesdale,28,4
+coffeen,689,1
+klickitat,781,9
+woodbine,918,4
+forkland,76,2
+forkland,406,1
+pinesdale,869,5
+klickitat,793,4
+hanson,754,1
+marstons,2293,9
+merom,224,1
+cosmos,382,11
+pomaria,506,3
+pomaria,436,3
+mifflinburg,39,0
+merom,939,2
+hiteman,1760,3
+klickitat,217,5
+forkland,524,2
+leonardo,593,7
+mifflinburg,139,0
+lindenwood,1931,2
+cosmos,855,3
+hiteman,431,3
+lindenwood,2266,4
+lakeville,1240,5
+stockman,1192,0
+klickitat,204,1
+cosmos,189,5
+wainscott,242,4
+newfields,1078,3
+marstons,2498,7
+wainscott,430,3
+pinesdale,70,3
+wainscott,616,6
+forkland,272,0
+mifflinburg,192,3
+pinesdale,754,9
+hiteman,369,1
+pinesdale,1245,3
+wainscott,1634,4
+shelbyville,1723,4
+onaga,445,3
+wainscott,233,7
+forkland,1030,6
+stockman,258,2
+pinesdale,1342,8
+lakeville,516,0
+hanson,329,2
+marstons,965,7
+woodbine,29,8
+hanson,1508,10
+stockman,209,0
+hiteman,981,2
+wainscott,313,4
+shelbyville,668,3
+lindenwood,1995,5
+klickitat,2250,5
+beechwood,703,4
+newfields,1608,2
+hiteman,775,1
+hiteman,723,2
+beechwood,628,7
+ranchester,94,15
+shelbyville,2228,0
+marstons,92,0
+klickitat,1670,7
+klickitat,1640,2
+marstons,1266,1
+hiteman,37,12
+tolstoy,1122,3
+lakeville,1078,2
+cosmos,526,9
+mifflinburg,85,0
+merom,977,1
+newfields,1390,0
+cosmos,361,1
+shelbyville,1716,1
+tolstoy,1564,4
+tolstoy,1255,7
+lakeville,756,5
+benevolence,338,1
+hanson,1204,6
+shelbyville,465,2
+newfields,1428,2
+lindenwood,505,10
+shelbyville,2693,6
+woodbine,1884,4
+pinesdale,50,4
+woodbine,1846,5
+onaga,545,2
+leonardo,1220,0
+stockman,275,1
+tolstoy,1463,2
+stockman,1329,0
+tolstoy,577,1
+leonardo,208,3
+lindenwood,927,1
+marstons,1093,10
+coffeen,32,5
+klickitat,1630,5
+coffeen,777,4
+tolstoy,450,1
+pinesdale,1226,5
+stockman,152,4
+pinesdale,409,5
+shelbyville,2231,9
+woodbine,626,4
+stockman,1418,3
+hiteman,1399,3
+hiteman,588,0
+lakeville,512,6
+shelbyville,1846,2
+beechwood,749,1
+klickitat,697,1
+woodbine,1530,9
+pinesdale,1083,2
+hiteman,1041,3
+tolstoy,1667,4
+pomaria,1567,3
+allensville,374,6
+benevolence,595,0
+lakeville,444,9
+pinesdale,1029,2
+cosmos,886,0
+benevolence,582,5
+tolstoy,1635,3
+lindenwood,875,1
+pinesdale,930,9
+shelbyville,251,5
+newfields,1395,0
+merom,33,7
+coffeen,235,2
+shelbyville,906,6
+leonardo,1976,13
+klickitat,1730,8
+tolstoy,160,2
+mifflinburg,218,6
+marstons,2492,1
+marstons,2077,0
+hiteman,319,0
+leonardo,946,1
+lindenwood,1,9
+woodbine,87,1
+shelbyville,270,1
+woodbine,1494,4
+hiteman,186,10
+marstons,348,12
+onaga,613,1
+shelbyville,869,3
+ranchester,184,6
+stockman,402,5
+lakeville,1739,4
+cosmos,295,1
+stockman,1596,3
+pomaria,571,6
+hanson,677,12
+marstons,534,2
+pomaria,723,1
+pinesdale,1235,2
+leonardo,941,9
+marstons,1379,2
+pinesdale,723,2
+shelbyville,9,1
+lakeville,1640,4
+shelbyville,826,4
+woodbine,1003,2
+tolstoy,427,3
+shelbyville,2289,9
+cosmos,1009,2
+allensville,308,0
+newfields,1593,13
+wainscott,156,6
+leonardo,624,1
+leonardo,969,0
+marstons,400,0
+merom,203,2
+wainscott,1683,3
+hanson,247,8
+beechwood,1133,3
+leonardo,745,1
+tolstoy,384,1
+newfields,1044,5
+forkland,881,0
+shelbyville,2068,5
+leonardo,1060,0
+tolstoy,395,3
+mifflinburg,479,5
+hanson,993,4
+pomaria,1459,3
+pomaria,1010,1
+shelbyville,634,2
+leonardo,375,3
+pomaria,1043,14
+leonardo,2069,3
+coffeen,641,0
+allensville,97,0
+hanson,1330,5
+lakeville,316,10
+shelbyville,1104,4
+shelbyville,1381,3
+shelbyville,377,2
+hanson,1459,6
+mifflinburg,903,3
+shelbyville,408,3
+shelbyville,850,2
+woodbine,1388,0
+hanson,1166,1
+merom,1075,0
+shelbyville,753,4
+mifflinburg,167,6
+lakeville,202,3
+newfields,1406,8
+leonardo,1638,4
+hiteman,1425,6
+shelbyville,2717,6
+pomaria,1082,1
+forkland,306,4
+marstons,1427,7
+pinesdale,434,2
+woodbine,878,9
+woodbine,2057,0
+marstons,1832,4
+tolstoy,1379,4
+benevolence,800,2
+lakeville,196,0
+klickitat,150,13
+wainscott,280,7
+hiteman,280,10
+shelbyville,507,4
+shelbyville,329,12
+cosmos,460,4
+pinesdale,938,1
+hanson,567,2
+shelbyville,2293,3
+hanson,170,2
+lindenwood,502,1
+pomaria,809,0
+stockman,242,1
+pinesdale,586,8
+marstons,1869,5
+marstons,1713,4
+pinesdale,1472,1
+lindenwood,1741,3
+tolstoy,145,4
+lindenwood,1462,2
+stockman,107,3
+lindenwood,896,6
+merom,540,2
+klickitat,1374,3
+allensville,469,4
+shelbyville,135,0
+cosmos,422,9
+klickitat,686,14
+coffeen,294,0
+coffeen,314,7
+onaga,530,0
+beechwood,642,2
+lindenwood,568,8
+pomaria,1288,0
+woodbine,970,18
+pinesdale,961,2
+woodbine,891,1
+forkland,1124,7
+cosmos,805,3
+leonardo,413,1
+marstons,435,1
+shelbyville,1599,8
+hiteman,340,0
+leonardo,134,3
+forkland,1166,0
+lakeville,1489,1
+lakeville,129,3
+shelbyville,2184,10
+lindenwood,1827,0
+pomaria,258,5
+woodbine,1351,4
+newfields,1191,5
+tolstoy,1241,1
+lindenwood,163,0
+lakeville,746,13
+klickitat,1728,15
+shelbyville,2073,2
+leonardo,1153,1
+leonardo,962,1
+woodbine,1267,11
+shelbyville,858,1
+hanson,605,1
+woodbine,563,4
+onaga,236,7
+marstons,1048,2
+pomaria,673,12
+klickitat,1766,8
+coffeen,575,0
+pinesdale,1288,5
+marstons,231,4
+hanson,281,16
+newfields,404,0
+leonardo,772,2
+onaga,364,0
+pomaria,410,1
+lindenwood,2113,0
+marstons,580,0
+shelbyville,960,5
+wainscott,1735,6
+tolstoy,816,1
+onaga,525,0
+merom,309,5
+shelbyville,616,0
+tolstoy,322,0
+lakeville,599,0
+klickitat,1420,4
+woodbine,1609,4
+leonardo,1147,2
+klickitat,1029,0
+shelbyville,2370,9
+wainscott,787,3
+wainscott,1090,1
+lindenwood,1317,5
+shelbyville,2171,2
+stockman,1382,6
+forkland,120,0
+stockman,1024,2
+woodbine,1491,4
+lindenwood,2577,4
+wainscott,331,3
+coffeen,754,4
+lakeville,1351,0
+woodbine,1318,2
+newfields,1260,3
+klickitat,842,2
+newfields,1591,8
+klickitat,2202,16
+forkland,92,3
+tolstoy,1524,2
+lindenwood,654,8
+klickitat,920,10
+stockman,487,2
+lakeville,137,1
+tolstoy,525,0
+stockman,1153,1
+mifflinburg,259,4
+mifflinburg,281,0
+hiteman,1795,7
+shelbyville,1611,3
+marstons,1788,0
+ranchester,476,3
+wainscott,1046,2
+woodbine,1286,1
+marstons,1661,13
+newfields,1541,0
+beechwood,752,4
+lakeville,342,1
+klickitat,203,2
+forkland,1145,4
+coffeen,505,1
+merom,51,1
+cosmos,1009,4
+lakeville,44,4
+lindenwood,2185,2
+forkland,647,2
+onaga,471,6
+lindenwood,106,5
+merom,618,1
+forkland,637,1
+shelbyville,2387,3
+lakeville,762,3
+marstons,605,0
+coffeen,1418,8
+tolstoy,1792,3
+hiteman,1406,2
+ranchester,1214,4
+stockman,1257,6
+stockman,49,10
+ranchester,230,1
+marstons,2363,4
+woodbine,224,10
+lindenwood,1030,4
+shelbyville,542,5
+hanson,40,3
+coffeen,1246,7
+woodbine,1912,3
+wainscott,1210,3
+coffeen,987,7
+marstons,1347,1
+klickitat,1834,5
+lakeville,769,3
+klickitat,1038,4
+klickitat,2248,1
+coffeen,451,2
+cosmos,707,3
+newfields,1161,6
+klickitat,2377,4
+hiteman,546,0
+stockman,1289,5
+klickitat,516,7
+marstons,2640,1
+stockman,274,0
+ranchester,445,2
+pomaria,1529,3
+merom,318,3
+pinesdale,962,3
+newfields,1357,5
+forkland,113,5
+tolstoy,1225,2
+onaga,178,0
+marstons,2249,6
+marstons,2310,2
+klickitat,1502,1
+shelbyville,1325,5
+mifflinburg,736,5
+coffeen,839,4
+marstons,2448,6
+shelbyville,899,1
+hiteman,1078,5
+lindenwood,258,2
+lakeville,1699,0
+shelbyville,777,1
+forkland,432,1
+klickitat,717,2
+marstons,2372,7
+lakeville,376,1
+cosmos,306,14
+marstons,1631,0
+lindenwood,1772,0
+lindenwood,1512,3
+hanson,389,2
+woodbine,788,3
+merom,762,1
+lindenwood,2531,1
+woodbine,496,3
+ranchester,787,3
+wainscott,1036,3
+onaga,434,3
+pomaria,79,3
+shelbyville,1111,4
+shelbyville,812,3
+lakeville,808,7
+klickitat,313,5
+ranchester,1073,4
+merom,1102,2
+marstons,1185,3
+klickitat,3,7
+wainscott,1641,3
+woodbine,1121,3
+lindenwood,2083,13
+klickitat,777,1
+shelbyville,2325,11
+merom,1067,2
+tolstoy,916,3
+benevolence,130,3
+cosmos,455,2
+mifflinburg,320,6
+lindenwood,921,1
+merom,1088,9
+newfields,329,1
+wainscott,1748,6
+wainscott,1757,13
+cosmos,310,2
+pomaria,284,1
+marstons,2571,5
+hanson,166,9
+klickitat,909,2
+tolstoy,352,1
+wainscott,207,0
+forkland,620,2
+hiteman,37,0
+lindenwood,2380,0
+beechwood,590,5
+beechwood,297,18
+newfields,197,9
+klickitat,1990,1
+hiteman,1309,5
+hiteman,722,4
+wainscott,1438,1
+mifflinburg,101,5
+coffeen,1425,0
+wainscott,1370,4
+beechwood,51,0
+shelbyville,561,8
+newfields,1001,2
+forkland,244,4
+lindenwood,654,6
+hiteman,619,6
+pomaria,112,9
+lakeville,1332,4
+hanson,477,9
+hanson,1605,9
+newfields,102,0
+merom,606,3
+lindenwood,1523,3
+woodbine,1132,0
+ranchester,1093,0
+wainscott,764,3
+merom,118,3
+wainscott,1324,0
+lindenwood,1248,0
+tolstoy,984,17
+newfields,156,5
+pomaria,372,2
+leonardo,242,0
+tolstoy,666,2
+lakeville,1481,0
+klickitat,2363,1
+marstons,1662,0
+stockman,779,4
+pomaria,763,3
+shelbyville,1287,0
+wainscott,1280,0
+lindenwood,683,7
+pomaria,1223,2
+coffeen,1265,3
+shelbyville,2608,0
+newfields,1306,2
+newfields,472,5
+stockman,771,4
+ranchester,1347,16
+cosmos,73,3
+beechwood,852,4
+wainscott,489,2
+marstons,1541,2
+shelbyville,437,8
+woodbine,1583,11
+hanson,1009,5
+stockman,592,0
+lindenwood,1865,4
+lakeville,839,3
+ranchester,593,6
+wainscott,1741,3
+hanson,250,2
+tolstoy,1185,0
+hanson,778,5
+ranchester,896,12
+pomaria,1366,0
+mifflinburg,968,1
+lindenwood,1377,8
+merom,79,1
+lindenwood,447,7
+klickitat,689,0
+marstons,1472,0
+shelbyville,1800,2
+leonardo,144,6
+marstons,1976,14
+wainscott,1512,0
+leonardo,644,6
+hanson,1381,2
+merom,589,0
+newfields,72,0
+tolstoy,1759,2
+merom,439,3
+pinesdale,398,8
+ranchester,265,10
+stockman,398,7
+onaga,659,2
+coffeen,38,3
+stockman,1214,2
+newfields,985,0
+wainscott,1339,12
+lindenwood,1528,2
+pomaria,1210,2
+shelbyville,1985,4
+klickitat,1308,8
+pomaria,1175,5
+newfields,420,8
+stockman,721,2
+marstons,2154,4
+stockman,93,5
+lakeville,1472,0
+woodbine,121,7
+klickitat,874,3
+pomaria,568,4
+pomaria,753,1
+tolstoy,1667,2
+shelbyville,2737,11
+coffeen,965,1
+benevolence,341,2
+tolstoy,926,11
+marstons,2653,1
+mifflinburg,27,4
+beechwood,723,2
+wainscott,416,4
+klickitat,2272,2
+coffeen,755,1
+coffeen,489,4
+beechwood,426,6
+klickitat,614,0
+lindenwood,2071,5
+beechwood,109,9
+lindenwood,420,0
+lindenwood,2330,3
+pinesdale,1417,4
+stockman,1529,0
+hanson,284,2
+leonardo,435,5
+woodbine,1788,12
+shelbyville,1900,8
+marstons,1382,4
+pomaria,322,10
+lindenwood,10,7
+woodbine,1864,9
+tolstoy,754,6
+stockman,642,1
+woodbine,836,4
+beechwood,943,1
+shelbyville,616,1
+marstons,1923,3
+pinesdale,802,2
+shelbyville,2605,1
+shelbyville,2265,3
+klickitat,850,2
+woodbine,1411,3
+pinesdale,240,1
+tolstoy,464,4
+klickitat,1411,9
+leonardo,1896,6
+lindenwood,786,3
+leonardo,1207,6
+marstons,2215,2
+forkland,163,9
+hanson,1226,3
+hanson,842,3
+lindenwood,924,1
+onaga,595,2
+cosmos,733,7
+ranchester,1467,1
+newfields,1153,0
+lindenwood,876,7
+shelbyville,2807,3
+hanson,471,9
+cosmos,464,12
+lindenwood,316,0
+newfields,1472,2
+beechwood,1050,3
+shelbyville,1854,0
+lindenwood,1583,2
+lakeville,1598,8
+ranchester,1446,6
+wainscott,262,0
+lindenwood,1754,1
+ranchester,619,3
+shelbyville,1881,5
+tolstoy,81,0
+coffeen,1191,5
+lindenwood,2165,3
+lindenwood,1815,2
+lindenwood,333,1
+klickitat,2338,12
+forkland,395,1
+merom,89,1
+leonardo,954,4
+shelbyville,240,4
+marstons,2227,1
+wainscott,943,0
+pinesdale,1461,2
+leonardo,529,15
+newfields,1104,3
+klickitat,1528,5
+shelbyville,343,2
+cosmos,232,1
+newfields,922,1
+stockman,317,2
+newfields,933,4
+hiteman,929,0
+beechwood,7,5
+klickitat,1015,3
+lindenwood,2099,3
+benevolence,320,1
+marstons,2624,4
+tolstoy,519,7
+tolstoy,1758,6
+pinesdale,192,0
+leonardo,573,7
+pomaria,565,11
+lakeville,125,0
+beechwood,417,3
+pinesdale,1199,6
+ranchester,549,7
+tolstoy,1549,2
+wainscott,6,1
+benevolence,777,11
+wainscott,628,1
+tolstoy,1047,2
+hiteman,964,4
+beechwood,94,4
+woodbine,1253,9
+ranchester,1033,19
+klickitat,419,3
+hiteman,769,11
+shelbyville,127,2
+lakeville,41,4
+klickitat,1116,0
+pomaria,660,7
+mifflinburg,237,1
+pomaria,160,3
+lindenwood,569,2
+lindenwood,966,6
+newfields,395,0
+newfields,1599,4
+shelbyville,953,8
+klickitat,617,2
+lakeville,1320,14
+pinesdale,229,2
+hiteman,745,13
+newfields,598,6
+hiteman,926,3
+klickitat,829,10
+pomaria,489,0
+tolstoy,1705,0
+beechwood,400,7
+merom,329,1
+leonardo,1426,3
+pomaria,492,13
+shelbyville,1759,1
+ranchester,1562,1
+klickitat,2344,0
+benevolence,781,8
+tolstoy,853,3
+hanson,63,0
+marstons,2524,0
+beechwood,853,1
+coffeen,1194,5
+beechwood,1137,6
+hanson,604,8
+ranchester,760,0
+klickitat,795,1
+stockman,262,2
+benevolence,609,0
+tolstoy,1164,9
+beechwood,1116,0
+woodbine,1897,1
+beechwood,468,11
+forkland,557,1
+pinesdale,326,5
+shelbyville,2775,4
+hiteman,940,6
+shelbyville,1435,3
+hiteman,1835,6
+wainscott,475,2
+hanson,1106,12
+shelbyville,1959,2
+pinesdale,108,0
+hanson,35,7
+stockman,450,3
+onaga,79,1
+marstons,1858,3
+marstons,2136,12
+shelbyville,2200,11
+marstons,1811,0
+hiteman,1687,0
+klickitat,2241,3
+wainscott,775,0
+wainscott,1110,0
+lakeville,1779,7
+pinesdale,991,1
+mifflinburg,494,2
+lindenwood,894,1
+leonardo,369,0
+ranchester,651,1
+hiteman,484,0
+lindenwood,352,3
+coffeen,1249,3
+cosmos,916,0
+klickitat,696,13
+hiteman,1726,4
+hanson,943,2
+lindenwood,2667,2
+leonardo,128,8
+hiteman,730,7
+coffeen,990,1
+pinesdale,1328,1
+forkland,246,2
+ranchester,1406,1
+woodbine,765,4
+pomaria,1469,11
+klickitat,107,3
+tolstoy,522,0
+woodbine,216,1
+stockman,1010,4
+lindenwood,1410,1
+lindenwood,1720,6
+klickitat,214,12
+onaga,482,0
+lindenwood,1869,0
+mifflinburg,441,4
+leonardo,1720,6
+shelbyville,163,0
+newfields,1184,5
+klickitat,774,0
+mifflinburg,895,3
+lakeville,71,1
+lakeville,1849,3
+woodbine,1226,3
+hanson,673,16
+woodbine,936,6
+pinesdale,1036,2
+leonardo,616,5
+cosmos,646,6
+wainscott,1450,2
+coffeen,354,3
+wainscott,696,7
+pinesdale,796,3
+woodbine,29,7
+shelbyville,1075,4
+klickitat,380,6
+wainscott,27,0
+lakeville,1252,10
+pomaria,44,2
+hiteman,976,7
+tolstoy,1050,15
+lakeville,1311,11
+cosmos,356,4
+woodbine,984,11
+klickitat,2285,5
+marstons,1737,7
+forkland,1122,1
+hanson,765,1
+marstons,2097,4
+hiteman,49,1
+klickitat,2321,6
+wainscott,1427,7
+klickitat,1291,2
+hiteman,101,5
+pomaria,338,0
+wainscott,56,0
+coffeen,891,4
+merom,730,0
+marstons,329,6
+shelbyville,1284,2
+cosmos,725,0
+woodbine,563,1
+pomaria,121,7
+leonardo,410,2
+hanson,964,3
+cosmos,545,2
+marstons,914,13
+pomaria,1122,2
+lakeville,293,4
+shelbyville,2269,2
+pomaria,471,2
+onaga,635,1
+marstons,1091,13
+marstons,2205,3
+mifflinburg,110,3
+ranchester,917,5
+woodbine,1059,2
+wainscott,1387,6
+beechwood,308,1
+woodbine,714,2
+lakeville,771,3
+pomaria,834,0
+onaga,519,6
+leonardo,29,0
+tolstoy,21,0
+lindenwood,979,4
+pinesdale,888,4
+marstons,2237,0
+pinesdale,6,0
+hanson,385,8
+leonardo,2035,6
+newfields,529,6
+beechwood,378,0
+marstons,1856,2
+shelbyville,790,4
+lindenwood,578,2
+lindenwood,1272,2
+merom,328,0
+newfields,714,5
+tolstoy,1312,1
+pomaria,11,1
+hanson,391,0
+hiteman,846,2
+shelbyville,2085,1
+woodbine,633,0
+leonardo,2040,5
+pomaria,488,8
+mifflinburg,171,1
+ranchester,132,7
+pinesdale,1174,0
+shelbyville,773,6
+pinesdale,1,0
+onaga,294,2
+wainscott,1255,6
+beechwood,68,0
+wainscott,140,9
+merom,917,2
+lindenwood,1025,1
+wainscott,1509,6
+newfields,1222,14
+lindenwood,478,1
+newfields,1582,1
+marstons,1278,7
+cosmos,221,8
+hiteman,543,0
+marstons,467,4
+leonardo,2102,9
+lakeville,1436,4
+hiteman,136,12
+beechwood,134,3
+cosmos,735,3
+lakeville,747,3
+pomaria,1186,3
+lindenwood,975,1
+leonardo,1310,3
+tolstoy,6,8
+lindenwood,843,2
+forkland,488,2
+woodbine,595,9
+leonardo,1445,0
+woodbine,504,5
+beechwood,777,0
+tolstoy,82,0
+shelbyville,2352,9
+klickitat,1660,0
+marstons,947,3
+lakeville,754,4
+wainscott,418,12
+shelbyville,1660,3
+marstons,247,5
+stockman,1438,3
+hiteman,731,0
+shelbyville,1542,2
+marstons,36,4
+stockman,906,2
+leonardo,1065,1
+klickitat,402,6
+hanson,650,3
+onaga,556,0
+tolstoy,553,1
+forkland,583,1
+shelbyville,1518,0
+hiteman,952,11
+shelbyville,510,2
+cosmos,839,0
+marstons,1464,1
+onaga,565,7
+wainscott,310,0
+mifflinburg,110,0
+lindenwood,506,3
+stockman,266,4
+lakeville,1515,5
+lakeville,1403,6
+leonardo,1961,3
+ranchester,227,2
+lakeville,1178,5
+leonardo,1098,0
+ranchester,1157,2
+pinesdale,1100,1
+lakeville,178,4
+marstons,11,8
+shelbyville,1200,1
+cosmos,126,7
+merom,655,4
+ranchester,1367,0
+woodbine,1233,0
+benevolence,469,6
+tolstoy,202,4
+merom,974,10
+cosmos,710,6
+beechwood,548,3
+wainscott,132,4
+merom,533,6
+klickitat,1398,14
+hanson,477,12
+hanson,150,5
+shelbyville,374,4
+cosmos,379,0
+tolstoy,480,1
+klickitat,1500,0
+pomaria,720,2
+marstons,1894,10
+lindenwood,575,0
+pinesdale,1347,0
+tolstoy,367,2
+pomaria,803,2
+benevolence,148,4
+woodbine,1788,10
+hanson,1510,12
+shelbyville,1813,8
+klickitat,1572,16
+lindenwood,441,3
+ranchester,362,0
+coffeen,232,4
+shelbyville,1170,8
+lindenwood,845,0
+lindenwood,808,0
+klickitat,1845,1
+benevolence,404,2
+mifflinburg,384,3
+lindenwood,2369,7
+hanson,47,0
+newfields,1404,1
+wainscott,374,8
+cosmos,198,3
+mifflinburg,216,5
+benevolence,357,7
+lakeville,747,0
+pinesdale,1362,5
+shelbyville,1605,1
+lakeville,1033,5
+wainscott,1005,2
+lindenwood,267,2
+ranchester,1108,10
+forkland,940,5
+lakeville,73,8
+shelbyville,2134,5
+mifflinburg,528,0
+lakeville,724,8
+newfields,867,1
+lindenwood,837,2
+woodbine,1275,5
+pinesdale,508,2
+tolstoy,638,2
+pinesdale,422,5
+tolstoy,25,0
+ranchester,991,6
+pinesdale,295,2
+lindenwood,772,0
+hiteman,535,1
+lindenwood,1892,0
+wainscott,1242,6
+woodbine,2020,0
+merom,469,9
+marstons,1186,8
+woodbine,73,2
+cosmos,917,3
+stockman,485,2
+tolstoy,1427,1
+beechwood,189,2
+hiteman,243,6
+stockman,1222,8
+forkland,1034,0
+hanson,105,10
+klickitat,42,5
+marstons,2157,7
+shelbyville,2008,2
+lindenwood,2292,2
+stockman,356,2
+newfields,1106,0
+marstons,1994,5
+lindenwood,880,6
+forkland,234,2
+leonardo,2006,0
+wainscott,1016,1
+merom,1098,3
+coffeen,1217,0
+shelbyville,464,2
+tolstoy,1462,3
+leonardo,874,5
+wainscott,1285,3
+stockman,1590,2
+mifflinburg,674,5
+cosmos,223,1
+lakeville,1806,2
+merom,64,2
+marstons,2310,1
+pinesdale,519,0
+pinesdale,1122,3
+hiteman,866,12
+marstons,444,3
+pomaria,1068,8
+leonardo,1790,13
+beechwood,173,2
+hiteman,1426,1
+coffeen,430,0
+lindenwood,1355,11
+lakeville,1762,11
+ranchester,351,1
+lindenwood,609,2
+tolstoy,649,9
+tolstoy,1659,7
+woodbine,1040,1
+klickitat,1107,2
+lindenwood,1665,0
+ranchester,2,3
+mifflinburg,377,6
+pomaria,1217,10
+wainscott,1169,9
+marstons,804,1
+tolstoy,78,9
+ranchester,255,11
+cosmos,899,8
+tolstoy,1192,6
+klickitat,119,7
+marstons,441,2
+klickitat,647,0
+stockman,727,8
+benevolence,355,6
+newfields,976,1
+wainscott,463,9
+stockman,15,7
+benevolence,115,5
+coffeen,238,2
+ranchester,1552,4
+hiteman,402,5
+lindenwood,1028,3
+lakeville,474,0
+pomaria,1493,0
+coffeen,941,1
+forkland,728,3
+leonardo,701,0
+coffeen,738,1
+lakeville,453,2
+tolstoy,766,2
+leonardo,2014,4
+marstons,1145,1
+marstons,976,6
+marstons,1888,4
+merom,853,4
+cosmos,364,4
+marstons,349,6
+klickitat,1018,5
+pinesdale,783,0
+coffeen,725,1
+coffeen,0,6
+lindenwood,2454,7
+marstons,1639,1
+forkland,70,2
+klickitat,1106,9
+woodbine,557,15
+lakeville,602,5
+klickitat,2165,4
+mifflinburg,774,2
+woodbine,267,10
+lakeville,671,1
+woodbine,233,0
+pomaria,1081,5
+lindenwood,777,1
+merom,920,3
+hanson,1054,3
+hiteman,1580,9
+lindenwood,2006,2
+woodbine,1090,10
+tolstoy,873,2
+wainscott,1048,3
+stockman,931,0
+newfields,1039,0
+tolstoy,1396,1
+lakeville,313,9
+forkland,1077,4
+shelbyville,2742,4
+lakeville,247,5
+hiteman,43,1
+klickitat,567,0
+hiteman,1314,3
+klickitat,2228,4
+marstons,389,2
+coffeen,1377,8
+forkland,450,1
+klickitat,2393,1
+beechwood,570,0
+marstons,1596,1
+ranchester,471,2
+shelbyville,1338,1
+marstons,2471,6
+lakeville,1177,4
+marstons,307,0
+woodbine,1108,3
+shelbyville,1592,3
+shelbyville,1934,2
+ranchester,311,2
+beechwood,1125,4
+shelbyville,1845,7
+coffeen,819,4
+leonardo,669,8
+klickitat,507,4
+lakeville,1275,3
+ranchester,1442,3
+klickitat,930,4
+stockman,1452,0
+hiteman,1673,1
+hiteman,871,11
+stockman,807,8
+klickitat,2204,6
+stockman,1069,5
+wainscott,1725,11
+shelbyville,1538,8
+marstons,2176,10
+lindenwood,917,1
+pinesdale,1050,8
+pinesdale,1190,8
+wainscott,863,3
+marstons,1839,17
+shelbyville,266,1
+shelbyville,462,5
+newfields,1204,2
+newfields,1338,11
+coffeen,427,0
+shelbyville,1368,13
+pinesdale,421,3
+woodbine,1263,6
+klickitat,12,4
+leonardo,484,5
+marstons,1665,2
+coffeen,661,7
+klickitat,769,8
+woodbine,702,5
+klickitat,573,0
+shelbyville,2610,8
+shelbyville,820,6
+tolstoy,64,2
+forkland,726,3
+klickitat,2072,17
+allensville,330,1
+newfields,996,0
+beechwood,286,2
+benevolence,747,4
+newfields,1198,2
+hanson,1388,1
+newfields,592,4
+shelbyville,280,13
+woodbine,23,10
+pinesdale,1027,1
+lindenwood,652,18
+newfields,323,0
+shelbyville,2260,10
+shelbyville,2457,3
+mifflinburg,412,1
+marstons,1925,13
+shelbyville,1872,6
+lakeville,275,3
+hanson,1568,0
+allensville,92,0
+stockman,447,5
+tolstoy,381,0
+lindenwood,1430,1
+marstons,606,9
+klickitat,555,6
+lakeville,359,1
+onaga,64,2
+leonardo,939,1
+hanson,1250,0
+stockman,447,0
+merom,706,3
+lakeville,106,6
+stockman,70,1
+hiteman,1746,0
+pinesdale,726,3
+lakeville,1063,0
+hiteman,499,3
+wainscott,198,2
+marstons,965,2
+lakeville,1372,4
+newfields,1266,3
+lindenwood,899,12
+merom,644,2
+shelbyville,604,2
+shelbyville,2093,8
+klickitat,1173,1
+lakeville,826,10
+klickitat,243,0
+klickitat,1043,11
+lindenwood,1083,1
+woodbine,622,6
+lakeville,222,2
+shelbyville,516,2
+klickitat,1103,6
+leonardo,1736,1
+cosmos,558,4
+coffeen,1400,1
+shelbyville,2407,0
+coffeen,998,0
+mifflinburg,114,4
+wainscott,815,11
+newfields,543,0
+wainscott,1307,4
+hanson,280,3
+shelbyville,128,4
+benevolence,324,6
+shelbyville,1686,4
+allensville,247,1
+beechwood,711,3
+shelbyville,1363,5
+ranchester,1593,0
+newfields,1207,3
+cosmos,930,3
+leonardo,637,1
+wainscott,342,0
+merom,659,2
+shelbyville,50,11
+marstons,2468,3
+lakeville,731,14
+woodbine,1316,4
+leonardo,932,11
+lindenwood,1914,5
+benevolence,501,2
+marstons,1577,2
+newfields,857,9
+shelbyville,696,0
+merom,1004,3
+coffeen,1048,10
+tolstoy,1454,7
+lindenwood,1004,4
+newfields,715,2
+shelbyville,1903,4
+klickitat,22,0
+pomaria,957,3
+pinesdale,12,2
+ranchester,842,2
+newfields,682,0
+leonardo,418,5
+wainscott,1109,2
+coffeen,995,0
+onaga,196,2
+wainscott,1688,4
+lindenwood,2120,3
+forkland,235,2
+onaga,220,0
+marstons,2324,1
+woodbine,1457,3
+coffeen,1260,2
+wainscott,671,9
+marstons,2076,5
+mifflinburg,509,0
+hanson,130,1
+shelbyville,722,15
+pomaria,1006,1
+benevolence,763,7
+forkland,758,0
+lindenwood,22,1
+wainscott,781,8
+pinesdale,1141,5
+marstons,1495,1
+klickitat,349,3
+tolstoy,1092,6
+coffeen,836,0
+hiteman,1408,2
+shelbyville,972,9
+leonardo,1117,0
+shelbyville,1519,4
+tolstoy,1052,0
+tolstoy,545,0
+hanson,97,9
+newfields,827,2
+shelbyville,2189,1
+pinesdale,12,4
+klickitat,1658,4
+shelbyville,1799,1
+lakeville,52,1
+lindenwood,920,7
+shelbyville,48,4
+stockman,638,3
+klickitat,211,2
+newfields,179,1
+ranchester,779,1
+marstons,173,15
+wainscott,768,0
+pomaria,1079,7
+pomaria,1147,9
+woodbine,1945,2
+cosmos,179,3
+merom,663,0
+klickitat,532,5
+lindenwood,628,0
+stockman,1440,3
+leonardo,402,1
+shelbyville,2726,4
+leonardo,458,5
+leonardo,1510,3
+klickitat,1038,10
+marstons,2407,8
+pinesdale,667,6
+leonardo,1182,1
+woodbine,314,0
+hiteman,653,4
+stockman,1543,0
+cosmos,688,0
+cosmos,50,5
+hanson,485,2
+shelbyville,547,1
+cosmos,199,10
+lindenwood,1029,6
+hanson,145,4
+shelbyville,2707,10
+klickitat,2123,5
+coffeen,1022,2
+cosmos,976,7
+hiteman,6,0
+marstons,797,9
+hanson,980,12
+ranchester,360,13
+pomaria,1241,2
+hiteman,1278,1
+hiteman,136,15
+mifflinburg,846,0
+cosmos,487,1
+newfields,874,5
+leonardo,392,11
+tolstoy,1094,0
+hiteman,198,19
+lindenwood,2029,0
+lindenwood,2454,9
+stockman,949,4
+pinesdale,587,7
+lakeville,1139,0
+wainscott,714,3
+cosmos,389,4
+lindenwood,574,6
+lindenwood,1821,0
+newfields,520,0
+stockman,1230,2
+marstons,2400,3
+klickitat,2416,2
+pinesdale,1428,12
+marstons,443,1
+marstons,3,6
+hiteman,845,1
+mifflinburg,956,2
+lindenwood,1601,7
+marstons,2543,0
+klickitat,774,12
+marstons,985,1
+marstons,145,10
+ranchester,1164,2
+beechwood,1065,4
+klickitat,1843,0
+coffeen,785,0
+hanson,895,10
+beechwood,817,3
+woodbine,1258,0
+shelbyville,2314,3
+tolstoy,827,8
+hiteman,761,0
+lindenwood,2,3
+marstons,2563,9
+woodbine,746,8
+pomaria,1551,3
+lindenwood,1088,3
+hanson,1652,10
+cosmos,1077,9
+wainscott,948,4
+onaga,144,2
+beechwood,432,2
+mifflinburg,272,0
+hiteman,1275,2
+shelbyville,1775,2
+cosmos,1003,0
+wainscott,696,9
+pomaria,1113,6
+ranchester,525,6
+merom,954,3
+coffeen,973,1
+tolstoy,1103,9
+klickitat,1118,3
+leonardo,1905,3
+klickitat,1548,3
+klickitat,322,1
+lakeville,1471,1
+woodbine,354,0
+mifflinburg,396,8
+marstons,1333,4
+lindenwood,1268,6
+klickitat,2038,4
+wainscott,981,3
+klickitat,125,0
+pinesdale,180,2
+wainscott,439,2
+lindenwood,1743,1
+forkland,1110,1
+stockman,449,6
+coffeen,1048,1
+newfields,170,5
+pomaria,1455,4
+beechwood,768,4
+shelbyville,542,2
+wainscott,836,5
+hiteman,995,6
+lakeville,692,10
+klickitat,406,16
+stockman,374,5
+newfields,452,2
+beechwood,543,3
+woodbine,1866,11
+tolstoy,1562,11
+allensville,453,2
+lindenwood,1043,5
+hanson,173,2
+wainscott,1508,7
+newfields,1565,1
+newfields,167,3
+beechwood,54,2
+marstons,411,7
+ranchester,1422,12
+lindenwood,2671,1
+lindenwood,1796,3
+tolstoy,1643,2
+leonardo,1716,8
+coffeen,1359,1
+lindenwood,1243,5
+shelbyville,2770,12
+cosmos,864,1
+tolstoy,186,2
+hanson,1078,7
+shelbyville,191,4
+cosmos,389,12
+hiteman,104,0
+marstons,2659,0
+marstons,1114,5
+newfields,1384,3
+cosmos,207,1
+hanson,1425,7
+lindenwood,2376,5
+leonardo,579,2
+tolstoy,625,0
+tolstoy,1525,10
+newfields,1056,3
+marstons,502,12
+lakeville,117,4
+coffeen,598,3
+woodbine,190,1
+hiteman,1226,9
+allensville,15,2
+woodbine,1755,3
+cosmos,563,2
+pomaria,1130,5
+lakeville,531,7
+leonardo,2068,5
+tolstoy,147,2
+newfields,1301,17
+lindenwood,936,5
+shelbyville,2392,7
+lindenwood,2063,0
+shelbyville,2,10
+lindenwood,1422,1
+marstons,1821,1
+cosmos,500,7
+wainscott,579,3
+wainscott,433,13
+cosmos,434,0
+lindenwood,2023,4
+wainscott,1549,0
+klickitat,675,3
+coffeen,1450,1
+ranchester,1501,1
+klickitat,263,3
+newfields,865,5
+pomaria,94,10
+pomaria,129,9
+cosmos,963,8
+ranchester,409,13
+wainscott,72,5
+shelbyville,275,4
+woodbine,1661,1
+tolstoy,402,9
+mifflinburg,976,2
+hanson,1288,0
+woodbine,1310,0
+klickitat,2153,4
+coffeen,937,2
+tolstoy,203,0
+ranchester,53,1
+klickitat,434,2
+beechwood,592,2
+ranchester,1208,3
+merom,526,0
+shelbyville,1242,0
+lindenwood,853,7
+marstons,1779,1
+hanson,506,7
+lindenwood,544,8
+leonardo,152,12
+shelbyville,2397,1
+marstons,802,6
+lindenwood,2527,9
+klickitat,1870,2
+lindenwood,870,4
+leonardo,1424,2
+cosmos,459,0
+klickitat,1218,1
+marstons,774,3
+forkland,812,4
+shelbyville,1437,3
+shelbyville,1835,7
+hiteman,64,5
+ranchester,406,13
+lakeville,812,4
+beechwood,430,4
+onaga,531,6
+shelbyville,2047,8
+woodbine,1256,7
+pomaria,854,2
+merom,876,6
+stockman,1084,0
+lindenwood,1336,1
+hiteman,1045,4
+hanson,1170,4
+ranchester,1317,19
+leonardo,896,12
+tolstoy,179,15
+hanson,792,1
+pinesdale,1186,1
+stockman,605,1
+hanson,999,6
+leonardo,2108,4
+beechwood,529,4
+wainscott,357,3
+woodbine,1684,4
+leonardo,1095,3
+woodbine,1571,2
+hanson,1189,18
+shelbyville,2164,1
+lindenwood,387,5
+allensville,142,6
+marstons,602,7
+allensville,49,5
+tolstoy,975,5
+lakeville,1377,2
+tolstoy,1168,5
+lindenwood,2108,17
+forkland,403,4
+forkland,15,1
+benevolence,939,2
+ranchester,878,10
+wainscott,1202,2
+woodbine,915,1
+lindenwood,1614,6
+shelbyville,881,2
+hanson,777,1
+onaga,231,2
+coffeen,521,1
+klickitat,2302,8
+forkland,1170,2
+lakeville,1741,4
+benevolence,513,2
+shelbyville,2323,7
+ranchester,1108,5
+onaga,374,1
+pomaria,917,1
+benevolence,146,3
+lindenwood,1402,10
+wainscott,947,1
+onaga,439,0
+wainscott,316,0
+wainscott,1573,3
+pomaria,511,5
+klickitat,1591,1
+hanson,1231,13
+stockman,1241,2
+pinesdale,1145,5
+wainscott,1081,0
+ranchester,486,6
+forkland,53,2
+shelbyville,2361,14
+klickitat,1430,6
+leonardo,1386,2
+lakeville,508,1
+hanson,211,0
+klickitat,2004,2
+woodbine,682,13
+tolstoy,171,3
+klickitat,316,0
+marstons,1165,1
+shelbyville,725,9
+tolstoy,410,14
+coffeen,1201,1
+woodbine,1307,2
+tolstoy,1645,1
+lindenwood,2050,1
+woodbine,1050,6
+woodbine,3,1
+hanson,1451,1
+forkland,871,5
+klickitat,69,1
+ranchester,222,13
+marstons,2214,11
+shelbyville,1314,8
+marstons,1501,1
+pinesdale,931,4
+pomaria,1309,11
+wainscott,1387,14
+hiteman,85,1
+stockman,1475,6
+hiteman,1435,4
+marstons,1629,13
+lindenwood,2278,0
+marstons,1307,2
+lakeville,556,4
+wainscott,12,1
+merom,19,8
+klickitat,2408,6
+beechwood,758,1
+ranchester,1368,3
+klickitat,482,6
+woodbine,15,5
+klickitat,475,2
+merom,425,0
+shelbyville,1007,12
+newfields,825,13
+lakeville,1225,1
+lindenwood,521,1
+ranchester,218,3
+hiteman,892,0
+forkland,809,2
+klickitat,479,21
+hiteman,444,7
+tolstoy,1755,7
+woodbine,1485,1
+marstons,1839,11
+hanson,305,1
+woodbine,1094,8
+ranchester,736,5
+klickitat,976,6
+leonardo,406,1
+klickitat,990,13
+pomaria,535,5
+shelbyville,122,16
+lakeville,164,2
+woodbine,1056,1
+cosmos,619,3
+lindenwood,1857,3
+coffeen,802,6
+merom,897,3
+woodbine,441,2
+lakeville,475,4
+klickitat,1369,8
+ranchester,1280,12
+beechwood,241,6
+leonardo,441,3
+ranchester,681,5
+cosmos,392,2
+wainscott,1666,0
+forkland,255,3
+shelbyville,1555,1
+wainscott,1345,3
+lakeville,684,1
+wainscott,655,1
+lakeville,809,9
+leonardo,979,3
+wainscott,1147,6
+forkland,1157,1
+wainscott,10,2
+woodbine,999,4
+merom,705,3
+leonardo,184,4
+wainscott,502,4
+benevolence,785,1
+pomaria,452,0
+lakeville,74,7
+stockman,66,5
+lakeville,1471,7
+wainscott,234,4
+pomaria,1028,5
+merom,828,4
+benevolence,863,0
+tolstoy,700,5
+marstons,2488,7
+ranchester,94,8
+shelbyville,1724,15
+wainscott,1416,4
+ranchester,429,11
+pomaria,888,6
+shelbyville,1347,5
+marstons,1608,2
+pomaria,858,4
+newfields,1161,7
+wainscott,658,9
+mifflinburg,966,2
+marstons,2445,2
+lindenwood,137,3
+ranchester,932,5
+shelbyville,1256,7
+pinesdale,702,4
+shelbyville,67,1
+tolstoy,85,2
+stockman,1110,4
+leonardo,579,17
+onaga,167,0
+woodbine,22,2
+marstons,212,1
+ranchester,992,3
+hanson,1624,2
+shelbyville,2782,2
+leonardo,1958,5
+lakeville,1342,10
+tolstoy,1321,3
+ranchester,1565,2
+leonardo,1757,6
+hiteman,507,0
+forkland,421,2
+marstons,1529,10
+shelbyville,1257,8
+klickitat,1930,12
+beechwood,1095,2
+marstons,1720,3
+pinesdale,1376,5
+klickitat,88,20
+hanson,1069,6
+pomaria,1147,13
+shelbyville,2658,4
+mifflinburg,404,0
+merom,908,0
+klickitat,324,9
+tolstoy,1259,5
+coffeen,430,4
+pomaria,1512,5
+klickitat,1037,0
+shelbyville,1765,6
+lakeville,880,4
+pinesdale,1493,10
+allensville,236,0
+cosmos,228,2
+wainscott,628,2
+shelbyville,1395,0
+lakeville,649,13
+shelbyville,40,2
+marstons,2472,0
+leonardo,265,6
+klickitat,1981,3
+wainscott,898,5
+lakeville,1783,4
+pomaria,623,1
+lakeville,949,2
+wainscott,890,5
+coffeen,1361,0
+allensville,383,3
+hiteman,507,11
+wainscott,1322,3
+mifflinburg,464,1
+newfields,752,13
+beechwood,777,2
+klickitat,210,5
+hiteman,1180,3
+forkland,297,2
+marstons,1013,6
+ranchester,1140,4
+lindenwood,827,6
+beechwood,520,0
+pomaria,382,0
+ranchester,534,1
+ranchester,929,2
+ranchester,596,12
+pomaria,1285,1
+shelbyville,709,0
+merom,805,0
+hanson,644,5
+pinesdale,336,3
+beechwood,799,0
+klickitat,166,10
+lindenwood,2142,12
+forkland,717,0
+marstons,324,1
+lindenwood,1269,0
+pomaria,894,3
+hiteman,1753,6
+hiteman,68,6
+stockman,1054,1
+woodbine,1987,1
+pinesdale,929,14
+hiteman,1631,1
+pinesdale,303,9
+lindenwood,1311,8
+stockman,1266,8
+marstons,2044,0
+coffeen,1377,1
+wainscott,1162,6
+lindenwood,461,0
+klickitat,1244,1
+shelbyville,2486,1
+hanson,749,4
+lakeville,1252,1
+shelbyville,2512,8
+marstons,1524,3
+woodbine,1126,3
+merom,1042,4
+leonardo,1800,7
+marstons,111,1
+cosmos,811,5
+woodbine,120,3
+shelbyville,113,0
+lakeville,1355,8
+marstons,1874,16
+hanson,411,1
+hanson,746,2
+klickitat,2106,0
+woodbine,1276,3
+lindenwood,652,6
+wainscott,716,3
+onaga,330,3
+klickitat,1363,13
+hanson,1183,6
+coffeen,746,0
+lindenwood,1259,2
+shelbyville,727,9
+lindenwood,1726,10
+shelbyville,1006,3
+newfields,376,2
+forkland,778,2
+beechwood,988,2
+beechwood,1032,2
+lindenwood,1775,6
+hiteman,1732,4
+klickitat,2228,0
+hiteman,1215,4
+leonardo,596,0
+hiteman,1551,11
+stockman,746,9
+leonardo,1560,3
+tolstoy,1550,3
+hanson,1547,2
+lindenwood,822,0
+beechwood,2,4
+pinesdale,750,3
+klickitat,1594,2
+forkland,231,2
+hiteman,971,1
+hiteman,1234,2
+lakeville,336,4
+woodbine,1440,8
+ranchester,157,17
+newfields,891,0
+marstons,1113,12
+pomaria,889,4
+lindenwood,2184,1
+hanson,50,1
+lindenwood,2472,8
+merom,943,0
+ranchester,786,5
+ranchester,1428,8
+hanson,1036,4
+woodbine,463,0
+pomaria,1282,4
+marstons,1765,15
+lindenwood,937,16
+lindenwood,2533,3
+lindenwood,741,7
+lakeville,1240,3
+merom,39,8
+klickitat,1852,1
+ranchester,1022,2
+hanson,887,3
+leonardo,1941,2
+marstons,2020,2
+allensville,64,0
+beechwood,770,3
+lakeville,670,1
+newfields,638,0
+lakeville,94,6
+woodbine,942,9
+wainscott,821,9
+marstons,957,5
+newfields,1634,1
+lakeville,1127,1
+klickitat,1403,5
+benevolence,2,5
+ranchester,66,3
+stockman,580,3
+beechwood,871,5
+benevolence,721,1
+cosmos,259,3
+klickitat,1234,4
+pomaria,177,12
+newfields,1234,0
+tolstoy,1693,15
+tolstoy,1677,3
+marstons,1174,1
+marstons,1930,0
+marstons,0,1
+klickitat,1414,1
+wainscott,1225,1
+hiteman,1064,4
+pinesdale,1065,0
+newfields,663,9
+wainscott,983,4
+pinesdale,421,6
+hanson,697,3
+klickitat,2294,6
+wainscott,524,2
+klickitat,1002,5
+cosmos,1000,3
+forkland,512,4
+marstons,1714,8
+shelbyville,281,7
+tolstoy,1102,1
+hanson,43,0
+wainscott,1105,1
+mifflinburg,417,1
+klickitat,558,11
+lindenwood,727,5
+cosmos,62,7
+woodbine,929,13
+tolstoy,347,1
+woodbine,295,8
+ranchester,637,4
+shelbyville,2294,8
+pomaria,664,3
+hiteman,569,2
+klickitat,94,1
+beechwood,830,1
+stockman,1129,8
+shelbyville,413,6
+wainscott,327,1
+tolstoy,1497,0
+newfields,59,2
+lakeville,586,6
+hanson,1190,3
+pinesdale,954,0
+stockman,228,4
+shelbyville,1546,2
+forkland,762,2
+ranchester,385,4
+lakeville,1177,2
+onaga,591,1
+shelbyville,1983,3
+lakeville,1048,0
+shelbyville,1276,14
+beechwood,703,11
+leonardo,773,0
+marstons,1731,11
+tolstoy,1429,0
+lakeville,672,13
+marstons,211,2
+hiteman,247,1
+pomaria,1113,3
+wainscott,1496,5
+cosmos,275,0
+marstons,2316,12
+hanson,1571,1
+coffeen,1305,3
+pomaria,1260,5
+pinesdale,506,1
+coffeen,1471,0
+woodbine,239,16
+stockman,301,7
+leonardo,1405,1
+klickitat,319,5
+coffeen,484,1
+lakeville,672,7
+stockman,439,1
+hanson,952,0
+klickitat,832,4
+marstons,1212,2
+leonardo,481,3
+cosmos,93,2
+cosmos,274,2
+wainscott,167,4
+marstons,2129,13
+stockman,441,1
+merom,30,8
+wainscott,934,10
+stockman,1380,7
+shelbyville,343,9
+allensville,141,7
+benevolence,604,12
+stockman,1449,2
+hiteman,1779,8
+hanson,1464,5
+newfields,1088,5
+shelbyville,1764,0
+shelbyville,694,5
+woodbine,1229,1
+leonardo,491,1
+mifflinburg,142,1
+woodbine,871,1
+stockman,1397,3
+lakeville,1728,1
+hanson,321,3
+marstons,542,2
+ranchester,1106,0
+tolstoy,1114,2
+marstons,15,3
+tolstoy,61,5
+marstons,2327,3
+lakeville,953,5
+lindenwood,2140,5
+tolstoy,924,1
+tolstoy,37,2
+ranchester,897,5
+hanson,473,11
+wainscott,402,2
+lakeville,515,14
+marstons,636,1
+wainscott,1599,14
+hanson,473,1
+beechwood,16,0
+shelbyville,1325,1
+pinesdale,487,4
+lindenwood,535,2
+woodbine,1291,13
+leonardo,788,5
+leonardo,2093,3
+wainscott,665,0
+ranchester,1227,3
+pomaria,1491,1
+woodbine,1023,3
+klickitat,1554,6
+lakeville,1322,1
+lakeville,1064,3
+coffeen,259,3
+pomaria,899,3
+hiteman,627,5
+pomaria,1625,5
+klickitat,1965,1
+shelbyville,630,0
+lakeville,1586,9
+woodbine,1216,0
+shelbyville,89,1
+lindenwood,836,15
+marstons,1206,0
+woodbine,1760,6
+benevolence,319,2
+hiteman,368,0
+klickitat,287,3
+klickitat,580,2
+marstons,1773,0
+wainscott,1651,12
+tolstoy,865,0
+cosmos,97,2
+coffeen,1486,5
+tolstoy,459,5
+hanson,1318,18
+mifflinburg,188,0
+woodbine,1644,11
+leonardo,1279,7
+merom,187,5
+klickitat,1914,11
+woodbine,440,8
+pinesdale,961,3
+coffeen,469,0
+ranchester,1422,6
+merom,63,5
+wainscott,876,3
+newfields,30,2
+tolstoy,810,2
+hiteman,667,4
+coffeen,1157,2
+pinesdale,1008,1
+marstons,507,3
+shelbyville,1487,7
+tolstoy,1255,6
+hanson,931,1
+hanson,866,0
+newfields,192,2
+cosmos,1010,7
+marstons,2190,7
+mifflinburg,255,3
+ranchester,535,1
+lakeville,203,2
+marstons,494,2
+hanson,1022,4
+leonardo,374,5
+leonardo,529,6
+pinesdale,1095,7
+lindenwood,1404,2
+lindenwood,60,11
+leonardo,2022,1
+newfields,469,2
+hiteman,1333,2
+merom,355,2
+beechwood,755,10
+benevolence,436,9
+coffeen,1209,2
+pinesdale,680,7
+wainscott,1778,6
+hanson,1549,6
+allensville,263,4
+lakeville,821,3
+pinesdale,1492,8
+beechwood,516,9
+hanson,1239,5
+klickitat,1962,4
+lindenwood,865,4
+leonardo,2098,2
+stockman,1275,0
+benevolence,566,2
+shelbyville,1322,1
+hiteman,1447,9
+klickitat,2226,2
+forkland,162,0
+klickitat,115,2
+marstons,158,0
+pinesdale,1342,2
+pomaria,815,5
+klickitat,643,2
+marstons,1157,2
+marstons,1771,6
+mifflinburg,390,1
+marstons,2135,7
+lindenwood,311,1
+coffeen,220,4
+lakeville,1670,10
+wainscott,1463,0
+newfields,1585,5
+lakeville,1258,0
+lakeville,1390,0
+leonardo,2085,4
+lindenwood,643,2
+ranchester,1185,4
+merom,537,7
+woodbine,1654,11
+leonardo,1650,0
+shelbyville,2057,4
+klickitat,1541,7
+onaga,264,5
+wainscott,503,14
+woodbine,1593,4
+beechwood,327,0
+lindenwood,1919,14
+pomaria,85,3
+pinesdale,72,3
+woodbine,951,2
+tolstoy,968,12
+tolstoy,794,0
+stockman,1524,2
+tolstoy,420,8
+hanson,586,2
+woodbine,638,8
+beechwood,685,11
+marstons,1908,3
+pinesdale,1184,10
+pomaria,429,4
+marstons,2350,0
+marstons,899,8
+mifflinburg,654,11
+merom,918,10
+shelbyville,1384,4
+wainscott,96,12
+merom,367,3
+hanson,533,2
+pinesdale,404,8
+woodbine,1959,2
+lakeville,194,4
+tolstoy,1237,9
+coffeen,255,10
+ranchester,58,3
+cosmos,278,8
+woodbine,1376,10
+pomaria,759,10
+klickitat,1900,3
+lindenwood,457,0
+wainscott,954,4
+lindenwood,2182,4
+tolstoy,41,1
+mifflinburg,220,0
+klickitat,1953,13
+wainscott,1025,6
+beechwood,1069,13
+lakeville,10,9
+coffeen,525,0
+ranchester,800,3
+hiteman,452,0
+stockman,238,1
+merom,702,5
+coffeen,605,1
+forkland,315,2
+hiteman,477,3
+cosmos,255,1
+marstons,199,0
+hiteman,840,6
+beechwood,438,1
+klickitat,221,9
+wainscott,999,8
+marstons,1398,13
+shelbyville,1502,2
+benevolence,542,4
+tolstoy,963,5
+ranchester,787,5
+ranchester,866,0
+lakeville,1779,2
+lindenwood,1735,14
+hiteman,1182,0
+lakeville,808,3
+klickitat,724,7
+shelbyville,1693,3
+lindenwood,1717,2
+stockman,1489,2
+woodbine,951,0
+shelbyville,1497,1
+tolstoy,950,5
+hiteman,1168,4
+hiteman,252,9
+klickitat,953,1
+ranchester,64,1
+pinesdale,793,0
+marstons,1064,4
+shelbyville,1452,2
+tolstoy,1231,2
+klickitat,740,6
+cosmos,889,0
+tolstoy,1749,1
+klickitat,2112,5
+lindenwood,765,0
+wainscott,1612,4
+lakeville,1270,3
+marstons,755,2
+tolstoy,1209,3
+merom,525,2
+newfields,132,5
+newfields,267,6
+lindenwood,1362,0
+stockman,1602,2
+newfields,213,13
+beechwood,785,0
+pomaria,806,1
+newfields,36,1
+tolstoy,519,2
+lakeville,1618,0
+onaga,335,2
+allensville,159,3
+stockman,1063,0
+lindenwood,2263,0
+woodbine,660,8
+pomaria,1444,4
+newfields,271,2
+marstons,655,3
+newfields,966,11
+merom,735,2
+tolstoy,729,1
+woodbine,268,4
+coffeen,331,2
+coffeen,1364,2
+lindenwood,1428,4
+newfields,932,2
+lakeville,180,1
+hiteman,458,1
+hanson,1164,6
+ranchester,416,7
+stockman,1128,2
+hanson,760,0
+shelbyville,781,12
+pomaria,469,8
+wainscott,1727,4
+hanson,166,5
+pomaria,1165,0
+cosmos,869,2
+forkland,366,2
+hanson,502,4
+leonardo,904,4
+tolstoy,877,6
+tolstoy,1780,1
+pinesdale,716,2
+beechwood,684,4
+hanson,665,0
+wainscott,925,11
+leonardo,1863,13
+beechwood,273,3
+shelbyville,1269,9
+hiteman,958,2
+lakeville,1654,5
+beechwood,930,8
+newfields,477,3
+tolstoy,1011,10
+ranchester,543,7
+wainscott,529,9
+ranchester,873,2
+marstons,729,8
+klickitat,1266,3
+klickitat,1879,7
+tolstoy,528,3
+forkland,714,0
+tolstoy,1793,1
+shelbyville,1692,1
+klickitat,631,4
+wainscott,1200,0
+shelbyville,749,4
+hanson,369,0
+tolstoy,1017,6
+pomaria,289,8
+newfields,451,3
+leonardo,1086,4
+allensville,498,2
+marstons,44,0
+beechwood,481,3
+ranchester,890,1
+stockman,1572,4
+lindenwood,2524,2
+benevolence,243,11
+marstons,1034,7
+newfields,1421,6
+marstons,2409,2
+lakeville,1799,20
+hanson,72,6
+stockman,342,3
+marstons,2214,1
+newfields,218,2
+coffeen,481,10
+klickitat,512,1
+pinesdale,1367,3
+klickitat,537,12
+woodbine,26,6
+mifflinburg,86,1
+tolstoy,547,4
+hanson,1168,1
+hiteman,1519,3
+merom,655,3
+lindenwood,1458,6
+marstons,2150,3
+leonardo,537,0
+lindenwood,1977,11
+forkland,1098,2
+ranchester,437,9
+coffeen,436,2
+klickitat,233,12
+wainscott,1335,2
+leonardo,1940,0
+pinesdale,985,2
+pinesdale,888,0
+marstons,2067,0
+shelbyville,2033,2
+lindenwood,733,6
+newfields,660,4
+lakeville,388,7
+marstons,2606,2
+wainscott,379,11
+hiteman,1649,2
+wainscott,127,7
+leonardo,754,12
+leonardo,1671,7
+leonardo,1029,1
+hiteman,518,4
+onaga,518,3
+mifflinburg,261,3
+newfields,824,9
+leonardo,1321,8
+shelbyville,2167,3
+ranchester,775,1
+lakeville,1325,1
+hanson,1162,0
+klickitat,206,1
+wainscott,672,4
+woodbine,1480,6
+cosmos,804,7
+wainscott,64,1
+wainscott,96,15
+mifflinburg,307,2
+leonardo,815,10
+ranchester,950,9
+pomaria,105,3
+ranchester,1116,8
+shelbyville,275,7
+pomaria,850,4
+lakeville,1455,14
+onaga,574,1
+lindenwood,713,2
+coffeen,289,1
+klickitat,914,10
+ranchester,708,0
+wainscott,166,2
+marstons,2325,2
+tolstoy,1113,0
+wainscott,755,3
+pomaria,1331,3
+benevolence,899,3
+merom,756,4
+shelbyville,837,7
+hanson,714,7
+forkland,942,4
+beechwood,741,0
+lindenwood,2572,0
+wainscott,253,8
+ranchester,933,7
+hanson,1456,4
+klickitat,948,3
+shelbyville,2126,1
+pomaria,1241,0
+pomaria,96,0
+merom,57,2
+lindenwood,872,1
+hiteman,1286,7
+coffeen,1065,0
+newfields,1000,3
+lindenwood,1647,5
+woodbine,1269,2
+wainscott,15,4
+forkland,162,2
+wainscott,1443,3
+shelbyville,1058,1
+lindenwood,1053,0
+mifflinburg,72,1
+klickitat,335,4
+wainscott,51,14
+forkland,826,2
+lakeville,636,4
+hiteman,727,1
+stockman,1401,4
+forkland,773,0
+wainscott,1389,0
+pomaria,1483,0
+leonardo,1546,1
+beechwood,493,3
+marstons,1238,4
+hiteman,687,2
+beechwood,381,2
+leonardo,1183,4
+hiteman,400,11
+leonardo,1119,2
+marstons,1341,11
+woodbine,1432,5
+cosmos,830,2
+shelbyville,1748,0
+lindenwood,2065,3
+shelbyville,553,11
+lakeville,1543,1
+lakeville,1136,7
+wainscott,859,12
+marstons,429,0
+leonardo,1920,9
+shelbyville,1291,0
+lakeville,1471,4
+stockman,1123,4
+newfields,114,3
+wainscott,682,1
+newfields,69,6
+woodbine,661,5
+forkland,78,1
+hiteman,118,6
+lakeville,227,13
+marstons,1442,5
+pomaria,612,3
+allensville,106,4
+benevolence,541,1
+hanson,356,4
+hanson,804,3
+ranchester,82,2
+lindenwood,2129,9
+klickitat,755,2
+klickitat,3,11
+forkland,298,2
+shelbyville,1891,4
+shelbyville,1619,3
+klickitat,952,7
+pinesdale,1307,9
+pomaria,896,0
+ranchester,1512,1
+woodbine,1966,1
+wainscott,756,0
+lindenwood,605,1
+wainscott,325,5
+hiteman,256,5
+tolstoy,186,0
+lindenwood,2556,3
+newfields,358,3
+merom,682,0
+hanson,494,2
+marstons,1839,15
+onaga,669,9
+lakeville,1720,12
+marstons,1845,3
+klickitat,1458,0
+wainscott,1302,4
+klickitat,735,7
+lakeville,1872,2
+leonardo,435,1
+klickitat,1534,8
+ranchester,272,5
+klickitat,398,4
+leonardo,1286,2
+cosmos,438,6
+tolstoy,1103,0
+hiteman,977,0
+klickitat,298,2
+pomaria,1023,10
+klickitat,680,2
+marstons,2090,0
+pomaria,924,1
+stockman,1263,7
+newfields,991,2
+woodbine,692,11
+lindenwood,388,2
+marstons,2287,1
+klickitat,134,0
+marstons,792,9
+hanson,754,4
+lindenwood,833,6
+shelbyville,879,1
+lindenwood,513,1
+wainscott,613,2
+stockman,1504,1
+marstons,2106,1
+lindenwood,2260,6
+lakeville,531,2
+lakeville,534,1
+forkland,1124,4
+lakeville,1496,0
+shelbyville,1283,3
+woodbine,774,0
+lakeville,1318,3
+marstons,133,5
+hanson,631,1
+ranchester,317,1
+klickitat,694,7
+lindenwood,2009,3
+merom,456,7
+tolstoy,249,6
+merom,887,0
+hanson,175,6
+newfields,1248,3
+shelbyville,440,12
+woodbine,705,4
+wainscott,118,1
+lakeville,83,3
+marstons,1981,7
+lakeville,183,8
+klickitat,157,10
+ranchester,281,1
+leonardo,1150,1
+marstons,17,5
+beechwood,111,6
+lakeville,875,14
+hiteman,200,2
+newfields,874,1
+marstons,1693,2
+klickitat,1523,1
+marstons,805,7
+woodbine,1508,12
+tolstoy,294,8
+stockman,442,4
+marstons,396,5
+mifflinburg,134,5
+tolstoy,775,0
+pomaria,253,5
+coffeen,325,3
+newfields,988,7
+klickitat,1790,6
+hanson,1279,6
+hiteman,337,3
+pomaria,12,5
+lakeville,78,2
+shelbyville,453,9
+benevolence,889,3
+cosmos,216,1
+lakeville,1643,0
+mifflinburg,469,0
+marstons,1698,3
+hanson,418,2
+lakeville,573,3
+tolstoy,982,0
+hiteman,1402,1
+benevolence,20,2
+pinesdale,1027,5
+wainscott,1137,0
+wainscott,39,0
+lakeville,1376,0
+pinesdale,1437,1
+wainscott,433,10
+onaga,147,11
+marstons,1336,5
+coffeen,263,0
+marstons,1650,3
+stockman,0,0
+lindenwood,685,15
+pomaria,1080,13
+klickitat,796,0
+shelbyville,1491,4
+stockman,1505,1
+tolstoy,110,1
+cosmos,738,5
+ranchester,1402,5
+ranchester,102,1
+lindenwood,1435,8
+wainscott,1732,2
+lindenwood,876,1
+tolstoy,977,1
+coffeen,980,4
+hanson,382,4
+forkland,850,5
+woodbine,138,8
+tolstoy,1007,2
+klickitat,2015,2
+hanson,556,7
+coffeen,1423,0
+woodbine,1069,15
+shelbyville,292,11
+tolstoy,146,0
+mifflinburg,968,8
+lindenwood,44,0
+ranchester,941,2
+leonardo,2007,10
+lakeville,1800,6
+lakeville,1249,1
+shelbyville,2403,2
+mifflinburg,1,0
+benevolence,916,4
+mifflinburg,137,0
+klickitat,738,10
+marstons,1248,2
+woodbine,1396,0
+coffeen,197,2
+ranchester,533,3
+wainscott,1448,1
+woodbine,680,2
+lakeville,10,10
+lindenwood,123,3
+marstons,537,4
+pinesdale,1459,0
+merom,995,0
+stockman,856,5
+pinesdale,253,0
+onaga,255,1
+beechwood,216,4
+marstons,812,9
+coffeen,1422,1
+forkland,399,8
+shelbyville,702,6
+shelbyville,1150,1
+hiteman,590,0
+pomaria,553,13
+leonardo,503,1
+onaga,395,7
+hiteman,154,2
+woodbine,930,3
+klickitat,1221,2
+allensville,122,4
+marstons,1635,1
+lakeville,904,1
+shelbyville,1831,4
+pomaria,734,1
+woodbine,306,3
+wainscott,1144,0
+shelbyville,1697,13
+leonardo,1825,6
+marstons,356,1
+pomaria,688,10
+newfields,659,2
+woodbine,1755,2
+lindenwood,205,0
+lindenwood,597,1
+lakeville,1264,1
+ranchester,512,2
+ranchester,1541,3
+shelbyville,863,4
+klickitat,1240,3
+lindenwood,2160,3
+klickitat,1343,2
+shelbyville,2797,3
+hanson,1496,0
+forkland,1027,1
+wainscott,415,14
+leonardo,1105,2
+tolstoy,420,3
+klickitat,861,8
+newfields,441,7
+shelbyville,784,11
+shelbyville,2132,11
+klickitat,948,6
+benevolence,682,3
+ranchester,1070,3
+lakeville,278,2
+allensville,478,3
+coffeen,789,7
+klickitat,140,0
+leonardo,886,4
+tolstoy,904,3
+wainscott,832,1
+lakeville,1171,3
+wainscott,1217,3
+wainscott,545,3
+pomaria,1468,0
+stockman,413,8
+leonardo,946,4
+benevolence,561,0
+hanson,846,4
+ranchester,417,5
+woodbine,707,2
+woodbine,1678,2
+merom,927,5
+beechwood,1119,7
+tolstoy,1768,1
+beechwood,761,5
+woodbine,651,0
+leonardo,384,0
+tolstoy,188,5
+lakeville,929,1
+shelbyville,2714,3
+klickitat,1811,9
+pomaria,664,1
+shelbyville,859,9
+hanson,818,0
+lakeville,1520,2
+allensville,115,3
+shelbyville,697,0
+shelbyville,365,4
+cosmos,201,4
+marstons,1916,3
+leonardo,1082,5
+marstons,529,10
+onaga,457,1
+shelbyville,1426,3
+leonardo,2072,2
+shelbyville,2660,5
+benevolence,794,1
+leonardo,820,5
+lindenwood,1019,2
+newfields,1458,10
+ranchester,1392,7
+newfields,385,3
+tolstoy,366,3
+wainscott,1675,9
+woodbine,1264,3
+allensville,426,1
+ranchester,423,0
+lindenwood,1109,4
+wainscott,984,3
+klickitat,1764,6
+woodbine,1368,1
+shelbyville,2215,8
+beechwood,674,3
+lakeville,181,1
+klickitat,1848,4
+forkland,353,1
+allensville,176,7
+stockman,566,3
+stockman,37,7
+benevolence,791,1
+leonardo,1526,14
+onaga,315,2
+stockman,1609,5
+shelbyville,2224,2
+pomaria,96,10
+wainscott,902,1
+woodbine,675,10
+lakeville,166,4
+benevolence,173,0
+stockman,247,6
+lakeville,110,0
+marstons,2438,5
+tolstoy,1509,7
+ranchester,1312,2
+marstons,689,0
+hiteman,1209,11
+hanson,1513,3
+merom,13,1
+lindenwood,1376,7
+lakeville,768,3
+woodbine,1963,3
+hanson,367,0
+lindenwood,284,2
+lakeville,368,2
+ranchester,1332,2
+newfields,59,0
+leonardo,1635,3
+marstons,71,1
+coffeen,1003,3
+klickitat,1504,4
+coffeen,648,3
+tolstoy,1555,8
+shelbyville,597,10
+pinesdale,224,5
+leonardo,1661,0
+merom,1087,10
+woodbine,1615,0
+marstons,2019,1
+stockman,875,3
+hiteman,795,10
+mifflinburg,858,0
+marstons,1643,1
+leonardo,966,1
+lindenwood,1448,1
+hiteman,591,4
+tolstoy,204,3
+ranchester,730,2
+shelbyville,1157,2
+newfields,1417,1
+ranchester,1592,5
+ranchester,234,0
+wainscott,1151,0
+stockman,103,1
+hanson,1635,7
+marstons,546,9
+pomaria,89,0
+coffeen,816,1
+coffeen,227,8
+beechwood,723,1
+ranchester,1150,9
+newfields,221,16
+leonardo,730,6
+shelbyville,2677,1
+lakeville,1463,0
+newfields,1070,7
+klickitat,1484,2
+benevolence,156,10
+woodbine,519,3
+lindenwood,1235,1
+hiteman,1350,5
+woodbine,1992,1
+forkland,1009,7
+marstons,2577,0
+stockman,747,14
+woodbine,825,4
+marstons,1907,3
+tolstoy,878,5
+tolstoy,249,1
+cosmos,70,3
+cosmos,197,8
+leonardo,1818,1
+hiteman,1749,0
+onaga,325,0
+woodbine,928,3
+marstons,2455,0
+lakeville,268,9
+wainscott,1532,2
+marstons,2490,4
+newfields,1340,4
+shelbyville,1494,8
+leonardo,988,1
+ranchester,1328,4
+lakeville,1258,3
+hiteman,142,0
+newfields,32,18
+marstons,1006,1
+marstons,1921,10
+tolstoy,714,6
+mifflinburg,266,0
+marstons,914,11
+hiteman,1674,1
+marstons,966,0
+woodbine,899,5
+klickitat,1229,4
+leonardo,1378,3
+woodbine,580,7
+marstons,72,0
+wainscott,891,1
+cosmos,578,9
+wainscott,1045,1
+onaga,613,4
+leonardo,1784,1
+hanson,344,5
+ranchester,787,2
+leonardo,1223,2
+tolstoy,332,8
+allensville,248,0
+lakeville,736,6
+stockman,200,2
+cosmos,403,0
+lakeville,1403,1
+newfields,274,9
+lindenwood,147,1
+woodbine,2015,9
+coffeen,218,3
+lakeville,1673,4
+shelbyville,2184,14
+hiteman,1746,2
+leonardo,102,3
+lindenwood,532,2
+woodbine,1959,6
+woodbine,1493,6
+klickitat,1567,9
+pomaria,705,5
+marstons,1977,2
+pinesdale,97,7
+woodbine,529,0
+shelbyville,2361,6
+coffeen,695,1
+marstons,1955,1
+stockman,1255,3
+woodbine,1836,5
+pinesdale,999,2
+lindenwood,1484,5
+cosmos,443,2
+klickitat,653,3
+klickitat,1737,4
+wainscott,126,0
+cosmos,176,4
+klickitat,1187,1
+beechwood,820,6
+lindenwood,1915,8
+coffeen,566,4
+hanson,273,3
+ranchester,373,6
+pomaria,543,12
+leonardo,482,3
+hanson,1064,7
+klickitat,1037,6
+shelbyville,1035,8
+shelbyville,466,10
+mifflinburg,72,11
+hiteman,855,0
+marstons,2602,2
+hiteman,813,5
+hiteman,1135,1
+merom,265,3
+shelbyville,2298,4
+tolstoy,1787,0
+hanson,52,6
+ranchester,167,1
+pinesdale,140,7
+forkland,881,3
+hiteman,214,0
+stockman,479,1
+pinesdale,605,2
+hiteman,1261,8
+ranchester,767,4
+pinesdale,507,1
+pomaria,1129,2
+klickitat,2102,2
+pomaria,519,0
+onaga,281,2
+tolstoy,1797,1
+merom,455,2
+onaga,446,4
+wainscott,1608,9
+cosmos,183,0
+leonardo,231,5
+hanson,424,7
+cosmos,449,2
+marstons,914,3
+woodbine,1649,4
+tolstoy,1720,1
+tolstoy,908,1
+wainscott,1582,4
+marstons,971,2
+cosmos,691,9
+lakeville,1325,3
+ranchester,1379,0
+lindenwood,880,5
+ranchester,578,2
+lindenwood,204,5
+wainscott,190,2
+ranchester,653,1
+newfields,1142,10
+ranchester,791,3
+shelbyville,1416,4
+marstons,821,6
+marstons,1586,12
+marstons,1373,6
+marstons,522,3
+woodbine,1686,4
+hiteman,101,1
+newfields,793,8
+woodbine,2015,2
+klickitat,2157,2
+hiteman,1585,3
+beechwood,103,11
+leonardo,190,14
+ranchester,291,5
+marstons,239,0
+wainscott,72,9
+shelbyville,697,3
+cosmos,500,2
+woodbine,2023,12
+lindenwood,2539,0
+woodbine,1620,2
+onaga,610,8
+pomaria,1127,6
+cosmos,595,1
+marstons,2129,3
+leonardo,1098,7
+beechwood,1153,1
+marstons,1543,14
+lindenwood,583,5
+leonardo,605,3
+wainscott,1598,6
+hanson,1472,7
+beechwood,272,1
+coffeen,1403,2
+marstons,639,3
+newfields,1441,3
+woodbine,1627,1
+lakeville,1250,12
+shelbyville,2624,5
+hiteman,1556,6
+wainscott,836,9
+shelbyville,913,2
+woodbine,368,4
+lindenwood,46,4
+klickitat,475,3
+leonardo,1877,2
+hiteman,1482,4
+leonardo,1507,7
+shelbyville,2358,1
+lindenwood,2526,2
+marstons,2396,1
+klickitat,1987,0
+marstons,2431,5
+cosmos,615,3
+hanson,1346,6
+pomaria,1005,0
+wainscott,1522,0
+marstons,2494,1
+hanson,733,3
+merom,77,4
+marstons,874,2
+wainscott,1494,2
+ranchester,92,3
+stockman,1025,4
+leonardo,1717,0
+shelbyville,178,0
+pomaria,764,6
+stockman,386,3
+woodbine,581,8
+ranchester,265,2
+lindenwood,491,5
+woodbine,1176,2
+woodbine,1003,10
+pinesdale,1060,5
+newfields,1187,8
+pinesdale,1438,0
+marstons,1894,0
+tolstoy,425,1
+woodbine,1737,2
+beechwood,1026,2
+coffeen,204,3
+shelbyville,1073,1
+hanson,1034,8
+newfields,721,1
+tolstoy,1644,5
+stockman,1338,1
+hanson,917,1
+pinesdale,1343,2
+lakeville,368,14
+hiteman,1816,12
+coffeen,1087,2
+leonardo,549,0
+newfields,69,1
+klickitat,2336,2
+woodbine,581,2
+shelbyville,710,4
+beechwood,539,4
+stockman,364,4
+merom,440,2
+merom,682,1
+hanson,504,15
+hanson,1619,5
+shelbyville,1129,2
+coffeen,199,1
+pomaria,414,8
+beechwood,450,0
+lindenwood,770,8
+mifflinburg,974,0
+coffeen,431,2
+hiteman,953,2
+leonardo,1000,14
+tolstoy,483,9
+wainscott,136,6
+marstons,2516,2
+forkland,719,0
+pomaria,1309,0
+shelbyville,575,18
+lindenwood,374,2
+leonardo,1309,5
+stockman,494,2
+newfields,1159,8
+woodbine,539,14
+tolstoy,113,2
+klickitat,1649,7
+hiteman,102,0
+marstons,2086,1
+shelbyville,1722,4
+ranchester,547,1
+lindenwood,713,5
+klickitat,1532,3
+newfields,1441,2
+klickitat,1408,2
+lindenwood,819,17
+merom,1041,0
+coffeen,471,4
+woodbine,1358,1
+klickitat,1301,1
+coffeen,560,5
+pomaria,264,0
+hanson,995,0
+newfields,254,3
+mifflinburg,10,3
+leonardo,1967,2
+forkland,1031,3
+tolstoy,1116,2
+hanson,6,4
+marstons,1136,0
+mifflinburg,898,1
+tolstoy,1087,1
+benevolence,326,1
+ranchester,636,1
+woodbine,1074,6
+klickitat,3,3
+lakeville,731,15
+ranchester,895,6
+leonardo,174,0
+leonardo,594,2
+marstons,1546,5
+wainscott,1573,2
+cosmos,893,10
+newfields,744,1
+lakeville,1151,5
+marstons,1877,1
+hiteman,1786,1
+shelbyville,895,9
+tolstoy,782,5
+ranchester,592,2
+newfields,1286,0
+beechwood,641,1
+cosmos,849,0
+klickitat,1169,0
+lakeville,1033,3
+cosmos,124,11
+wainscott,354,3
+lindenwood,1901,1
+tolstoy,897,10
+forkland,517,3
+marstons,947,5
+leonardo,445,6
+shelbyville,388,0
+beechwood,1126,1
+klickitat,2229,4
+leonardo,2049,4
+woodbine,691,10
+leonardo,1142,2
+shelbyville,554,3
+lakeville,1185,0
+pinesdale,486,4
+lindenwood,2197,4
+hanson,311,1
+marstons,1714,7
+klickitat,138,7
+stockman,629,5
+coffeen,788,0
+wainscott,985,1
+klickitat,692,7
+cosmos,252,5
+forkland,1,1
+woodbine,1598,6
+hiteman,315,0
+shelbyville,2675,2
+pomaria,187,6
+ranchester,190,5
+forkland,545,0
+tolstoy,559,1
+coffeen,158,7
+pinesdale,139,3
+leonardo,1076,0
+merom,1071,10
+pomaria,1300,7
+hanson,1536,5
+cosmos,868,0
+lakeville,1618,1
+pomaria,1490,4
+shelbyville,1293,3
+leonardo,26,2
+newfields,1203,3
+merom,667,1
+hanson,560,2
+woodbine,529,6
+marstons,1801,4
+klickitat,188,8
+lindenwood,2467,4
+tolstoy,724,5
+onaga,578,0
+newfields,766,7
+woodbine,935,0
+klickitat,702,3
+marstons,585,18
+lakeville,903,3
+ranchester,1504,0
+klickitat,1037,8
+marstons,1256,2
+woodbine,1345,2
+pomaria,380,2
+coffeen,536,2
+woodbine,114,6
+hanson,378,6
+pomaria,458,2
+merom,924,7
+benevolence,633,5
+klickitat,1048,0
+newfields,718,4
+shelbyville,2,11
+benevolence,618,1
+mifflinburg,771,0
+leonardo,968,1
+woodbine,1217,2
+pomaria,574,10
+marstons,1279,1
+woodbine,1128,4
+tolstoy,394,0
+tolstoy,1780,0
+tolstoy,1356,7
+ranchester,934,1
+woodbine,515,7
+marstons,2399,2
+merom,43,2
+pinesdale,36,5
+stockman,157,2
+marstons,730,1
+hanson,649,2
+lakeville,854,4
+tolstoy,1389,4
+pomaria,476,5
+lindenwood,2070,5
+woodbine,1336,2
+stockman,1197,3
+tolstoy,86,5
+woodbine,171,14
+leonardo,987,4
+woodbine,1800,0
+forkland,956,7
+stockman,439,7
+ranchester,1347,1
+hanson,1546,2
+hiteman,1709,3
+cosmos,567,6
+hanson,779,11
+pomaria,1032,4
+leonardo,190,1
+klickitat,1686,9
+beechwood,464,7
+newfields,1036,0
+hiteman,628,2
+pomaria,743,6
+tolstoy,981,7
+shelbyville,2519,2
+woodbine,559,3
+woodbine,982,3
+allensville,368,4
+wainscott,550,3
+shelbyville,829,1
+onaga,596,6
+leonardo,1213,16
+woodbine,673,4
+klickitat,32,2
+leonardo,445,3
+hanson,1390,2
+lakeville,1851,4
+marstons,2298,2
+forkland,285,0
+woodbine,692,7
+shelbyville,1441,2
+lakeville,406,5
+lindenwood,10,4
+lakeville,1642,7
+onaga,37,0
+marstons,981,2
+hanson,1553,12
+lindenwood,1478,0
+shelbyville,2629,1
+marstons,2081,3
+lakeville,1231,9
+klickitat,1881,10
+woodbine,751,1
+forkland,475,0
+hiteman,1431,1
+klickitat,1987,1
+stockman,1202,0
+lindenwood,235,1
+shelbyville,2405,14
+tolstoy,1509,1
+lindenwood,1459,2
+cosmos,240,3
+wainscott,298,1
+hanson,1058,6
+shelbyville,2658,2
+woodbine,909,0
+merom,283,0
+wainscott,1583,10
+leonardo,1282,1
+benevolence,192,5
+ranchester,1162,8
+newfields,514,1
+beechwood,977,3
+tolstoy,886,8
+lindenwood,1171,1
+stockman,1510,2
+shelbyville,1225,3
+lakeville,1619,7
+pomaria,615,2
+leonardo,449,6
+pomaria,1511,2
+stockman,205,5
+pomaria,494,1
+klickitat,2105,5
+woodbine,890,1
+shelbyville,879,5
+wainscott,989,3
+hanson,1245,1
+woodbine,100,5
+beechwood,955,0
+hanson,694,3
+newfields,1159,6
+leonardo,269,0
+forkland,866,2
+wainscott,1599,8
+tolstoy,1693,14
+lakeville,1508,1
+coffeen,736,1
+ranchester,1139,2
+leonardo,657,3
+wainscott,851,8
+pomaria,1398,3
+shelbyville,64,0
+leonardo,1522,9
+leonardo,1708,2
+tolstoy,420,11
+shelbyville,1402,7
+shelbyville,2478,1
+pinesdale,1487,7
+shelbyville,2309,9
+beechwood,662,5
+hanson,26,1
+newfields,1622,3
+pomaria,1145,1
+marstons,1105,1
+leonardo,1071,0
+leonardo,596,3
+hanson,694,7
+woodbine,1444,1
+wainscott,1605,7
+pomaria,1340,0
+lindenwood,525,1
+lindenwood,2077,5
+lindenwood,1205,0
+wainscott,901,10
+woodbine,617,6
+lindenwood,145,10
+wainscott,972,10
+pomaria,90,2
+stockman,1039,3
+ranchester,539,2
+lakeville,1897,0
+wainscott,433,7
+shelbyville,2230,6
+shelbyville,1105,10
+merom,979,1
+lindenwood,1186,1
+marstons,1840,6
+cosmos,730,5
+lindenwood,1342,7
+marstons,2113,11
+marstons,1105,0
+shelbyville,11,3
+cosmos,698,6
+cosmos,357,5
+lakeville,988,1
+tolstoy,689,5
+ranchester,415,4
+marstons,207,0
+newfields,1055,2
+pinesdale,86,2
+shelbyville,1651,6
+allensville,295,1
+lindenwood,372,5
+beechwood,380,3
+stockman,725,0
+coffeen,1226,0
+tolstoy,347,9
+pomaria,914,0
+lindenwood,437,2
+marstons,2075,2
+klickitat,2394,0
+hanson,1130,7
+klickitat,603,2
+tolstoy,253,2
+leonardo,1768,0
+marstons,1574,6
+lindenwood,1936,3
+pinesdale,1004,3
+onaga,622,0
+tolstoy,1207,2
+marstons,1163,1
+tolstoy,190,0
+shelbyville,1804,6
+hanson,623,8
+pomaria,228,3
+tolstoy,1491,2
+marstons,1707,14
+newfields,1377,4
+pinesdale,578,6
+pomaria,413,3
+marstons,1333,2
+pomaria,1655,3
+marstons,1059,2
+lakeville,1573,0
+cosmos,24,1
+coffeen,715,2
+wainscott,70,5
+pinesdale,760,5
+merom,1071,0
+woodbine,1021,4
+onaga,48,1
+leonardo,1214,9
+lindenwood,1685,1
+hanson,1467,4
+marstons,1186,6
+tolstoy,1384,2
+cosmos,826,3
+coffeen,1168,1
+lakeville,73,5
+leonardo,1335,2
+marstons,156,0
+pomaria,1015,2
+wainscott,80,1
+newfields,472,8
+shelbyville,1719,4
+forkland,724,0
+tolstoy,772,8
+tolstoy,1781,11
+leonardo,1931,3
+klickitat,1976,0
+newfields,917,5
+hanson,566,3
+klickitat,252,5
+stockman,84,4
+lindenwood,640,0
+lindenwood,2216,0
+tolstoy,116,12
+mifflinburg,965,1
+newfields,865,0
+klickitat,1914,17
+lindenwood,22,3
+lindenwood,1972,9
+klickitat,2104,3
+beechwood,1056,1
+pomaria,1188,1
+newfields,1553,0
+ranchester,1414,12
+forkland,288,2
+klickitat,56,4
+leonardo,1068,1
+lindenwood,2415,2
+wainscott,1411,4
+coffeen,595,6
+hiteman,1769,3
+forkland,352,1
+ranchester,1244,0
+leonardo,1312,5
+lindenwood,51,2
+shelbyville,572,7
+leonardo,1876,1
+newfields,696,11
+stockman,1115,1
+marstons,2378,7
+lakeville,1499,10
+stockman,1326,7
+lakeville,1817,3
+cosmos,1053,0
+lindenwood,1242,5
+shelbyville,1880,9
+forkland,1024,8
+marstons,416,8
+wainscott,351,6
+klickitat,1851,4
+wainscott,569,12
+lindenwood,881,2
+marstons,1158,4
+tolstoy,753,2
+leonardo,1993,0
+klickitat,904,6
+lindenwood,2460,1
+woodbine,1729,3
+wainscott,1065,6
+stockman,1089,3
+hanson,867,3
+hanson,67,2
+marstons,2391,5
+ranchester,1591,4
+pinesdale,726,1
+woodbine,758,7
+ranchester,542,1
+shelbyville,2127,1
+woodbine,1370,3
+hiteman,431,0
+marstons,1237,6
+mifflinburg,43,0
+benevolence,230,4
+marstons,962,0
+shelbyville,1663,6
+klickitat,220,6
+shelbyville,2352,2
+pinesdale,912,0
+wainscott,1748,4
+forkland,1042,0
+marstons,1496,5
+pinesdale,814,5
+lindenwood,429,5
+newfields,439,2
+wainscott,1089,8
+wainscott,100,2
+pomaria,474,10
+leonardo,243,4
+pomaria,1618,2
+marstons,348,6
+pomaria,388,1
+leonardo,447,11
+hanson,1346,11
+newfields,957,0
+hanson,1552,4
+wainscott,303,2
+mifflinburg,740,7
+beechwood,186,0
+lakeville,325,2
+ranchester,159,8
+coffeen,1091,6
+pomaria,849,2
+stockman,1318,0
+lakeville,1471,9
+woodbine,1121,5
+wainscott,52,1
+klickitat,881,9
+cosmos,682,4
+ranchester,484,5
+klickitat,1736,5
+leonardo,93,5
+newfields,635,3
+forkland,219,1
+lindenwood,2476,11
+stockman,1595,0
+forkland,1097,8
+marstons,2553,2
+beechwood,366,1
+hanson,933,0
+pinesdale,603,6
+woodbine,1361,5
+tolstoy,332,12
+klickitat,297,2
+ranchester,1053,1
+shelbyville,465,3
+tolstoy,887,0
+klickitat,605,4
+hanson,423,1
+klickitat,934,3
+marstons,2337,5
+newfields,523,5
+hanson,1306,8
+leonardo,1928,17
+newfields,456,12
+beechwood,736,0
+forkland,38,1
+hanson,1573,8
+beechwood,1055,9
+wainscott,4,13
+hiteman,108,0
+tolstoy,1035,2
+beechwood,351,1
+marstons,2118,5
+woodbine,1765,5
+leonardo,1554,3
+shelbyville,2379,4
+pomaria,50,5
+leonardo,788,8
+newfields,1064,0
+forkland,336,2
+ranchester,1066,3
+pinesdale,925,4
+marstons,1434,7
+shelbyville,2726,3
+shelbyville,1015,5
+beechwood,1017,2
+wainscott,104,8
+pinesdale,1027,4
+benevolence,637,3
+woodbine,1568,4
+shelbyville,1483,2
+hanson,697,5
+forkland,1020,2
+shelbyville,894,2
+marstons,730,0
+shelbyville,1221,9
+shelbyville,649,3
+ranchester,1617,5
+forkland,1101,0
+pinesdale,1257,3
+marstons,2444,16
+shelbyville,1243,2
+tolstoy,734,2
+forkland,884,3
+shelbyville,370,2
+lakeville,529,3
+tolstoy,623,2
+lakeville,841,0
+hanson,291,5
+woodbine,1590,6
+klickitat,2118,2
+stockman,187,4
+pomaria,743,2
+tolstoy,1766,7
+woodbine,2028,8
+hanson,1226,17
+pomaria,779,3
+lindenwood,44,2
+leonardo,1536,4
+woodbine,952,5
+lindenwood,1389,0
+onaga,265,3
+hiteman,634,1
+newfields,1597,16
+forkland,916,4
+marstons,1035,3
+forkland,300,3
+marstons,601,3
+lakeville,1420,6
+benevolence,69,2
+cosmos,717,14
+shelbyville,1876,5
+coffeen,522,3
+marstons,192,6
+mifflinburg,89,0
+pomaria,90,11
+shelbyville,182,4
+pinesdale,823,1
+wainscott,1224,2
+beechwood,901,8
+woodbine,1782,11
+hiteman,1468,9
+lakeville,146,3
+pinesdale,1012,0
+stockman,1429,1
+woodbine,1976,3
+marstons,561,2
+lindenwood,2414,5
+onaga,662,8
+wainscott,638,1
+stockman,1025,3
+hanson,619,2
+klickitat,305,11
+wainscott,298,7
+hanson,1594,3
+klickitat,2373,8
+marstons,913,0
+pomaria,1608,0
+marstons,489,2
+wainscott,1486,3
+wainscott,676,4
+lakeville,1403,4
+pinesdale,624,0
+lindenwood,1058,8
+ranchester,251,4
+merom,1000,0
+lindenwood,1772,1
+hanson,490,10
+lindenwood,903,3
+onaga,177,2
+benevolence,929,0
+tolstoy,846,5
+marstons,1995,5
+marstons,1357,5
+lakeville,487,1
+hiteman,271,3
+cosmos,384,7
+leonardo,2039,4
+stockman,740,0
+allensville,276,0
+lindenwood,619,4
+marstons,1107,2
+shelbyville,749,9
+leonardo,817,6
+tolstoy,1426,5
+shelbyville,1145,0
+pomaria,174,3
+lindenwood,1950,1
+woodbine,226,2
+shelbyville,373,1
+hiteman,1752,0
+pinesdale,790,3
+mifflinburg,654,6
+onaga,165,1
+tolstoy,1660,8
+lindenwood,1877,0
+klickitat,386,4
+coffeen,967,1
+hiteman,697,5
+hiteman,194,2
+shelbyville,2450,5
+stockman,311,4
+coffeen,302,1
+pinesdale,950,4
+ranchester,860,5
+newfields,1199,5
+coffeen,636,3
+leonardo,160,10
+marstons,1239,9
+cosmos,1043,0
+shelbyville,729,5
+beechwood,410,7
+beechwood,173,3
+forkland,113,2
+pinesdale,519,6
+lakeville,1765,1
+leonardo,1583,3
+stockman,143,7
+woodbine,1208,7
+pinesdale,320,2
+woodbine,11,3
+cosmos,662,10
+coffeen,955,5
+woodbine,1821,6
+klickitat,148,3
+cosmos,419,12
+newfields,368,0
+shelbyville,1848,0
+newfields,581,5
+klickitat,1918,2
+forkland,842,3
+pinesdale,1224,1
+marstons,2439,5
+pinesdale,1128,6
+hanson,1023,0
+marstons,2270,6
+pinesdale,672,4
+shelbyville,2401,0
+shelbyville,1457,3
+lakeville,1614,11
+newfields,505,4
+hanson,1186,1
+lakeville,1572,10
+lindenwood,2361,3
+stockman,1403,5
+klickitat,115,3
+hiteman,1205,0
+hanson,752,7
+wainscott,72,6
+leonardo,1762,0
+stockman,707,1
+tolstoy,1064,0
+lakeville,1420,9
+allensville,345,1
+woodbine,1126,0
+lakeville,98,12
+hanson,1462,6
+lindenwood,940,1
+cosmos,869,4
+lakeville,805,1
+hiteman,93,2
+newfields,1600,0
+leonardo,447,19
+klickitat,1779,5
+coffeen,1134,0
+wainscott,668,0
+newfields,1146,3
+cosmos,640,4
+lakeville,549,8
+beechwood,1151,10
+cosmos,952,2
+ranchester,701,3
+shelbyville,1249,8
+tolstoy,1804,5
+lindenwood,85,11
+coffeen,1253,3
+marstons,587,5
+forkland,337,1
+lindenwood,1448,2
+stockman,1471,3
+pinesdale,15,2
+lakeville,623,5
+pinesdale,496,0
+klickitat,329,1
+shelbyville,336,12
+shelbyville,2342,7
+tolstoy,434,1
+ranchester,135,2
+marstons,2141,6
+klickitat,988,6
+coffeen,1025,3
+klickitat,2207,4
+merom,355,3
+klickitat,787,16
+lindenwood,1505,1
+lindenwood,1423,0
+lindenwood,1854,1
+hanson,898,5
+stockman,1133,1
+leonardo,989,0
+hanson,563,9
+pinesdale,836,4
+hiteman,1034,2
+marstons,1164,15
+wainscott,1598,5
+hanson,528,6
+coffeen,1140,6
+shelbyville,301,0
+marstons,1182,4
+tolstoy,1158,6
+marstons,489,7
+klickitat,828,4
+lindenwood,1936,0
+cosmos,366,0
+shelbyville,2761,14
+newfields,1355,1
+hiteman,19,5
+lakeville,394,3
+woodbine,425,4
+marstons,1564,2
+hanson,1639,1
+lindenwood,1709,6
+stockman,1094,4
+merom,377,4
+lindenwood,2539,3
+shelbyville,1019,6
+ranchester,408,0
+leonardo,623,2
+pinesdale,1159,4
+shelbyville,2405,10
+leonardo,992,11
+marstons,2237,1
+lindenwood,685,9
+hanson,582,1
+pinesdale,1002,3
+shelbyville,1004,7
+tolstoy,519,6
+newfields,1153,2
+ranchester,1104,3
+newfields,472,11
+woodbine,770,12
+klickitat,2406,0
+forkland,55,5
+pomaria,363,2
+lakeville,1381,6
+leonardo,750,2
+shelbyville,2653,5
+marstons,2530,9
+cosmos,1037,0
+woodbine,1807,8
+shelbyville,2603,0
+leonardo,1380,0
+woodbine,527,9
+marstons,183,1
+hanson,504,0
+tolstoy,1126,3
+wainscott,1140,2
+allensville,75,2
+cosmos,264,1
+coffeen,1020,2
+benevolence,821,0
+lindenwood,2581,2
+shelbyville,152,1
+marstons,243,6
+woodbine,428,6
+ranchester,498,9
+marstons,608,4
+pomaria,318,0
+ranchester,922,6
+tolstoy,415,0
+coffeen,170,2
+wainscott,855,5
+klickitat,1159,9
+wainscott,1118,8
+lakeville,505,3
+wainscott,656,2
+marstons,33,19
+wainscott,6,5
+hiteman,907,3
+benevolence,728,2
+klickitat,2009,2
+onaga,474,1
+marstons,1670,0
+coffeen,506,1
+allensville,318,6
+klickitat,2326,6
+ranchester,910,1
+wainscott,307,4
+hiteman,939,10
+lakeville,1662,0
+lindenwood,1793,4
+lindenwood,1576,7
+lakeville,1566,1
+merom,316,3
+klickitat,271,6
+lindenwood,591,6
+shelbyville,597,8
+woodbine,1610,8
+klickitat,1303,5
+pinesdale,460,4
+ranchester,1432,1
+pinesdale,142,1
+allensville,483,1
+newfields,902,0
+leonardo,1580,5
+leonardo,1935,17
+wainscott,1296,3
+newfields,1547,5
+wainscott,550,0
+leonardo,1610,4
+hiteman,1787,0
+newfields,542,0
+hiteman,994,9
+merom,799,8
+marstons,2047,11
+marstons,45,8
+forkland,131,2
+tolstoy,95,0
+forkland,492,2
+marstons,1663,2
+leonardo,854,8
+lindenwood,1778,8
+lindenwood,2523,8
+lindenwood,1335,3
+shelbyville,2183,0
+lakeville,1675,0
+stockman,94,2
+marstons,1518,16
+lindenwood,1241,15
+ranchester,1037,2
+shelbyville,1635,3
+leonardo,2105,2
+ranchester,1472,5
+newfields,6,2
+tolstoy,1300,3
+hiteman,1295,5
+shelbyville,2099,3
+coffeen,810,4
+forkland,914,1
+merom,756,8
+newfields,130,6
+wainscott,417,4
+marstons,202,7
+pomaria,879,2
+stockman,1575,1
+forkland,392,0
+marstons,2612,5
+hanson,1029,7
+pomaria,1225,0
+marstons,2249,0
+tolstoy,862,4
+marstons,1751,1
+woodbine,1192,2
+shelbyville,1121,2
+stockman,1105,1
+tolstoy,855,2
+leonardo,1139,8
+beechwood,221,1
+ranchester,155,3
+beechwood,462,0
+klickitat,1069,6
+merom,104,6
+beechwood,578,10
+marstons,2420,0
+lindenwood,1398,2
+lakeville,422,2
+lindenwood,1315,1
+shelbyville,643,1
+lakeville,1505,6
+lindenwood,1203,2
+hiteman,801,4
+beechwood,772,2
+forkland,1174,5
+pinesdale,480,3
+coffeen,1206,1
+coffeen,376,4
+hanson,662,1
+lindenwood,1926,2
+shelbyville,1704,4
+lakeville,786,8
+shelbyville,2666,3
+hanson,1625,10
+shelbyville,1971,6
+tolstoy,1030,4
+klickitat,258,1
+marstons,1229,1
+lakeville,1061,5
+lindenwood,2381,7
+hiteman,446,9
+wainscott,1089,1
+allensville,9,0
+newfields,972,5
+pinesdale,667,0
+hanson,338,3
+wainscott,1238,0
+klickitat,1740,2
+lakeville,1505,16
+woodbine,1684,13
+klickitat,1740,11
+marstons,476,0
+leonardo,1255,6
+woodbine,1614,3
+woodbine,1712,1
+cosmos,1012,2
+lindenwood,1425,16
+marstons,282,0
+lindenwood,179,0
+marstons,1778,0
+lakeville,1217,3
+ranchester,69,0
+allensville,446,0
+lindenwood,271,0
+onaga,642,1
+lindenwood,677,9
+stockman,1407,3
+pomaria,677,2
+tolstoy,1593,5
+lindenwood,1735,6
+tolstoy,401,3
+tolstoy,662,3
+hanson,806,11
+hiteman,578,3
+benevolence,589,1
+newfields,1027,16
+tolstoy,649,6
+shelbyville,918,4
+marstons,883,6
+leonardo,1370,3
+klickitat,1847,1
+beechwood,990,1
+cosmos,918,0
+tolstoy,986,6
+shelbyville,2446,2
+leonardo,399,5
+marstons,11,4
+shelbyville,1745,3
+woodbine,1199,2
+lakeville,96,4
+lakeville,1320,11
+wainscott,168,6
+leonardo,2050,2
+newfields,688,3
+shelbyville,2030,0
+klickitat,1489,1
+marstons,1518,19
+lakeville,126,2
+pinesdale,36,4
+stockman,454,2
+wainscott,779,9
+leonardo,446,1
+lakeville,1361,1
+wainscott,627,2
+marstons,1,5
+klickitat,562,5
+pinesdale,38,3
+marstons,769,2
+marstons,921,5
+stockman,231,1
+hanson,1597,1
+stockman,36,6
+lakeville,20,7
+leonardo,481,1
+leonardo,480,7
+shelbyville,122,8
+wainscott,182,3
+pomaria,1251,4
+lindenwood,1431,3
+tolstoy,366,2
+klickitat,790,2
+ranchester,1260,8
+pinesdale,342,4
+marstons,2546,0
+klickitat,1257,8
+pinesdale,1141,6
+hiteman,446,21
+ranchester,269,9
+mifflinburg,444,2
+tolstoy,324,4
+cosmos,242,5
+hanson,1417,2
+tolstoy,1568,4
+klickitat,1609,6
+leonardo,1002,0
+pinesdale,661,4
+woodbine,1142,5
+cosmos,649,5
+pomaria,498,0
+wainscott,1156,12
+ranchester,24,12
+klickitat,54,6
+hiteman,860,6
+forkland,115,1
+tolstoy,484,1
+lindenwood,2039,4
+wainscott,239,2
+cosmos,608,3
+wainscott,1313,1
+tolstoy,754,5
+onaga,12,2
+ranchester,479,1
+pomaria,271,0
+merom,804,0
+pinesdale,1010,0
+wainscott,705,1
+hanson,6,9
+hiteman,687,0
+stockman,1308,7
+shelbyville,31,2
+coffeen,101,5
+newfields,104,4
+lindenwood,1582,5
+hiteman,1298,0
+shelbyville,2656,2
+hanson,376,1
+hanson,668,0
+leonardo,553,6
+hanson,193,6
+wainscott,941,2
+shelbyville,1159,1
+forkland,394,0
+pinesdale,73,4
+shelbyville,2725,4
+forkland,54,6
+lakeville,561,12
+benevolence,282,3
+shelbyville,2161,3
+klickitat,1589,4
+coffeen,1272,3
+pomaria,1516,7
+lakeville,598,4
+wainscott,1091,3
+pinesdale,211,1
+forkland,681,2
+hiteman,899,0
+pomaria,21,7
+mifflinburg,958,1
+coffeen,361,3
+onaga,647,1
+klickitat,185,2
+shelbyville,2239,10
+pinesdale,1162,3
+hanson,591,2
+coffeen,393,1
+klickitat,2124,2
+marstons,1521,7
+hiteman,242,0
+newfields,957,3
+woodbine,1956,4
+coffeen,1141,4
+marstons,2488,9
+woodbine,871,4
+lindenwood,1768,5
+wainscott,1744,0
+shelbyville,47,12
+pinesdale,599,6
+leonardo,157,4
+tolstoy,21,6
+lakeville,1813,0
+lakeville,1852,4
+pomaria,511,9
+marstons,2177,1
+wainscott,999,0
+lakeville,518,0
+wainscott,1455,10
+mifflinburg,896,0
+woodbine,1319,11
+beechwood,179,8
+lakeville,1800,2
+tolstoy,1203,5
+pomaria,1093,8
+pinesdale,164,3
+tolstoy,791,3
+tolstoy,945,0
+newfields,360,15
+pinesdale,434,1
+shelbyville,1827,3
+lakeville,1389,19
+benevolence,927,2
+pinesdale,206,5
+pomaria,476,2
+coffeen,1503,0
+shelbyville,672,0
+wainscott,1692,6
+ranchester,1216,3
+pinesdale,324,3
+lakeville,1847,2
+shelbyville,17,2
+ranchester,1133,1
+forkland,589,3
+cosmos,1048,2
+lakeville,1313,4
+tolstoy,1446,3
+ranchester,372,11
+marstons,2434,5
+benevolence,632,11
+pomaria,1179,17
+klickitat,2123,13
+wainscott,789,6
+stockman,582,6
+lakeville,470,2
+onaga,32,1
+wainscott,878,9
+woodbine,447,2
+leonardo,28,1
+shelbyville,158,2
+leonardo,1617,9
+pomaria,123,6
+shelbyville,592,1
+benevolence,734,1
+hanson,69,0
+lindenwood,253,6
+ranchester,109,11
+beechwood,1071,7
+marstons,1866,1
+hiteman,576,0
+beechwood,1091,4
+lindenwood,1414,0
+pomaria,1253,8
+klickitat,779,14
+marstons,682,0
+woodbine,728,4
+hiteman,998,0
+pinesdale,686,2
+leonardo,359,3
+klickitat,35,6
+leonardo,1609,1
+shelbyville,2117,1
+forkland,899,0
+lindenwood,1517,1
+lakeville,1343,5
+klickitat,1502,6
+beechwood,711,5
+merom,831,3
+klickitat,1127,2
+shelbyville,2169,3
+klickitat,170,6
+tolstoy,373,5
+beechwood,806,5
+marstons,1171,2
+newfields,1008,1
+onaga,428,1
+pinesdale,1428,1
+hiteman,952,9
+lindenwood,1852,4
+ranchester,726,3
+mifflinburg,163,2
+marstons,193,4
+hiteman,1394,1
+newfields,322,7
+lakeville,943,1
+lakeville,487,6
+klickitat,2177,4
+shelbyville,716,0
+klickitat,1398,12
+newfields,577,15
+hanson,1358,6
+benevolence,112,2
+pinesdale,284,4
+coffeen,63,1
+pomaria,1045,11
+lakeville,438,10
+hanson,705,6
+lindenwood,1726,0
+cosmos,353,2
+marstons,1175,7
+lindenwood,2073,2
+lindenwood,1374,0
+hiteman,516,3
+ranchester,912,1
+newfields,331,14
+pinesdale,921,0
+pomaria,1636,4
+beechwood,727,0
+stockman,558,0
+marstons,1493,5
+hiteman,1121,1
+forkland,1022,1
+hanson,1205,7
+tolstoy,787,7
+ranchester,294,4
+shelbyville,2478,14
+shelbyville,2707,2
+pomaria,1069,1
+ranchester,289,8
+pinesdale,284,5
+leonardo,1900,6
+benevolence,869,13
+tolstoy,643,2
+merom,599,0
+benevolence,796,1
+lakeville,1595,4
+leonardo,1459,10
+forkland,1141,7
+wainscott,1178,4
+coffeen,747,5
+stockman,1036,5
+lindenwood,1590,5
+lakeville,833,1
+coffeen,1462,0
+klickitat,1435,6
+newfields,1389,8
+stockman,880,7
+hanson,1012,14
+newfields,1449,11
+leonardo,936,1
+shelbyville,1317,11
+leonardo,1049,1
+cosmos,483,0
+hiteman,849,4
+ranchester,1558,8
+marstons,1670,5
+marstons,1808,11
+lindenwood,1295,1
+leonardo,1209,10
+lindenwood,1218,0
+shelbyville,50,8
+ranchester,216,16
+newfields,1369,1
+leonardo,1629,1
+lindenwood,2086,8
+lindenwood,1291,0
+coffeen,276,1
+klickitat,1026,3
+woodbine,1198,8
+shelbyville,2682,16
+pinesdale,686,9
+newfields,390,1
+hiteman,619,3
+marstons,51,0
+klickitat,966,3
+mifflinburg,529,2
+lakeville,132,0
+marstons,2158,2
+klickitat,1470,9
+pomaria,428,1
+ranchester,574,3
+lakeville,1338,0
+woodbine,1680,1
+lindenwood,363,0
+woodbine,1435,7
+mifflinburg,955,3
+mifflinburg,722,9
+pomaria,290,2
+mifflinburg,970,0
+marstons,1479,2
+onaga,39,2
+cosmos,973,0
+pinesdale,1321,8
+forkland,101,1
+woodbine,10,6
+hanson,205,0
+allensville,286,3
+hiteman,396,2
+shelbyville,2458,6
+woodbine,586,1
+hanson,666,0
+pinesdale,981,7
+merom,962,3
+shelbyville,545,1
+marstons,2251,0
+stockman,747,10
+pomaria,373,2
+wainscott,1360,0
+woodbine,1400,1
+marstons,2515,8
+marstons,1417,1
+lindenwood,2166,4
+cosmos,778,0
+hanson,1441,11
+ranchester,480,1
+ranchester,242,7
+marstons,1588,3
+newfields,417,3
+hanson,786,9
+lindenwood,2109,4
+shelbyville,501,12
+lindenwood,2587,6
+hiteman,111,3
+woodbine,86,5
+newfields,1221,18
+beechwood,333,4
+lindenwood,2143,3
+hiteman,746,2
+pomaria,1257,1
+woodbine,544,7
+pinesdale,166,1
+leonardo,1917,0
+lindenwood,1599,3
+wainscott,123,3
+wainscott,274,8
+newfields,630,7
+marstons,968,2
+lindenwood,1683,4
+wainscott,287,0
+ranchester,985,2
+woodbine,1457,2
+newfields,1228,5
+stockman,686,4
+benevolence,795,0
+pomaria,1544,6
+coffeen,178,0
+newfields,665,6
+hanson,1517,2
+stockman,1074,6
+forkland,544,0
+klickitat,127,0
+coffeen,804,6
+leonardo,18,5
+lakeville,1419,13
+hanson,282,0
+shelbyville,1526,6
+woodbine,760,3
+newfields,545,17
+marstons,677,3
+leonardo,931,4
+onaga,426,9
+klickitat,2382,4
+cosmos,985,1
+hanson,268,2
+merom,352,2
+hiteman,854,3
+klickitat,1484,5
+coffeen,0,3
+wainscott,831,9
+lindenwood,667,0
+hiteman,339,4
+stockman,1499,3
+newfields,126,0
+ranchester,1596,7
+ranchester,799,0
+woodbine,138,14
+marstons,2222,3
+klickitat,1449,1
+hiteman,861,3
+woodbine,761,6
+leonardo,1498,2
+klickitat,2260,0
+klickitat,1433,0
+klickitat,828,0
+shelbyville,80,11
+stockman,378,0
+hanson,1345,4
+cosmos,432,1
+hanson,1597,9
+klickitat,2221,4
+shelbyville,1333,5
+shelbyville,462,0
+onaga,273,0
+tolstoy,1276,10
+allensville,0,0
+shelbyville,1363,15
+pomaria,263,10
+marstons,702,6
+mifflinburg,40,5
+hanson,915,0
+merom,550,0
+wainscott,1204,1
+hiteman,1482,3
+lakeville,668,1
+wainscott,1344,1
+pinesdale,519,2
+wainscott,162,4
+pomaria,660,5
+wainscott,786,1
+newfields,1209,0
+ranchester,152,1
+klickitat,952,8
+ranchester,1198,1
+lindenwood,1329,9
+woodbine,551,0
+cosmos,467,5
+lindenwood,1909,5
+lakeville,427,3
+shelbyville,341,0
+pomaria,1301,0
+shelbyville,699,4
+cosmos,797,4
+lakeville,417,1
+leonardo,281,6
+pinesdale,1047,4
+klickitat,3,9
+shelbyville,906,7
+shelbyville,520,13
+shelbyville,1073,3
+hiteman,116,3
+hiteman,1154,0
+forkland,1018,1
+pomaria,1375,8
+klickitat,2222,10
+ranchester,1472,0
+hiteman,533,1
+hiteman,1240,12
+newfields,663,10
+shelbyville,2171,0
+leonardo,1229,9
+shelbyville,1115,4
+shelbyville,621,6
+hanson,401,5
+allensville,74,6
+mifflinburg,359,0
+woodbine,916,11
+shelbyville,247,1
+stockman,1246,2
+pomaria,300,0
+ranchester,1259,2
+marstons,2212,1
+lakeville,367,1
+forkland,140,2
+shelbyville,2615,0
+leonardo,1953,0
+tolstoy,1323,6
+lindenwood,1149,3
+shelbyville,1326,0
+leonardo,124,2
+klickitat,390,14
+pinesdale,1154,0
+stockman,946,0
+lindenwood,629,1
+wainscott,68,9
+tolstoy,728,4
+onaga,564,1
+lakeville,1357,4
+newfields,54,5
+pomaria,1142,4
+lindenwood,1981,1
+klickitat,1474,5
+woodbine,1559,3
+ranchester,12,1
+klickitat,2325,9
+ranchester,1255,1
+shelbyville,1022,2
+pinesdale,518,4
+merom,537,1
+merom,359,3
+stockman,46,3
+cosmos,644,1
+ranchester,1235,3
+woodbine,1599,8
+hiteman,1638,0
+shelbyville,196,3
+lakeville,1800,3
+allensville,266,7
+newfields,1533,2
+wainscott,638,2
+woodbine,1968,1
+forkland,1114,6
+lindenwood,322,4
+hiteman,711,5
+cosmos,492,0
+shelbyville,2218,13
+coffeen,914,3
+klickitat,2154,8
+pinesdale,794,1
+hanson,1565,0
+pomaria,171,4
+coffeen,696,5
+marstons,1187,3
+wainscott,1489,4
+stockman,1497,3
+woodbine,1875,3
+hanson,1388,4
+newfields,607,4
+lindenwood,2158,0
+hiteman,1652,3
+benevolence,170,1
+lindenwood,1972,10
+woodbine,1595,11
+leonardo,774,5
+hanson,716,3
+woodbine,978,5
+coffeen,406,1
+lakeville,1734,12
+pinesdale,1346,6
+shelbyville,1099,0
+shelbyville,1872,11
+tolstoy,410,9
+leonardo,1732,6
+lakeville,16,1
+hanson,963,7
+coffeen,1425,3
+lakeville,70,2
+woodbine,410,3
+hanson,659,14
+ranchester,1416,3
+pomaria,400,0
+hiteman,756,0
+pomaria,1473,1
+tolstoy,429,5
+lindenwood,724,0
+beechwood,976,1
+lindenwood,1426,2
+allensville,323,12
+woodbine,750,4
+tolstoy,1494,1
+stockman,1308,1
+hiteman,1204,1
+lindenwood,1684,2
+onaga,441,9
+ranchester,1169,0
+leonardo,1803,0
+hanson,1507,6
+benevolence,853,1
+klickitat,153,0
+shelbyville,100,2
+pomaria,1179,0
+tolstoy,1812,3
+shelbyville,1267,1
+hanson,1573,9
+woodbine,1334,0
+marstons,1390,6
+klickitat,1278,8
+hanson,5,9
+lindenwood,1763,4
+marstons,1229,3
+tolstoy,131,1
+hiteman,1078,7
+lakeville,175,7
+tolstoy,1250,3
+lakeville,930,1
+beechwood,478,6
+hanson,1458,0
+forkland,511,7
+pomaria,1444,1
+shelbyville,1446,5
+leonardo,1944,0
+marstons,2207,8
+ranchester,420,9
+benevolence,215,0
+wainscott,1317,2
+hiteman,348,2
+leonardo,897,10
+leonardo,295,2
+merom,249,5
+shelbyville,559,2
+hiteman,243,1
+shelbyville,2646,9
+tolstoy,866,3
+lakeville,240,3
+wainscott,1041,6
+lakeville,348,11
+tolstoy,311,2
+newfields,1267,4
+newfields,763,8
+cosmos,501,2
+woodbine,183,4
+tolstoy,630,9
+shelbyville,49,3
+pomaria,1019,1
+shelbyville,672,1
+tolstoy,294,3
+klickitat,1849,14
+marstons,858,5
+marstons,1263,0
+pomaria,898,8
+beechwood,726,0
+merom,378,3
+cosmos,732,2
+lakeville,1577,6
+leonardo,2082,2
+lakeville,1863,1
+marstons,2363,12
+klickitat,2144,1
+klickitat,719,2
+newfields,746,3
+woodbine,1026,2
+mifflinburg,67,1
+woodbine,1601,3
+wainscott,69,9
+coffeen,106,2
+lindenwood,25,3
+merom,554,8
+shelbyville,1250,0
+hiteman,198,14
+lindenwood,845,6
+klickitat,2351,5
+lakeville,42,0
+hanson,82,7
+klickitat,1292,1
+newfields,356,2
+beechwood,594,6
+woodbine,1054,10
+lakeville,998,5
+ranchester,234,4
+hiteman,64,0
+klickitat,696,8
+beechwood,273,0
+klickitat,1429,1
+lakeville,957,4
+lindenwood,1104,2
+wainscott,265,0
+ranchester,597,2
+coffeen,389,0
+newfields,849,0
+stockman,1283,4
+tolstoy,1660,3
+mifflinburg,891,1
+leonardo,790,0
+hanson,1495,18
+wainscott,1306,6
+wainscott,1229,2
+shelbyville,1277,2
+wainscott,505,2
+allensville,479,1
+mifflinburg,806,3
+lindenwood,2032,10
+ranchester,983,5
+beechwood,938,4
+onaga,369,3
+lakeville,658,5
+tolstoy,1130,12
+shelbyville,1939,9
+newfields,237,3
+newfields,1546,2
+shelbyville,1734,2
+lindenwood,2513,6
+klickitat,2303,1
+lindenwood,1436,3
+tolstoy,1366,8
+marstons,1052,5
+ranchester,683,2
+woodbine,1796,19
+hiteman,1044,0
+ranchester,1257,2
+klickitat,2258,1
+newfields,1587,0
+newfields,1046,2
+lakeville,1219,4
+merom,5,2
+pomaria,819,6
+beechwood,648,0
+pinesdale,129,2
+coffeen,831,7
+cosmos,143,3
+newfields,1174,5
+woodbine,1092,4
+stockman,841,1
+marstons,293,0
+stockman,68,2
+beechwood,1168,0
+woodbine,1056,0
+woodbine,1442,8
+woodbine,11,5
+cosmos,417,2
+lindenwood,2225,2
+mifflinburg,132,1
+lakeville,1806,9
+newfields,151,7
+woodbine,165,3
+lindenwood,2019,8
+woodbine,705,5
+klickitat,1076,3
+coffeen,941,0
+wainscott,1679,3
+coffeen,805,4
+beechwood,790,1
+shelbyville,1318,11
+klickitat,2079,7
+pomaria,700,5
+marstons,2309,4
+onaga,212,1
+woodbine,1767,3
+woodbine,386,9
+klickitat,1092,11
+lakeville,1865,11
+newfields,1372,10
+pinesdale,855,5
+leonardo,618,4
+hiteman,826,0
+leonardo,917,1
+leonardo,1484,3
+shelbyville,1660,0
+beechwood,445,0
+marstons,202,2
+tolstoy,354,1
+woodbine,512,1
+pinesdale,1130,2
+marstons,1554,1
+lindenwood,2272,2
+hanson,1354,3
+pomaria,91,5
+ranchester,739,0
+newfields,1378,11
+coffeen,13,1
+mifflinburg,978,3
+coffeen,1254,1
+klickitat,39,0
+hiteman,335,2
+lindenwood,2368,2
+marstons,1407,3
+klickitat,1738,1
+pomaria,1407,5
+klickitat,1468,4
+pinesdale,611,3
+ranchester,419,2
+lindenwood,2548,0
+tolstoy,1809,2
+klickitat,1958,8
+newfields,1318,2
+pomaria,1427,17
+leonardo,217,3
+pinesdale,208,0
+hiteman,1834,14
+klickitat,1511,2
+tolstoy,611,2
+ranchester,991,0
+woodbine,43,3
+woodbine,1385,1
+tolstoy,1629,4
+merom,37,0
+lakeville,1250,11
+lindenwood,1226,6
+woodbine,1183,6
+lakeville,809,5
+allensville,360,4
+coffeen,907,2
+mifflinburg,129,0
+coffeen,916,0
+lindenwood,2407,6
+cosmos,597,1
+woodbine,304,2
+mifflinburg,200,11
+hiteman,600,0
+shelbyville,396,1
+klickitat,253,1
+leonardo,1340,1
+woodbine,1110,1
+pomaria,129,8
+shelbyville,1835,12
+lindenwood,2156,1
+stockman,971,2
+tolstoy,826,4
+klickitat,368,6
+shelbyville,443,0
+klickitat,110,9
+shelbyville,641,0
+stockman,552,1
+newfields,1574,3
+marstons,894,3
+hanson,259,2
+lindenwood,442,6
+woodbine,1595,8
+coffeen,561,2
+woodbine,514,3
+pomaria,200,4
+leonardo,1942,3
+klickitat,1196,0
+klickitat,1051,10
+marstons,625,4
+marstons,64,11
+stockman,875,7
+pomaria,1536,2
+marstons,1491,4
+marstons,1465,4
+hanson,1420,14
+klickitat,265,1
+lakeville,1236,9
+benevolence,348,3
+woodbine,1378,0
+lindenwood,652,13
+leonardo,1780,5
+klickitat,2332,5
+leonardo,197,4
+shelbyville,2731,0
+allensville,38,0
+cosmos,1075,1
+onaga,348,6
+benevolence,630,4
+shelbyville,106,1
+marstons,1116,0
+leonardo,1876,0
+leonardo,499,4
+wainscott,1402,1
+lindenwood,1771,2
+leonardo,755,4
+cosmos,714,1
+tolstoy,4,3
+lakeville,1619,4
+leonardo,1069,4
+shelbyville,2250,3
+klickitat,65,18
+klickitat,1647,5
+shelbyville,1630,5
+stockman,1432,4
+hanson,1029,9
+lindenwood,2597,2
+marstons,193,15
+lakeville,1553,7
+pomaria,1668,5
+leonardo,363,8
+ranchester,1470,2
+leonardo,1323,3
+ranchester,1114,2
+tolstoy,1031,0
+woodbine,1457,4
+lindenwood,119,4
+lakeville,616,1
+pomaria,760,6
+klickitat,1388,2
+pinesdale,1087,3
+shelbyville,18,2
+marstons,49,9
+shelbyville,1222,1
+newfields,190,9
+merom,1096,1
+lindenwood,1386,2
+lindenwood,1254,0
+woodbine,1183,10
+lindenwood,379,5
+lakeville,1278,6
+leonardo,46,2
+tolstoy,1014,2
+lakeville,1443,11
+pomaria,240,5
+woodbine,1124,2
+klickitat,545,2
+lindenwood,2553,1
+shelbyville,2577,0
+hiteman,864,12
+wainscott,1411,3
+shelbyville,458,1
+pomaria,1099,1
+tolstoy,1626,7
+shelbyville,2667,1
+merom,692,0
+klickitat,2015,8
+marstons,513,11
+cosmos,680,2
+merom,512,1
+hiteman,1285,2
+leonardo,1743,2
+benevolence,965,5
+pinesdale,278,4
+wainscott,1241,4
+onaga,154,0
+hiteman,1853,3
+klickitat,246,10
+beechwood,320,8
+pomaria,1281,5
+shelbyville,2191,2
+mifflinburg,308,3
+klickitat,1629,1
+forkland,670,3
+hanson,1149,0
+lindenwood,899,0
+forkland,38,2
+benevolence,65,0
+lindenwood,2586,3
+marstons,1879,7
+wainscott,1696,7
+mifflinburg,414,2
+coffeen,191,6
+pinesdale,1502,1
+shelbyville,632,8
+tolstoy,15,3
+merom,25,10
+pomaria,447,1
+hiteman,80,0
+leonardo,238,0
+lakeville,1434,11
+wainscott,597,6
+lakeville,1807,0
+marstons,2388,0
+leonardo,1516,0
+marstons,2471,3
+klickitat,1345,9
+onaga,173,5
+pomaria,1100,7
+shelbyville,335,0
+ranchester,1225,9
+merom,602,0
+tolstoy,605,4
+leonardo,257,14
+klickitat,1858,1
+lindenwood,2189,0
+stockman,599,3
+newfields,1046,4
+tolstoy,207,8
+pinesdale,246,7
+ranchester,719,0
+leonardo,1891,0
+woodbine,1363,9
+leonardo,1820,0
+lakeville,836,2
+beechwood,376,3
+coffeen,194,4
+coffeen,1093,0
+onaga,1,4
+leonardo,115,1
+klickitat,364,1
+shelbyville,1472,2
+merom,1088,8
+wainscott,1730,16
+allensville,119,0
+pinesdale,137,2
+lakeville,1705,2
+wainscott,998,5
+lindenwood,372,0
+ranchester,255,5
+hanson,693,3
+woodbine,785,4
+lindenwood,2045,2
+pomaria,993,4
+onaga,633,5
+woodbine,219,2
+lindenwood,1074,3
+lakeville,1161,0
+shelbyville,785,1
+merom,736,1
+coffeen,1051,2
+newfields,1285,0
+coffeen,775,4
+hiteman,493,3
+hanson,1226,15
+lindenwood,2569,1
+merom,1018,2
+pomaria,87,3
+benevolence,856,3
+shelbyville,213,2
+wainscott,1675,6
+lindenwood,746,7
+marstons,2129,1
+woodbine,1527,8
+beechwood,1080,0
+ranchester,824,0
+leonardo,1002,7
+coffeen,341,0
+newfields,404,5
+newfields,409,6
+shelbyville,1672,3
+newfields,825,15
+hiteman,1758,4
+tolstoy,162,2
+leonardo,1569,11
+tolstoy,264,5
+pinesdale,803,3
+klickitat,1240,7
+lindenwood,702,2
+woodbine,21,14
+klickitat,1279,13
+mifflinburg,465,1
+wainscott,99,2
+pinesdale,266,3
+wainscott,642,5
+klickitat,683,9
+forkland,644,0
+lindenwood,1993,5
+marstons,1590,3
+hiteman,1700,6
+lakeville,383,1
+lindenwood,2316,2
+shelbyville,1855,1
+lakeville,736,8
+stockman,1014,4
+leonardo,1236,2
+tolstoy,1498,0
+klickitat,706,3
+merom,647,3
+mifflinburg,636,2
+klickitat,1423,7
+klickitat,1764,7
+newfields,269,10
+lindenwood,2334,7
+forkland,909,0
+lakeville,447,0
+hanson,1634,1
+leonardo,268,20
+stockman,186,1
+newfields,1124,2
+onaga,644,1
+pomaria,1072,4
+beechwood,232,5
+wainscott,1562,7
+beechwood,170,3
+forkland,876,8
+lindenwood,2421,5
+tolstoy,421,1
+onaga,149,3
+tolstoy,1555,7
+woodbine,1557,2
+ranchester,1423,2
+lakeville,1067,4
+marstons,1560,2
+klickitat,712,3
+marstons,1146,17
+ranchester,513,3
+ranchester,575,0
+tolstoy,1772,5
+hanson,1174,0
+lakeville,1035,1
+woodbine,2012,2
+shelbyville,820,2
+lakeville,108,5
+lindenwood,546,4
+leonardo,1907,0
+tolstoy,1549,3
+klickitat,1416,0
+klickitat,2076,0
+marstons,889,4
+merom,839,4
+marstons,254,4
+lindenwood,607,0
+klickitat,1164,0
+coffeen,697,3
+forkland,1175,8
+woodbine,884,14
+hanson,626,0
+lakeville,1714,16
+woodbine,1627,0
+tolstoy,91,0
+marstons,1236,3
+marstons,1971,2
+forkland,1118,5
+lakeville,383,3
+cosmos,526,8
+beechwood,739,0
+mifflinburg,97,4
+beechwood,996,0
+klickitat,2396,1
+beechwood,91,4
+wainscott,637,5
+klickitat,1794,3
+stockman,1255,2
+klickitat,170,9
+shelbyville,1384,0
+beechwood,168,5
+pomaria,618,11
+stockman,675,1
+shelbyville,1797,1
+ranchester,1182,1
+woodbine,1999,5
+beechwood,760,2
+klickitat,1683,2
+hanson,1636,3
+shelbyville,2523,7
+klickitat,1668,1
+onaga,72,2
+shelbyville,854,6
+shelbyville,378,4
+hanson,757,7
+pinesdale,622,3
+wainscott,1502,6
+woodbine,965,1
+hanson,730,3
+onaga,6,4
+klickitat,837,5
+woodbine,540,0
+woodbine,20,0
+wainscott,184,5
+pinesdale,1192,4
+stockman,1213,3
+wainscott,761,5
+merom,803,2
+stockman,1455,9
+stockman,374,14
+marstons,1583,4
+hanson,1151,0
+stockman,87,4
+cosmos,859,1
+wainscott,878,2
+marstons,2070,1
+hanson,1465,1
+hanson,834,2
+ranchester,508,3
+hanson,1068,3
+woodbine,1446,16
+leonardo,203,3
+shelbyville,238,1
+pinesdale,1168,11
+newfields,1394,4
+leonardo,600,0
+klickitat,1984,1
+klickitat,1744,0
+pinesdale,1365,4
+woodbine,1128,12
+pomaria,528,0
+shelbyville,1549,13
+wainscott,69,5
+tolstoy,616,0
+lindenwood,911,6
+benevolence,215,4
+pinesdale,609,6
+woodbine,1212,11
+shelbyville,456,2
+mifflinburg,266,2
+benevolence,467,0
+merom,980,1
+marstons,737,6
+onaga,363,7
+lindenwood,898,2
+newfields,511,0
+lindenwood,2372,8
+lakeville,102,2
+shelbyville,1916,2
+merom,849,1
+pomaria,68,3
+allensville,244,4
+ranchester,922,5
+leonardo,1629,2
+wainscott,1104,9
+coffeen,102,5
+ranchester,122,3
+tolstoy,1705,4
+stockman,715,0
+shelbyville,1995,3
+tolstoy,387,2
+hiteman,896,2
+marstons,324,0
+pinesdale,532,0
+marstons,1119,3
+wainscott,1120,7
+newfields,193,0
+mifflinburg,629,3
+newfields,777,6
+leonardo,1132,1
+hanson,1569,7
+newfields,454,8
+stockman,67,3
+woodbine,102,6
+shelbyville,1472,3
+lakeville,1806,15
+woodbine,1362,8
+stockman,514,5
+woodbine,158,0
+hanson,152,2
+cosmos,684,0
+newfields,1506,7
+hiteman,1229,3
+beechwood,254,1
+wainscott,1035,1
+shelbyville,746,0
+coffeen,1216,7
+pomaria,1001,0
+ranchester,660,10
+pinesdale,907,4
+pomaria,675,5
+hiteman,1076,2
+stockman,405,1
+tolstoy,701,8
+leonardo,1235,3
+marstons,361,1
+pomaria,166,2
+tolstoy,325,8
+benevolence,93,7
+lindenwood,2266,0
+marstons,618,0
+mifflinburg,142,0
+woodbine,210,1
+leonardo,1489,0
+allensville,139,1
+lindenwood,2240,7
+woodbine,594,0
+shelbyville,1631,4
+marstons,1496,3
+leonardo,1904,0
+woodbine,496,2
+benevolence,644,1
+tolstoy,201,2
+stockman,737,6
+pomaria,119,3
+ranchester,404,0
+wainscott,1656,6
+merom,21,2
+woodbine,1048,5
+newfields,180,1
+ranchester,1092,1
+klickitat,2024,18
+woodbine,1444,3
+klickitat,1882,5
+lindenwood,670,0
+marstons,1965,0
+wainscott,657,4
+leonardo,1507,6
+hiteman,1307,15
+benevolence,673,6
+klickitat,1209,6
+klickitat,1016,0
+lindenwood,645,3
+lakeville,1715,7
+hanson,380,5
+shelbyville,1003,2
+merom,901,0
+hiteman,1210,6
+newfields,66,5
+lindenwood,2016,1
+shelbyville,1875,12
+hiteman,1526,1
+forkland,1063,1
+shelbyville,1400,9
+leonardo,684,1
+lindenwood,433,5
+lindenwood,1592,0
+shelbyville,1703,4
+hanson,680,3
+newfields,1138,0
+klickitat,56,8
+hiteman,1376,4
+stockman,473,1
+shelbyville,911,0
+klickitat,1415,4
+pomaria,1457,0
+lakeville,618,10
+shelbyville,860,15
+forkland,1144,2
+leonardo,1301,3
+forkland,925,0
+woodbine,1474,12
+forkland,152,5
+forkland,911,4
+hanson,1260,0
+klickitat,401,1
+coffeen,105,5
+forkland,225,1
+hanson,1026,3
+hanson,91,7
+newfields,403,6
+lindenwood,2144,0
+klickitat,231,2
+klickitat,1552,2
+stockman,50,0
+newfields,1190,7
+lindenwood,1033,2
+klickitat,2036,6
+klickitat,63,4
+marstons,446,0
+mifflinburg,262,0
+benevolence,379,2
+pomaria,615,8
+woodbine,1381,1
+shelbyville,1293,1
+cosmos,775,12
+ranchester,249,3
+klickitat,1335,0
+ranchester,672,2
+marstons,2014,7
+mifflinburg,40,4
+lindenwood,699,3
+beechwood,121,5
+pomaria,215,1
+woodbine,46,1
+lakeville,1118,3
+tolstoy,1291,3
+stockman,497,1
+leonardo,806,0
+klickitat,311,10
+hanson,920,8
+klickitat,559,0
+woodbine,1718,1
+lindenwood,240,5
+marstons,1363,9
+beechwood,978,2
+tolstoy,50,12
+cosmos,876,2
+marstons,2632,2
+lakeville,1888,4
+beechwood,214,2
+merom,705,5
+pinesdale,319,2
+mifflinburg,318,2
+shelbyville,1599,4
+newfields,1489,4
+lindenwood,252,2
+marstons,1974,1
+onaga,412,0
+wainscott,1738,4
+tolstoy,1458,2
+marstons,1337,1
+beechwood,82,1
+leonardo,1950,1
+hanson,90,4
+pomaria,871,4
+lindenwood,1392,1
+coffeen,127,5
+newfields,45,1
+cosmos,42,4
+shelbyville,355,6
+leonardo,1270,3
+ranchester,1148,17
+woodbine,693,6
+lakeville,1359,1
+stockman,1471,4
+onaga,344,0
+cosmos,416,0
+shelbyville,758,14
+onaga,665,2
+woodbine,1273,12
+klickitat,678,4
+tolstoy,93,5
+tolstoy,548,6
+ranchester,924,2
+ranchester,1317,9
+shelbyville,1700,0
+tolstoy,1093,0
+leonardo,1792,6
+merom,179,7
+hanson,133,12
+tolstoy,1078,6
+marstons,1462,4
+marstons,1427,3
+lindenwood,2281,0
+merom,43,3
+lakeville,1430,1
+newfields,817,4
+marstons,922,5
+lakeville,808,10
+coffeen,785,9
+woodbine,1664,0
+woodbine,1816,1
+shelbyville,403,1
+marstons,2349,0
+tolstoy,1309,4
+lindenwood,2400,0
+marstons,1395,3
+hiteman,1099,0
+cosmos,620,5
+newfields,898,2
+leonardo,1402,5
+lindenwood,1795,7
+lindenwood,2003,1
+wainscott,757,2
+ranchester,1021,3
+shelbyville,694,6
+tolstoy,209,3
+allensville,218,5
+lakeville,839,6
+klickitat,1204,1
+leonardo,742,6
+stockman,1081,4
+shelbyville,1239,1
+pinesdale,990,0
+coffeen,609,5
+tolstoy,1716,0
+wainscott,1192,5
+lakeville,1208,8
+hanson,1425,9
+leonardo,1704,3
+newfields,161,2
+allensville,16,1
+klickitat,2339,0
+allensville,338,3
+ranchester,1077,3
+hanson,226,5
+marstons,1501,7
+stockman,424,5
+ranchester,1553,1
+ranchester,1356,5
+ranchester,509,4
+woodbine,134,4
+newfields,1144,0
+shelbyville,121,0
+woodbine,1103,2
+klickitat,1577,3
+tolstoy,582,0
+lindenwood,2083,17
+coffeen,640,1
+lindenwood,2557,3
+hiteman,83,3
+pinesdale,1064,2
+merom,451,4
+tolstoy,229,0
+woodbine,654,4
+marstons,403,1
+lindenwood,496,1
+tolstoy,141,3
+klickitat,1606,9
+marstons,929,7
+leonardo,638,1
+lindenwood,2322,6
+pinesdale,669,1
+shelbyville,15,3
+woodbine,689,2
+shelbyville,2623,12
+hiteman,753,1
+newfields,999,10
+onaga,356,5
+wainscott,72,10
+klickitat,2070,0
+marstons,1355,1
+beechwood,29,4
+coffeen,629,1
+leonardo,848,3
+cosmos,154,2
+forkland,639,13
+stockman,1209,7
+lakeville,251,2
+onaga,289,1
+woodbine,1621,5
+stockman,1434,2
+shelbyville,2347,10
+beechwood,760,9
+wainscott,267,6
+klickitat,1984,15
+tolstoy,455,0
+klickitat,1437,23
+marstons,1294,0
+tolstoy,1437,9
+hanson,767,9
+klickitat,1325,2
+mifflinburg,352,1
+coffeen,35,6
+newfields,1636,3
+newfields,973,1
+klickitat,619,1
+shelbyville,865,4
+hanson,1446,4
+newfields,779,3
+lakeville,1037,1
+tolstoy,357,0
+leonardo,2002,1
+marstons,11,9
+klickitat,704,5
+coffeen,512,1
+klickitat,273,2
+hiteman,1722,3
+hanson,1247,5
+coffeen,1240,2
+pinesdale,1211,5
+stockman,1449,0
+stockman,1170,2
+beechwood,155,5
+coffeen,1471,9
+shelbyville,288,2
+cosmos,355,0
+stockman,87,2
+marstons,1277,3
+lindenwood,1626,7
+klickitat,1768,2
+pomaria,898,1
+coffeen,610,6
+marstons,1839,3
+marstons,1344,0
+shelbyville,161,0
+coffeen,527,2
+leonardo,1688,10
+hiteman,990,1
+coffeen,1423,4
+ranchester,280,4
+hanson,761,5
+klickitat,1812,8
+leonardo,750,3
+wainscott,1378,7
+leonardo,289,2
+cosmos,89,9
+hiteman,22,5
+tolstoy,111,5
+lakeville,29,1
+shelbyville,2264,0
+marstons,2220,1
+ranchester,1066,0
+marstons,2394,4
+hiteman,1223,7
+shelbyville,2804,1
+onaga,230,0
+hiteman,510,0
+woodbine,214,8
+lindenwood,28,3
+marstons,804,11
+stockman,444,0
+woodbine,726,6
+coffeen,52,3
+marstons,1450,1
+pomaria,1594,5
+klickitat,109,3
+marstons,1083,2
+lakeville,763,9
+hanson,980,18
+stockman,365,1
+merom,37,1
+newfields,1643,0
+coffeen,465,1
+hiteman,423,1
+shelbyville,1690,1
+merom,500,4
+wainscott,350,9
+mifflinburg,364,3
+woodbine,596,3
+cosmos,689,2
+benevolence,64,1
+marstons,908,11
+merom,249,0
+coffeen,1375,1
+shelbyville,862,5
+pomaria,930,1
+mifflinburg,797,0
+wainscott,387,8
+coffeen,1170,2
+lakeville,902,2
+onaga,396,3
+woodbine,601,5
+lakeville,695,4
+pinesdale,518,5
+lindenwood,1673,4
+lindenwood,2286,2
+wainscott,1153,2
+coffeen,33,2
+klickitat,1345,8
+cosmos,424,3
+marstons,1838,3
+marstons,487,1
+shelbyville,134,10
+lindenwood,1489,5
+mifflinburg,972,4
+beechwood,20,10
+leonardo,841,1
+pomaria,1381,9
+wainscott,1377,2
+beechwood,754,10
+pomaria,815,7
+lakeville,1104,8
+pomaria,1228,1
+lindenwood,1948,3
+tolstoy,972,7
+klickitat,1104,3
+onaga,449,1
+merom,906,4
+klickitat,105,0
+beechwood,105,3
+stockman,1322,0
+coffeen,787,5
+lindenwood,1227,0
+pomaria,1102,1
+coffeen,1128,1
+newfields,443,0
+tolstoy,105,0
+leonardo,580,6
+woodbine,601,6
+shelbyville,386,5
+forkland,833,3
+lakeville,269,2
+pomaria,1673,3
+tolstoy,1525,2
+hanson,857,8
+woodbine,1639,10
+onaga,533,0
+pomaria,7,5
+ranchester,1227,0
+hanson,1403,1
+marstons,740,4
+shelbyville,346,2
+newfields,1015,6
+shelbyville,2327,4
+shelbyville,335,2
+newfields,172,1
+wainscott,480,3
+woodbine,140,5
+wainscott,882,8
+shelbyville,1007,1
+wainscott,1355,2
+ranchester,239,1
+leonardo,335,11
+pinesdale,349,3
+shelbyville,2132,13
+pomaria,1433,5
+leonardo,887,18
+hanson,1277,3
+lindenwood,2311,2
+cosmos,486,1
+marstons,2409,0
+wainscott,631,5
+wainscott,632,0
+pomaria,1534,7
+marstons,934,5
+pomaria,169,0
+hanson,608,1
+woodbine,902,9
+leonardo,230,3
+lakeville,316,2
+shelbyville,2553,6
+leonardo,529,10
+mifflinburg,763,0
+forkland,915,1
+woodbine,793,5
+klickitat,476,3
+lakeville,1394,1
+woodbine,259,4
+pinesdale,921,4
+newfields,312,2
+wainscott,1120,1
+woodbine,981,7
+beechwood,552,3
+ranchester,1257,7
+pinesdale,858,1
+cosmos,289,7
+lakeville,966,3
+leonardo,2000,0
+shelbyville,1550,0
+ranchester,1333,1
+klickitat,1555,2
+shelbyville,2264,5
+lindenwood,1866,6
+lindenwood,208,0
+tolstoy,1082,3
+wainscott,1419,2
+marstons,1277,6
+forkland,981,1
+lindenwood,1267,2
+shelbyville,2124,5
+klickitat,320,8
+shelbyville,2042,0
+ranchester,583,4
+hanson,502,0
+klickitat,2418,8
+woodbine,2016,10
+coffeen,1046,1
+hiteman,760,1
+wainscott,401,4
+lindenwood,328,3
+lindenwood,359,5
+newfields,346,8
+tolstoy,189,7
+beechwood,951,1
+pinesdale,853,3
+lakeville,809,1
+pomaria,904,8
+forkland,647,3
+coffeen,1315,0
+marstons,2076,0
+mifflinburg,636,3
+shelbyville,1522,3
+shelbyville,1400,10
+marstons,924,1
+klickitat,550,1
+tolstoy,682,0
+woodbine,2007,9
+klickitat,1743,0
+pinesdale,1263,2
+woodbine,1027,5
+klickitat,459,0
+allensville,381,2
+pomaria,197,2
+marstons,2350,1
+pinesdale,408,7
+hanson,306,0
+pinesdale,149,2
+benevolence,582,10
+leonardo,355,3
+lakeville,1375,3
+beechwood,1098,3
+woodbine,1803,3
+ranchester,974,2
+pomaria,427,11
+leonardo,1688,16
+klickitat,1278,1
+shelbyville,1943,4
+tolstoy,1569,6
+lindenwood,183,0
+coffeen,286,6
+woodbine,644,7
+beechwood,773,3
+klickitat,1763,9
+lakeville,980,1
+klickitat,1296,1
+hanson,1563,0
+forkland,646,0
+newfields,120,7
+pomaria,128,3
+pomaria,852,4
+pomaria,1403,3
+leonardo,529,12
+lindenwood,442,1
+coffeen,910,4
+ranchester,1261,0
+stockman,594,6
+hanson,831,3
+allensville,358,1
+leonardo,478,1
+ranchester,1422,4
+hiteman,700,5
+onaga,544,4
+lakeville,146,1
+hiteman,813,2
+leonardo,595,2
+marstons,1900,2
+lindenwood,2334,2
+mifflinburg,944,2
+pinesdale,103,4
+newfields,236,1
+leonardo,406,8
+woodbine,818,12
+woodbine,2059,5
+woodbine,352,1
+tolstoy,71,2
+klickitat,157,0
+shelbyville,777,0
+hanson,240,6
+stockman,427,2
+coffeen,1106,3
+tolstoy,641,5
+leonardo,1977,0
+forkland,1008,3
+lindenwood,1658,3
+mifflinburg,540,0
+lakeville,307,3
+pinesdale,455,1
+mifflinburg,50,0
+pomaria,213,1
+newfields,179,12
+newfields,1301,0
+klickitat,982,10
+pomaria,683,3
+klickitat,2177,6
+hanson,1534,2
+pomaria,1374,2
+tolstoy,1023,2
+tolstoy,1519,2
+ranchester,420,17
+ranchester,536,1
+hiteman,90,1
+shelbyville,316,0
+lindenwood,270,7
+ranchester,78,1
+leonardo,399,7
+ranchester,1601,3
+tolstoy,1671,4
+marstons,1213,20
+pinesdale,272,8
+wainscott,63,0
+leonardo,1830,0
+newfields,1161,0
+pomaria,728,3
+marstons,809,5
+leonardo,1722,3
+lindenwood,1851,2
+shelbyville,2813,8
+tolstoy,502,0
+klickitat,1291,8
+hiteman,290,2
+lindenwood,2323,3
+lindenwood,1459,0
+wainscott,779,5
+shelbyville,638,7
+shelbyville,1700,1
+lindenwood,1546,0
+merom,590,2
+klickitat,609,3
+shelbyville,2019,0
+mifflinburg,26,0
+shelbyville,2454,2
+beechwood,304,6
+wainscott,1702,6
+onaga,80,1
+merom,933,0
+wainscott,516,3
+beechwood,53,7
+pinesdale,1074,6
+klickitat,194,1
+ranchester,350,18
+pomaria,32,2
+stockman,814,1
+onaga,441,4
+pomaria,388,0
+klickitat,2298,7
+lakeville,1768,3
+woodbine,1825,2
+marstons,2471,10
+pomaria,111,2
+wainscott,312,2
+klickitat,119,10
+klickitat,724,1
+newfields,117,13
+tolstoy,682,2
+lindenwood,1952,2
+cosmos,516,4
+hanson,400,0
+lindenwood,2232,1
+lakeville,1809,3
+shelbyville,1003,4
+hanson,464,1
+marstons,796,2
+newfields,1276,0
+hanson,689,0
+shelbyville,1490,5
+klickitat,1398,11
+merom,734,1
+pinesdale,313,5
+pomaria,1160,8
+woodbine,1798,0
+shelbyville,1094,4
+benevolence,750,11
+wainscott,1559,15
+shelbyville,2778,3
+marstons,789,7
+shelbyville,2295,7
+leonardo,144,7
+hiteman,1498,1
+wainscott,1098,13
+coffeen,1398,2
+coffeen,274,3
+klickitat,928,6
+hiteman,325,2
+klickitat,831,4
+lindenwood,87,2
+lindenwood,1678,6
+lakeville,467,2
+hanson,980,10
+klickitat,702,0
+shelbyville,1547,2
+woodbine,1732,1
+coffeen,685,6
+newfields,491,3
+ranchester,512,9
+merom,544,1
+woodbine,637,0
+benevolence,49,13
+marstons,720,2
+lakeville,1841,6
+shelbyville,1295,0
+tolstoy,1831,2
+lindenwood,862,4
+stockman,424,3
+merom,317,2
+klickitat,42,1
+coffeen,901,0
+pomaria,1044,12
+woodbine,162,2
+wainscott,726,8
+beechwood,996,6
+merom,211,6
+newfields,80,2
+allensville,345,2
+tolstoy,1546,0
+pinesdale,71,8
+shelbyville,1835,4
+ranchester,1639,5
+pomaria,1554,9
+marstons,1945,1
+klickitat,986,10
+newfields,1427,9
+lindenwood,473,7
+wainscott,1236,0
+wainscott,1748,11
+marstons,921,4
+klickitat,40,2
+woodbine,1698,2
+shelbyville,1998,0
+woodbine,1202,13
+leonardo,438,0
+pomaria,912,1
+newfields,871,0
+hiteman,1000,10
+klickitat,1650,2
+ranchester,364,3
+forkland,15,6
+forkland,145,7
+newfields,1030,7
+lindenwood,1509,4
+lakeville,1511,1
+shelbyville,1174,6
+ranchester,720,1
+hiteman,909,11
+wainscott,144,0
+leonardo,1858,15
+wainscott,1711,1
+tolstoy,442,0
+leonardo,1090,2
+leonardo,1163,10
+tolstoy,521,0
+ranchester,1415,2
+newfields,404,14
+benevolence,592,1
+wainscott,608,3
+mifflinburg,697,3
+beechwood,1109,4
+klickitat,1884,12
+wainscott,883,2
+newfields,558,4
+woodbine,547,4
+lakeville,1096,8
+coffeen,91,0
+klickitat,221,6
+leonardo,363,1
+ranchester,794,0
+marstons,2418,14
+stockman,1595,3
+mifflinburg,654,5
+shelbyville,691,4
+lakeville,898,12
+marstons,2393,3
+coffeen,412,1
+klickitat,2254,7
+beechwood,563,2
+newfields,1449,2
+ranchester,1174,12
+beechwood,29,1
+hanson,936,10
+tolstoy,372,0
+leonardo,96,1
+tolstoy,34,1
+marstons,2609,2
+hiteman,792,9
+lakeville,830,3
+woodbine,1126,10
+ranchester,963,2
+coffeen,1232,3
+stockman,917,0
+hiteman,180,0
+pinesdale,497,4
+ranchester,922,2
+klickitat,75,0
+wainscott,1089,7
+pinesdale,260,1
+ranchester,935,0
+forkland,1160,1
+ranchester,1611,1
+forkland,962,0
+stockman,1499,0
+hiteman,65,0
+lakeville,1613,3
+klickitat,1823,0
+leonardo,783,0
+klickitat,148,13
+pinesdale,505,0
+klickitat,2155,3
+shelbyville,1678,6
+leonardo,1144,2
+mifflinburg,279,3
+mifflinburg,541,4
+lakeville,731,4
+marstons,202,11
+lakeville,499,2
+lakeville,684,0
+hiteman,1662,4
+shelbyville,524,0
+lindenwood,422,4
+pomaria,1517,1
+ranchester,1273,1
+cosmos,822,1
+klickitat,2361,5
+marstons,286,0
+leonardo,1458,6
+hiteman,1419,0
+hanson,537,0
+forkland,1113,4
+tolstoy,1611,1
+marstons,2110,8
+leonardo,1788,1
+beechwood,776,2
+newfields,419,6
+merom,108,3
+ranchester,514,8
+woodbine,810,2
+marstons,1033,3
+lindenwood,2503,7
+hanson,399,2
+woodbine,702,6
+marstons,1210,3
+hiteman,789,6
+klickitat,2240,5
+lindenwood,2001,6
+shelbyville,2361,10
+ranchester,561,2
+leonardo,718,7
+lakeville,637,7
+lindenwood,493,0
+lakeville,1516,3
+leonardo,2035,2
+lindenwood,1622,0
+mifflinburg,395,3
+klickitat,483,4
+pinesdale,267,0
+shelbyville,2491,10
+coffeen,379,0
+hiteman,1057,3
+forkland,58,3
+stockman,239,2
+wainscott,1694,3
+onaga,659,6
+marstons,2659,1
+tolstoy,1189,3
+ranchester,809,3
+tolstoy,1709,6
+stockman,1266,2
+pinesdale,1391,0
+forkland,134,2
+lindenwood,2387,4
+woodbine,409,11
+marstons,53,2
+hanson,921,6
+leonardo,607,0
+klickitat,207,2
+woodbine,46,3
+hiteman,620,5
+pomaria,1188,3
+coffeen,499,1
+ranchester,996,6
+shelbyville,1082,4
+forkland,1092,7
+woodbine,385,2
+klickitat,1436,7
+beechwood,153,5
+stockman,1364,0
+tolstoy,1049,6
+tolstoy,700,0
+marstons,1774,1
+woodbine,1509,2
+shelbyville,868,5
+lindenwood,2424,3
+woodbine,157,8
+stockman,195,2
+lindenwood,66,7
+hanson,1646,1
+shelbyville,772,8
+woodbine,440,12
+lindenwood,2216,5
+lindenwood,441,8
+shelbyville,1236,3
+pomaria,1264,3
+marstons,822,1
+beechwood,638,3
+klickitat,9,8
+woodbine,213,5
+onaga,92,2
+wainscott,910,5
+marstons,606,5
+lakeville,1592,2
+stockman,398,2
+leonardo,1214,10
+stockman,383,8
+merom,433,3
+pinesdale,705,1
+hiteman,1325,2
+newfields,274,14
+benevolence,145,8
+lakeville,750,7
+lakeville,325,1
+allensville,232,2
+hanson,934,1
+woodbine,1762,0
+allensville,52,1
+mifflinburg,420,3
+leonardo,1412,1
+newfields,1547,12
+klickitat,748,10
+klickitat,1213,3
+leonardo,160,2
+marstons,1929,6
+klickitat,1511,4
+tolstoy,203,4
+merom,781,11
+woodbine,1312,11
+woodbine,204,1
+marstons,1676,14
+hanson,1544,0
+pinesdale,159,1
+ranchester,1536,2
+marstons,1927,0
+beechwood,7,13
+onaga,366,1
+newfields,935,1
+stockman,62,7
+woodbine,869,1
+lakeville,1219,0
+wainscott,479,1
+marstons,1294,1
+stockman,712,1
+ranchester,845,5
+marstons,1508,1
+shelbyville,1799,9
+shelbyville,1257,1
+marstons,2597,2
+shelbyville,1682,17
+hanson,37,1
+tolstoy,1441,4
+lindenwood,2030,4
+newfields,1033,3
+wainscott,1730,9
+leonardo,979,1
+pinesdale,571,5
+ranchester,1217,2
+stockman,295,2
+lakeville,1344,2
+tolstoy,1126,0
+lakeville,259,4
+cosmos,131,7
+cosmos,929,11
+newfields,1467,3
+hiteman,1255,2
+stockman,1581,3
+shelbyville,538,6
+leonardo,1181,0
+pinesdale,833,0
+tolstoy,1550,2
+woodbine,51,0
+lindenwood,704,8
+coffeen,1377,7
+marstons,1833,0
+leonardo,910,1
+shelbyville,254,0
+newfields,291,2
+newfields,140,6
+lakeville,998,0
+newfields,892,4
+klickitat,479,18
+forkland,925,1
+wainscott,325,3
+hanson,1452,5
+woodbine,1788,2
+ranchester,358,1
+klickitat,648,3
+onaga,85,8
+lakeville,849,6
+lindenwood,2294,2
+onaga,290,2
+tolstoy,1073,1
+merom,152,1
+woodbine,544,6
+marstons,1130,2
+tolstoy,1358,2
+marstons,439,5
+merom,73,1
+hanson,1418,13
+ranchester,264,0
+marstons,979,14
+mifflinburg,869,8
+newfields,911,3
+lindenwood,772,15
+leonardo,130,4
+hiteman,1417,0
+shelbyville,1513,1
+tolstoy,464,3
+ranchester,1594,2
+marstons,1262,6
+pomaria,256,12
+marstons,1302,21
+lakeville,35,7
+lakeville,1860,12
+cosmos,555,3
+lindenwood,2207,1
+woodbine,878,3
+lindenwood,654,0
+ranchester,180,1
+lakeville,1892,1
+lindenwood,1026,2
+lakeville,218,2
+marstons,1255,3
+shelbyville,1549,6
+benevolence,212,4
+allensville,166,3
+klickitat,2377,6
+ranchester,1256,4
+leonardo,1916,3
+klickitat,830,3
+marstons,762,0
+woodbine,575,1
+marstons,374,9
+marstons,348,4
+pinesdale,1050,6
+klickitat,2288,0
+leonardo,1278,4
+wainscott,944,7
+wainscott,1153,14
+shelbyville,1825,4
+leonardo,1375,4
+cosmos,372,2
+woodbine,235,3
+pinesdale,987,4
+woodbine,1476,5
+newfields,637,17
+shelbyville,1211,1
+beechwood,297,19
+hanson,107,1
+stockman,667,2
+marstons,2404,3
+hiteman,1538,1
+klickitat,123,7
+newfields,123,0
+pomaria,1518,3
+shelbyville,748,0
+pinesdale,1310,3
+forkland,147,4
+stockman,1539,4
+pinesdale,1051,5
+shelbyville,1371,2
+cosmos,155,2
+coffeen,224,2
+hiteman,1655,12
+hanson,388,0
+lindenwood,273,4
+coffeen,516,0
+newfields,1525,8
+beechwood,782,4
+pomaria,618,8
+forkland,1047,1
+wainscott,44,7
+ranchester,929,1
+ranchester,1083,3
+hanson,1551,3
+newfields,580,0
+wainscott,221,2
+klickitat,1096,6
+hanson,1415,1
+newfields,987,5
+newfields,1317,2
+klickitat,1564,3
+newfields,1079,9
+marstons,1606,2
+woodbine,426,5
+ranchester,430,2
+klickitat,1539,3
+pomaria,21,11
+benevolence,344,3
+pinesdale,449,8
+hiteman,1361,12
+wainscott,726,3
+woodbine,116,7
+hiteman,909,1
+shelbyville,2421,5
+shelbyville,1256,11
+coffeen,114,3
+leonardo,2003,3
+lindenwood,1803,4
+marstons,1982,7
+tolstoy,986,1
+leonardo,1471,3
+woodbine,1053,0
+hiteman,527,1
+lakeville,781,2
+lakeville,946,8
+merom,1077,1
+merom,1091,1
+shelbyville,781,0
+marstons,829,2
+forkland,640,4
+benevolence,57,1
+hiteman,143,7
+allensville,484,4
+pinesdale,771,5
+leonardo,1189,1
+shelbyville,1459,0
+newfields,953,14
+stockman,1268,3
+lindenwood,985,13
+marstons,1494,12
+klickitat,2331,1
+wainscott,1159,9
+klickitat,1608,7
+woodbine,1923,7
+ranchester,152,2
+wainscott,1545,1
+lindenwood,392,6
+lakeville,1291,7
+marstons,2140,0
+lindenwood,2581,10
+stockman,745,2
+hanson,929,4
+lakeville,313,14
+wainscott,458,5
+pomaria,790,0
+pinesdale,835,4
+cosmos,974,2
+shelbyville,1405,4
+hiteman,486,2
+marstons,2651,9
+leonardo,1789,3
+stockman,1531,0
+lindenwood,2026,0
+pomaria,1672,12
+shelbyville,2456,2
+merom,324,4
+woodbine,597,7
+klickitat,405,1
+marstons,1331,5
+tolstoy,1066,6
+shelbyville,1735,10
+shelbyville,918,8
+klickitat,1492,1
+leonardo,1172,0
+coffeen,1045,3
+klickitat,406,0
+lindenwood,1241,1
+forkland,1118,6
+lindenwood,1496,13
+newfields,857,3
+merom,947,5
+klickitat,52,2
+hiteman,547,2
+forkland,275,9
+merom,1065,0
+woodbine,218,1
+marstons,192,4
+pinesdale,911,1
+klickitat,101,12
+marstons,1732,2
+wainscott,653,2
+pomaria,607,3
+cosmos,174,1
+shelbyville,1854,4
+klickitat,534,2
+newfields,1199,1
+woodbine,1348,4
+mifflinburg,751,2
+wainscott,35,2
+woodbine,1180,3
+shelbyville,641,7
+tolstoy,1034,5
+shelbyville,94,1
+leonardo,1538,2
+wainscott,1216,2
+lakeville,184,2
+cosmos,127,3
+lakeville,882,0
+wainscott,283,11
+shelbyville,2441,3
+woodbine,652,1
+klickitat,1612,11
+lakeville,1191,2
+woodbine,987,3
+lakeville,376,0
+lindenwood,1364,8
+woodbine,1894,0
+pomaria,203,2
+shelbyville,1689,14
+marstons,2072,9
+leonardo,785,5
+ranchester,62,4
+lakeville,994,11
+leonardo,1108,0
+wainscott,1345,6
+marstons,10,7
+benevolence,443,5
+pomaria,1362,3
+hanson,1420,10
+lindenwood,1540,4
+shelbyville,1494,15
+hiteman,532,0
+coffeen,126,2
+lindenwood,875,4
+ranchester,503,0
+pinesdale,1446,3
+marstons,1360,5
+allensville,191,3
+lakeville,1714,15
+shelbyville,2272,3
+ranchester,411,0
+marstons,2597,5
+wainscott,273,3
+lindenwood,640,6
+lindenwood,517,5
+wainscott,229,7
+wainscott,384,5
+klickitat,2216,1
+benevolence,229,3
+mifflinburg,372,4
+forkland,693,2
+merom,720,3
+stockman,1247,2
+shelbyville,2219,7
+lakeville,672,2
+newfields,513,2
+hanson,1318,16
+hiteman,1344,1
+marstons,2578,0
+hiteman,1688,4
+pomaria,567,8
+coffeen,578,1
+marstons,2601,2
+ranchester,486,7
+marstons,585,8
+pomaria,550,1
+woodbine,1571,12
+leonardo,918,2
+ranchester,78,2
+leonardo,1503,0
+tolstoy,1358,1
+lakeville,1468,8
+wainscott,950,0
+klickitat,1547,7
+lindenwood,1481,0
+pinesdale,900,0
+pinesdale,919,2
+forkland,103,2
+beechwood,1089,7
+lakeville,776,1
+lindenwood,1609,5
+shelbyville,724,7
+pinesdale,1077,1
+klickitat,2080,2
+coffeen,716,0
+stockman,735,0
+hanson,617,0
+pomaria,1310,1
+shelbyville,562,0
+onaga,133,2
+klickitat,1120,1
+forkland,145,0
+beechwood,71,3
+marstons,1091,0
+leonardo,486,1
+klickitat,482,11
+cosmos,762,2
+lindenwood,1091,7
+forkland,0,9
+lindenwood,923,0
+tolstoy,395,1
+hanson,1171,6
+klickitat,2150,1
+tolstoy,1472,1
+lakeville,796,12
+wainscott,520,6
+forkland,469,1
+hanson,58,7
+pomaria,492,7
+lakeville,1118,1
+tolstoy,310,9
+shelbyville,1846,1
+leonardo,670,1
+woodbine,584,8
+forkland,398,3
+pomaria,63,0
+coffeen,334,1
+lindenwood,1666,2
+leonardo,762,1
+stockman,967,3
+ranchester,4,2
+klickitat,1930,4
+forkland,754,1
+ranchester,97,5
+marstons,167,3
+stockman,150,5
+pinesdale,408,5
+marstons,1389,2
+klickitat,1359,1
+pomaria,801,9
+coffeen,24,4
+forkland,61,0
+forkland,1101,12
+onaga,446,9
+hanson,695,4
+onaga,236,0
+pinesdale,563,2
+shelbyville,353,1
+hiteman,954,3
+marstons,2562,8
+hiteman,1354,8
+forkland,1179,1
+mifflinburg,884,6
+lindenwood,1469,1
+mifflinburg,693,4
+merom,64,1
+klickitat,1135,1
+lindenwood,700,0
+newfields,1608,1
+hiteman,866,8
+pinesdale,708,8
+ranchester,1069,2
+shelbyville,953,4
+marstons,1933,5
+wainscott,895,7
+klickitat,988,7
+woodbine,925,1
+merom,271,1
+lakeville,859,6
+ranchester,331,3
+marstons,2431,16
+ranchester,1119,4
+newfields,1555,1
+mifflinburg,483,0
+mifflinburg,586,2
+lakeville,1631,2
+woodbine,1111,6
+lakeville,74,5
+lakeville,946,3
+marstons,2023,0
+newfields,1250,4
+hanson,82,2
+shelbyville,2089,2
+newfields,117,1
+merom,646,5
+shelbyville,2256,1
+pomaria,917,4
+hanson,576,9
+pomaria,422,2
+lindenwood,1666,1
+klickitat,2127,2
+woodbine,1620,1
+hanson,58,2
+beechwood,1069,15
+klickitat,1359,2
+lakeville,1401,3
+leonardo,1051,13
+onaga,296,1
+beechwood,623,0
+newfields,161,3
+lindenwood,1277,3
+lakeville,654,15
+marstons,372,1
+coffeen,1485,4
+shelbyville,2794,3
+mifflinburg,327,6
+leonardo,774,7
+klickitat,129,15
+marstons,1202,4
+ranchester,701,0
+klickitat,1960,22
+klickitat,1479,6
+shelbyville,2555,2
+tolstoy,730,8
+coffeen,1005,2
+lindenwood,1269,8
+lakeville,340,3
+klickitat,1043,7
+ranchester,1,9
+merom,402,6
+woodbine,900,6
+forkland,1116,5
+ranchester,734,2
+marstons,880,8
+stockman,802,2
+coffeen,1264,1
+cosmos,737,1
+marstons,54,7
+wainscott,330,1
+cosmos,276,8
+woodbine,434,1
+hanson,247,17
+hanson,642,9
+newfields,1037,3
+woodbine,1946,7
+pomaria,498,8
+shelbyville,1130,5
+merom,456,1
+leonardo,851,11
+woodbine,1559,6
+beechwood,503,4
+hanson,1473,9
+newfields,1256,4
+onaga,102,1
+allensville,415,2
+beechwood,321,0
+klickitat,2060,7
+hanson,1417,10
+klickitat,1494,0
+hanson,1315,3
+marstons,178,2
+stockman,301,1
+tolstoy,21,2
+leonardo,1314,1
+klickitat,1603,3
+tolstoy,1634,3
+hanson,1381,6
+wainscott,624,2
+forkland,1077,0
+lindenwood,1792,1
+woodbine,1853,8
+leonardo,1821,2
+tolstoy,1814,2
+pinesdale,603,9
+woodbine,1376,8
+mifflinburg,858,1
+cosmos,191,5
+leonardo,455,0
+newfields,295,0
+pomaria,460,6
+beechwood,342,4
+klickitat,693,7
+leonardo,324,2
+tolstoy,590,5
+pinesdale,1335,3
+wainscott,1671,2
+tolstoy,1491,1
+hiteman,938,5
+marstons,38,6
+marstons,2332,11
+marstons,401,3
+marstons,137,6
+lindenwood,2254,4
+cosmos,183,1
+coffeen,1354,4
+tolstoy,1532,1
+leonardo,1161,2
+woodbine,741,1
+hanson,1366,8
+lindenwood,2677,6
+shelbyville,1277,3
+marstons,738,9
+marstons,1695,0
+woodbine,909,1
+coffeen,1187,3
+hanson,74,20
+allensville,419,9
+forkland,173,2
+woodbine,1126,13
+leonardo,717,3
+lindenwood,1944,2
+woodbine,1607,2
+woodbine,413,7
+pomaria,255,1
+hiteman,1061,14
+hiteman,1654,3
+lakeville,87,9
+wainscott,820,1
+beechwood,139,0
+ranchester,515,3
+hanson,1291,5
+ranchester,1319,1
+lindenwood,2575,0
+klickitat,2358,9
+shelbyville,1630,7
+woodbine,1032,7
+allensville,157,0
+merom,1098,2
+klickitat,2188,0
+leonardo,304,1
+wainscott,882,0
+woodbine,488,12
+woodbine,702,4
+merom,465,2
+ranchester,604,1
+woodbine,60,13
+woodbine,267,0
+marstons,2543,2
+klickitat,116,13
+shelbyville,2460,7
+hanson,45,1
+marstons,1963,10
+shelbyville,1640,3
+lindenwood,406,0
+woodbine,266,17
+shelbyville,1447,2
+wainscott,1549,2
+marstons,2496,1
+lindenwood,960,1
+pomaria,1564,1
+newfields,95,5
+pinesdale,1391,8
+forkland,258,2
+wainscott,667,0
+merom,1099,4
+hanson,1493,1
+shelbyville,1484,3
+ranchester,873,4
+klickitat,11,13
+klickitat,537,13
+lindenwood,49,5
+stockman,388,0
+lindenwood,1133,0
+tolstoy,1399,0
+woodbine,1942,3
+marstons,785,2
+klickitat,1515,3
+tolstoy,1473,12
+lindenwood,2606,1
+klickitat,268,2
+woodbine,905,1
+pomaria,385,7
+woodbine,77,0
+allensville,412,3
+shelbyville,1273,1
+woodbine,769,5
+marstons,2516,0
+wainscott,784,10
+coffeen,819,1
+wainscott,796,4
+lindenwood,2564,2
+tolstoy,1358,4
+beechwood,479,2
+newfields,1183,1
+wainscott,1738,0
+cosmos,49,2
+ranchester,414,12
+shelbyville,64,1
+beechwood,395,1
+woodbine,157,5
+newfields,495,0
+marstons,2428,4
+beechwood,1157,2
+shelbyville,2427,3
+stockman,802,8
+lindenwood,1291,3
+tolstoy,1416,3
+tolstoy,1805,8
+newfields,1412,5
+cosmos,35,1
+wainscott,886,2
+wainscott,1607,7
+coffeen,1362,2
+ranchester,1059,4
+leonardo,1895,8
+lindenwood,481,1
+lindenwood,233,0
+leonardo,1127,1
+wainscott,906,1
+lindenwood,1894,1
+lindenwood,1192,2
+lakeville,1110,4
+stockman,1470,1
+wainscott,1547,3
+lakeville,801,4
+leonardo,1414,9
+newfields,144,0
+ranchester,737,2
+mifflinburg,297,1
+lindenwood,714,2
+merom,865,1
+coffeen,661,3
+tolstoy,1394,8
+leonardo,1351,0
+klickitat,1607,3
+cosmos,262,0
+pomaria,256,5
+ranchester,112,14
+lindenwood,1887,2
+wainscott,1747,8
+lakeville,1742,2
+beechwood,982,0
+pinesdale,1493,2
+stockman,1547,2
+shelbyville,161,2
+stockman,980,8
+tolstoy,1086,2
+stockman,1221,3
+woodbine,1267,5
+allensville,244,0
+ranchester,454,4
+pinesdale,552,1
+beechwood,830,4
+leonardo,478,3
+klickitat,1302,13
+shelbyville,235,0
+hiteman,343,1
+lindenwood,392,4
+shelbyville,775,3
+wainscott,1271,3
+marstons,20,5
+benevolence,15,3
+klickitat,673,0
+hanson,1383,0
+hiteman,1801,1
+leonardo,2026,5
+tolstoy,458,0
+cosmos,705,11
+tolstoy,512,3
+klickitat,757,1
+coffeen,915,9
+lakeville,284,23
+shelbyville,770,0
+pomaria,1088,3
+marstons,965,12
+wainscott,437,2
+klickitat,603,3
+shelbyville,100,3
+mifflinburg,940,0
+marstons,2264,0
+newfields,706,1
+woodbine,1161,6
+lakeville,139,7
+pomaria,1365,5
+klickitat,656,2
+newfields,1120,3
+cosmos,522,4
+tolstoy,460,0
+lakeville,1683,2
+newfields,983,2
+ranchester,517,4
+lakeville,1206,4
+ranchester,1054,3
+newfields,947,8
+pomaria,1530,3
+cosmos,1035,1
+leonardo,1203,5
+lakeville,1074,0
+forkland,838,0
+lakeville,134,4
+klickitat,2384,2
+newfields,1171,2
+hanson,554,3
+lindenwood,733,7
+newfields,1425,2
+klickitat,880,8
+marstons,1963,17
+woodbine,1204,12
+woodbine,1469,1
+woodbine,1231,0
+ranchester,867,1
+lakeville,739,15
+wainscott,504,1
+leonardo,672,0
+ranchester,281,2
+newfields,1399,2
+beechwood,616,1
+lindenwood,2489,3
+stockman,1072,7
+tolstoy,155,4
+lindenwood,1636,2
+cosmos,989,3
+tolstoy,867,9
+mifflinburg,566,1
+newfields,1551,5
+hanson,996,2
+merom,81,5
+newfields,38,4
+wainscott,1667,0
+newfields,822,10
+ranchester,1082,5
+hanson,1171,5
+woodbine,1827,6
+leonardo,368,0
+klickitat,1389,6
+lindenwood,911,10
+lindenwood,1609,1
+woodbine,360,13
+ranchester,168,9
+pinesdale,684,1
+woodbine,1441,1
+klickitat,1733,0
+shelbyville,2341,7
+leonardo,1049,0
+wainscott,551,8
+woodbine,758,6
+merom,903,3
+woodbine,553,4
+pomaria,1230,3
+woodbine,1055,1
+pinesdale,486,2
+klickitat,2367,3
+forkland,378,1
+wainscott,1528,4
+lindenwood,1899,2
+klickitat,2248,5
+shelbyville,1051,2
+lindenwood,1852,6
+mifflinburg,454,8
+coffeen,428,5
+benevolence,931,9
+pinesdale,925,11
+lakeville,1570,4
+shelbyville,687,0
+merom,918,1
+lakeville,1310,6
+ranchester,1028,6
+marstons,1831,7
+hiteman,807,2
+woodbine,1853,7
+newfields,1429,1
+ranchester,1161,3
+pomaria,1553,0
+lakeville,847,6
+hanson,844,2
+mifflinburg,225,0
+leonardo,1230,3
+hanson,269,7
+shelbyville,263,1
+marstons,1304,9
+allensville,347,1
+pinesdale,824,13
+marstons,2607,1
+leonardo,1635,14
+klickitat,2407,1
+shelbyville,872,2
+marstons,218,4
+tolstoy,1769,6
+stockman,270,1
+stockman,1211,4
+cosmos,311,8
+hanson,1591,0
+pomaria,1601,0
+shelbyville,12,4
+beechwood,255,1
+pinesdale,805,0
+klickitat,2159,3
+woodbine,844,1
+lindenwood,1390,3
+wainscott,1374,1
+hanson,824,6
+hanson,1005,2
+klickitat,1450,2
+hiteman,660,13
+pinesdale,941,0
+pinesdale,1208,3
+lakeville,1471,2
+lakeville,703,9
+forkland,160,3
+ranchester,1550,3
+lakeville,1157,5
+woodbine,245,0
+hiteman,1672,5
+ranchester,1431,1
+mifflinburg,700,3
+stockman,152,2
+woodbine,509,2
+klickitat,2097,5
+marstons,667,1
+tolstoy,830,4
+marstons,1223,11
+newfields,1030,0
+woodbine,1424,0
+cosmos,1044,2
+pinesdale,1217,0
+stockman,825,2
+allensville,42,1
+newfields,284,1
+marstons,1934,2
+onaga,338,0
+tolstoy,295,1
+leonardo,111,8
+ranchester,581,8
+hiteman,1567,1
+mifflinburg,129,2
+benevolence,136,4
+stockman,1432,1
+lindenwood,1019,1
+tolstoy,1591,1
+hiteman,217,0
+wainscott,919,0
+forkland,1138,1
+tolstoy,815,3
+beechwood,722,3
+klickitat,1465,7
+hiteman,1488,3
+stockman,811,6
+newfields,126,4
+cosmos,286,0
+leonardo,2014,5
+marstons,758,13
+leonardo,735,2
+lindenwood,1926,1
+wainscott,1503,0
+marstons,1471,2
+marstons,228,7
+hanson,254,3
+klickitat,407,10
+lindenwood,1159,11
+pomaria,738,8
+cosmos,90,3
+hanson,627,9
+forkland,513,1
+newfields,987,0
+coffeen,885,5
+onaga,389,0
+marstons,698,4
+coffeen,1084,1
+lindenwood,775,1
+coffeen,944,2
+hanson,811,4
+shelbyville,481,0
+tolstoy,1214,6
+shelbyville,636,6
+pomaria,316,12
+pomaria,482,2
+ranchester,46,1
+onaga,582,1
+tolstoy,88,18
+leonardo,1627,2
+lindenwood,1920,4
+marstons,2476,12
+klickitat,1482,1
+shelbyville,571,4
+woodbine,393,1
+forkland,94,5
+shelbyville,685,4
+marstons,1704,2
+stockman,1171,0
+cosmos,268,8
+lakeville,91,5
+wainscott,1799,7
+shelbyville,2484,4
+pinesdale,1158,5
+hanson,1361,6
+lindenwood,296,2
+ranchester,1131,7
+klickitat,1332,3
+cosmos,585,0
+shelbyville,1820,7
+stockman,69,3
+wainscott,308,7
+leonardo,1534,0
+lindenwood,1156,2
+wainscott,979,5
+leonardo,1832,0
+forkland,631,2
+coffeen,1015,7
+pinesdale,305,0
+shelbyville,2429,4
+stockman,412,10
+pomaria,270,2
+shelbyville,611,2
+wainscott,988,1
+tolstoy,135,3
+coffeen,902,0
+lindenwood,2633,1
+newfields,1405,0
+lindenwood,1993,1
+klickitat,1855,2
+shelbyville,421,12
+benevolence,82,3
+benevolence,223,2
+woodbine,1787,1
+klickitat,879,1
+coffeen,1054,0
+leonardo,2061,0
+shelbyville,2254,2
+leonardo,1389,4
+lakeville,1732,2
+lakeville,1473,2
+pomaria,625,1
+hanson,82,6
+klickitat,1960,10
+newfields,578,0
+marstons,1207,13
+ranchester,1471,1
+klickitat,2010,16
+onaga,248,1
+newfields,954,3
+lindenwood,948,3
+ranchester,1577,0
+hiteman,149,3
+leonardo,435,13
+merom,765,3
+merom,483,0
+shelbyville,1304,8
+tolstoy,1171,6
+klickitat,2213,4
+pinesdale,1128,3
+ranchester,1265,10
+wainscott,46,1
+pinesdale,895,9
+pomaria,746,5
+marstons,2234,0
+hanson,241,3
+cosmos,427,2
+leonardo,1644,6
+pinesdale,947,3
+marstons,1007,11
+pinesdale,388,2
+marstons,1384,2
+hiteman,714,1
+marstons,2091,3
+marstons,2420,7
+lakeville,758,1
+ranchester,172,0
+wainscott,1272,8
+wainscott,1630,9
+coffeen,318,3
+onaga,624,3
+lakeville,1389,3
+pomaria,242,6
+shelbyville,1704,8
+wainscott,277,0
+woodbine,938,2
+merom,963,0
+leonardo,1827,5
+leonardo,1075,5
+wainscott,858,7
+pinesdale,734,4
+pomaria,1455,2
+woodbine,1494,0
+marstons,2146,6
+klickitat,1012,3
+hiteman,1645,0
+onaga,228,2
+hanson,1379,3
+merom,558,7
+marstons,1390,3
+benevolence,323,2
+shelbyville,2096,3
+coffeen,396,0
+lakeville,1349,9
+pomaria,89,2
+marstons,2106,6
+marstons,555,12
+pinesdale,364,6
+lakeville,98,6
+wainscott,109,4
+newfields,1306,0
+woodbine,64,2
+onaga,474,3
+hiteman,726,2
+tolstoy,116,4
+newfields,1302,9
+woodbine,1685,4
+mifflinburg,859,13
+pomaria,997,7
+lindenwood,499,1
+woodbine,88,6
+hanson,786,4
+wainscott,1228,0
+hiteman,787,2
+klickitat,935,2
+woodbine,297,9
+wainscott,1403,6
+coffeen,1376,1
+pomaria,514,7
+hiteman,1029,2
+marstons,2552,3
+lakeville,355,7
+shelbyville,1372,1
+marstons,529,7
+newfields,495,4
+pomaria,584,14
+forkland,13,2
+tolstoy,265,0
+hiteman,1847,5
+onaga,320,6
+pomaria,813,3
+stockman,1541,5
+marstons,244,1
+forkland,629,0
+tolstoy,820,8
+merom,765,0
+wainscott,1058,1
+benevolence,497,0
+hanson,1170,7
+shelbyville,2132,0
+hiteman,206,3
+klickitat,192,1
+wainscott,1039,10
+benevolence,849,12
+wainscott,1221,1
+hanson,1348,0
+woodbine,1947,2
+beechwood,741,6
+hiteman,431,2
+forkland,1135,2
+lindenwood,1252,1
+leonardo,1125,10
+mifflinburg,901,1
+lakeville,258,7
+merom,376,3
+pinesdale,201,8
+hanson,52,5
+leonardo,1740,0
+onaga,527,0
+klickitat,1884,5
+hiteman,252,3
+stockman,830,2
+shelbyville,98,1
+leonardo,1798,12
+leonardo,1112,5
+coffeen,830,8
+shelbyville,796,9
+lakeville,304,6
+hanson,592,2
+marstons,1965,1
+stockman,31,3
+shelbyville,1222,3
+mifflinburg,731,1
+tolstoy,746,1
+stockman,1149,0
+wainscott,984,6
+beechwood,456,2
+shelbyville,596,0
+wainscott,411,0
+marstons,880,0
+leonardo,1838,2
+pomaria,1504,3
+shelbyville,1233,4
+coffeen,541,4
+wainscott,1406,0
+hanson,701,0
+marstons,1708,8
+woodbine,1575,9
+coffeen,1494,1
+hanson,78,10
+leonardo,1233,0
+pinesdale,1360,5
+leonardo,1711,0
+shelbyville,1490,4
+lakeville,94,8
+marstons,874,5
+klickitat,668,1
+lindenwood,1600,5
+pinesdale,429,0
+merom,850,7
+merom,233,4
+pinesdale,73,1
+benevolence,98,3
+tolstoy,1763,1
+klickitat,938,1
+hiteman,233,6
+wainscott,1278,9
+merom,918,3
+marstons,575,3
+newfields,662,1
+klickitat,235,4
+lindenwood,310,1
+hiteman,215,0
+forkland,154,0
+lindenwood,1196,1
+woodbine,438,9
+woodbine,1583,5
+woodbine,1908,4
+forkland,327,6
+klickitat,2296,10
+klickitat,1422,0
+lindenwood,1840,4
+tolstoy,1768,7
+tolstoy,71,4
+tolstoy,244,1
+wainscott,1512,9
+marstons,1580,5
+newfields,754,0
+leonardo,167,16
+ranchester,1558,10
+woodbine,1422,0
+wainscott,949,0
+shelbyville,1573,12
+klickitat,2102,3
+shelbyville,724,12
+lindenwood,732,8
+lindenwood,2167,0
+forkland,1072,3
+ranchester,1241,2
+klickitat,2043,3
+tolstoy,1819,2
+beechwood,859,2
+shelbyville,2258,13
+shelbyville,132,1
+mifflinburg,831,0
+mifflinburg,202,4
+marstons,2451,4
+shelbyville,2643,0
+tolstoy,1802,0
+ranchester,160,3
+hanson,332,0
+lakeville,204,1
+leonardo,569,5
+hanson,252,4
+pinesdale,557,2
+stockman,596,3
+ranchester,1293,2
+woodbine,1939,10
+tolstoy,1786,1
+woodbine,597,6
+tolstoy,931,1
+coffeen,42,4
+hiteman,294,3
+lindenwood,317,1
+coffeen,1286,8
+pinesdale,922,6
+wainscott,974,11
+marstons,1224,3
+benevolence,572,0
+newfields,314,7
+marstons,1309,0
+newfields,604,2
+ranchester,1564,4
+pinesdale,874,0
+pinesdale,794,4
+merom,346,7
+woodbine,1639,15
+mifflinburg,851,3
+shelbyville,214,0
+shelbyville,1165,15
+mifflinburg,326,2
+pinesdale,659,6
+benevolence,620,1
+wainscott,131,1
+benevolence,796,2
+klickitat,1338,2
+hiteman,144,4
+marstons,2540,13
+coffeen,900,3
+merom,358,2
+stockman,1326,6
+ranchester,1534,1
+ranchester,1180,1
+klickitat,1984,14
+beechwood,617,5
+tolstoy,1039,2
+woodbine,729,5
+leonardo,702,2
+wainscott,1713,8
+woodbine,1761,7
+woodbine,1712,3
+wainscott,162,0
+hanson,1461,16
+woodbine,1237,3
+newfields,1217,0
+hiteman,1176,0
+shelbyville,1260,8
+allensville,255,6
+beechwood,69,3
+woodbine,1253,5
+marstons,2107,2
+wainscott,1514,3
+leonardo,2018,2
+woodbine,192,11
+stockman,1111,8
+klickitat,1171,5
+shelbyville,2200,6
+shelbyville,1340,2
+shelbyville,66,4
+beechwood,248,7
+beechwood,1047,0
+pomaria,119,10
+wainscott,703,8
+lakeville,1363,5
+newfields,865,7
+coffeen,1163,2
+shelbyville,1384,3
+beechwood,1113,8
+tolstoy,969,2
+merom,455,0
+merom,479,4
+leonardo,657,7
+hanson,1622,4
+shelbyville,1530,5
+stockman,1503,1
+allensville,131,2
+klickitat,2325,6
+lakeville,1191,11
+lindenwood,1015,4
+marstons,1483,6
+beechwood,965,5
+wainscott,1106,10
+mifflinburg,260,1
+forkland,822,6
+marstons,335,8
+lakeville,1281,1
+klickitat,256,0
+pomaria,1416,11
+woodbine,1364,1
+onaga,194,3
+leonardo,1043,4
+shelbyville,1980,5
+ranchester,1225,5
+pomaria,207,2
+leonardo,886,7
+forkland,639,9
+coffeen,304,2
+shelbyville,1788,1
+shelbyville,629,0
+lindenwood,1882,7
+klickitat,1082,4
+leonardo,728,0
+lindenwood,1706,1
+klickitat,1041,11
+beechwood,478,4
+woodbine,1361,6
+mifflinburg,754,9
+hanson,514,11
+shelbyville,1137,2
+shelbyville,501,8
+lakeville,457,4
+coffeen,629,2
+stockman,233,5
+beechwood,607,0
+mifflinburg,720,3
+wainscott,939,0
+cosmos,549,0
+marstons,1698,7
+tolstoy,1818,3
+klickitat,1263,5
+shelbyville,1316,3
+newfields,1614,0
+mifflinburg,140,5
+wainscott,1471,1
+onaga,410,5
+newfields,678,7
+shelbyville,2235,3
+hiteman,1345,1
+woodbine,106,4
+merom,655,0
+stockman,746,3
+coffeen,1045,4
+marstons,545,5
+stockman,1198,9
+pomaria,1000,0
+woodbine,369,1
+wainscott,1566,4
+allensville,136,3
+marstons,1543,7
+wainscott,913,2
+wainscott,228,9
+lindenwood,2600,1
+leonardo,206,5
+stockman,573,1
+hanson,244,5
+lakeville,1423,6
+hiteman,501,2
+wainscott,1397,2
+pinesdale,1391,3
+marstons,385,5
+coffeen,1433,3
+marstons,1331,0
+klickitat,767,2
+pinesdale,74,7
+lindenwood,936,10
+klickitat,1520,7
+shelbyville,1537,2
+cosmos,385,6
+ranchester,432,2
+woodbine,1017,4
+stockman,403,1
+klickitat,393,5
+lindenwood,1166,0
+leonardo,2010,0
+stockman,622,1
+forkland,1132,4
+tolstoy,1089,0
+lakeville,381,2
+cosmos,951,2
+lakeville,532,7
+klickitat,721,2
+hiteman,183,0
+hiteman,895,1
+ranchester,1445,1
+newfields,1573,8
+shelbyville,520,9
+stockman,1017,3
+lakeville,1346,0
+leonardo,90,6
+hiteman,1662,10
+pinesdale,11,8
+hiteman,14,8
+woodbine,440,10
+tolstoy,1339,3
+pinesdale,1062,0
+klickitat,530,1
+marstons,1629,8
+newfields,260,2
+tolstoy,656,6
+onaga,627,1
+leonardo,1475,4
+benevolence,122,4
+benevolence,89,0
+hiteman,1751,1
+stockman,774,2
+leonardo,267,0
+hanson,1445,3
+shelbyville,1630,4
+coffeen,360,5
+cosmos,434,1
+forkland,1151,2
+hiteman,1066,3
+lindenwood,404,4
+ranchester,612,1
+lindenwood,553,1
+onaga,260,4
+tolstoy,926,2
+tolstoy,837,3
+mifflinburg,225,3
+beechwood,786,0
+tolstoy,1810,4
+pomaria,1660,1
+woodbine,222,4
+cosmos,5,9
+mifflinburg,312,3
+woodbine,1817,2
+benevolence,28,0
+marstons,936,3
+wainscott,335,0
+shelbyville,872,0
+newfields,502,1
+newfields,391,5
+wainscott,1603,2
+hanson,164,9
+lakeville,1819,1
+pomaria,903,6
+klickitat,202,13
+stockman,361,1
+stockman,979,2
+marstons,768,10
+wainscott,495,6
+lindenwood,699,0
+tolstoy,507,1
+pinesdale,756,3
+shelbyville,712,2
+wainscott,1671,3
+ranchester,573,7
+ranchester,489,2
+klickitat,135,0
+woodbine,927,0
+stockman,362,2
+lindenwood,1271,3
+benevolence,696,0
+stockman,868,0
+lindenwood,2216,1
+merom,679,0
+tolstoy,1452,18
+klickitat,567,1
+shelbyville,238,8
+shelbyville,2470,11
+coffeen,637,0
+leonardo,1965,1
+lindenwood,1699,4
+marstons,1140,5
+wainscott,1477,8
+shelbyville,2123,5
+marstons,1570,2
+woodbine,1116,3
+marstons,469,4
+hiteman,917,2
+woodbine,904,6
+merom,249,4
+shelbyville,2614,7
+klickitat,432,2
+newfields,785,3
+forkland,403,3
+beechwood,985,0
+leonardo,1320,2
+hanson,786,1
+benevolence,481,9
+wainscott,1321,1
+newfields,497,4
+forkland,679,4
+marstons,2537,1
+tolstoy,43,4
+pinesdale,31,5
+pomaria,216,0
+hiteman,522,2
+hanson,405,3
+newfields,1327,1
+hanson,209,6
+cosmos,11,0
+leonardo,511,0
+tolstoy,197,2
+lakeville,590,0
+newfields,1424,21
+tolstoy,314,3
+lindenwood,2129,10
+hiteman,64,3
+marstons,514,1
+leonardo,732,0
+newfields,371,1
+lakeville,482,1
+klickitat,1617,0
+newfields,1029,0
+hiteman,1306,5
+beechwood,388,2
+beechwood,950,2
+onaga,431,12
+ranchester,198,1
+klickitat,1977,2
+pomaria,668,3
+pomaria,1593,9
+lindenwood,883,9
+merom,307,2
+merom,591,5
+newfields,382,2
+hiteman,1088,1
+hanson,1617,4
+hanson,1142,3
+woodbine,288,2
+cosmos,289,2
+stockman,1302,5
+hiteman,726,12
+leonardo,119,1
+ranchester,1410,12
+woodbine,1891,6
+stockman,1477,0
+pomaria,366,4
+lindenwood,73,5
+woodbine,618,1
+newfields,989,2
+merom,939,1
+klickitat,1800,0
+marstons,1881,6
+lakeville,639,7
+pomaria,1608,3
+marstons,595,1
+lakeville,655,2
+klickitat,1492,5
+lindenwood,2585,12
+klickitat,2364,4
+pinesdale,1396,3
+lindenwood,519,9
+leonardo,654,1
+mifflinburg,581,3
+stockman,484,2
+lindenwood,1729,0
+lindenwood,2274,3
+lindenwood,1028,2
+leonardo,1021,5
+ranchester,1551,6
+merom,184,3
+tolstoy,1767,12
+merom,557,5
+pinesdale,806,2
+hanson,361,7
+beechwood,297,8
+benevolence,235,1
+lakeville,273,0
+hiteman,1535,4
+allensville,280,7
+leonardo,1067,10
+klickitat,25,3
+beechwood,924,7
+klickitat,138,4
+pinesdale,93,4
+merom,458,0
+benevolence,15,6
+cosmos,523,8
+hiteman,424,6
+wainscott,1128,9
+coffeen,1129,7
+shelbyville,225,3
+allensville,489,5
+woodbine,1394,0
+woodbine,1407,1
+hanson,68,1
+mifflinburg,479,1
+wainscott,1603,0
+woodbine,1066,2
+pomaria,1106,12
+beechwood,303,1
+hiteman,849,6
+mifflinburg,977,1
+pomaria,1188,2
+marstons,2084,1
+hanson,539,6
+coffeen,1129,5
+wainscott,458,1
+wainscott,808,6
+lindenwood,1211,0
+wainscott,1200,3
+ranchester,1207,4
+cosmos,189,6
+tolstoy,1165,2
+ranchester,1372,2
+cosmos,907,0
+tolstoy,1645,3
+allensville,518,6
+marstons,88,10
+newfields,111,5
+benevolence,526,1
+beechwood,815,3
+leonardo,1210,5
+klickitat,2057,3
+forkland,947,2
+coffeen,1515,4
+benevolence,536,4
+wainscott,1414,6
+wainscott,517,12
+wainscott,1379,7
+klickitat,750,2
+lindenwood,508,8
+coffeen,699,9
+stockman,856,3
+lindenwood,2586,9
+shelbyville,1183,1
+hanson,1436,2
+pomaria,508,5
+benevolence,865,0
+leonardo,113,2
+lakeville,1053,4
+beechwood,1051,3
+stockman,445,6
+allensville,242,2
+leonardo,316,18
+woodbine,1902,7
+marstons,1281,0
+shelbyville,426,4
+wainscott,191,4
+shelbyville,2259,3
+pomaria,35,13
+tolstoy,818,6
+tolstoy,183,9
+newfields,532,10
+hanson,979,2
+tolstoy,1762,6
+ranchester,389,6
+ranchester,778,0
+allensville,26,5
+wainscott,1389,1
+shelbyville,2468,9
+merom,398,0
+hiteman,642,3
+benevolence,826,4
+forkland,570,4
+benevolence,877,9
+marstons,127,1
+shelbyville,2721,2
+hiteman,210,2
+mifflinburg,673,1
+leonardo,2058,12
+marstons,1969,1
+newfields,360,7
+shelbyville,1018,10
+marstons,509,3
+leonardo,905,1
+hiteman,1516,5
+wainscott,1162,16
+ranchester,278,3
+benevolence,211,0
+marstons,534,0
+hiteman,1380,9
+merom,627,4
+marstons,2093,1
+onaga,319,1
+lakeville,726,0
+wainscott,1423,2
+marstons,1648,0
+shelbyville,898,1
+newfields,854,1
+onaga,603,2
+klickitat,913,0
+stockman,1018,5
+hiteman,763,6
+lakeville,377,6
+lindenwood,423,4
+wainscott,1068,1
+lakeville,959,2
+hiteman,606,1
+forkland,1184,1
+ranchester,233,2
+hiteman,12,10
+leonardo,489,13
+lakeville,1531,3
+wainscott,703,5
+klickitat,613,1
+shelbyville,451,9
+hiteman,745,1
+stockman,1481,5
+newfields,1607,0
+benevolence,289,2
+shelbyville,341,1
+pinesdale,1487,12
+wainscott,505,7
+stockman,610,0
+pomaria,1619,9
+hanson,1362,2
+pomaria,1263,6
+lakeville,1498,1
+coffeen,1154,4
+lakeville,994,6
+newfields,1405,11
+wainscott,965,0
+marstons,111,4
+onaga,321,4
+mifflinburg,919,3
+klickitat,1495,7
+cosmos,721,3
+newfields,757,2
+pomaria,173,1
+mifflinburg,462,2
+coffeen,479,0
+stockman,535,3
+klickitat,2123,2
+lindenwood,2033,2
+hanson,170,7
+leonardo,831,1
+hiteman,1746,1
+marstons,947,12
+lindenwood,824,7
+onaga,127,3
+wainscott,1757,1
+lindenwood,1570,8
+shelbyville,2380,3
+klickitat,2012,2
+hanson,1121,13
+wainscott,1092,1
+pinesdale,950,10
+klickitat,2311,6
+lindenwood,416,16
+pomaria,914,3
+shelbyville,2718,0
+lakeville,1737,7
+pomaria,1181,0
+newfields,999,3
+wainscott,170,9
+merom,1056,5
+stockman,948,3
+marstons,623,7
+lindenwood,2564,1
+shelbyville,2719,0
+lakeville,597,5
+pomaria,476,4
+shelbyville,2208,2
+pomaria,1379,1
+klickitat,32,0
+leonardo,1160,5
+stockman,669,5
+lindenwood,1273,1
+lindenwood,2442,9
+shelbyville,597,0
+stockman,222,3
+merom,250,1
+ranchester,699,1
+ranchester,518,2
+marstons,411,0
+marstons,1551,0
+coffeen,1247,8
+klickitat,594,2
+lakeville,631,4
+lindenwood,820,11
+lindenwood,1387,5
+lakeville,428,8
+pomaria,1287,1
+marstons,2540,4
+forkland,772,2
+marstons,211,5
+shelbyville,1499,2
+marstons,311,5
+shelbyville,520,2
+marstons,752,3
+marstons,952,2
+wainscott,704,0
+woodbine,69,6
+pomaria,1326,5
+wainscott,441,8
+allensville,357,6
+ranchester,84,1
+tolstoy,1304,0
+klickitat,1100,1
+newfields,918,0
+marstons,267,7
+cosmos,140,4
+marstons,107,2
+ranchester,80,0
+hanson,1403,6
+newfields,853,3
+tolstoy,1479,1
+allensville,384,0
+lakeville,130,0
+forkland,606,2
+newfields,1244,3
+shelbyville,1352,7
+beechwood,508,2
+coffeen,351,2
+klickitat,1463,4
+lakeville,865,2
+merom,820,2
+mifflinburg,412,9
+hanson,209,16
+leonardo,142,3
+leonardo,158,1
+lindenwood,2318,0
+lindenwood,1358,9
+ranchester,499,2
+woodbine,687,0
+forkland,492,4
+pinesdale,304,1
+cosmos,678,0
+pinesdale,40,2
+lindenwood,2580,4
+pomaria,247,3
+lindenwood,877,8
+cosmos,545,0
+marstons,1398,12
+cosmos,210,0
+lindenwood,1782,9
+lindenwood,2629,1
+forkland,240,2
+lindenwood,1731,1
+ranchester,1516,4
+tolstoy,992,2
+wainscott,1240,0
+stockman,351,2
+hiteman,446,18
+wainscott,417,6
+newfields,449,2
+woodbine,501,13
+stockman,1151,1
+ranchester,193,1
+hiteman,538,1
+merom,136,0
+forkland,130,2
+klickitat,2096,4
+hanson,775,13
+merom,5,0
+stockman,1000,5
+cosmos,322,3
+pinesdale,1006,2
+tolstoy,867,10
+stockman,1559,0
+pomaria,809,5
+tolstoy,433,6
+tolstoy,1534,2
+woodbine,1390,5
+ranchester,364,4
+forkland,142,2
+shelbyville,1900,2
+tolstoy,984,13
+lindenwood,986,8
+newfields,1570,7
+beechwood,977,0
+shelbyville,2148,3
+ranchester,558,2
+tolstoy,784,2
+pinesdale,156,4
+woodbine,254,0
+tolstoy,636,6
+lindenwood,790,3
+ranchester,1284,2
+mifflinburg,164,1
+hiteman,499,1
+marstons,892,9
+marstons,1904,2
+newfields,70,3
+shelbyville,2145,9
+shelbyville,210,2
+lindenwood,227,1
+coffeen,903,1
+beechwood,9,2
+pomaria,729,8
+woodbine,350,1
+hiteman,78,2
+shelbyville,2061,12
+lakeville,419,9
+mifflinburg,108,3
+woodbine,632,0
+hiteman,1788,1
+mifflinburg,261,0
+marstons,193,7
+hiteman,680,3
+allensville,68,4
+leonardo,302,4
+merom,920,1
+wainscott,1561,4
+pinesdale,1075,7
+lakeville,1327,6
+tolstoy,1529,6
+shelbyville,374,2
+marstons,2351,2
+shelbyville,2402,2
+hanson,814,0
+shelbyville,1224,1
+onaga,378,3
+ranchester,531,15
+onaga,29,4
+lakeville,745,7
+marstons,7,3
+pinesdale,1390,9
+coffeen,1128,2
+merom,1108,6
+newfields,161,4
+lakeville,1536,4
+marstons,970,0
+mifflinburg,332,6
+merom,179,0
+klickitat,2338,11
+ranchester,147,4
+cosmos,714,2
+hiteman,524,4
+pomaria,81,2
+hiteman,699,21
+wainscott,745,2
+coffeen,58,4
+klickitat,1744,2
+klickitat,620,9
+pinesdale,113,10
+pinesdale,1252,2
+wainscott,1544,3
+pomaria,732,1
+shelbyville,2802,5
+leonardo,40,5
+wainscott,461,10
+klickitat,1187,5
+stockman,1501,2
+leonardo,1341,4
+hiteman,1083,7
+newfields,558,10
+hiteman,1366,2
+lindenwood,1302,2
+merom,604,2
+klickitat,2057,0
+forkland,962,2
+hiteman,258,3
+stockman,963,0
+allensville,234,3
+woodbine,266,10
+tolstoy,448,1
+ranchester,1296,1
+forkland,279,2
+marstons,1651,0
+hiteman,1073,4
+beechwood,578,5
+newfields,1412,2
+hiteman,60,5
+hanson,207,0
+lindenwood,1049,1
+lindenwood,2472,13
+lindenwood,2004,3
+hiteman,1609,1
+lindenwood,1675,13
+marstons,990,9
+ranchester,1315,0
+benevolence,476,7
+hanson,133,10
+hiteman,1142,1
+coffeen,1174,9
+lindenwood,2333,7
+lakeville,956,2
+leonardo,1285,4
+ranchester,142,2
+merom,25,6
+hanson,1472,0
+woodbine,416,1
+klickitat,474,2
+wainscott,416,0
+wainscott,393,1
+pinesdale,865,2
+pomaria,1434,3
+tolstoy,1549,6
+leonardo,170,3
+coffeen,220,0
+newfields,637,2
+lindenwood,1954,5
+merom,389,2
+marstons,438,0
+coffeen,319,1
+shelbyville,1253,0
+woodbine,427,0
+woodbine,605,1
+shelbyville,239,2
+mifflinburg,935,1
+woodbine,1113,4
+cosmos,473,10
+leonardo,357,2
+hiteman,131,3
+klickitat,81,2
+woodbine,200,1
+woodbine,1501,0
+lakeville,311,3
+leonardo,2034,8
+pomaria,305,5
+klickitat,1922,13
+hiteman,100,5
+ranchester,493,2
+coffeen,230,0
+newfields,534,5
+merom,1075,2
+hanson,168,2
+hiteman,1772,0
+pinesdale,921,1
+shelbyville,1279,11
+ranchester,566,4
+leonardo,785,9
+mifflinburg,731,0
+klickitat,38,5
+hanson,110,0
+woodbine,1847,6
+lindenwood,2466,0
+marstons,1063,13
+shelbyville,2516,6
+lindenwood,1146,4
+shelbyville,1102,17
+merom,1050,0
+klickitat,2183,3
+woodbine,1161,0
+shelbyville,428,8
+stockman,275,0
+coffeen,619,1
+lakeville,739,6
+hiteman,1553,4
+ranchester,337,4
+wainscott,65,2
+hanson,277,0
+woodbine,854,1
+pomaria,524,3
+newfields,166,0
+shelbyville,323,1
+pomaria,320,9
+forkland,1055,0
+shelbyville,2145,5
+lakeville,385,1
+lakeville,1577,10
+ranchester,519,1
+shelbyville,1919,3
+ranchester,1101,2
+stockman,579,14
+woodbine,1611,4
+beechwood,7,6
+wainscott,1618,8
+tolstoy,1195,7
+coffeen,234,2
+newfields,1121,2
+leonardo,1205,5
+hiteman,945,0
+pinesdale,1215,2
+pomaria,228,6
+lindenwood,533,11
+marstons,93,6
+beechwood,897,0
+shelbyville,1689,0
+benevolence,370,2
+pinesdale,1244,12
+klickitat,740,7
+klickitat,1627,1
+leonardo,379,4
+pinesdale,661,0
+leonardo,766,7
+lakeville,1199,3
+klickitat,1714,0
+shelbyville,984,13
+onaga,315,3
+stockman,997,2
+onaga,118,1
+klickitat,516,1
+marstons,1081,3
+hiteman,444,13
+leonardo,1308,8
+shelbyville,675,5
+tolstoy,517,2
+klickitat,3,4
+shelbyville,2696,1
+benevolence,368,3
+pinesdale,276,5
+shelbyville,1090,6
+shelbyville,1342,7
+pinesdale,1037,4
+beechwood,686,0
+klickitat,1086,1
+shelbyville,2625,4
+klickitat,1475,4
+marstons,555,2
+lindenwood,678,5
+woodbine,347,8
+lakeville,741,2
+lindenwood,863,3
+marstons,1855,4
+coffeen,150,1
+lindenwood,834,6
+beechwood,22,1
+lindenwood,1457,2
+tolstoy,1389,10
+forkland,528,2
+coffeen,748,4
+mifflinburg,452,1
+klickitat,1980,2
+wainscott,1041,14
+stockman,1555,2
+hiteman,1446,7
+hanson,1251,2
+newfields,420,9
+mifflinburg,18,1
+hiteman,1514,1
+hiteman,893,2
+stockman,1376,6
+hanson,1470,0
+beechwood,644,4
+klickitat,1265,2
+tolstoy,906,11
+wainscott,1084,9
+lindenwood,1977,10
+marstons,316,7
+hiteman,364,4
+beechwood,966,0
+lindenwood,2130,8
+woodbine,523,0
+pomaria,1121,2
+newfields,886,2
+leonardo,825,1
+cosmos,942,2
+cosmos,286,6
+pomaria,770,2
+hanson,1633,14
+wainscott,1445,2
+coffeen,1231,0
+pomaria,1162,6
+woodbine,470,0
+shelbyville,2689,10
+woodbine,682,3
+marstons,773,5
+merom,993,6
+lindenwood,1533,3
+lindenwood,1977,4
+klickitat,1041,18
+marstons,1625,2
+woodbine,426,0
+pomaria,236,5
+wainscott,544,7
+woodbine,976,0
+wainscott,138,6
+woodbine,1603,3
+coffeen,52,2
+merom,324,6
+pomaria,731,8
+ranchester,1281,0
+pomaria,1584,4
+cosmos,471,0
+newfields,790,8
+stockman,1239,0
+lindenwood,1735,8
+lindenwood,558,0
+mifflinburg,495,1
+lindenwood,1582,6
+pomaria,1439,0
+shelbyville,2313,6
+lakeville,1347,7
+woodbine,283,8
+hiteman,158,0
+ranchester,984,3
+hanson,1004,2
+tolstoy,214,10
+tolstoy,737,2
+hanson,1134,9
+ranchester,184,1
+allensville,475,0
+pinesdale,667,10
+cosmos,111,2
+tolstoy,3,0
+marstons,2338,2
+lindenwood,2600,9
+marstons,2335,3
+stockman,748,0
+lindenwood,896,7
+cosmos,15,4
+woodbine,1681,5
+klickitat,2358,4
+coffeen,1084,6
+mifflinburg,428,0
+beechwood,495,1
+coffeen,956,2
+shelbyville,1682,0
+woodbine,1253,4
+ranchester,800,1
+wainscott,772,0
+wainscott,1165,1
+ranchester,179,4
+woodbine,303,15
+klickitat,1495,13
+hiteman,576,1
+hanson,1172,10
+pinesdale,765,3
+wainscott,650,2
+lindenwood,1187,10
+lakeville,1256,2
+tolstoy,309,15
+cosmos,683,3
+wainscott,587,4
+lakeville,1701,4
+stockman,774,4
+forkland,1061,1
+beechwood,584,2
+ranchester,1034,6
+merom,1070,2
+ranchester,522,0
+shelbyville,691,6
+lindenwood,1241,3
+pomaria,1350,5
+hanson,1092,3
+tolstoy,786,1
+tolstoy,1469,5
+ranchester,1014,7
+marstons,2231,12
+wainscott,779,6
+stockman,597,0
+stockman,116,4
+hanson,1616,3
+ranchester,1367,2
+wainscott,1098,7
+klickitat,1329,4
+marstons,2067,3
+woodbine,1085,0
+ranchester,1326,5
+tolstoy,389,0
+marstons,1494,2
+tolstoy,853,6
+beechwood,1016,1
+wainscott,1368,3
+lakeville,1719,2
+lindenwood,2455,3
+klickitat,2206,1
+wainscott,636,5
+leonardo,1871,4
+hiteman,1481,2
+coffeen,1499,3
+beechwood,928,3
+pomaria,392,4
+mifflinburg,299,0
+coffeen,103,5
+pinesdale,342,10
+mifflinburg,7,0
+pomaria,1196,3
+hanson,548,6
+pinesdale,907,5
+marstons,1899,1
+coffeen,560,9
+newfields,233,5
+newfields,660,10
+klickitat,1514,3
+newfields,1406,1
+hanson,138,1
+merom,177,1
+hiteman,1163,1
+newfields,1543,4
+tolstoy,863,2
+wainscott,1384,4
+newfields,701,2
+stockman,1330,2
+lakeville,906,3
+wainscott,1415,0
+newfields,769,4
+merom,1068,0
+benevolence,73,3
+hanson,353,1
+beechwood,294,2
+shelbyville,1205,8
+lindenwood,2156,3
+hanson,1251,5
+pinesdale,556,7
+klickitat,1996,0
+lakeville,1792,2
+marstons,1228,7
+woodbine,1186,1
+lakeville,1826,6
+hiteman,347,0
+wainscott,689,0
+mifflinburg,53,10
+stockman,1497,0
+hanson,249,0
+lakeville,1178,2
+lindenwood,2476,4
+stockman,812,0
+pomaria,359,0
+tolstoy,418,4
+hiteman,418,3
+shelbyville,2186,1
+wainscott,1798,7
+onaga,16,4
+ranchester,998,3
+marstons,265,3
+leonardo,824,4
+stockman,722,1
+lakeville,328,7
+pomaria,242,4
+coffeen,630,4
+marstons,327,5
+marstons,2576,5
+leonardo,1530,1
+coffeen,1456,5
+woodbine,1319,6
+wainscott,1778,0
+hanson,197,2
+tolstoy,357,3
+shelbyville,590,2
+woodbine,947,4
+lindenwood,502,10
+wainscott,142,5
+leonardo,1993,1
+shelbyville,2774,1
+beechwood,612,3
+marstons,2416,3
+klickitat,2010,2
+hanson,667,4
+leonardo,1510,1
+shelbyville,1476,1
+cosmos,32,1
+stockman,991,8
+hanson,596,0
+ranchester,1156,5
+shelbyville,1529,2
+hiteman,412,4
+pomaria,119,9
+lindenwood,112,4
+lakeville,246,1
+hiteman,486,1
+woodbine,1924,5
+wainscott,854,2
+leonardo,488,3
+pomaria,214,1
+forkland,364,4
+ranchester,188,4
+forkland,573,0
+lindenwood,1289,0
+marstons,2087,3
+forkland,261,0
+pinesdale,1129,2
+mifflinburg,847,0
+marstons,689,4
+onaga,282,0
+pomaria,1090,3
+marstons,592,0
+klickitat,54,1
+leonardo,1043,2
+klickitat,1871,3
+lindenwood,2431,6
+forkland,169,6
+stockman,357,1
+leonardo,1051,11
+hanson,593,0
+shelbyville,2047,9
+woodbine,1218,16
+klickitat,1401,3
+marstons,1345,4
+forkland,1171,0
+forkland,1065,6
+hanson,54,7
+marstons,1096,4
+stockman,516,2
+shelbyville,1725,0
+pomaria,84,5
+woodbine,104,5
+hiteman,443,5
+pomaria,1478,0
+pinesdale,1203,4
+hanson,711,1
+leonardo,638,0
+stockman,793,6
+klickitat,1655,0
+forkland,854,2
+pomaria,500,4
+newfields,805,3
+marstons,471,6
+shelbyville,623,2
+klickitat,2363,5
+leonardo,592,5
+klickitat,1938,4
+hanson,565,18
+lakeville,367,4
+leonardo,1993,2
+wainscott,1296,10
+stockman,1355,3
+shelbyville,48,5
+forkland,1057,3
+pomaria,1373,0
+leonardo,412,11
+marstons,1692,7
+lindenwood,367,7
+shelbyville,1187,5
+onaga,84,6
+pomaria,511,7
+stockman,705,1
+shelbyville,2052,3
+wainscott,1796,4
+tolstoy,1501,0
+shelbyville,580,4
+stockman,785,0
+pomaria,529,3
+coffeen,874,2
+marstons,518,7
+beechwood,684,6
+leonardo,252,14
+leonardo,764,0
+shelbyville,1743,2
+lakeville,1322,2
+cosmos,322,0
+coffeen,1118,2
+onaga,443,2
+woodbine,1995,2
+benevolence,655,0
+coffeen,614,7
+hiteman,1047,2
+hiteman,695,4
+pinesdale,785,0
+hanson,460,0
+klickitat,1222,1
+lindenwood,1383,2
+tolstoy,674,3
+lindenwood,2212,4
+pomaria,1085,2
+pinesdale,1457,6
+leonardo,1009,8
+marstons,1359,2
+ranchester,969,2
+mifflinburg,574,5
+woodbine,776,6
+marstons,51,5
+newfields,2,3
+leonardo,795,2
+leonardo,2094,4
+shelbyville,1544,0
+shelbyville,2518,9
+lindenwood,90,0
+wainscott,1209,0
+lindenwood,2071,3
+marstons,1743,7
+forkland,775,4
+hiteman,121,1
+pinesdale,897,13
+coffeen,110,3
+pomaria,696,16
+newfields,339,2
+newfields,758,3
+tolstoy,1042,0
+stockman,740,1
+coffeen,1062,5
+tolstoy,923,2
+klickitat,562,0
+newfields,643,1
+ranchester,389,3
+lakeville,1105,2
+coffeen,674,1
+leonardo,1724,1
+leonardo,848,2
+cosmos,214,1
+tolstoy,864,4
+beechwood,362,2
+leonardo,2012,4
+leonardo,1402,9
+lindenwood,1075,0
+shelbyville,276,1
+marstons,1232,0
+lindenwood,1320,6
+forkland,1163,4
+merom,194,5
+shelbyville,1168,1
+tolstoy,1075,1
+leonardo,1352,1
+lindenwood,361,8
+woodbine,459,3
+klickitat,863,12
+klickitat,886,7
+marstons,635,0
+woodbine,869,5
+hanson,235,1
+shelbyville,2438,1
+stockman,366,6
+coffeen,43,1
+lakeville,1572,8
+woodbine,1883,1
+ranchester,1229,5
+leonardo,499,8
+pomaria,209,0
+leonardo,40,13
+lakeville,1623,9
+hanson,1138,3
+forkland,327,4
+shelbyville,2094,1
+ranchester,376,4
+lakeville,213,2
+marstons,86,2
+hiteman,1263,8
+leonardo,1366,0
+hanson,1215,2
+lindenwood,1408,4
+newfields,999,12
+marstons,1984,4
+woodbine,164,3
+lakeville,1436,5
+tolstoy,1353,1
+tolstoy,700,11
+shelbyville,2485,2
+pinesdale,1373,2
+shelbyville,1850,1
+hiteman,1508,14
+wainscott,565,4
+mifflinburg,243,2
+tolstoy,1656,6
+klickitat,1678,3
+klickitat,910,2
+cosmos,127,5
+tolstoy,1313,10
+tolstoy,1655,1
+onaga,19,2
+ranchester,742,3
+cosmos,965,9
+merom,674,7
+klickitat,2134,7
+shelbyville,1741,2
+hanson,602,9
+newfields,1167,1
+lakeville,1798,10
+pomaria,133,0
+coffeen,857,2
+woodbine,697,3
+leonardo,634,4
+lindenwood,1615,5
+beechwood,1031,3
+woodbine,878,8
+woodbine,1405,0
+tolstoy,1672,2
+tolstoy,583,1
+coffeen,203,1
+tolstoy,17,8
+ranchester,1589,7
+hiteman,389,15
+hiteman,781,4
+wainscott,62,16
+onaga,220,2
+leonardo,1313,0
+newfields,126,3
+pinesdale,538,2
+merom,392,8
+coffeen,103,8
+shelbyville,1832,7
+stockman,255,2
+wainscott,195,1
+lindenwood,369,6
+wainscott,400,5
+coffeen,295,8
+lindenwood,1908,8
+pomaria,619,0
+newfields,1057,8
+marstons,1884,6
+hanson,1439,3
+ranchester,1078,0
+onaga,258,1
+stockman,1159,0
+lakeville,1469,5
+marstons,246,2
+newfields,907,10
+woodbine,1069,6
+pinesdale,636,6
+klickitat,214,7
+klickitat,1704,5
+ranchester,971,4
+shelbyville,1672,1
+benevolence,505,2
+hiteman,1211,1
+beechwood,23,0
+shelbyville,1578,5
+shelbyville,363,1
+pinesdale,56,4
+lakeville,1774,0
+benevolence,277,1
+stockman,1225,5
+hiteman,1683,1
+pinesdale,790,12
+lindenwood,982,3
+lakeville,811,18
+merom,1057,4
+mifflinburg,700,6
+klickitat,2222,6
+wainscott,1332,11
+onaga,260,2
+beechwood,30,3
+shelbyville,232,2
+tolstoy,997,2
+lakeville,874,2
+leonardo,1548,6
+klickitat,1241,3
+pomaria,306,0
+newfields,1575,5
+woodbine,970,14
+hiteman,650,5
+newfields,507,10
+lakeville,253,4
+lakeville,1540,5
+shelbyville,1927,12
+tolstoy,459,8
+pomaria,451,9
+shelbyville,705,0
+wainscott,394,3
+lindenwood,348,5
+klickitat,2091,2
+lakeville,824,8
+wainscott,110,6
+marstons,1403,4
+marstons,551,5
+shelbyville,1009,0
+pinesdale,20,2
+hiteman,1729,5
+forkland,667,0
+coffeen,482,0
+wainscott,1083,9
+marstons,2151,9
+newfields,1299,4
+mifflinburg,379,0
+pomaria,1025,4
+lindenwood,1155,5
+pinesdale,362,1
+hiteman,275,4
+leonardo,505,5
+lakeville,85,0
+marstons,1545,15
+leonardo,1662,1
+marstons,1969,3
+leonardo,570,0
+lakeville,157,3
+ranchester,442,3
+woodbine,1478,1
+pinesdale,203,6
+shelbyville,2393,9
+tolstoy,1662,1
+forkland,762,1
+marstons,2551,4
+leonardo,2020,8
+tolstoy,1034,7
+leonardo,128,1
+benevolence,872,12
+ranchester,656,3
+hiteman,1410,0
+ranchester,836,13
+lakeville,560,0
+lindenwood,2130,3
+hanson,1449,5
+merom,406,1
+hiteman,144,12
+lindenwood,1143,3
+hanson,258,2
+hiteman,1566,1
+forkland,36,0
+wainscott,656,14
+lindenwood,347,0
+woodbine,1459,2
+merom,236,3
+pomaria,284,0
+hiteman,745,8
+hiteman,792,5
+coffeen,231,4
+wainscott,1122,2
+tolstoy,1529,7
+ranchester,333,0
+pomaria,1515,0
+tolstoy,1695,9
+marstons,1641,0
+pomaria,1625,1
+woodbine,178,0
+marstons,2631,3
+pinesdale,301,3
+lindenwood,2440,1
+lindenwood,1756,12
+newfields,947,2
+merom,591,1
+klickitat,914,0
+lindenwood,2215,1
+wainscott,1163,6
+lindenwood,2087,5
+ranchester,696,6
+lakeville,1236,1
+leonardo,664,7
+coffeen,639,3
+onaga,503,3
+forkland,290,2
+leonardo,278,2
+marstons,2009,0
+lindenwood,2348,1
+lakeville,811,8
+marstons,1901,0
+beechwood,1128,5
+forkland,831,1
+woodbine,1008,3
+pomaria,1350,0
+woodbine,1806,1
+lakeville,1068,17
+lakeville,1574,1
+tolstoy,1283,1
+mifflinburg,368,1
+klickitat,1625,0
+pomaria,1075,8
+hanson,1457,8
+shelbyville,1620,11
+ranchester,1160,5
+merom,619,3
+wainscott,605,3
+lindenwood,2607,4
+lindenwood,1562,4
+wainscott,1567,1
+newfields,1435,0
+shelbyville,793,2
+benevolence,945,2
+lakeville,376,14
+hanson,794,11
+shelbyville,548,3
+pinesdale,301,10
+tolstoy,1807,1
+hanson,589,2
+pomaria,232,10
+pomaria,1257,7
+shelbyville,2353,2
+pomaria,1337,11
+pinesdale,1028,3
+leonardo,2012,0
+klickitat,116,8
+pinesdale,497,7
+pinesdale,106,3
+hanson,1150,2
+hiteman,926,2
+forkland,103,1
+marstons,179,7
+newfields,714,4
+marstons,1902,1
+lakeville,915,6
+leonardo,2100,14
+beechwood,392,8
+marstons,1926,3
+forkland,713,5
+lakeville,212,5
+marstons,1609,2
+marstons,1744,10
+hanson,51,1
+lakeville,866,5
+woodbine,23,5
+marstons,2551,10
+pinesdale,1475,3
+onaga,648,7
+woodbine,1291,7
+mifflinburg,797,2
+newfields,641,10
+pinesdale,747,3
+lakeville,785,2
+klickitat,908,8
+pinesdale,756,5
+wainscott,282,3
+newfields,223,1
+tolstoy,6,13
+benevolence,563,0
+stockman,525,13
+cosmos,867,6
+newfields,920,2
+woodbine,1499,1
+ranchester,998,8
+pinesdale,82,6
+hiteman,128,2
+stockman,61,8
+marstons,1035,7
+wainscott,387,0
+forkland,210,3
+leonardo,1229,0
+woodbine,674,0
+hiteman,144,2
+tolstoy,585,0
+marstons,1153,2
+pinesdale,1469,2
+pomaria,608,7
+hiteman,1354,4
+marstons,62,2
+stockman,950,5
+coffeen,1275,1
+lindenwood,702,5
+hiteman,1713,5
+lakeville,1720,6
+marstons,2420,5
+mifflinburg,414,0
+coffeen,397,0
+woodbine,1942,4
+pinesdale,702,2
+shelbyville,843,4
+coffeen,214,3
+merom,984,2
+klickitat,565,3
+tolstoy,431,3
+hiteman,792,1
+marstons,564,3
+lindenwood,778,1
+lakeville,724,10
+woodbine,250,0
+beechwood,834,1
+wainscott,1488,8
+cosmos,658,8
+woodbine,1063,12
+woodbine,1267,12
+pomaria,790,6
+ranchester,642,4
+newfields,357,0
+lindenwood,2455,10
+klickitat,861,0
+woodbine,1705,4
+lindenwood,974,1
+ranchester,1445,2
+leonardo,916,0
+allensville,424,2
+ranchester,1142,1
+forkland,775,5
+hiteman,1403,0
+klickitat,1194,11
+leonardo,1202,6
+stockman,643,4
+hiteman,1532,3
+allensville,512,1
+lindenwood,1022,4
+lakeville,992,2
+stockman,687,3
+klickitat,1719,1
+lindenwood,1307,6
+benevolence,660,0
+wainscott,551,6
+shelbyville,1463,6
+wainscott,1791,0
+lakeville,1685,5
+klickitat,467,0
+ranchester,1300,0
+forkland,730,5
+leonardo,4,7
+woodbine,774,2
+hanson,1515,2
+marstons,1963,14
+klickitat,473,6
+hanson,1212,2
+forkland,847,1
+lindenwood,982,1
+marstons,564,1
+beechwood,924,1
+pomaria,278,2
+marstons,1712,2
+tolstoy,1452,17
+marstons,1667,3
+tolstoy,1173,5
+woodbine,1961,4
+newfields,1656,1
+lakeville,464,7
+klickitat,1290,6
+klickitat,1006,5
+ranchester,1335,6
+hiteman,81,1
+shelbyville,1272,1
+pomaria,769,8
+hanson,226,7
+lindenwood,2533,0
+lindenwood,1675,6
+shelbyville,221,10
+lindenwood,2289,3
+allensville,302,1
+wainscott,892,3
+tolstoy,585,2
+woodbine,1764,19
+hanson,1367,7
+woodbine,1436,3
+cosmos,529,0
+pinesdale,1203,3
+pomaria,1593,12
+lindenwood,2147,0
+merom,90,5
+klickitat,1646,6
+woodbine,1176,8
+marstons,2058,0
+klickitat,181,5
+stockman,262,10
+lindenwood,113,2
+woodbine,1247,4
+shelbyville,2499,8
+marstons,2177,6
+marstons,805,0
+hanson,1145,6
+hiteman,1490,4
+beechwood,758,9
+wainscott,1286,10
+pinesdale,754,1
+wainscott,512,9
+tolstoy,1270,10
+allensville,489,10
+pomaria,35,10
+merom,277,6
+merom,710,0
+shelbyville,812,10
+marstons,542,3
+cosmos,470,2
+marstons,1095,0
+klickitat,1668,2
+coffeen,225,1
+beechwood,771,0
+shelbyville,2212,4
+lindenwood,1137,6
+lindenwood,1337,2
+stockman,1486,0
+pinesdale,1494,5
+lakeville,566,9
+allensville,237,1
+coffeen,121,1
+stockman,262,8
+leonardo,684,3
+woodbine,1951,9
+lindenwood,949,5
+hiteman,793,4
+lindenwood,1070,1
+stockman,376,1
+shelbyville,2748,3
+pomaria,1638,7
+cosmos,80,2
+coffeen,243,4
+newfields,596,0
+coffeen,623,6
+tolstoy,1257,10
+lindenwood,2016,2
+lindenwood,24,7
+hiteman,37,7
+beechwood,264,6
+pomaria,499,3
+pinesdale,1432,1
+marstons,2381,6
+lindenwood,1196,3
+woodbine,643,0
+newfields,867,2
+lindenwood,1654,2
+stockman,980,9
+lindenwood,187,2
+beechwood,279,4
+marstons,2202,3
+merom,525,0
+ranchester,1375,0
+leonardo,1037,0
+newfields,746,1
+hiteman,88,4
+benevolence,924,3
+woodbine,1063,6
+wainscott,1150,5
+wainscott,1609,5
+marstons,119,2
+forkland,105,4
+marstons,1743,13
+shelbyville,2809,0
+lakeville,1114,1
+woodbine,121,14
+pomaria,91,4
+lindenwood,310,3
+lindenwood,257,4
+wainscott,635,2
+klickitat,982,0
+hanson,1515,5
+lakeville,1145,1
+klickitat,2357,5
+woodbine,1623,2
+coffeen,417,2
+leonardo,828,0
+benevolence,53,12
+newfields,1238,3
+newfields,224,0
+stockman,940,2
+woodbine,2057,2
+marstons,535,16
+benevolence,745,3
+klickitat,1445,0
+marstons,1516,1
+wainscott,9,2
+lindenwood,13,4
+ranchester,1627,1
+leonardo,553,14
+cosmos,434,5
+pinesdale,1458,1
+hiteman,1129,12
+leonardo,500,1
+hiteman,1219,1
+ranchester,280,5
+hanson,1505,5
+merom,885,2
+klickitat,214,8
+lindenwood,1207,8
+hanson,1649,3
+marstons,74,0
+stockman,447,4
+lakeville,1476,0
+hiteman,1425,5
+newfields,1516,3
+beechwood,155,14
+leonardo,520,2
+forkland,158,5
+stockman,1291,0
+coffeen,188,1
+wainscott,1525,4
+newfields,289,1
+marstons,2515,5
+merom,884,4
+coffeen,57,2
+marstons,1057,9
+shelbyville,2614,3
+klickitat,51,0
+wainscott,899,4
+klickitat,464,2
+wainscott,694,4
+shelbyville,2708,2
+leonardo,45,3
+marstons,597,2
+lindenwood,2612,1
+klickitat,141,3
+klickitat,1620,3
+ranchester,633,0
+newfields,1366,1
+klickitat,1492,3
+lakeville,1606,7
+newfields,1631,1
+hiteman,322,0
+shelbyville,2704,2
+klickitat,2182,6
+marstons,1451,0
+lakeville,1743,3
+pinesdale,901,2
+coffeen,95,1
+leonardo,1435,13
+klickitat,1930,11
+leonardo,1152,5
+shelbyville,2322,8
+benevolence,409,9
+stockman,1043,2
+shelbyville,2016,0
+shelbyville,2202,8
+ranchester,1148,0
+hanson,381,8
+cosmos,596,3
+onaga,207,2
+merom,859,4
+lindenwood,2395,3
+shelbyville,1975,4
+stockman,1138,2
+hiteman,1272,7
+newfields,289,5
+shelbyville,641,3
+ranchester,759,2
+pomaria,699,6
+ranchester,596,4
+hanson,1082,3
+lakeville,1129,2
+lindenwood,921,5
+hanson,1656,10
+marstons,1005,0
+benevolence,623,7
+leonardo,1802,4
+wainscott,1608,7
+leonardo,174,5
+marstons,669,7
+ranchester,554,4
+wainscott,382,3
+stockman,1327,3
+cosmos,293,13
+lakeville,1410,2
+hanson,761,1
+klickitat,940,1
+shelbyville,1114,0
+tolstoy,1224,14
+wainscott,1002,2
+mifflinburg,469,3
+wainscott,385,2
+woodbine,1510,5
+shelbyville,423,0
+shelbyville,2086,5
+woodbine,913,3
+ranchester,1022,3
+hanson,1649,2
+wainscott,1605,1
+pinesdale,1284,1
+klickitat,2036,3
+wainscott,931,2
+stockman,526,13
+marstons,431,6
+coffeen,729,4
+hanson,472,1
+shelbyville,954,0
+wainscott,666,0
+klickitat,1914,6
+newfields,1362,4
+stockman,17,8
+forkland,258,1
+pomaria,461,0
+lindenwood,1996,0
+beechwood,558,0
+tolstoy,691,3
+woodbine,908,3
+wainscott,1727,5
+mifflinburg,74,2
+tolstoy,706,6
+ranchester,170,3
+newfields,1325,2
+klickitat,646,1
+coffeen,967,3
+benevolence,32,8
+benevolence,44,3
+coffeen,561,6
+allensville,461,0
+leonardo,699,12
+ranchester,1172,1
+lakeville,906,1
+merom,854,2
+beechwood,838,1
+stockman,220,2
+onaga,59,2
+pomaria,158,9
+shelbyville,2308,1
+beechwood,125,1
+pinesdale,957,1
+leonardo,1495,4
+ranchester,37,5
+lindenwood,646,1
+tolstoy,452,1
+pomaria,743,12
+shelbyville,338,4
+stockman,1178,1
+woodbine,2046,4
+hanson,1612,0
+hanson,1137,5
+tolstoy,1223,3
+hiteman,525,0
+stockman,1547,8
+hiteman,975,3
+shelbyville,151,6
+allensville,184,8
+lindenwood,1633,5
+coffeen,0,0
+allensville,454,1
+marstons,1708,10
+marstons,2618,3
+ranchester,1025,4
+beechwood,328,6
+lakeville,1577,13
+tolstoy,1641,7
+benevolence,359,4
+lakeville,1155,15
+lindenwood,723,3
+hiteman,495,2
+stockman,912,2
+marstons,15,8
+lakeville,1690,10
+tolstoy,1705,2
+mifflinburg,884,1
+lindenwood,1091,5
+marstons,606,2
+shelbyville,193,11
+marstons,2207,14
+lindenwood,2269,11
+wainscott,413,0
+beechwood,210,2
+stockman,333,1
+allensville,15,0
+lindenwood,2431,5
+shelbyville,1002,3
+stockman,1244,2
+hiteman,528,0
+beechwood,248,4
+mifflinburg,903,0
+lindenwood,985,14
+klickitat,847,5
+pomaria,388,16
+newfields,628,1
+klickitat,536,5
+hanson,989,2
+tolstoy,951,7
+shelbyville,1761,2
+mifflinburg,27,1
+pinesdale,1301,2
+tolstoy,227,3
+shelbyville,2162,2
+lindenwood,1798,1
+ranchester,379,5
+wainscott,806,9
+lindenwood,419,6
+hanson,1582,0
+lindenwood,372,2
+coffeen,886,3
+shelbyville,2314,2
+ranchester,1589,11
+beechwood,1091,1
+leonardo,1896,0
+lakeville,364,4
+wainscott,1053,0
+tolstoy,1781,1
+wainscott,366,15
+shelbyville,1179,2
+cosmos,600,1
+pomaria,134,8
+newfields,963,1
+woodbine,1370,0
+cosmos,839,3
+hiteman,1847,3
+coffeen,76,2
+klickitat,2383,0
+woodbine,1178,5
+pinesdale,504,1
+woodbine,1305,3
+newfields,51,5
+klickitat,1124,4
+hiteman,1645,6
+klickitat,223,2
+cosmos,462,0
+leonardo,2045,4
+tolstoy,411,5
+coffeen,623,7
+pomaria,547,0
+ranchester,1223,6
+wainscott,374,9
+shelbyville,248,10
+lakeville,1343,12
+marstons,31,9
+lakeville,162,7
+pinesdale,882,0
+klickitat,1403,2
+pinesdale,458,14
+leonardo,509,2
+lakeville,994,7
+beechwood,49,1
+woodbine,660,5
+shelbyville,1914,0
+lakeville,1290,2
+pomaria,1554,3
+leonardo,303,1
+lindenwood,1314,0
+beechwood,1118,2
+marstons,2318,1
+hanson,1062,3
+hiteman,855,3
+shelbyville,1895,4
+merom,278,5
+lindenwood,137,0
+lindenwood,2526,5
+marstons,726,5
+coffeen,317,0
+allensville,258,1
+ranchester,382,0
+klickitat,2039,2
+hiteman,561,3
+ranchester,36,0
+leonardo,758,4
+shelbyville,2589,9
+shelbyville,1357,0
+leonardo,359,25
+marstons,61,0
+woodbine,1446,1
+leonardo,540,9
+shelbyville,1316,2
+pinesdale,45,1
+marstons,2362,2
+woodbine,401,8
+wainscott,1499,1
+coffeen,53,4
+stockman,802,4
+beechwood,848,2
+lindenwood,619,1
+klickitat,2136,2
+beechwood,1128,3
+pinesdale,1330,3
+stockman,1298,1
+klickitat,959,6
+pinesdale,1429,1
+leonardo,2005,12
+lindenwood,1262,5
+lakeville,1238,1
+marstons,1320,9
+leonardo,2033,7
+marstons,2617,1
+lindenwood,1559,0
+tolstoy,1471,2
+klickitat,1278,2
+tolstoy,1452,9
+pinesdale,980,3
+wainscott,1558,2
+pomaria,1036,19
+hiteman,782,0
+leonardo,1988,1
+lindenwood,630,13
+marstons,1302,8
+tolstoy,896,7
+merom,1051,4
+cosmos,705,0
+coffeen,322,0
+ranchester,915,5
+newfields,1309,2
+lindenwood,2161,2
+beechwood,928,2
+lindenwood,845,3
+lindenwood,2617,3
+marstons,924,4
+marstons,975,5
+woodbine,1673,4
+klickitat,591,4
+forkland,590,1
+wainscott,951,1
+leonardo,1669,1
+hanson,416,7
+marstons,1060,2
+allensville,380,2
+hiteman,1748,0
+wainscott,867,1
+hiteman,63,0
+klickitat,168,0
+tolstoy,525,1
+hiteman,1482,13
+hanson,398,1
+cosmos,933,0
+beechwood,994,2
+shelbyville,2494,0
+shelbyville,1080,10
+pomaria,541,3
+leonardo,906,5
+coffeen,1,2
+lakeville,1492,5
+woodbine,525,6
+cosmos,716,0
+shelbyville,1955,7
+shelbyville,174,6
+mifflinburg,372,5
+pinesdale,1270,3
+wainscott,415,15
+marstons,535,7
+ranchester,1299,1
+woodbine,1719,3
+ranchester,1476,2
+klickitat,2362,1
+tolstoy,1753,0
+hiteman,1224,0
+hanson,709,0
+lindenwood,286,8
+shelbyville,1267,2
+stockman,265,0
+leonardo,716,8
+mifflinburg,141,3
+wainscott,714,5
+marstons,665,6
+beechwood,1041,2
+lakeville,1140,17
+shelbyville,228,7
+shelbyville,2458,4
+wainscott,190,8
+shelbyville,774,3
+newfields,61,16
+klickitat,1255,1
+marstons,510,0
+shelbyville,1441,8
+marstons,1109,1
+shelbyville,1522,9
+leonardo,1886,4
+woodbine,112,7
+wainscott,9,0
+lindenwood,2137,13
+newfields,1612,1
+pomaria,1351,1
+woodbine,793,3
+mifflinburg,315,0
+hanson,234,0
+marstons,1630,2
+leonardo,2064,0
+ranchester,1034,8
+marstons,773,4
+pomaria,425,6
+shelbyville,2133,18
+klickitat,511,0
+ranchester,529,6
+woodbine,1241,0
+hiteman,820,10
+lakeville,1277,1
+klickitat,146,2
+lindenwood,120,0
+woodbine,1235,7
+tolstoy,1796,1
+marstons,1468,9
+onaga,604,6
+klickitat,1783,11
+lakeville,292,6
+wainscott,1161,0
+hiteman,348,5
+merom,503,4
+tolstoy,119,2
+shelbyville,1531,1
+hanson,639,0
+marstons,182,2
+tolstoy,839,7
+lakeville,971,5
+lindenwood,1633,2
+pinesdale,500,7
+marstons,306,2
+klickitat,1402,3
+cosmos,201,7
+ranchester,1289,0
+pinesdale,424,1
+shelbyville,2368,9
+hanson,344,3
+lindenwood,527,13
+lindenwood,2673,3
+wainscott,62,7
+forkland,565,8
+forkland,806,1
+lindenwood,2641,7
+marstons,513,12
+coffeen,946,2
+leonardo,601,3
+klickitat,1954,3
+hiteman,1242,3
+marstons,829,5
+lindenwood,951,3
+hanson,1138,5
+coffeen,125,1
+shelbyville,2533,1
+ranchester,1109,6
+klickitat,1558,4
+leonardo,641,6
+klickitat,1728,13
+pinesdale,552,4
+marstons,32,1
+benevolence,456,13
+shelbyville,1566,9
+klickitat,2403,0
+lakeville,1020,10
+hanson,273,0
+lindenwood,1290,12
+marstons,2502,3
+wainscott,92,0
+marstons,375,8
+hiteman,362,1
+hiteman,1284,2
+merom,835,4
+newfields,1360,0
+marstons,960,3
+tolstoy,338,0
+lindenwood,2477,2
+pinesdale,155,4
+leonardo,983,1
+ranchester,156,1
+mifflinburg,784,0
+hanson,57,2
+woodbine,675,0
+newfields,675,1
+pomaria,164,0
+lindenwood,1601,6
+shelbyville,75,1
+stockman,1516,0
+hanson,525,0
+pomaria,828,0
+forkland,1039,0
+onaga,195,0
+beechwood,868,3
+wainscott,1493,0
+lindenwood,1709,0
+woodbine,1372,2
+merom,156,1
+mifflinburg,45,0
+beechwood,904,5
+shelbyville,143,2
+beechwood,1075,3
+marstons,1681,12
+pinesdale,25,2
+benevolence,518,4
+coffeen,343,2
+shelbyville,1168,4
+shelbyville,938,6
+hiteman,1719,2
+newfields,538,2
+pinesdale,935,9
+mifflinburg,836,5
+woodbine,968,5
+hiteman,652,10
+forkland,845,0
+wainscott,1166,0
+marstons,1823,1
+woodbine,532,8
+pinesdale,609,1
+leonardo,929,2
+hiteman,817,1
+stockman,91,0
+leonardo,1794,9
+hanson,400,5
+pomaria,1265,7
+lindenwood,1487,8
+merom,341,1
+lakeville,59,10
+klickitat,1103,8
+ranchester,1347,2
+marstons,1455,3
+lakeville,1772,6
+klickitat,1413,3
+forkland,220,4
+leonardo,1189,4
+shelbyville,1810,5
+hiteman,80,4
+wainscott,905,3
+woodbine,1330,1
+shelbyville,218,3
+tolstoy,1589,0
+hanson,395,3
+marstons,1226,12
+pomaria,508,4
+wainscott,1161,1
+pomaria,830,0
+shelbyville,168,0
+marstons,272,2
+stockman,739,2
+newfields,909,4
+lakeville,476,0
+klickitat,1451,8
+woodbine,21,11
+wainscott,1110,7
+tolstoy,1509,9
+hiteman,881,6
+wainscott,608,8
+lakeville,19,0
+newfields,1554,2
+lindenwood,1883,1
+hiteman,476,2
+merom,529,5
+mifflinburg,682,4
+marstons,2153,1
+woodbine,1291,15
+tolstoy,612,9
+tolstoy,703,2
+newfields,388,9
+hiteman,381,2
+shelbyville,1637,8
+wainscott,1180,2
+hanson,58,20
+cosmos,814,2
+leonardo,788,6
+woodbine,1672,1
+stockman,686,3
+beechwood,645,2
+leonardo,492,3
+tolstoy,915,0
+klickitat,1960,4
+coffeen,1007,6
+cosmos,99,3
+stockman,906,7
+marstons,1271,10
+newfields,528,8
+newfields,1192,2
+onaga,655,1
+wainscott,50,0
+hanson,449,1
+pomaria,928,5
+marstons,1646,0
+pomaria,964,3
+newfields,1302,6
+wainscott,210,1
+hanson,1012,11
+hanson,1482,3
+ranchester,86,1
+mifflinburg,52,10
+woodbine,1934,4
+coffeen,700,2
+klickitat,1360,0
+hanson,1431,4
+lindenwood,2280,0
+stockman,208,0
+hiteman,1648,3
+forkland,1026,0
+woodbine,1764,16
+shelbyville,893,2
+hanson,47,6
+shelbyville,1626,0
+newfields,1288,2
+hiteman,566,2
+klickitat,934,4
+pinesdale,518,7
+stockman,356,1
+ranchester,1099,5
+ranchester,168,2
+shelbyville,2030,2
+allensville,453,0
+leonardo,216,0
+newfields,1157,6
+shelbyville,2120,2
+merom,842,1
+coffeen,1123,0
+lindenwood,685,17
+marstons,2339,7
+klickitat,1552,19
+lakeville,390,0
+hiteman,1083,8
+stockman,1222,1
+stockman,60,7
+marstons,1836,16
+beechwood,505,0
+wainscott,223,4
+woodbine,1766,1
+tolstoy,1339,7
+hanson,1345,1
+ranchester,1243,4
+pinesdale,784,2
+pomaria,1174,2
+lindenwood,2207,0
+tolstoy,1260,1
+woodbine,1729,2
+shelbyville,1490,7
+cosmos,857,2
+pinesdale,766,6
+lindenwood,2651,0
+pomaria,420,0
+shelbyville,1768,3
+newfields,992,4
+marstons,246,4
+newfields,686,2
+forkland,47,1
+onaga,201,1
+woodbine,188,13
+hanson,1083,5
+cosmos,973,4
+ranchester,728,1
+leonardo,1548,7
+beechwood,381,3
+shelbyville,1155,1
+coffeen,941,2
+wainscott,1326,0
+benevolence,360,7
+pomaria,470,1
+pinesdale,1260,0
+coffeen,265,0
+tolstoy,211,5
+coffeen,1221,1
+hanson,1305,0
+forkland,1041,6
+lindenwood,2090,8
+lindenwood,530,4
+shelbyville,178,3
+lakeville,1783,0
+lakeville,1737,5
+stockman,70,2
+lindenwood,2560,5
+stockman,1400,2
+klickitat,400,1
+lindenwood,2633,7
+cosmos,15,8
+cosmos,710,2
+lindenwood,1192,7
+hanson,1075,0
+marstons,142,7
+hiteman,976,9
+shelbyville,1546,0
+hanson,1453,7
+shelbyville,1454,4
+lakeville,909,13
+mifflinburg,112,2
+marstons,2562,6
+lakeville,1576,6
+mifflinburg,433,2
+beechwood,685,2
+cosmos,221,4
+woodbine,309,1
+forkland,737,0
+marstons,979,2
+tolstoy,1132,13
+marstons,467,10
+hanson,223,1
+leonardo,1631,6
+klickitat,943,6
+shelbyville,2160,0
+leonardo,65,4
+pomaria,1031,9
+tolstoy,1251,0
+leonardo,1430,2
+stockman,290,2
+klickitat,89,8
+wainscott,1237,0
+lakeville,1364,3
+wainscott,214,6
+hanson,1472,4
+newfields,1631,0
+stockman,1285,1
+beechwood,85,3
+forkland,100,4
+hanson,1388,2
+merom,28,2
+wainscott,1621,11
+ranchester,1099,7
+marstons,1155,9
+lindenwood,1623,2
+lindenwood,870,5
+shelbyville,925,1
+pinesdale,400,3
+allensville,473,2
+wainscott,783,1
+klickitat,1037,3
+marstons,1198,2
+hiteman,188,2
+hiteman,986,5
+shelbyville,2327,3
+marstons,544,10
+pinesdale,1188,7
+beechwood,293,2
+hiteman,859,6
+ranchester,427,9
+pomaria,1537,0
+lindenwood,363,1
+beechwood,379,2
+klickitat,2235,2
+forkland,751,2
+hiteman,259,1
+tolstoy,1263,9
+marstons,2353,3
+hanson,839,5
+marstons,781,0
+benevolence,473,10
+marstons,32,2
+ranchester,188,12
+shelbyville,1402,3
+lindenwood,948,1
+shelbyville,1983,1
+cosmos,534,2
+stockman,155,7
+woodbine,1559,2
+lakeville,936,9
+lindenwood,1031,3
+pomaria,441,4
+lindenwood,1148,17
+lakeville,1169,2
+lakeville,1395,5
+shelbyville,1277,0
+benevolence,452,0
+tolstoy,1552,5
+stockman,634,4
+wainscott,1684,3
+ranchester,1490,1
+klickitat,480,9
+pomaria,232,6
+leonardo,246,1
+lakeville,351,18
+newfields,1585,4
+merom,931,0
+shelbyville,719,2
+wainscott,1089,6
+ranchester,1118,4
+pomaria,41,0
+shelbyville,1055,2
+ranchester,573,6
+benevolence,707,1
+marstons,1524,2
+hanson,739,2
+cosmos,503,5
+newfields,441,6
+tolstoy,1507,5
+shelbyville,415,2
+merom,424,4
+wainscott,1305,0
+shelbyville,1735,4
+lakeville,1318,4
+woodbine,1729,7
+tolstoy,184,9
+pinesdale,978,4
+coffeen,834,5
+hiteman,1759,2
+hanson,737,14
+lakeville,1451,3
+woodbine,1843,2
+marstons,77,2
+pinesdale,1144,6
+hanson,796,7
+lindenwood,702,10
+marstons,1000,4
+tolstoy,1067,3
+marstons,1468,8
+klickitat,1437,16
+pomaria,1607,0
+ranchester,1332,4
+woodbine,1219,1
+marstons,1756,3
+tolstoy,1441,0
+forkland,194,2
+klickitat,2089,4
+lakeville,852,6
+pomaria,1444,2
+woodbine,292,6
+lakeville,142,0
+merom,571,1
+mifflinburg,544,1
+hanson,910,1
+pinesdale,268,12
+newfields,200,8
+leonardo,454,4
+merom,980,0
+tolstoy,1028,1
+allensville,246,7
+klickitat,1725,4
+hiteman,53,1
+mifflinburg,516,0
+stockman,1456,2
+ranchester,319,6
+marstons,2248,9
+hanson,197,0
+leonardo,2090,1
+newfields,507,9
+shelbyville,1209,3
+onaga,224,9
+beechwood,607,2
+coffeen,274,5
+merom,199,4
+allensville,497,0
+wainscott,1031,1
+tolstoy,365,3
+pomaria,1643,2
+woodbine,123,1
+coffeen,1106,2
+merom,559,6
+marstons,2536,0
+klickitat,1468,11
+coffeen,1259,2
+ranchester,786,6
+woodbine,1090,13
+forkland,830,0
+newfields,1155,3
+woodbine,2049,2
+hanson,1316,6
+klickitat,1627,2
+ranchester,366,1
+woodbine,1027,9
+tolstoy,494,1
+hanson,1300,3
+lakeville,1214,10
+hiteman,1060,6
+woodbine,643,10
+klickitat,572,0
+leonardo,1273,3
+merom,697,0
+newfields,84,1
+woodbine,431,3
+newfields,1100,2
+woodbine,583,0
+lindenwood,1172,1
+cosmos,134,7
+lindenwood,1087,12
+hanson,161,3
+newfields,1401,13
+lakeville,329,4
+hiteman,691,2
+forkland,101,0
+wainscott,1710,14
+ranchester,1462,4
+stockman,530,0
+pomaria,83,5
+marstons,914,9
+marstons,1738,2
+hiteman,1085,2
+wainscott,518,3
+klickitat,862,3
+wainscott,1793,9
+lindenwood,753,2
+woodbine,1799,1
+pomaria,477,2
+leonardo,653,5
+woodbine,1317,4
+klickitat,390,11
+lakeville,1880,1
+hanson,718,2
+ranchester,1115,5
+woodbine,1154,5
+merom,468,3
+hanson,708,3
+shelbyville,2344,0
+tolstoy,1522,3
+klickitat,1838,8
+wainscott,917,3
+shelbyville,2243,2
+klickitat,345,3
+woodbine,1899,7
+forkland,1079,1
+woodbine,1029,2
+wainscott,1207,1
+marstons,1919,8
+klickitat,1522,2
+newfields,1227,2
+lakeville,1594,10
+shelbyville,2062,1
+beechwood,1049,3
+leonardo,1253,1
+ranchester,177,4
+wainscott,1733,3
+beechwood,144,7
+newfields,881,3
+pomaria,962,1
+pomaria,322,4
+wainscott,1326,5
+coffeen,826,0
+shelbyville,1368,11
+ranchester,420,10
+tolstoy,1132,3
+marstons,1770,4
+ranchester,706,3
+forkland,1070,5
+tolstoy,1454,11
+newfields,534,11
+beechwood,942,5
+klickitat,1583,5
+beechwood,297,10
+hanson,277,3
+woodbine,70,1
+pomaria,233,4
+pomaria,458,3
+pinesdale,1494,6
+klickitat,921,1
+hiteman,866,9
+lindenwood,1732,1
+shelbyville,2446,1
+pomaria,466,0
+woodbine,1983,7
+tolstoy,47,1
+tolstoy,397,8
+shelbyville,32,7
+marstons,1197,1
+woodbine,1086,4
+ranchester,1451,6
+coffeen,489,1
+klickitat,2411,3
+tolstoy,619,12
+leonardo,779,3
+lakeville,1092,1
+coffeen,458,4
+coffeen,915,0
+hanson,54,17
+coffeen,1218,2
+lindenwood,1750,1
+cosmos,804,9
+onaga,346,2
+pomaria,1212,5
+tolstoy,498,2
+leonardo,1110,2
+shelbyville,1350,0
+beechwood,579,0
+woodbine,566,10
+lindenwood,2241,1
+ranchester,928,8
+klickitat,381,0
+shelbyville,1603,5
+pomaria,67,2
+shelbyville,1277,17
+forkland,70,4
+ranchester,1466,6
+woodbine,1327,1
+newfields,148,4
+coffeen,1150,8
+newfields,822,1
+stockman,121,1
+leonardo,664,6
+allensville,474,3
+stockman,27,10
+pinesdale,1255,7
+tolstoy,952,1
+pomaria,1492,8
+marstons,2062,0
+newfields,1183,2
+ranchester,207,5
+wainscott,516,5
+tolstoy,1169,9
+hiteman,356,2
+leonardo,866,0
+marstons,2336,1
+forkland,448,2
+marstons,1760,2
+wainscott,652,8
+lakeville,251,9
+klickitat,1095,0
+pinesdale,1185,2
+mifflinburg,546,0
+ranchester,1529,0
+beechwood,1107,5
+mifflinburg,575,0
+pinesdale,1389,1
+hiteman,638,4
+wainscott,434,2
+shelbyville,2496,10
+benevolence,963,7
+tolstoy,1252,7
+stockman,1542,8
+klickitat,1529,1
+wainscott,1284,10
+cosmos,320,1
+stockman,479,3
+pomaria,739,10
+cosmos,755,3
+leonardo,1980,0
+benevolence,559,3
+newfields,717,11
+pinesdale,1182,9
+hanson,543,3
+hiteman,393,5
+woodbine,1108,10
+leonardo,750,4
+forkland,195,1
+newfields,1132,0
+marstons,1972,0
+klickitat,1593,0
+shelbyville,785,2
+marstons,1,0
+leonardo,575,3
+marstons,2385,1
+leonardo,2039,11
+tolstoy,1825,0
+forkland,877,0
+shelbyville,571,13
+shelbyville,876,1
+marstons,1918,0
+pomaria,1041,2
+onaga,412,4
+coffeen,631,1
+mifflinburg,300,0
+woodbine,1635,4
+ranchester,733,0
+cosmos,938,2
+newfields,294,9
+merom,796,4
+hanson,1518,5
+klickitat,408,1
+stockman,1144,3
+ranchester,217,1
+hanson,1406,9
+marstons,2022,3
+newfields,1076,0
+lakeville,624,0
+hiteman,1663,2
+ranchester,621,2
+lindenwood,276,0
+pomaria,1061,2
+forkland,481,0
+cosmos,504,8
+wainscott,1553,2
+wainscott,1202,0
+shelbyville,96,3
+pomaria,1150,2
+lakeville,1329,0
+marstons,1925,4
+lakeville,1898,1
+woodbine,635,2
+hiteman,1240,7
+marstons,200,3
+newfields,1033,2
+hanson,384,17
+shelbyville,1503,4
+lakeville,1162,1
+shelbyville,821,2
+cosmos,808,1
+allensville,294,1
+mifflinburg,548,0
+merom,144,0
+klickitat,2129,3
+wainscott,190,4
+shelbyville,2231,1
+woodbine,1393,8
+marstons,1074,2
+marstons,1826,0
+pinesdale,368,10
+lakeville,36,14
+leonardo,1813,4
+lindenwood,696,4
+shelbyville,1388,1
+cosmos,993,9
+newfields,472,12
+stockman,1214,1
+tolstoy,617,6
+marstons,2222,4
+ranchester,1190,7
+tolstoy,31,8
+shelbyville,1820,14
+pomaria,478,13
+klickitat,2415,2
+allensville,358,2
+coffeen,191,3
+lakeville,1696,5
+beechwood,1146,0
+tolstoy,1153,8
+pomaria,1179,3
+ranchester,927,2
+hiteman,1419,2
+coffeen,971,5
+forkland,798,0
+lakeville,1235,0
+allensville,503,7
+lindenwood,774,0
+mifflinburg,285,2
+hiteman,715,1
+woodbine,23,6
+leonardo,436,4
+coffeen,473,3
+newfields,438,0
+lakeville,329,7
+lakeville,1283,4
+hiteman,80,3
+woodbine,1592,2
+stockman,1303,1
+klickitat,852,2
+ranchester,497,2
+mifflinburg,902,4
+newfields,452,0
+wainscott,1425,10
+hanson,91,8
+wainscott,731,9
+lindenwood,216,2
+lindenwood,970,4
+woodbine,1005,15
+tolstoy,539,4
+wainscott,1118,4
+lakeville,679,7
+coffeen,1513,6
+coffeen,1269,1
+pomaria,1598,1
+stockman,1318,12
+merom,60,2
+pinesdale,99,6
+cosmos,53,4
+onaga,548,3
+merom,528,1
+hiteman,1394,0
+leonardo,1157,1
+woodbine,113,4
+pinesdale,1179,1
+lakeville,81,2
+newfields,528,18
+cosmos,832,2
+marstons,2443,2
+wainscott,711,4
+leonardo,129,2
+hanson,436,14
+newfields,1063,4
+wainscott,1199,11
+lindenwood,2670,1
+stockman,764,6
+shelbyville,2328,5
+newfields,1006,1
+woodbine,1702,11
+shelbyville,1146,4
+stockman,1149,4
+leonardo,573,11
+newfields,785,5
+woodbine,148,3
+lakeville,1743,1
+leonardo,854,3
+wainscott,1193,13
+lakeville,540,6
+coffeen,367,2
+hanson,281,5
+klickitat,1886,3
+allensville,326,2
+tolstoy,320,3
+lakeville,1484,11
+lakeville,1545,11
+newfields,1149,4
+tolstoy,868,15
+leonardo,1463,2
+leonardo,245,1
+cosmos,993,5
+hiteman,939,4
+klickitat,2393,6
+stockman,797,3
+marstons,2529,7
+marstons,447,5
+pomaria,1462,3
+marstons,1230,0
+woodbine,1811,0
+ranchester,436,3
+newfields,1260,2
+klickitat,1305,0
+hanson,719,1
+forkland,396,1
+shelbyville,2014,6
+coffeen,227,2
+tolstoy,458,3
+pinesdale,476,3
+marstons,2503,8
+hanson,1563,5
+leonardo,997,11
+tolstoy,1527,4
+merom,440,1
+klickitat,1136,2
+hanson,827,3
+ranchester,868,6
+ranchester,1509,4
+woodbine,1468,2
+leonardo,322,0
+shelbyville,636,9
+merom,19,6
+hanson,1206,1
+lakeville,1826,2
+klickitat,2292,2
+marstons,1933,3
+tolstoy,1186,2
+woodbine,1329,2
+klickitat,871,0
+newfields,967,1
+pinesdale,488,1
+marstons,64,7
+hanson,1064,1
+onaga,347,2
+shelbyville,2212,11
+klickitat,303,0
+hiteman,967,1
+ranchester,636,6
+marstons,1089,3
+benevolence,729,3
+coffeen,386,2
+newfields,1560,2
+pinesdale,919,9
+wainscott,1563,6
+marstons,906,2
+tolstoy,482,3
+hiteman,1584,0
+shelbyville,1382,3
+lindenwood,2358,6
+hanson,1498,7
+onaga,66,4
+benevolence,858,6
+newfields,1338,4
+shelbyville,889,10
+woodbine,1480,3
+lakeville,901,2
+ranchester,1379,6
+tolstoy,591,9
+wainscott,441,4
+shelbyville,2382,0
+merom,832,1
+klickitat,783,0
+wainscott,1162,14
+onaga,20,1
+lakeville,125,4
+klickitat,88,11
+cosmos,103,2
+hiteman,698,1
+forkland,695,2
+leonardo,1827,2
+coffeen,1025,1
+wainscott,391,7
+shelbyville,631,0
+leonardo,541,3
+newfields,451,7
+wainscott,311,4
+merom,546,1
+lindenwood,2368,1
+marstons,2407,4
+lindenwood,2240,4
+newfields,1488,15
+shelbyville,1097,1
+mifflinburg,674,0
+newfields,325,0
+marstons,2232,11
+wainscott,1578,6
+tolstoy,1405,4
+forkland,670,0
+merom,77,3
+tolstoy,140,1
+pomaria,895,12
+onaga,65,5
+leonardo,661,7
+newfields,882,2
+klickitat,1434,2
+marstons,491,9
+lindenwood,2318,2
+shelbyville,2606,3
+pinesdale,130,2
+stockman,1538,7
+wainscott,1329,15
+klickitat,2309,3
+woodbine,961,2
+marstons,1773,4
+tolstoy,688,2
+marstons,2095,2
+tolstoy,168,11
+pinesdale,1468,7
+lakeville,1685,11
+marstons,1911,2
+tolstoy,1307,1
+forkland,453,3
+shelbyville,805,1
+wainscott,1161,10
+lindenwood,1580,2
+newfields,1057,5
+hiteman,1035,1
+leonardo,2056,2
+klickitat,2132,2
+shelbyville,1205,2
+wainscott,1279,4
+woodbine,880,11
+mifflinburg,64,0
+shelbyville,784,3
+shelbyville,2495,3
+pomaria,1008,5
+wainscott,618,1
+hanson,90,1
+shelbyville,1148,0
+coffeen,1380,1
+lindenwood,2649,4
+woodbine,1370,1
+cosmos,305,2
+hiteman,1052,5
+klickitat,2182,8
+merom,722,0
+klickitat,2160,9
+klickitat,1361,14
+lindenwood,733,8
+klickitat,281,11
+hanson,1222,1
+stockman,1564,4
+ranchester,837,17
+shelbyville,46,1
+onaga,484,3
+wainscott,351,12
+leonardo,750,1
+marstons,1387,0
+klickitat,1308,10
+pomaria,478,4
+pomaria,118,1
+tolstoy,1806,2
+klickitat,141,6
+hanson,683,3
+woodbine,1156,0
+beechwood,219,5
+shelbyville,1433,1
+leonardo,1403,2
+leonardo,2051,3
+newfields,1338,5
+hanson,1111,10
+lindenwood,1870,1
+tolstoy,1461,11
+allensville,271,1
+beechwood,914,4
+merom,220,1
+leonardo,1513,1
+wainscott,1590,3
+newfields,733,2
+coffeen,619,0
+marstons,1291,2
+newfields,2,6
+coffeen,1513,2
+marstons,1465,11
+stockman,641,0
+lakeville,670,5
+hiteman,1822,6
+lakeville,624,1
+cosmos,464,1
+tolstoy,527,2
+lakeville,691,4
+marstons,1372,6
+coffeen,1150,1
+ranchester,1023,5
+klickitat,1812,3
+coffeen,1263,7
+pinesdale,1378,0
+wainscott,1012,4
+wainscott,957,9
+leonardo,907,1
+wainscott,482,9
+tolstoy,542,9
+hanson,1576,10
+newfields,1518,2
+shelbyville,1329,2
+tolstoy,787,5
+klickitat,445,1
+lindenwood,1405,3
+stockman,1329,2
+beechwood,272,3
+tolstoy,525,2
+woodbine,1873,2
+hiteman,1431,2
+woodbine,1780,2
+newfields,422,5
+lindenwood,343,1
+woodbine,84,3
+pomaria,24,3
+leonardo,418,3
+lakeville,663,8
+tolstoy,1444,1
+wainscott,871,6
+shelbyville,18,0
+beechwood,736,1
+klickitat,1645,4
+shelbyville,2633,0
+shelbyville,2096,9
+leonardo,979,4
+newfields,665,4
+beechwood,743,4
+pomaria,464,3
+klickitat,1637,7
+ranchester,953,2
+wainscott,51,12
+woodbine,941,0
+onaga,459,0
+benevolence,594,5
+marstons,1630,3
+marstons,2627,1
+lindenwood,2006,6
+forkland,349,0
+klickitat,753,1
+leonardo,727,1
+klickitat,930,5
+woodbine,1252,10
+marstons,2111,1
+klickitat,2293,9
+leonardo,989,3
+shelbyville,1732,12
+marstons,2350,2
+hanson,546,10
+marstons,35,1
+klickitat,1276,3
+ranchester,1126,0
+shelbyville,573,1
+leonardo,1676,0
+newfields,641,3
+leonardo,610,2
+marstons,870,1
+shelbyville,480,7
+shelbyville,87,1
+forkland,489,0
+pinesdale,525,10
+ranchester,1517,3
+onaga,174,3
+onaga,254,2
+hiteman,1816,0
+leonardo,1950,0
+benevolence,680,2
+wainscott,823,4
+klickitat,2217,0
+woodbine,1125,5
+hanson,1173,16
+coffeen,820,3
+pomaria,1024,2
+coffeen,1397,5
+woodbine,39,9
+coffeen,719,3
+pomaria,87,4
+lakeville,246,0
+ranchester,649,4
+hanson,810,2
+woodbine,1446,0
+hiteman,1578,13
+tolstoy,1126,1
+marstons,1155,0
+marstons,1365,5
+ranchester,1634,0
+coffeen,798,0
+leonardo,830,0
+klickitat,1694,0
+mifflinburg,937,0
+ranchester,1286,6
+marstons,391,7
+lakeville,1524,3
+tolstoy,1726,2
+newfields,456,2
+woodbine,1438,4
+ranchester,70,5
+shelbyville,576,10
+marstons,582,7
+hiteman,1169,10
+merom,242,1
+woodbine,936,4
+newfields,1657,8
+tolstoy,139,0
+wainscott,666,5
+marstons,1365,6
+newfields,1172,3
+tolstoy,1320,1
+beechwood,1155,4
+wainscott,771,0
+lindenwood,1044,6
+lindenwood,2635,4
+hiteman,75,5
+pomaria,1559,3
+ranchester,1407,1
+leonardo,773,1
+klickitat,1256,4
+beechwood,1165,1
+beechwood,560,2
+beechwood,892,2
+tolstoy,287,1
+lindenwood,390,1
+marstons,84,7
+merom,337,5
+woodbine,746,5
+wainscott,1523,5
+tolstoy,1661,5
+leonardo,511,5
+hiteman,315,2
+lakeville,1508,0
+newfields,1111,17
+lindenwood,2328,0
+mifflinburg,451,0
+wainscott,1034,5
+leonardo,1019,1
+woodbine,1515,0
+beechwood,716,3
+ranchester,618,1
+hiteman,813,7
+marstons,208,0
+wainscott,1559,9
+shelbyville,522,0
+stockman,1545,4
+coffeen,877,0
+lakeville,593,2
+klickitat,339,2
+woodbine,760,2
+stockman,577,6
+newfields,1157,10
+klickitat,2047,3
+woodbine,625,8
+newfields,567,3
+marstons,1638,0
+tolstoy,1047,6
+beechwood,737,3
+benevolence,927,4
+klickitat,2378,4
+klickitat,477,0
+allensville,480,2
+forkland,516,4
+coffeen,1316,2
+lindenwood,1662,2
+marstons,1896,3
+hiteman,1676,2
+pomaria,417,4
+stockman,877,1
+leonardo,1803,2
+woodbine,1090,7
+coffeen,1350,9
+pomaria,664,8
+forkland,759,3
+wainscott,975,5
+pomaria,1240,8
+tolstoy,33,1
+hiteman,1240,0
+marstons,1758,1
+woodbine,273,1
+marstons,2006,6
+woodbine,1555,0
+wainscott,1796,7
+shelbyville,1571,1
+wainscott,832,0
+lakeville,1843,10
+marstons,2236,7
+coffeen,1082,3
+lindenwood,1557,3
+tolstoy,1219,2
+woodbine,481,0
+pomaria,647,0
+klickitat,726,8
+woodbine,1376,12
+woodbine,1685,2
+marstons,2151,8
+merom,818,1
+hanson,1645,5
+wainscott,1708,0
+cosmos,913,1
+pomaria,32,3
+pinesdale,1368,3
+lindenwood,2455,8
+marstons,1709,7
+marstons,187,0
+mifflinburg,112,1
+tolstoy,1686,0
+allensville,216,1
+woodbine,46,0
+cosmos,880,10
+lindenwood,1861,1
+wainscott,649,2
+coffeen,1128,0
+lakeville,918,3
+lindenwood,1430,2
+beechwood,376,1
+marstons,412,3
+lindenwood,749,0
+leonardo,860,4
+newfields,1489,2
+coffeen,1497,8
+hiteman,1658,4
+stockman,152,5
+klickitat,64,7
+ranchester,372,8
+cosmos,617,1
+hanson,1247,6
+shelbyville,714,1
+klickitat,1534,7
+lakeville,1742,1
+hiteman,439,6
+pomaria,1109,0
+woodbine,1058,0
+woodbine,511,0
+pomaria,1039,2
+hanson,811,5
+lindenwood,861,1
+hiteman,1628,0
+coffeen,878,4
+allensville,344,2
+hanson,1517,3
+woodbine,1438,2
+leonardo,267,3
+hiteman,1550,5
+wainscott,1599,3
+lakeville,1589,4
+coffeen,991,0
+benevolence,809,0
+tolstoy,1796,4
+marstons,2653,3
+shelbyville,177,1
+tolstoy,782,6
+pomaria,1041,4
+mifflinburg,206,3
+stockman,349,8
+tolstoy,1361,0
+newfields,118,1
+beechwood,1009,0
+klickitat,1655,4
+hanson,468,8
+pinesdale,442,2
+newfields,1616,3
+mifflinburg,362,0
+klickitat,360,1
+shelbyville,2472,5
+tolstoy,1473,8
+ranchester,94,11
+woodbine,1458,12
+cosmos,199,0
+lakeville,1612,1
+wainscott,827,2
+hanson,358,5
+lindenwood,1304,6
+pomaria,482,3
+woodbine,1904,0
+hanson,68,6
+hiteman,400,1
+tolstoy,1323,2
+tolstoy,1774,2
+lindenwood,2566,7
+pinesdale,186,5
+marstons,1084,9
+leonardo,1331,1
+shelbyville,1522,0
+hanson,1594,7
+tolstoy,1644,3
+leonardo,1351,1
+tolstoy,1066,7
+ranchester,773,1
+marstons,334,1
+woodbine,822,0
+newfields,906,4
+hanson,375,0
+ranchester,1465,3
+marstons,646,6
+klickitat,693,0
+klickitat,913,6
+hiteman,402,2
+woodbine,1094,5
+klickitat,2188,5
+ranchester,440,4
+klickitat,2407,2
+benevolence,625,7
+merom,1075,4
+shelbyville,1091,5
+wainscott,1383,4
+pomaria,404,1
+leonardo,1861,0
+merom,931,5
+woodbine,161,0
+lakeville,1238,10
+shelbyville,999,3
+pomaria,555,3
+pomaria,646,6
+marstons,2049,5
+beechwood,1109,1
+hanson,813,2
+lindenwood,1761,1
+stockman,1535,3
+woodbine,858,2
+stockman,1064,4
+woodbine,576,3
+klickitat,313,6
+ranchester,642,2
+shelbyville,1649,3
+ranchester,1586,0
+hiteman,1153,6
+leonardo,1650,5
+marstons,385,3
+pinesdale,266,1
+klickitat,1346,2
+tolstoy,1338,3
+marstons,686,2
+marstons,1402,3
+klickitat,142,1
+wainscott,1605,0
+coffeen,763,2
+pinesdale,1049,0
+marstons,655,2
+lakeville,401,2
+lindenwood,544,10
+shelbyville,1449,3
+pomaria,1617,6
+wainscott,309,0
+mifflinburg,736,4
+woodbine,1505,9
+hanson,546,3
+lindenwood,411,3
+wainscott,1609,1
+ranchester,741,1
+hanson,481,4
+stockman,1296,2
+tolstoy,1454,0
+wainscott,421,2
+woodbine,1859,5
+marstons,843,2
+forkland,141,2
+ranchester,1527,12
+cosmos,489,2
+ranchester,548,7
+shelbyville,2471,1
+lakeville,110,10
+marstons,1021,1
+shelbyville,1989,3
+ranchester,362,4
+leonardo,1355,6
+lakeville,1164,7
+woodbine,2007,14
+mifflinburg,55,0
+ranchester,179,1
+shelbyville,2321,6
+woodbine,1919,7
+marstons,112,0
+newfields,796,4
+hiteman,1573,2
+lindenwood,1891,6
+wainscott,218,1
+leonardo,1423,22
+coffeen,120,1
+shelbyville,1707,8
+lindenwood,2675,1
+woodbine,507,1
+hanson,816,2
+hiteman,1808,1
+shelbyville,1678,3
+coffeen,1387,2
+leonardo,1402,6
+marstons,1869,6
+allensville,47,6
+pomaria,678,0
+shelbyville,525,1
+lakeville,520,1
+beechwood,255,5
+pinesdale,189,2
+coffeen,275,2
+leonardo,1008,7
+hanson,466,16
+klickitat,2359,6
+hanson,1417,0
+hiteman,359,11
+onaga,157,3
+lindenwood,2236,10
+marstons,1092,3
+hanson,1175,9
+leonardo,85,4
+merom,786,3
+benevolence,956,0
+klickitat,1948,4
+onaga,150,0
+klickitat,285,2
+lindenwood,2614,2
+shelbyville,1463,8
+tolstoy,1398,4
+leonardo,1615,2
+marstons,1705,4
+klickitat,1568,6
+lindenwood,613,3
+wainscott,117,6
+merom,90,0
+beechwood,674,5
+pomaria,1274,8
+marstons,360,2
+tolstoy,397,6
+marstons,1508,0
+benevolence,219,0
+wainscott,1775,1
+leonardo,1490,1
+shelbyville,1503,7
+leonardo,1016,2
+pinesdale,1387,0
+klickitat,1806,5
+stockman,498,5
+stockman,683,4
+onaga,584,1
+ranchester,135,3
+tolstoy,1705,1
+stockman,234,5
+merom,516,1
+merom,310,1
+ranchester,1248,5
+pinesdale,1084,4
+lakeville,1423,4
+shelbyville,523,0
+shelbyville,98,7
+beechwood,1112,11
+hiteman,470,5
+coffeen,867,0
+leonardo,1759,4
+coffeen,1149,6
+lakeville,1212,3
+stockman,42,0
+beechwood,1028,2
+forkland,1181,0
+hiteman,1834,3
+hanson,140,0
+pomaria,1272,4
+stockman,818,1
+newfields,146,1
+tolstoy,1776,2
+lakeville,1670,9
+allensville,336,4
+woodbine,1741,2
+lindenwood,123,2
+pinesdale,451,3
+leonardo,754,7
+mifflinburg,102,4
+coffeen,455,3
+hanson,1126,2
+ranchester,1559,2
+beechwood,1086,3
+lakeville,491,2
+woodbine,1944,7
+lakeville,287,4
+ranchester,1065,3
+tolstoy,590,1
+lindenwood,2278,2
+newfields,1064,4
+shelbyville,1016,2
+shelbyville,2213,2
+mifflinburg,793,1
+leonardo,2075,2
+marstons,812,2
+lindenwood,2528,0
+lindenwood,1769,4
+pinesdale,1146,0
+woodbine,859,3
+cosmos,278,7
+wainscott,1342,3
+pinesdale,1365,7
+mifflinburg,640,2
+shelbyville,796,5
+klickitat,936,2
+woodbine,1054,8
+lakeville,1713,6
+leonardo,466,3
+stockman,1244,3
+pinesdale,172,7
+tolstoy,1452,1
+marstons,213,3
+stockman,933,2
+lindenwood,2281,8
+hiteman,533,0
+marstons,1337,0
+woodbine,171,15
+tolstoy,1183,3
+klickitat,1374,1
+pomaria,205,4
+mifflinburg,556,1
+woodbine,507,9
+benevolence,295,2
+klickitat,1838,7
+lakeville,218,6
+mifflinburg,52,4
+marstons,433,1
+lindenwood,2260,0
+newfields,947,5
+tolstoy,781,0
+shelbyville,342,3
+shelbyville,1400,13
+pomaria,978,0
+tolstoy,1383,1
+woodbine,601,1
+marstons,1406,2
+shelbyville,2321,11
+pomaria,635,7
+lindenwood,1123,1
+shelbyville,1429,0
+klickitat,1376,5
+cosmos,109,2
+shelbyville,1203,7
+shelbyville,2209,3
+hiteman,1627,0
+shelbyville,2282,1
+stockman,573,2
+newfields,1475,8
+pomaria,963,9
+pomaria,1066,3
+wainscott,747,1
+woodbine,531,3
+forkland,724,2
+stockman,968,2
+mifflinburg,70,2
+mifflinburg,901,4
+lindenwood,1642,0
+pinesdale,1054,0
+pomaria,862,8
+hiteman,20,7
+shelbyville,1424,2
+stockman,1123,0
+hiteman,1071,1
+stockman,180,1
+hanson,179,3
+hiteman,397,2
+tolstoy,1002,2
+lindenwood,1303,2
+mifflinburg,742,7
+lindenwood,1625,2
+wainscott,69,11
+lindenwood,944,4
+marstons,1531,2
+forkland,184,1
+hiteman,976,5
+lakeville,640,7
+pinesdale,334,10
+stockman,1517,1
+shelbyville,25,1
+tolstoy,125,3
+hanson,217,16
+klickitat,2206,11
+hiteman,1617,1
+newfields,506,4
+coffeen,1048,4
+coffeen,194,2
+forkland,363,0
+klickitat,331,0
+lindenwood,2290,1
+pomaria,774,0
+lakeville,1382,9
+newfields,1464,3
+hanson,1164,13
+pinesdale,1018,1
+marstons,2510,4
+lindenwood,1422,4
+lindenwood,1659,7
+klickitat,1698,0
+beechwood,1166,1
+forkland,1087,1
+onaga,36,1
+ranchester,1059,3
+hanson,273,2
+lindenwood,2164,2
+lindenwood,1881,6
+leonardo,1983,0
+leonardo,1805,6
+leonardo,1600,10
+hiteman,1551,7
+stockman,1474,17
+lakeville,1857,4
+woodbine,1579,3
+hanson,1330,12
+ranchester,648,1
+merom,573,1
+pomaria,1122,1
+klickitat,1643,3
+klickitat,311,6
+shelbyville,1258,8
+klickitat,43,0
+lakeville,750,6
+marstons,247,2
+newfields,82,1
+beechwood,796,4
+coffeen,1411,0
+newfields,117,11
+woodbine,1787,2
+ranchester,812,2
+stockman,182,4
+leonardo,1213,3
+lakeville,824,12
+stockman,12,0
+marstons,203,4
+hanson,577,2
+mifflinburg,517,4
+wainscott,1425,9
+klickitat,933,8
+pomaria,1254,4
+newfields,751,2
+lindenwood,985,12
+woodbine,1262,9
+woodbine,1761,4
+marstons,1271,12
+onaga,100,7
+cosmos,571,2
+coffeen,998,2
+shelbyville,1573,7
+hiteman,1679,2
+leonardo,232,1
+pomaria,1416,4
+forkland,952,7
+klickitat,2188,17
+marstons,1643,0
+hiteman,458,6
+lindenwood,1152,1
+leonardo,1715,5
+pomaria,573,2
+wainscott,190,5
+beechwood,61,5
+newfields,966,8
+pomaria,358,2
+coffeen,578,3
+beechwood,1102,0
+lindenwood,572,7
+merom,508,0
+hanson,1203,4
+klickitat,512,7
+hiteman,1388,10
+tolstoy,845,0
+newfields,96,3
+woodbine,1175,5
+lindenwood,219,5
+shelbyville,1159,3
+pinesdale,889,3
+tolstoy,1102,9
+woodbine,700,2
+shelbyville,1725,4
+pinesdale,552,6
+onaga,356,0
+mifflinburg,140,13
+shelbyville,14,4
+shelbyville,640,0
+shelbyville,1735,0
+klickitat,2110,3
+hiteman,1687,13
+stockman,530,2
+shelbyville,1718,2
+shelbyville,2176,5
+forkland,375,0
+woodbine,69,7
+newfields,1157,1
+hanson,935,2
+cosmos,484,1
+klickitat,133,2
+shelbyville,2512,0
+klickitat,2412,17
+coffeen,758,0
+marstons,2090,8
+shelbyville,2208,6
+marstons,1543,3
+wainscott,1512,10
+woodbine,195,3
+woodbine,1666,0
+lakeville,728,0
+cosmos,794,3
+shelbyville,1113,4
+lindenwood,2452,2
+shelbyville,2277,3
+stockman,757,4
+woodbine,1111,9
+shelbyville,1905,4
+stockman,273,2
+ranchester,118,1
+pinesdale,1215,4
+klickitat,1525,6
+klickitat,1477,0
+tolstoy,978,3
+wainscott,348,6
+pomaria,734,2
+cosmos,512,5
+mifflinburg,711,6
+stockman,1213,1
+pomaria,633,12
+woodbine,1143,6
+hiteman,727,6
+hanson,214,4
+hanson,947,1
+klickitat,281,3
+marstons,1363,5
+marstons,233,4
+marstons,458,7
+newfields,954,18
+marstons,2344,5
+woodbine,1611,3
+pomaria,688,5
+lindenwood,1232,3
+pomaria,182,2
+ranchester,1214,0
+klickitat,1921,8
+tolstoy,1368,0
+tolstoy,1780,5
+tolstoy,469,1
+shelbyville,2738,1
+benevolence,593,0
+klickitat,857,4
+shelbyville,1801,0
+newfields,715,1
+lakeville,1336,0
+pinesdale,1148,3
+klickitat,1011,6
+mifflinburg,614,1
+pinesdale,1046,13
+leonardo,257,12
+stockman,220,1
+klickitat,720,13
+hanson,881,6
+klickitat,2276,1
+pinesdale,1114,6
+benevolence,414,2
+pinesdale,814,13
+pomaria,1408,1
+benevolence,461,5
+woodbine,799,5
+shelbyville,2813,2
+lindenwood,768,5
+pinesdale,1146,9
+wainscott,811,8
+marstons,1560,5
+wainscott,1734,2
+shelbyville,2646,4
+pomaria,96,6
+lindenwood,436,3
+benevolence,528,2
+lakeville,1057,3
+klickitat,2237,6
+coffeen,1105,3
+pomaria,464,2
+woodbine,281,1
+marstons,581,11
+stockman,1252,3
+pinesdale,1370,2
+hiteman,1172,0
+cosmos,315,4
+marstons,1492,0
+hiteman,587,7
+wainscott,971,9
+tolstoy,807,3
+stockman,1254,7
+hanson,552,4
+cosmos,978,3
+hiteman,1757,4
+coffeen,723,1
+ranchester,1463,0
+beechwood,892,1
+ranchester,112,1
+newfields,1158,10
+shelbyville,916,0
+ranchester,700,2
+marstons,1015,3
+wainscott,25,2
+pinesdale,1291,1
+hiteman,1547,1
+lindenwood,2553,7
+stockman,933,1
+cosmos,714,4
+newfields,1131,1
+cosmos,202,7
+shelbyville,65,1
+mifflinburg,877,3
+klickitat,1628,7
+hiteman,76,0
+shelbyville,2358,16
+stockman,1025,9
+lindenwood,85,2
+woodbine,1994,3
+beechwood,48,5
+klickitat,1763,2
+lakeville,915,3
+beechwood,187,2
+lakeville,1443,3
+merom,937,3
+lakeville,1363,3
+shelbyville,740,6
+lindenwood,957,0
+marstons,142,14
+tolstoy,1295,0
+shelbyville,1109,8
+newfields,54,3
+woodbine,1937,0
+klickitat,140,11
+pinesdale,611,4
+newfields,956,3
+tolstoy,1495,0
+coffeen,652,6
+klickitat,1024,10
+pinesdale,920,0
+ranchester,1414,10
+cosmos,457,2
+mifflinburg,571,3
+hiteman,309,5
+leonardo,1017,4
+klickitat,1739,8
+lindenwood,628,1
+pinesdale,352,7
+newfields,517,0
+klickitat,1707,4
+pomaria,680,3
+woodbine,649,2
+shelbyville,2762,9
+hiteman,493,0
+beechwood,883,6
+klickitat,1053,1
+lakeville,936,11
+shelbyville,331,1
+lakeville,1505,5
+pomaria,1100,0
+coffeen,1283,3
+klickitat,1452,7
+marstons,491,12
+mifflinburg,642,0
+lakeville,1771,3
+lakeville,549,13
+stockman,1584,2
+wainscott,1202,10
+stockman,812,9
+wainscott,475,1
+allensville,3,0
+klickitat,446,5
+shelbyville,2717,8
+lakeville,735,3
+shelbyville,714,6
+coffeen,1359,2
+shelbyville,329,1
+hanson,1520,7
+pomaria,287,2
+shelbyville,508,2
+lindenwood,1469,4
+klickitat,1005,6
+newfields,686,0
+coffeen,880,3
+ranchester,1277,2
+hiteman,891,8
+marstons,2308,0
+leonardo,1593,7
+shelbyville,1054,0
+lakeville,926,8
+hanson,905,2
+merom,1011,2
+onaga,336,0
+shelbyville,2495,8
+wainscott,1460,0
+woodbine,1030,6
+shelbyville,490,11
+stockman,1481,4
+lakeville,1227,6
+coffeen,409,0
+pinesdale,177,4
+cosmos,740,14
+newfields,117,8
+hiteman,961,0
+klickitat,1685,11
+hiteman,1734,2
+lindenwood,2389,10
+tolstoy,1061,8
+leonardo,1156,6
+coffeen,76,1
+ranchester,340,5
+shelbyville,1816,12
+shelbyville,1924,6
+shelbyville,2358,4
+lindenwood,2080,5
+pinesdale,1061,5
+hiteman,188,0
+merom,77,2
+shelbyville,563,2
+newfields,656,10
+cosmos,41,3
+shelbyville,1689,9
+shelbyville,2544,6
+tolstoy,102,10
+marstons,1893,5
+lindenwood,1032,2
+mifflinburg,249,2
+lakeville,1648,10
+stockman,284,1
+hiteman,1261,7
+pinesdale,189,3
+ranchester,538,0
+shelbyville,2482,3
+lindenwood,115,1
+marstons,792,5
+klickitat,424,5
+hanson,421,1
+marstons,58,2
+lakeville,528,3
+coffeen,749,0
+klickitat,684,1
+marstons,1380,3
+stockman,1081,11
+leonardo,1408,5
+newfields,917,8
+klickitat,220,1
+ranchester,307,3
+mifflinburg,897,3
+woodbine,593,12
+wainscott,556,3
+lindenwood,1492,4
+wainscott,1416,0
+ranchester,157,14
+coffeen,64,5
+beechwood,919,4
+shelbyville,1544,2
+hanson,642,15
+shelbyville,664,4
+stockman,472,2
+klickitat,1170,1
+tolstoy,101,4
+allensville,35,4
+cosmos,240,9
+lakeville,1850,4
+shelbyville,905,2
+marstons,550,5
+klickitat,389,8
+klickitat,2202,2
+klickitat,1384,6
+leonardo,404,1
+merom,431,2
+allensville,85,0
+hanson,1270,10
+wainscott,1319,1
+forkland,435,0
+woodbine,1343,0
+lindenwood,2602,1
+cosmos,856,1
+forkland,759,5
+klickitat,421,1
+klickitat,327,3
+stockman,1254,6
+pomaria,1617,4
+lindenwood,128,1
+pomaria,1657,0
+klickitat,770,0
+forkland,218,2
+klickitat,2057,2
+hiteman,1216,5
+wainscott,768,4
+lindenwood,1749,6
+shelbyville,2776,1
+lakeville,559,5
+klickitat,1843,1
+pomaria,494,7
+cosmos,641,3
+merom,1037,0
+hiteman,73,3
+shelbyville,660,0
+tolstoy,643,8
+woodbine,279,3
+tolstoy,304,0
+marstons,2558,8
+shelbyville,2812,1
+stockman,339,6
+lakeville,1880,0
+pinesdale,529,2
+pomaria,696,9
+beechwood,1143,2
+lakeville,1527,3
+lindenwood,2163,12
+lakeville,686,2
+pinesdale,1260,1
+marstons,1890,0
+marstons,75,2
+woodbine,2026,5
+pinesdale,952,2
+mifflinburg,654,2
+coffeen,780,0
+wainscott,230,7
+merom,225,2
+wainscott,1517,2
+newfields,331,13
+lindenwood,110,3
+cosmos,68,0
+merom,1025,2
+marstons,1248,0
+hanson,643,2
+pomaria,572,2
+merom,673,2
+cosmos,1017,4
+hiteman,588,1
+lakeville,1816,4
+wainscott,478,12
+leonardo,1600,1
+hiteman,1458,0
+forkland,587,4
+pinesdale,827,0
+pinesdale,278,7
+merom,1053,0
+pomaria,114,3
+forkland,4,1
+allensville,109,1
+hanson,292,6
+allensville,443,3
+lindenwood,2210,5
+tolstoy,1566,2
+lindenwood,2127,0
+cosmos,413,3
+newfields,1332,7
+marstons,278,0
+newfields,1365,2
+klickitat,1641,0
+beechwood,696,2
+newfields,753,0
+hanson,1318,21
+klickitat,726,4
+shelbyville,1867,5
+lindenwood,232,1
+shelbyville,939,3
+klickitat,37,3
+mifflinburg,41,1
+hanson,446,0
+cosmos,722,2
+klickitat,1271,0
+shelbyville,775,7
+hiteman,548,3
+lakeville,383,9
+hiteman,1080,0
+marstons,1493,1
+onaga,286,1
+stockman,1556,2
+stockman,688,2
+hanson,921,0
+pinesdale,118,1
+klickitat,2052,1
+stockman,539,2
+lindenwood,1578,8
+woodbine,1434,0
+beechwood,1055,5
+wainscott,1786,0
+shelbyville,1519,5
+cosmos,30,0
+pomaria,914,10
+pomaria,618,7
+wainscott,480,1
+ranchester,94,16
+ranchester,255,0
+stockman,175,5
+leonardo,2079,0
+newfields,343,1
+stockman,617,5
+wainscott,21,3
+tolstoy,246,3
+lindenwood,784,4
+lakeville,691,12
+leonardo,1349,1
+lindenwood,1183,1
+tolstoy,742,6
+shelbyville,259,5
+leonardo,768,8
+woodbine,833,5
+wainscott,637,2
+forkland,1095,2
+woodbine,1046,4
+marstons,2407,3
+coffeen,748,5
+ranchester,1195,5
+lakeville,1420,7
+lindenwood,1281,6
+benevolence,69,7
+klickitat,2001,3
+lindenwood,606,3
+newfields,1088,14
+beechwood,302,1
+tolstoy,645,1
+cosmos,293,15
+woodbine,305,1
+coffeen,1200,2
+hiteman,1104,2
+stockman,1239,5
+hiteman,1312,3
+leonardo,1271,1
+shelbyville,2003,6
+pinesdale,221,6
+marstons,678,3
+beechwood,767,1
+hanson,1363,8
+newfields,443,2
+klickitat,1319,8
+lindenwood,1702,9
+klickitat,1325,6
+coffeen,305,0
+woodbine,563,3
+woodbine,2023,14
+hanson,6,8
+lindenwood,1765,6
+shelbyville,2189,8
+klickitat,1699,1
+cosmos,80,1
+marstons,1045,16
+ranchester,1190,12
+woodbine,1716,0
+benevolence,26,2
+pinesdale,88,9
+pomaria,1014,2
+ranchester,37,6
+shelbyville,363,3
+woodbine,45,3
+klickitat,1780,0
+leonardo,2069,2
+hiteman,220,3
+coffeen,1023,0
+hiteman,218,1
+hanson,107,5
+coffeen,575,12
+newfields,993,1
+merom,118,0
+ranchester,1225,7
+lakeville,238,3
+woodbine,1303,7
+leonardo,220,8
+stockman,636,3
+lakeville,422,5
+marstons,2589,9
+lakeville,1692,4
+stockman,1429,5
+hiteman,1043,2
+marstons,1099,1
+klickitat,871,2
+coffeen,27,0
+stockman,616,1
+hiteman,662,12
+pinesdale,825,1
+tolstoy,1521,2
+coffeen,519,2
+newfields,1437,2
+pomaria,618,10
+klickitat,1043,15
+pomaria,350,0
+klickitat,1068,1
+ranchester,1463,3
+pinesdale,1057,3
+hanson,1047,0
+wainscott,1227,5
+newfields,193,1
+newfields,1076,2
+shelbyville,1309,4
+cosmos,155,1
+tolstoy,550,0
+wainscott,1098,12
+wainscott,1387,13
+ranchester,93,5
+shelbyville,838,1
+lindenwood,669,8
+lakeville,588,0
+woodbine,1586,6
+klickitat,1990,4
+ranchester,319,7
+woodbine,1350,1
+tolstoy,583,9
+hiteman,613,5
+stockman,1415,2
+pinesdale,64,2
+tolstoy,886,6
+ranchester,726,2
+newfields,1196,2
+hanson,194,3
+shelbyville,1747,15
+newfields,1618,8
+woodbine,1680,2
+newfields,1382,0
+marstons,435,4
+stockman,329,1
+merom,548,1
+stockman,1416,0
+pomaria,235,10
+pinesdale,197,2
+hiteman,550,2
+coffeen,261,2
+allensville,213,3
+hanson,448,5
+hanson,1179,7
+woodbine,1444,11
+beechwood,975,3
+marstons,2609,1
+leonardo,1076,8
+lindenwood,587,5
+stockman,176,1
+leonardo,1604,2
+hiteman,1663,4
+stockman,754,1
+hiteman,219,12
+onaga,342,3
+lindenwood,89,3
+klickitat,1332,2
+leonardo,560,6
+cosmos,903,5
+beechwood,115,0
+cosmos,557,5
+lindenwood,883,8
+marstons,2419,0
+woodbine,912,6
+newfields,1655,3
+newfields,745,3
+lakeville,1583,0
+woodbine,995,1
+lakeville,464,11
+wainscott,45,4
+hanson,849,2
+newfields,21,2
+coffeen,307,1
+hiteman,574,6
+shelbyville,1627,0
+beechwood,1013,2
+lakeville,1474,0
+wainscott,945,8
+wainscott,1185,0
+woodbine,342,6
+woodbine,1112,4
+klickitat,922,9
+leonardo,1750,3
+klickitat,1165,2
+cosmos,941,2
+mifflinburg,506,4
+lindenwood,321,1
+onaga,382,0
+ranchester,180,2
+lindenwood,1657,5
+lakeville,1227,1
+wainscott,582,15
+hanson,698,0
+pomaria,1663,5
+forkland,297,1
+ranchester,788,1
+pomaria,66,3
+pomaria,689,6
+woodbine,37,4
+leonardo,1060,2
+marstons,2284,6
+marstons,1621,2
+lakeville,1586,14
+shelbyville,281,4
+shelbyville,556,5
+marstons,1785,1
+pinesdale,1065,3
+allensville,374,4
+merom,775,7
+klickitat,1899,2
+lakeville,1288,4
+leonardo,1986,7
+marstons,1605,2
+marstons,1326,1
+stockman,81,1
+hiteman,226,0
+stockman,282,1
+hanson,213,2
+ranchester,672,1
+woodbine,448,0
+lindenwood,1783,13
+marstons,2549,1
+woodbine,256,12
+hanson,428,10
+newfields,240,3
+hanson,1595,0
+pomaria,880,1
+ranchester,1595,11
+hiteman,365,4
+cosmos,310,7
+newfields,218,0
+forkland,1034,1
+leonardo,1608,21
+klickitat,213,0
+woodbine,350,0
+woodbine,119,2
+klickitat,2385,1
+beechwood,218,2
+klickitat,1583,1
+pomaria,842,5
+beechwood,938,0
+woodbine,553,3
+stockman,758,6
+coffeen,336,3
+leonardo,2017,5
+tolstoy,1442,3
+klickitat,2149,2
+leonardo,1935,5
+forkland,359,2
+newfields,579,8
+shelbyville,2341,8
+pinesdale,1,5
+pomaria,1077,3
+woodbine,1158,1
+lakeville,1575,2
+coffeen,1358,1
+klickitat,2056,2
+hanson,1459,4
+hanson,13,2
+newfields,222,9
+lindenwood,979,1
+beechwood,884,3
+tolstoy,741,8
+newfields,793,7
+lakeville,705,2
+pomaria,1096,3
+leonardo,1263,2
+newfields,1204,16
+tolstoy,689,0
+tolstoy,1815,8
+newfields,1072,2
+marstons,548,0
+pomaria,635,6
+marstons,11,1
+marstons,1863,4
+woodbine,259,2
+coffeen,1196,3
+newfields,369,4
+shelbyville,715,12
+benevolence,861,3
+shelbyville,1494,19
+newfields,1541,1
+lindenwood,313,10
+marstons,1220,7
+klickitat,1595,13
+lindenwood,1651,3
+woodbine,501,4
+tolstoy,544,6
+merom,506,6
+lindenwood,733,3
+pinesdale,678,8
+lindenwood,131,2
+lakeville,1218,0
+marstons,2574,1
+leonardo,1563,1
+tolstoy,424,2
+pomaria,1467,0
+woodbine,670,17
+klickitat,1734,3
+klickitat,2081,1
+leonardo,1933,14
+cosmos,601,8
+merom,320,11
+pinesdale,210,2
+marstons,1127,12
+shelbyville,2378,7
+beechwood,808,3
+shelbyville,956,3
+woodbine,89,3
+pinesdale,826,6
+shelbyville,1591,5
+coffeen,1256,1
+lakeville,906,4
+newfields,825,2
+lakeville,1082,1
+hanson,17,7
+lakeville,1275,1
+lakeville,671,2
+allensville,164,2
+lakeville,553,1
+tolstoy,827,3
+hiteman,196,3
+lindenwood,499,4
+newfields,941,4
+wainscott,1674,2
+mifflinburg,493,1
+lakeville,1882,7
+marstons,2613,3
+marstons,2316,10
+tolstoy,1077,1
+klickitat,69,0
+lindenwood,1290,1
+shelbyville,132,2
+lakeville,788,7
+shelbyville,1465,2
+coffeen,279,4
+lakeville,569,0
+stockman,1409,5
+mifflinburg,928,3
+lindenwood,2204,4
+ranchester,1486,0
+leonardo,533,1
+allensville,32,3
+hanson,534,8
+hanson,1434,6
+woodbine,1565,0
+marstons,114,4
+lakeville,820,8
+lindenwood,1624,9
+woodbine,470,6
+klickitat,591,7
+pinesdale,1328,2
+ranchester,1566,8
+lakeville,523,0
+woodbine,473,1
+stockman,155,5
+hiteman,1732,1
+shelbyville,2311,10
+ranchester,677,0
+wainscott,1220,6
+klickitat,1108,1
+leonardo,2051,0
+lindenwood,2490,3
+klickitat,729,3
+newfields,439,6
+coffeen,1519,0
+newfields,66,2
+woodbine,748,2
+klickitat,1577,13
+newfields,13,1
+lindenwood,684,6
+woodbine,1586,4
+shelbyville,204,6
+marstons,827,4
+stockman,1581,5
+stockman,1025,0
+newfields,459,2
+coffeen,352,3
+stockman,275,5
+marstons,266,0
+pomaria,567,1
+pomaria,1594,6
+lakeville,1694,5
+hiteman,346,0
+marstons,1030,4
+woodbine,2016,3
+cosmos,565,2
+wainscott,1534,1
+newfields,53,5
+klickitat,1513,10
+pinesdale,603,8
+forkland,476,1
+shelbyville,174,0
+klickitat,596,0
+hanson,353,11
+marstons,582,2
+lakeville,111,2
+wainscott,109,7
+hiteman,293,2
+cosmos,512,1
+lindenwood,1705,6
+ranchester,331,0
+pomaria,325,3
+lindenwood,2103,7
+hanson,484,4
+onaga,275,1
+leonardo,930,3
+newfields,439,8
+cosmos,982,4
+leonardo,1566,6
+woodbine,291,2
+coffeen,481,1
+wainscott,1687,3
+klickitat,1087,1
+lindenwood,1695,0
+pomaria,45,0
+leonardo,2082,4
+tolstoy,1492,0
+klickitat,485,4
+hiteman,1193,6
+onaga,242,7
+cosmos,629,8
+lindenwood,884,1
+woodbine,1445,7
+pomaria,1286,2
+klickitat,2255,8
+leonardo,2074,3
+marstons,2398,3
+lakeville,196,3
+cosmos,350,0
+beechwood,86,4
+coffeen,835,1
+lindenwood,490,6
+tolstoy,1569,11
+ranchester,779,0
+pinesdale,464,2
+marstons,2590,12
+marstons,1201,3
+wainscott,667,4
+leonardo,1548,4
+beechwood,855,3
+leonardo,1385,1
+pinesdale,864,15
+marstons,2403,4
+wainscott,1185,12
+pinesdale,1162,7
+cosmos,620,7
+beechwood,907,1
+newfields,949,7
+coffeen,1068,2
+cosmos,865,1
+lakeville,1715,6
+wainscott,537,3
+hiteman,1527,1
+lindenwood,1905,15
+shelbyville,2310,7
+leonardo,1650,2
+coffeen,1426,4
+mifflinburg,948,2
+klickitat,1658,9
+ranchester,594,5
+lakeville,1010,5
+hanson,1515,6
+lakeville,1457,4
+shelbyville,1561,3
+leonardo,1685,0
+woodbine,452,2
+hiteman,1303,0
+ranchester,409,11
+marstons,139,1
+lindenwood,2338,3
+lakeville,1211,4
+mifflinburg,6,1
+leonardo,642,3
+lakeville,1403,2
+lindenwood,1678,5
+lindenwood,1622,4
+pomaria,929,0
+marstons,640,0
+ranchester,1000,0
+shelbyville,2567,2
+ranchester,1159,4
+cosmos,803,4
+pinesdale,436,3
+merom,101,2
+onaga,190,5
+leonardo,1283,7
+klickitat,1826,0
+leonardo,1265,5
+cosmos,15,1
+ranchester,656,5
+wainscott,1368,0
+klickitat,380,2
+shelbyville,1105,4
+lindenwood,2180,0
+wainscott,1367,5
+wainscott,890,0
+woodbine,105,3
+hiteman,1577,2
+benevolence,438,3
+benevolence,227,8
+marstons,107,4
+stockman,1551,3
+lindenwood,821,3
+ranchester,543,1
+stockman,583,0
+stockman,1574,0
+beechwood,889,1
+woodbine,1882,0
+newfields,654,4
+woodbine,1793,7
+wainscott,4,4
+pinesdale,1233,4
+newfields,969,2
+klickitat,495,3
+lindenwood,358,0
+stockman,1146,4
+marstons,542,12
+lakeville,1231,8
+stockman,755,1
+klickitat,1872,14
+leonardo,917,2
+pomaria,492,1
+shelbyville,2312,1
+woodbine,1764,18
+merom,579,2
+shelbyville,257,6
+merom,7,1
+hiteman,1562,2
+coffeen,123,2
+klickitat,976,10
+ranchester,1060,0
+tolstoy,1179,14
+lindenwood,1419,3
+lindenwood,684,1
+coffeen,698,3
+leonardo,1748,3
+woodbine,850,2
+lindenwood,1420,2
+stockman,574,4
+hanson,245,0
+lakeville,1598,5
+shelbyville,461,7
+cosmos,75,8
+merom,389,1
+beechwood,1062,0
+woodbine,493,1
+forkland,916,6
+hiteman,1678,4
+merom,516,5
+coffeen,945,0
+lindenwood,2073,3
+wainscott,1285,7
+leonardo,2041,9
+coffeen,950,2
+hiteman,69,6
+wainscott,1281,14
+benevolence,847,0
+ranchester,1589,15
+shelbyville,1922,0
+marstons,1978,4
+hanson,1656,2
+stockman,732,0
+pinesdale,953,2
+tolstoy,1077,7
+coffeen,991,4
+klickitat,10,9
+marstons,1517,2
+leonardo,793,4
+lindenwood,885,4
+marstons,2313,5
+hanson,436,18
+pinesdale,1023,0
+klickitat,387,1
+lakeville,67,12
+beechwood,669,2
+allensville,144,1
+klickitat,291,3
+hanson,761,0
+newfields,1225,0
+ranchester,984,1
+lakeville,1291,6
+woodbine,417,3
+hanson,777,0
+newfields,1500,5
+hanson,770,6
+ranchester,671,0
+marstons,903,2
+hanson,381,7
+lindenwood,697,4
+shelbyville,679,6
+wainscott,1558,7
+woodbine,1446,17
+woodbine,958,0
+newfields,627,8
+shelbyville,1695,4
+marstons,2139,0
+marstons,532,3
+marstons,2383,3
+klickitat,2105,6
+hiteman,1468,10
+klickitat,1465,3
+lakeville,450,6
+leonardo,1120,9
+woodbine,134,0
+tolstoy,258,3
+newfields,1301,2
+newfields,1593,10
+stockman,1102,3
+forkland,1079,3
+marstons,1091,3
+lakeville,198,1
+shelbyville,2772,0
+benevolence,979,1
+marstons,335,3
+lindenwood,427,2
+leonardo,887,11
+wainscott,568,0
+allensville,421,2
+klickitat,1876,5
+ranchester,1302,6
+coffeen,127,1
+lindenwood,19,0
+marstons,1574,2
+woodbine,1745,1
+klickitat,1106,2
+woodbine,1534,5
+shelbyville,1392,7
+pinesdale,10,8
+stockman,216,3
+lindenwood,1148,8
+lakeville,1457,7
+stockman,470,7
+pomaria,179,12
+pomaria,822,2
+klickitat,656,7
+coffeen,1082,2
+leonardo,426,3
+leonardo,659,12
+stockman,861,6
+marstons,1808,13
+merom,1014,2
+coffeen,843,2
+woodbine,603,12
+ranchester,895,5
+pinesdale,1363,13
+hiteman,522,7
+lakeville,1577,4
+stockman,519,5
+tolstoy,1675,0
+lakeville,1821,1
+coffeen,191,7
+lindenwood,1704,1
+leonardo,1050,5
+coffeen,1011,7
+klickitat,2333,4
+beechwood,232,4
+wainscott,1599,12
+lakeville,568,0
+merom,66,8
+woodbine,16,1
+ranchester,298,6
+leonardo,1688,9
+benevolence,957,6
+lindenwood,2014,6
+klickitat,1466,2
+stockman,1251,5
+pinesdale,924,0
+merom,628,1
+pomaria,1149,3
+klickitat,2320,6
+woodbine,832,13
+beechwood,1143,4
+hiteman,604,2
+pinesdale,261,3
+newfields,567,0
+newfields,399,0
+cosmos,231,0
+ranchester,1203,8
+mifflinburg,343,3
+woodbine,524,0
+lakeville,1051,3
+newfields,1292,0
+mifflinburg,946,0
+coffeen,162,3
+ranchester,1348,8
+shelbyville,1494,16
+lindenwood,2042,0
+shelbyville,573,2
+wainscott,1792,9
+woodbine,258,2
+wainscott,237,3
+tolstoy,542,7
+tolstoy,848,7
+benevolence,967,1
+pinesdale,89,7
+hanson,961,0
+lakeville,2,2
+shelbyville,1377,2
+woodbine,1125,6
+tolstoy,660,3
+klickitat,252,0
+klickitat,1139,5
+shelbyville,2395,2
+lindenwood,2254,6
+wainscott,64,7
+shelbyville,1555,5
+ranchester,840,5
+newfields,734,8
+lindenwood,1782,6
+marstons,633,2
+coffeen,1334,5
+woodbine,1983,13
+cosmos,505,10
+hanson,1603,2
+onaga,508,4
+klickitat,1008,4
+woodbine,1484,5
+newfields,1332,8
+woodbine,1841,0
+hiteman,724,2
+beechwood,229,1
+woodbine,7,7
+stockman,15,4
+ranchester,448,3
+hiteman,232,11
+ranchester,1051,4
+lindenwood,1278,6
+hanson,1316,7
+wainscott,93,10
+marstons,659,2
+hanson,745,2
+leonardo,1149,1
+coffeen,1390,9
+pomaria,119,7
+shelbyville,1165,7
+beechwood,662,6
+mifflinburg,455,3
+marstons,49,4
+lindenwood,2192,2
+leonardo,845,3
+hanson,1491,1
+lindenwood,1266,0
+ranchester,1609,3
+pinesdale,659,2
+shelbyville,2474,2
+mifflinburg,378,2
+shelbyville,1456,2
+lindenwood,1161,5
+beechwood,241,0
+forkland,294,2
+klickitat,310,3
+coffeen,491,5
+hiteman,795,9
+hiteman,825,2
+pinesdale,28,5
+hiteman,1670,1
+lakeville,1096,0
+ranchester,528,1
+onaga,316,0
+marstons,1405,2
+hiteman,1638,3
+mifflinburg,146,3
+shelbyville,445,19
+leonardo,1613,7
+marstons,911,7
+marstons,881,2
+klickitat,1671,1
+wainscott,1156,11
+wainscott,948,1
+pinesdale,1012,2
+pinesdale,1174,6
+pomaria,560,14
+newfields,324,1
+pinesdale,4,16
+coffeen,1196,7
+hanson,65,0
+cosmos,466,3
+benevolence,701,2
+pomaria,383,4
+klickitat,1283,5
+tolstoy,1728,2
+tolstoy,637,6
+marstons,1431,6
+beechwood,678,8
+hanson,54,15
+woodbine,537,2
+newfields,1577,2
+cosmos,883,5
+forkland,102,1
+klickitat,732,2
+mifflinburg,400,6
+klickitat,1836,3
+pinesdale,1076,13
+pinesdale,1247,10
+newfields,264,2
+allensville,123,0
+shelbyville,783,4
+pomaria,784,3
+lakeville,683,0
+wainscott,314,1
+shelbyville,109,2
+marstons,346,4
+woodbine,1442,11
+klickitat,1592,5
+ranchester,694,3
+lakeville,729,7
+woodbine,189,0
+shelbyville,760,6
+woodbine,1747,2
+tolstoy,1583,2
+woodbine,1365,2
+wainscott,1693,2
+forkland,849,1
+shelbyville,1450,1
+forkland,112,0
+pinesdale,653,4
+coffeen,1323,0
+stockman,137,9
+woodbine,1951,16
+merom,799,5
+pomaria,472,4
+marstons,25,5
+lakeville,922,0
+tolstoy,968,3
+stockman,1347,4
+wainscott,606,9
+woodbine,501,12
+lakeville,1746,7
+cosmos,749,4
+shelbyville,2702,2
+coffeen,391,1
+lindenwood,2338,2
+klickitat,1555,7
+merom,699,5
+tolstoy,966,2
+onaga,652,0
+ranchester,687,2
+klickitat,626,0
+mifflinburg,298,3
+lakeville,1454,5
+stockman,1034,7
+wainscott,600,2
+lakeville,902,1
+marstons,764,0
+marstons,441,0
+benevolence,603,1
+hanson,423,0
+lakeville,497,2
+lindenwood,1045,7
+lindenwood,1794,1
+newfields,1644,2
+hiteman,90,6
+pomaria,35,5
+lakeville,1655,5
+forkland,907,1
+ranchester,565,9
+klickitat,1661,1
+pomaria,148,6
+merom,918,9
+merom,164,5
+pomaria,1331,1
+lakeville,1423,7
+shelbyville,1125,6
+pomaria,101,2
+klickitat,746,1
+stockman,1078,0
+lakeville,1775,2
+newfields,1481,5
+lakeville,1444,14
+shelbyville,2703,2
+pinesdale,146,4
+hanson,713,0
+tolstoy,151,0
+leonardo,241,5
+beechwood,41,0
+tolstoy,92,4
+lakeville,792,2
+leonardo,2002,3
+hiteman,769,3
+benevolence,442,0
+stockman,150,4
+woodbine,1607,0
+marstons,2258,1
+klickitat,800,1
+lindenwood,1055,8
+coffeen,654,5
+marstons,230,4
+shelbyville,366,1
+forkland,630,1
+marstons,1450,0
+lakeville,1483,0
+leonardo,401,1
+shelbyville,1678,9
+hiteman,1562,13
+wainscott,211,8
+forkland,852,4
+hanson,751,0
+hanson,1527,1
+tolstoy,1028,7
+tolstoy,1832,0
+lindenwood,1788,0
+klickitat,2143,1
+shelbyville,1366,3
+tolstoy,682,9
+klickitat,2333,8
+beechwood,373,2
+ranchester,336,10
+beechwood,880,4
+lakeville,1204,3
+ranchester,1242,3
+hiteman,890,0
+leonardo,1738,2
+lakeville,1236,5
+marstons,1960,4
+woodbine,1468,5
+marstons,2333,1
+coffeen,1298,0
+pinesdale,1164,11
+pinesdale,747,5
+coffeen,1391,2
+hanson,1136,6
+marstons,2372,2
+lindenwood,887,2
+beechwood,670,2
+hanson,1584,0
+tolstoy,1109,3
+pomaria,1634,0
+beechwood,94,2
+klickitat,798,0
+ranchester,23,2
+pomaria,81,3
+klickitat,1560,1
+marstons,1974,3
+wainscott,1790,2
+benevolence,371,10
+lindenwood,2626,1
+klickitat,1736,1
+coffeen,626,1
+lakeville,1739,0
+hiteman,1300,10
+ranchester,1377,10
+benevolence,288,3
+pinesdale,168,2
+lindenwood,1275,6
+hiteman,1834,8
+tolstoy,1238,4
+wainscott,648,0
+lindenwood,1556,3
+ranchester,897,2
+pinesdale,95,1
+hanson,1323,9
+hiteman,1009,5
+pinesdale,525,12
+shelbyville,2019,2
+hanson,281,11
+pomaria,902,0
+merom,988,3
+lindenwood,2532,2
+lakeville,545,1
+klickitat,701,2
+lindenwood,2629,0
+hiteman,130,0
+newfields,220,4
+newfields,710,2
+coffeen,642,4
+leonardo,496,2
+leonardo,490,1
+beechwood,205,2
+onaga,296,0
+woodbine,1584,3
+hiteman,99,4
+marstons,1681,0
+hanson,1311,2
+lakeville,1478,9
+marstons,1814,8
+shelbyville,147,0
+hiteman,170,3
+lindenwood,2069,4
+leonardo,736,1
+lakeville,1809,20
+stockman,1244,6
+marstons,2076,2
+lindenwood,217,6
+lakeville,548,3
+stockman,559,1
+shelbyville,141,6
+shelbyville,673,0
+klickitat,1806,7
+woodbine,144,7
+hanson,85,1
+klickitat,718,1
+lakeville,83,5
+mifflinburg,909,4
+leonardo,1139,2
+shelbyville,579,0
+newfields,1294,6
+hanson,1352,4
+beechwood,644,0
+newfields,58,1
+ranchester,1492,11
+woodbine,1449,1
+coffeen,1154,6
+tolstoy,908,0
+lindenwood,1848,0
+klickitat,623,6
+hiteman,1179,4
+marstons,1147,1
+shelbyville,1424,8
+shelbyville,271,0
+marstons,1827,5
+coffeen,302,0
+leonardo,1052,0
+lakeville,364,0
+wainscott,1179,4
+klickitat,576,4
+pomaria,1605,3
+pinesdale,822,4
+newfields,645,2
+pomaria,538,9
+mifflinburg,708,2
+leonardo,84,1
+hiteman,430,1
+ranchester,1082,1
+tolstoy,1008,4
+hanson,998,1
+woodbine,692,6
+cosmos,222,0
+tolstoy,524,1
+newfields,391,2
+hiteman,1226,7
+klickitat,1507,4
+lakeville,890,2
+wainscott,1455,7
+hanson,1106,13
+newfields,1342,1
+tolstoy,902,2
+marstons,1665,1
+leonardo,1156,8
+klickitat,1459,0
+pinesdale,128,5
+hiteman,274,6
+lakeville,1308,6
+wainscott,477,9
+woodbine,1515,2
+pomaria,630,7
+klickitat,1993,5
+klickitat,392,0
+forkland,358,1
+beechwood,206,4
+woodbine,301,0
+klickitat,214,5
+lindenwood,70,5
+pomaria,308,1
+lakeville,1065,3
+lakeville,182,6
+hiteman,1642,5
+stockman,1165,2
+klickitat,1067,0
+cosmos,539,7
+marstons,500,6
+hanson,1460,5
+lakeville,1140,12
+wainscott,1371,0
+hanson,25,4
+woodbine,1715,13
+merom,696,3
+lindenwood,2453,3
+klickitat,2265,0
+forkland,654,5
+newfields,203,3
+leonardo,152,6
+wainscott,1281,16
+klickitat,824,7
+marstons,1377,6
+lakeville,1412,0
+pinesdale,1239,5
+klickitat,2162,0
+ranchester,1115,0
+lindenwood,2334,1
+merom,1103,5
+lindenwood,717,0
+wainscott,1387,16
+onaga,308,1
+hiteman,720,2
+hanson,1369,8
+coffeen,114,5
+marstons,377,8
+ranchester,1287,0
+marstons,1676,17
+hiteman,136,14
+newfields,1020,0
+klickitat,1483,2
+newfields,423,10
+benevolence,44,7
+merom,163,0
+shelbyville,272,3
+hanson,962,6
+woodbine,1313,14
+coffeen,53,2
+lindenwood,2212,11
+lindenwood,1277,2
+lakeville,348,1
+lindenwood,716,0
+klickitat,2409,0
+stockman,1263,1
+newfields,1587,6
+hanson,281,9
+marstons,284,11
+leonardo,1,1
+lindenwood,679,12
+pomaria,491,8
+ranchester,611,0
+shelbyville,2341,9
+stockman,1390,6
+woodbine,1889,7
+coffeen,127,2
+woodbine,1023,4
+shelbyville,2741,3
+pinesdale,1142,3
+shelbyville,2587,2
+newfields,300,0
+shelbyville,2146,5
+hanson,1116,0
+hiteman,774,2
+mifflinburg,303,0
+hiteman,401,1
+marstons,1848,0
+ranchester,1038,3
+lakeville,1438,3
+hiteman,1196,3
+forkland,653,3
+stockman,1326,3
+klickitat,1317,3
+shelbyville,2234,7
+marstons,1800,0
+hanson,141,4
+newfields,1188,0
+shelbyville,2297,5
+wainscott,1608,8
+woodbine,1653,14
+forkland,1163,5
+forkland,652,7
+hanson,382,3
+marstons,468,4
+coffeen,588,2
+shelbyville,871,0
+stockman,130,1
+leonardo,252,1
+pomaria,790,4
+stockman,1323,0
+lindenwood,749,2
+stockman,801,4
+pomaria,1586,4
+tolstoy,1425,3
+klickitat,1461,1
+shelbyville,1461,6
+hanson,1426,4
+woodbine,1829,3
+onaga,317,4
+hanson,473,12
+leonardo,112,6
+hiteman,1840,5
+hanson,1441,4
+beechwood,238,3
+newfields,646,0
+marstons,2100,1
+lakeville,212,8
+lindenwood,1092,2
+mifflinburg,968,11
+shelbyville,2313,1
+beechwood,966,2
+lakeville,172,5
+lindenwood,2213,12
+klickitat,73,10
+pinesdale,546,3
+lindenwood,2111,5
+shelbyville,2795,1
+coffeen,1090,0
+hanson,1218,8
+hanson,1146,2
+shelbyville,2187,5
+ranchester,457,1
+stockman,1482,2
+marstons,2208,2
+lindenwood,706,2
+woodbine,224,9
+marstons,1169,0
+wainscott,138,0
+klickitat,39,3
+hiteman,1315,2
+wainscott,1160,10
+pomaria,295,8
+woodbine,1966,5
+tolstoy,1694,1
+shelbyville,2663,6
+lindenwood,682,14
+woodbine,1629,1
+coffeen,668,4
+cosmos,801,2
+stockman,1504,4
+ranchester,726,10
+lakeville,1041,6
+lindenwood,2376,0
+klickitat,1511,11
+hanson,75,1
+wainscott,1154,0
+lakeville,1893,0
+pinesdale,1125,4
+onaga,316,2
+shelbyville,1942,1
+pinesdale,1101,2
+onaga,520,1
+hanson,150,4
+shelbyville,937,3
+marstons,667,0
+klickitat,2328,4
+klickitat,1045,4
+lakeville,1668,3
+leonardo,33,0
+ranchester,598,3
+leonardo,1701,1
+newfields,1448,0
+allensville,102,0
+wainscott,1423,6
+pomaria,1504,1
+forkland,385,1
+woodbine,187,7
+lindenwood,97,7
+forkland,235,0
+leonardo,589,2
+shelbyville,1008,4
+tolstoy,1019,1
+lindenwood,1051,6
+pinesdale,1486,4
+shelbyville,2184,5
+pomaria,1074,4
+shelbyville,2532,5
+stockman,1348,1
+marstons,2000,7
+beechwood,321,2
+onaga,23,3
+pinesdale,742,3
+klickitat,918,0
+cosmos,595,4
+hanson,852,0
+klickitat,2307,1
+marstons,1800,13
+woodbine,235,6
+lindenwood,2031,2
+leonardo,312,2
+beechwood,505,2
+lindenwood,1366,5
+marstons,1707,9
+woodbine,499,1
+forkland,437,6
+klickitat,1691,2
+ranchester,1208,0
+lakeville,808,9
+newfields,1375,3
+klickitat,566,4
+klickitat,683,2
+hiteman,1453,0
+lakeville,927,1
+stockman,158,2
+pinesdale,1243,5
+lakeville,1516,7
+newfields,8,1
+merom,304,2
+lakeville,1010,0
+hiteman,634,5
+ranchester,1417,4
+lindenwood,756,1
+merom,11,2
+klickitat,538,5
+stockman,661,9
+pinesdale,1476,1
+coffeen,401,0
+pinesdale,186,3
+beechwood,1126,5
+forkland,693,1
+klickitat,1843,2
+lindenwood,2473,1
+newfields,177,4
+merom,760,2
+lakeville,277,5
+lakeville,76,1
+lindenwood,1299,5
+lakeville,368,13
+stockman,437,0
+klickitat,742,2
+leonardo,72,14
+ranchester,416,6
+marstons,562,11
+coffeen,1285,7
+klickitat,2123,10
+coffeen,206,3
+marstons,1620,8
+forkland,652,5
+newfields,1567,1
+lindenwood,2613,1
+ranchester,265,11
+pomaria,316,14
+marstons,2358,2
+cosmos,1055,3
+ranchester,1089,8
+pomaria,1122,12
+lakeville,1567,1
+cosmos,803,3
+tolstoy,1231,0
+newfields,57,1
+pinesdale,354,3
+shelbyville,28,5
+pomaria,1025,7
+newfields,701,1
+lakeville,1181,1
+forkland,711,0
+klickitat,1345,13
+pinesdale,684,5
+lindenwood,1858,0
+stockman,885,1
+stockman,815,9
+mifflinburg,40,7
+marstons,2178,2
+wainscott,569,9
+pinesdale,537,1
+shelbyville,192,9
+klickitat,2345,0
+beechwood,508,4
+hiteman,1229,1
+lindenwood,1345,12
+lakeville,536,9
+pinesdale,1119,2
+marstons,456,4
+ranchester,738,2
+klickitat,1052,10
+beechwood,1151,13
+ranchester,1568,12
+woodbine,1445,1
+marstons,1236,1
+woodbine,145,5
+pomaria,1180,6
+shelbyville,1293,13
+hiteman,891,5
+woodbine,1035,1
+leonardo,457,0
+stockman,120,0
+shelbyville,880,5
+leonardo,597,6
+hiteman,1653,0
+shelbyville,256,12
+pomaria,1520,2
+tolstoy,1694,0
+lakeville,1366,4
+tolstoy,1606,1
+shelbyville,438,20
+ranchester,314,1
+coffeen,701,3
+woodbine,1536,1
+leonardo,991,0
+leonardo,1953,1
+marstons,958,12
+wainscott,1431,10
+marstons,1810,11
+hanson,156,0
+ranchester,58,9
+tolstoy,25,3
+merom,661,2
+tolstoy,1382,0
+newfields,507,5
+ranchester,573,9
+tolstoy,1635,1
+leonardo,73,9
+lakeville,489,2
+hiteman,139,2
+woodbine,643,1
+marstons,762,1
+tolstoy,815,2
+woodbine,434,2
+marstons,768,11
+cosmos,213,0
+marstons,1425,1
+ranchester,1349,2
+coffeen,1113,2
+beechwood,60,6
+coffeen,530,2
+klickitat,656,1
+marstons,2270,2
+marstons,1440,4
+coffeen,766,4
+hanson,210,2
+klickitat,2164,7
+klickitat,94,0
+ranchester,676,6
+marstons,2554,6
+hanson,546,7
+wainscott,1405,2
+pinesdale,220,4
+pomaria,871,9
+hanson,1567,2
+shelbyville,1355,4
+hiteman,1704,3
+hiteman,393,6
+wainscott,1675,4
+newfields,858,3
+hanson,558,5
+cosmos,841,2
+leonardo,179,4
+hanson,714,5
+merom,401,3
+woodbine,880,12
+pinesdale,453,2
+hiteman,1430,5
+pomaria,1130,3
+lindenwood,2075,3
+shelbyville,1653,2
+wainscott,1057,4
+leonardo,339,2
+pinesdale,1264,0
+marstons,262,2
+klickitat,1960,21
+woodbine,1618,7
+leonardo,1363,3
+lindenwood,891,3
+leonardo,566,2
+beechwood,264,4
+pinesdale,933,3
+beechwood,275,1
+woodbine,1217,5
+wainscott,445,1
+woodbine,1622,3
+marstons,1463,4
+hiteman,144,3
+newfields,129,0
+woodbine,850,1
+cosmos,136,3
+allensville,381,9
+lindenwood,9,5
+stockman,1116,1
+cosmos,313,6
+shelbyville,1766,15
+tolstoy,1445,2
+shelbyville,2343,1
+klickitat,1335,2
+hiteman,948,3
+leonardo,850,9
+pinesdale,1412,4
+forkland,359,1
+beechwood,191,3
+leonardo,1157,0
+lindenwood,2043,3
+marstons,1205,9
+hiteman,761,8
+lakeville,937,4
+coffeen,44,1
+cosmos,335,1
+allensville,481,2
+pinesdale,811,2
+lindenwood,1183,4
+stockman,1263,3
+klickitat,2143,4
+lindenwood,1726,8
+klickitat,1817,7
+shelbyville,647,6
+shelbyville,1959,4
+shelbyville,1186,1
+wainscott,682,9
+ranchester,530,4
+hiteman,641,5
+leonardo,2067,0
+hanson,1066,1
+lindenwood,1142,4
+marstons,606,6
+lindenwood,1601,3
+ranchester,1343,0
+merom,813,3
+beechwood,799,1
+allensville,279,1
+shelbyville,1381,8
+shelbyville,881,0
+pomaria,910,5
+klickitat,2175,13
+newfields,423,2
+newfields,1297,8
+ranchester,377,11
+lindenwood,345,5
+hiteman,126,6
+stockman,1266,0
+pinesdale,1480,4
+lindenwood,1973,1
+marstons,1597,7
+leonardo,1704,6
+woodbine,654,8
+wainscott,425,2
+pinesdale,1341,4
+leonardo,1321,6
+lakeville,1399,5
+lindenwood,1937,2
+lindenwood,751,1
+marstons,1027,1
+shelbyville,968,1
+tolstoy,865,2
+beechwood,459,2
+shelbyville,2541,1
+newfields,1534,0
+wainscott,488,5
+marstons,694,2
+hiteman,339,3
+leonardo,268,13
+lindenwood,1503,10
+klickitat,240,4
+coffeen,190,3
+wainscott,823,8
+ranchester,757,2
+tolstoy,653,0
+klickitat,1106,13
+benevolence,452,9
+marstons,627,0
+lakeville,452,8
+ranchester,115,3
+woodbine,1659,9
+leonardo,886,10
+shelbyville,2115,1
+forkland,260,2
+wainscott,1421,0
+pomaria,983,6
+beechwood,551,1
+hanson,244,10
+marstons,1146,9
+forkland,33,0
+newfields,1376,10
+lakeville,564,1
+stockman,572,1
+ranchester,609,3
+newfields,684,2
+ranchester,204,2
+tolstoy,608,8
+benevolence,698,7
+newfields,17,1
+mifflinburg,333,1
+wainscott,1190,2
+newfields,176,4
+shelbyville,1830,3
+tolstoy,411,8
+klickitat,368,4
+leonardo,1273,5
+lindenwood,1070,0
+leonardo,1712,0
+merom,786,6
+lindenwood,198,1
+shelbyville,1851,4
+shelbyville,48,7
+marstons,2355,1
+tolstoy,1710,2
+pomaria,854,4
+shelbyville,1369,5
+stockman,1098,3
+beechwood,323,0
+pomaria,1348,5
+tolstoy,712,3
+beechwood,536,2
+shelbyville,1890,0
+allensville,140,4
+marstons,2443,3
+woodbine,26,2
+pomaria,329,2
+woodbine,1050,13
+lakeville,366,4
+ranchester,470,1
+onaga,312,5
+wainscott,829,0
+marstons,1444,1
+pomaria,1229,1
+beechwood,934,6
+marstons,1311,0
+benevolence,944,5
+woodbine,878,12
+pinesdale,879,3
+forkland,228,0
+mifflinburg,475,2
+marstons,979,13
+benevolence,278,5
+wainscott,639,2
+lindenwood,1827,2
+beechwood,191,5
+forkland,234,5
+hiteman,1300,1
+tolstoy,1443,7
+pinesdale,820,12
+lindenwood,855,5
+tolstoy,724,10
+lindenwood,2640,5
+onaga,550,2
+klickitat,739,10
+newfields,1102,2
+woodbine,212,1
+tolstoy,1366,1
+hiteman,267,4
+klickitat,1589,1
+klickitat,933,9
+leonardo,166,4
+coffeen,654,0
+klickitat,808,3
+hiteman,948,2
+marstons,954,0
+woodbine,259,3
+klickitat,2228,1
+pinesdale,301,8
+allensville,187,1
+lindenwood,1034,6
+woodbine,189,2
+pomaria,1176,4
+tolstoy,1644,4
+coffeen,245,4
+pomaria,1016,7
+wainscott,420,1
+hanson,38,2
+coffeen,279,5
+marstons,1674,4
+hanson,1210,4
+merom,983,5
+tolstoy,256,3
+stockman,1572,2
+lakeville,486,3
+shelbyville,2404,5
+mifflinburg,602,2
+shelbyville,2364,6
+forkland,234,3
+allensville,270,5
+merom,976,0
+allensville,96,5
+newfields,810,2
+tolstoy,175,4
+marstons,878,1
+cosmos,56,1
+marstons,1261,12
+cosmos,118,0
+klickitat,382,0
+hiteman,1249,2
+pinesdale,326,1
+woodbine,1053,1
+coffeen,1181,2
+lindenwood,322,5
+hanson,108,1
+lindenwood,403,9
+shelbyville,207,1
+shelbyville,731,1
+cosmos,326,4
+shelbyville,1269,8
+leonardo,642,8
+tolstoy,14,5
+newfields,1417,15
+coffeen,1436,1
+marstons,2203,3
+lakeville,1266,9
+benevolence,171,1
+coffeen,97,2
+lakeville,1170,3
+stockman,991,9
+leonardo,489,0
+shelbyville,1409,5
+shelbyville,2532,0
+marstons,759,2
+lindenwood,65,2
+tolstoy,1255,8
+allensville,193,2
+wainscott,150,4
+hiteman,464,13
+coffeen,348,3
+lakeville,1199,2
+beechwood,59,10
+marstons,652,9
+shelbyville,402,2
+tolstoy,858,0
+coffeen,139,2
+cosmos,899,5
+hanson,1171,7
+stockman,540,4
+woodbine,1991,6
+mifflinburg,163,0
+pomaria,800,3
+lindenwood,394,6
+lakeville,284,2
+lindenwood,465,1
+shelbyville,741,1
+lakeville,172,2
+klickitat,1837,1
+hanson,1125,9
+lindenwood,1353,2
+leonardo,1326,4
+hanson,1579,0
+leonardo,1178,2
+wainscott,1601,0
+allensville,155,7
+shelbyville,393,10
+hiteman,42,5
+mifflinburg,640,4
+klickitat,2134,4
+newfields,1397,5
+leonardo,111,3
+newfields,1468,2
+woodbine,1337,10
+wainscott,229,11
+onaga,257,0
+benevolence,347,1
+lindenwood,1740,4
+pomaria,1554,12
+lakeville,1526,7
+pinesdale,568,2
+pomaria,1418,1
+onaga,430,3
+allensville,20,3
+pinesdale,883,10
+coffeen,349,4
+tolstoy,1526,0
+coffeen,1263,3
+beechwood,396,1
+lakeville,1859,7
+hiteman,503,1
+lindenwood,1119,2
+marstons,405,2
+marstons,2000,0
+newfields,1628,1
+hiteman,1556,13
+lindenwood,836,3
+hiteman,599,6
+stockman,683,3
+lakeville,1806,12
+wainscott,1574,6
+woodbine,864,11
+woodbine,1000,0
+lindenwood,2429,2
+cosmos,969,0
+marstons,2257,2
+klickitat,1772,3
+leonardo,1089,2
+pinesdale,536,4
+marstons,110,10
+onaga,20,3
+hiteman,1088,4
+stockman,1099,1
+merom,935,2
+lindenwood,860,0
+klickitat,240,3
+coffeen,258,4
+beechwood,776,5
+leonardo,1700,4
+pomaria,1326,14
+lindenwood,2472,7
+stockman,1213,2
+lakeville,1700,0
+lindenwood,2432,1
+pomaria,1485,1
+woodbine,1474,9
+lakeville,1160,7
+shelbyville,1358,5
+leonardo,762,0
+ranchester,1230,1
+beechwood,476,0
+shelbyville,1821,9
+marstons,1518,17
+onaga,379,4
+hanson,720,2
+newfields,1267,3
+newfields,441,3
+merom,195,6
+marstons,1421,0
+lindenwood,1497,2
+allensville,69,2
+newfields,74,2
+newfields,1286,13
+lakeville,165,0
+hiteman,1536,0
+coffeen,503,3
+lindenwood,1531,0
+hanson,1408,7
+lindenwood,1138,7
+merom,985,8
+cosmos,968,1
+benevolence,854,9
+shelbyville,566,2
+pinesdale,1047,5
+coffeen,664,1
+merom,246,4
+shelbyville,1876,6
+marstons,15,6
+leonardo,1933,11
+benevolence,750,4
+ranchester,102,2
+hanson,747,7
+pinesdale,1077,4
+shelbyville,667,4
+klickitat,1303,2
+lindenwood,2291,2
+shelbyville,1256,12
+onaga,151,0
+klickitat,1749,7
+woodbine,1375,8
+marstons,1740,5
+lindenwood,1288,6
+tolstoy,168,9
+lindenwood,1366,0
+pomaria,307,1
+tolstoy,78,3
+lindenwood,442,2
+woodbine,1431,1
+ranchester,942,5
+beechwood,788,1
+shelbyville,727,5
+tolstoy,385,0
+klickitat,1495,15
+marstons,58,4
+marstons,789,8
+stockman,773,0
+hanson,1410,5
+marstons,2225,0
+lakeville,434,3
+marstons,15,5
+hanson,1411,8
+onaga,528,2
+lindenwood,251,9
+hanson,126,2
+coffeen,1444,0
+shelbyville,672,2
+shelbyville,666,8
+mifflinburg,786,0
+newfields,65,2
+lakeville,970,4
+benevolence,587,1
+allensville,1,0
+pomaria,109,0
+woodbine,1413,4
+woodbine,386,0
+merom,240,3
+beechwood,620,5
+forkland,157,2
+lakeville,970,0
+beechwood,538,2
+hanson,254,11
+lindenwood,937,9
+tolstoy,214,7
+forkland,8,2
+tolstoy,1455,5
+ranchester,467,11
+wainscott,1627,0
+lakeville,1375,0
+hiteman,158,2
+ranchester,1613,2
+newfields,576,4
+pinesdale,420,15
+wainscott,441,9
+forkland,731,1
+wainscott,698,2
+beechwood,1007,3
+woodbine,466,3
+hanson,485,4
+stockman,1542,5
+leonardo,2007,1
+hiteman,813,1
+marstons,1112,0
+ranchester,1173,3
+forkland,1104,3
+pinesdale,1478,0
+stockman,505,1
+hanson,1015,4
+tolstoy,523,10
+marstons,1751,10
+shelbyville,1911,2
+benevolence,7,2
+ranchester,1377,4
+merom,44,1
+shelbyville,441,6
+lindenwood,531,1
+tolstoy,770,0
+tolstoy,903,1
+beechwood,1009,2
+lindenwood,46,2
+coffeen,80,6
+lakeville,966,0
+leonardo,1494,3
+lindenwood,1719,3
+lakeville,731,3
+allensville,221,3
+woodbine,353,6
+hanson,31,5
+marstons,2165,4
+leonardo,530,2
+benevolence,557,1
+leonardo,269,1
+pomaria,641,1
+klickitat,642,4
+shelbyville,1927,10
+stockman,907,1
+woodbine,1067,9
+hiteman,1605,3
+newfields,940,6
+marstons,2152,8
+shelbyville,207,3
+pinesdale,916,3
+hanson,677,0
+lindenwood,370,0
+tolstoy,1284,2
+pomaria,431,0
+cosmos,893,9
+woodbine,1436,5
+shelbyville,727,4
+merom,1043,2
+hiteman,396,5
+woodbine,954,6
+pomaria,752,0
+hanson,1238,3
+lindenwood,2359,1
+leonardo,636,7
+woodbine,1572,5
+klickitat,1082,2
+shelbyville,1153,0
+pomaria,12,13
+cosmos,875,3
+newfields,556,2
+wainscott,229,12
+woodbine,344,2
+lakeville,1144,11
+lindenwood,1354,0
+forkland,705,0
+wainscott,630,7
+onaga,396,2
+stockman,1203,2
+allensville,155,5
+cosmos,832,8
+klickitat,2068,4
+stockman,143,3
+beechwood,904,10
+pinesdale,20,0
+shelbyville,743,0
+shelbyville,2688,1
+coffeen,556,6
+tolstoy,796,0
+hanson,737,1
+hanson,489,0
+pinesdale,695,1
+pinesdale,405,3
+onaga,263,2
+leonardo,1690,3
+woodbine,554,1
+marstons,2540,11
+pomaria,712,1
+woodbine,929,12
+lindenwood,1174,0
+leonardo,1159,6
+hanson,180,3
+wainscott,134,7
+klickitat,2268,3
+wainscott,16,3
+newfields,1370,1
+hiteman,895,2
+forkland,411,1
+pomaria,1244,6
+tolstoy,1454,14
+pinesdale,1380,4
+klickitat,1463,5
+hanson,228,6
+wainscott,601,0
+marstons,1332,10
+pinesdale,374,0
+wainscott,1442,4
+klickitat,2012,12
+cosmos,997,3
+tolstoy,846,2
+coffeen,28,3
+mifflinburg,583,2
+woodbine,682,0
+hiteman,1101,1
+lindenwood,248,2
+cosmos,819,7
+coffeen,1227,4
+hanson,687,3
+coffeen,589,5
+klickitat,726,11
+klickitat,2117,5
+marstons,2127,8
+tolstoy,657,1
+onaga,20,2
+lakeville,1347,0
+lakeville,778,3
+hanson,1463,1
+stockman,233,2
+pomaria,1009,8
+klickitat,103,5
+woodbine,368,10
+wainscott,1017,10
+marstons,883,0
+mifflinburg,491,2
+marstons,319,6
+ranchester,633,1
+leonardo,1288,2
+shelbyville,1069,7
+klickitat,494,4
+lindenwood,2502,2
+lindenwood,862,1
+newfields,603,4
+pinesdale,972,0
+marstons,754,2
+shelbyville,64,6
+coffeen,1148,10
+lakeville,145,1
+marstons,1929,4
+pinesdale,1108,5
+shelbyville,1778,6
+coffeen,978,2
+klickitat,692,4
+wainscott,1618,2
+lindenwood,2523,6
+tolstoy,118,8
+lakeville,1846,7
+allensville,208,4
+marstons,179,2
+marstons,2358,0
+lindenwood,652,4
+coffeen,476,1
+shelbyville,1115,7
+klickitat,2287,1
+shelbyville,2044,1
+newfields,191,2
+marstons,1867,5
+merom,793,2
+forkland,826,0
+ranchester,299,1
+pomaria,470,2
+coffeen,1264,2
+benevolence,336,1
+woodbine,1714,2
+lakeville,252,2
+stockman,1551,5
+cosmos,912,7
+coffeen,845,2
+benevolence,933,0
+wainscott,1754,1
+marstons,1418,3
+hanson,897,6
+shelbyville,535,5
+stockman,843,5
+hiteman,83,1
+ranchester,148,4
+klickitat,1458,1
+wainscott,629,2
+lakeville,1252,3
+beechwood,402,2
+shelbyville,922,11
+stockman,791,0
+wainscott,584,1
+wainscott,1793,0
+allensville,449,1
+stockman,1514,1
+marstons,969,11
+lakeville,1389,7
+klickitat,537,11
+hanson,692,2
+wainscott,354,9
+klickitat,1677,5
+mifflinburg,702,5
+lakeville,250,15
+shelbyville,671,1
+stockman,245,3
+lindenwood,1466,2
+allensville,252,5
+woodbine,1049,7
+cosmos,320,4
+lakeville,1582,3
+leonardo,783,4
+tolstoy,1802,4
+stockman,1133,2
+newfields,751,8
+marstons,1605,10
+beechwood,548,8
+pinesdale,1253,4
+marstons,916,0
+pomaria,465,15
+hanson,855,5
+wainscott,1707,13
+ranchester,396,1
+lindenwood,2074,5
+tolstoy,1526,11
+marstons,1575,5
+wainscott,1233,0
+newfields,889,12
+hiteman,1212,7
+forkland,723,0
+wainscott,977,9
+woodbine,164,2
+pomaria,601,3
+newfields,164,2
+hanson,1457,9
+stockman,1484,15
+merom,426,0
+coffeen,527,3
+marstons,637,2
+tolstoy,859,1
+shelbyville,1292,9
+shelbyville,2296,3
+klickitat,1208,2
+stockman,442,5
+ranchester,1446,1
+woodbine,366,3
+lindenwood,1114,2
+mifflinburg,761,2
+shelbyville,930,4
+leonardo,335,9
+hiteman,126,0
+lakeville,1215,5
+mifflinburg,729,0
+pomaria,1506,4
+coffeen,956,0
+hanson,1042,4
+marstons,1089,2
+coffeen,242,3
+tolstoy,467,7
+klickitat,379,1
+shelbyville,834,2
+marstons,64,8
+mifflinburg,562,0
+pomaria,1025,3
+stockman,728,1
+pinesdale,627,8
+beechwood,899,0
+lakeville,829,4
+hiteman,675,4
+cosmos,133,0
+lindenwood,761,6
+ranchester,1250,4
+leonardo,153,8
+marstons,2363,11
+woodbine,1328,2
+pinesdale,958,3
+pinesdale,109,4
+hanson,875,2
+lindenwood,2180,4
+woodbine,1873,4
+lindenwood,2059,3
+lindenwood,208,1
+newfields,891,1
+leonardo,1793,1
+pomaria,673,1
+benevolence,746,3
+newfields,363,4
+leonardo,310,0
+marstons,1465,12
+beechwood,819,2
+lindenwood,1727,0
+pinesdale,292,2
+marstons,493,5
+shelbyville,2614,16
+tolstoy,814,3
+shelbyville,2323,9
+leonardo,21,8
+klickitat,1448,0
+lakeville,572,4
+coffeen,827,3
+leonardo,724,6
+hiteman,137,0
+coffeen,734,6
+lakeville,127,6
+onaga,28,1
+marstons,776,7
+ranchester,947,6
+forkland,314,0
+tolstoy,1544,0
+benevolence,741,1
+ranchester,401,0
+lindenwood,2264,1
+tolstoy,1472,3
+pomaria,8,4
+merom,502,1
+marstons,2455,2
+marstons,1183,9
+klickitat,2249,1
+merom,1118,6
+woodbine,176,2
+newfields,107,6
+leonardo,1250,4
+lakeville,615,2
+ranchester,585,3
+wainscott,1424,5
+mifflinburg,332,7
+hanson,257,6
+onaga,58,5
+shelbyville,2624,9
+cosmos,942,1
+pomaria,1611,6
+cosmos,1036,1
+wainscott,1618,1
+lindenwood,72,5
+shelbyville,2369,8
+onaga,44,5
+hiteman,1632,2
+newfields,127,2
+wainscott,542,0
+klickitat,2174,7
+ranchester,791,5
+merom,164,6
+pinesdale,796,8
+wainscott,1393,9
+leonardo,958,10
+coffeen,542,2
+hanson,1122,0
+pinesdale,248,12
+stockman,941,1
+woodbine,1697,3
+pomaria,181,1
+stockman,770,1
+newfields,1333,6
+marstons,2452,12
+klickitat,347,2
+pomaria,1253,5
+tolstoy,55,10
+lakeville,1420,11
+klickitat,1595,8
+newfields,1163,3
+lindenwood,1946,4
+klickitat,957,4
+tolstoy,753,4
+tolstoy,439,1
+newfields,1597,3
+hiteman,1294,2
+marstons,1398,20
+pinesdale,42,10
+lakeville,1035,7
+benevolence,339,6
+marstons,868,2
+forkland,1028,0
+lakeville,325,4
+ranchester,1526,5
+tolstoy,783,2
+forkland,896,2
+shelbyville,498,11
+marstons,1172,1
+shelbyville,2669,9
+ranchester,532,0
+allensville,455,3
+newfields,634,6
+lakeville,586,4
+hanson,899,5
+lakeville,824,7
+woodbine,1402,2
+pomaria,638,0
+lindenwood,2430,1
+stockman,1168,1
+tolstoy,1805,0
+pomaria,437,1
+newfields,1643,4
+cosmos,599,7
+forkland,567,0
+ranchester,1225,6
+lindenwood,2292,3
+klickitat,1001,6
+pinesdale,686,3
+hanson,1579,9
+marstons,705,11
+shelbyville,341,6
+pinesdale,491,1
+shelbyville,2560,9
+wainscott,1331,2
+beechwood,35,4
+klickitat,1923,6
+tolstoy,997,1
+allensville,119,7
+wainscott,157,3
+hiteman,142,2
+hiteman,613,0
+lindenwood,1474,10
+tolstoy,1513,10
+merom,229,1
+hiteman,782,10
+lakeville,1654,7
+ranchester,1494,4
+merom,1117,4
+ranchester,772,2
+woodbine,1269,9
+lindenwood,2257,0
+pomaria,418,7
+marstons,1594,2
+ranchester,551,8
+lindenwood,702,8
+leonardo,2086,7
+hanson,595,2
+klickitat,2111,5
+forkland,118,3
+lindenwood,424,2
+ranchester,1339,1
+marstons,1616,5
+pinesdale,1220,4
+cosmos,95,2
+hanson,941,2
+lindenwood,1333,0
+merom,1109,3
+klickitat,1995,2
+leonardo,1534,5
+shelbyville,2014,0
+ranchester,54,5
+wainscott,250,3
+lakeville,148,11
+klickitat,2039,3
+klickitat,1258,5
+shelbyville,428,2
+shelbyville,514,0
+lakeville,1681,12
+marstons,2319,2
+woodbine,1692,4
+hiteman,579,1
+woodbine,554,5
+pinesdale,1464,5
+stockman,853,7
+hanson,53,8
+shelbyville,1651,1
+lakeville,864,0
+hanson,539,1
+pomaria,633,4
+newfields,1077,7
+cosmos,119,0
+newfields,1265,2
+lindenwood,2674,9
+hiteman,1464,10
+wainscott,970,1
+stockman,862,3
+wainscott,153,6
+leonardo,170,7
+pomaria,943,5
+stockman,629,6
+shelbyville,546,4
+lindenwood,2387,1
+woodbine,277,3
+marstons,816,2
+lakeville,985,1
+hiteman,24,3
+stockman,1207,3
+shelbyville,586,0
+ranchester,1374,1
+lindenwood,2077,4
+lindenwood,1384,1
+leonardo,866,3
+stockman,1004,2
+wainscott,1577,8
+stockman,1079,0
+lakeville,757,4
+woodbine,1670,3
+klickitat,2007,5
+woodbine,1419,5
+hanson,931,7
+klickitat,856,3
+hanson,217,5
+pomaria,1579,14
+hanson,694,2
+tolstoy,706,2
+marstons,1119,8
+lindenwood,1672,0
+tolstoy,478,2
+forkland,494,4
+onaga,461,2
+pinesdale,740,4
+woodbine,1791,9
+lakeville,1897,7
+leonardo,2027,1
+klickitat,357,1
+ranchester,188,15
+newfields,421,0
+pomaria,325,0
+newfields,872,13
+shelbyville,941,0
+stockman,608,4
+hiteman,524,2
+hanson,202,3
+lindenwood,2388,4
+leonardo,243,2
+lakeville,716,2
+pomaria,1633,3
+mifflinburg,547,2
+merom,358,3
+lakeville,1167,5
+newfields,194,4
+ranchester,335,1
+pomaria,733,7
+coffeen,818,9
+stockman,1598,2
+leonardo,1688,21
+beechwood,42,5
+tolstoy,87,1
+wainscott,1200,6
+marstons,1503,2
+woodbine,245,4
+marstons,899,7
+tolstoy,255,2
+stockman,1004,3
+woodbine,1676,2
+forkland,22,2
+ranchester,575,12
+benevolence,69,8
+newfields,1149,7
+shelbyville,64,8
+pomaria,1290,4
+shelbyville,2701,4
+woodbine,1848,14
+newfields,653,2
+hanson,800,8
+tolstoy,130,2
+ranchester,274,4
+forkland,413,3
+cosmos,541,2
+hanson,20,2
+shelbyville,1028,0
+mifflinburg,207,0
+lindenwood,1941,2
+pomaria,134,1
+forkland,247,7
+shelbyville,2299,2
+forkland,612,2
+tolstoy,1179,9
+leonardo,1829,8
+stockman,724,2
+shelbyville,915,1
+merom,161,0
+lindenwood,476,4
+klickitat,1689,0
+wainscott,1667,6
+lindenwood,1440,4
+wainscott,1663,2
+newfields,798,6
+marstons,1128,0
+coffeen,87,1
+forkland,271,2
+lindenwood,2150,2
+lakeville,944,9
+mifflinburg,719,2
+pomaria,661,2
+hiteman,623,12
+klickitat,700,3
+benevolence,894,1
+coffeen,616,1
+hiteman,1402,3
+woodbine,183,2
+klickitat,94,6
+cosmos,278,3
+newfields,1132,3
+hiteman,419,7
+mifflinburg,164,3
+shelbyville,711,9
+woodbine,1796,16
+marstons,396,0
+hiteman,997,1
+beechwood,80,7
+woodbine,1439,3
+woodbine,1665,9
+mifflinburg,706,0
+tolstoy,1076,3
+leonardo,2042,3
+beechwood,1084,5
+hiteman,182,0
+benevolence,180,1
+woodbine,1337,4
+beechwood,95,4
+shelbyville,444,0
+newfields,410,11
+lakeville,1611,4
+hanson,454,5
+merom,643,2
+marstons,2377,6
+pinesdale,938,3
+lakeville,400,1
+coffeen,1346,1
+shelbyville,1473,9
+newfields,1146,7
+marstons,93,1
+coffeen,634,10
+stockman,1440,0
+leonardo,1703,3
+merom,544,5
+woodbine,864,10
+ranchester,1531,3
+newfields,388,4
+cosmos,466,1
+marstons,1329,1
+wainscott,1255,4
+lakeville,1283,3
+klickitat,1147,2
+marstons,1791,0
+pomaria,1591,0
+allensville,54,1
+hanson,1292,10
+lakeville,931,0
+pomaria,232,9
+tolstoy,1454,3
+pinesdale,580,2
+hanson,281,2
+klickitat,1367,11
+coffeen,587,0
+hanson,1033,2
+lakeville,1300,8
+mifflinburg,934,1
+shelbyville,810,4
+merom,1059,2
+pomaria,839,2
+leonardo,2005,3
+woodbine,544,1
+hiteman,702,5
+woodbine,2010,2
+klickitat,1296,3
+benevolence,438,9
+lakeville,1449,2
+pomaria,382,2
+mifflinburg,270,0
+lakeville,1843,5
+shelbyville,2679,0
+onaga,198,2
+pomaria,510,0
+onaga,469,0
+lakeville,308,6
+wainscott,1751,5
+lakeville,933,5
+lindenwood,2045,3
+ranchester,654,4
+lindenwood,255,8
+mifflinburg,268,1
+pomaria,1056,3
+cosmos,313,9
+wainscott,446,2
+klickitat,1239,0
+hanson,897,0
+hiteman,1395,1
+klickitat,2293,4
+pinesdale,474,1
+klickitat,1775,4
+beechwood,761,3
+stockman,1570,1
+hiteman,99,6
+tolstoy,456,6
+lakeville,1855,2
+merom,203,4
+forkland,308,5
+newfields,317,0
+pomaria,94,9
+hanson,937,1
+lindenwood,2241,6
+wainscott,711,2
+ranchester,583,5
+marstons,1709,2
+klickitat,224,0
+woodbine,295,16
+tolstoy,1205,6
+hanson,1005,4
+hiteman,302,0
+merom,608,1
+klickitat,692,5
+onaga,292,3
+klickitat,1451,2
+allensville,338,7
+stockman,1354,1
+lindenwood,989,2
+hiteman,1736,1
+shelbyville,282,7
+pomaria,1437,6
+lindenwood,2470,1
+klickitat,2229,0
+newfields,1322,1
+leonardo,887,17
+tolstoy,1389,9
+lindenwood,2563,1
+wainscott,1136,5
+wainscott,699,4
+pomaria,1289,15
+ranchester,925,0
+klickitat,38,4
+hanson,15,1
+shelbyville,553,1
+klickitat,914,15
+newfields,1384,5
+beechwood,914,2
+pinesdale,646,1
+wainscott,598,3
+leonardo,1367,10
+lakeville,1221,1
+lakeville,595,3
+marstons,1902,9
+shelbyville,1584,1
+newfields,179,0
+lindenwood,1673,3
+tolstoy,894,1
+lindenwood,839,2
+leonardo,1705,2
+lindenwood,1493,3
+lakeville,721,4
+marstons,2405,1
+pinesdale,1505,0
+marstons,1063,11
+beechwood,3,6
+allensville,384,5
+lindenwood,2423,0
+wainscott,617,2
+forkland,389,0
+woodbine,848,3
+hiteman,1293,7
+shelbyville,1872,0
+allensville,217,3
+hiteman,991,1
+ranchester,546,8
+mifflinburg,662,5
+newfields,48,0
+ranchester,311,3
+mifflinburg,517,0
+lindenwood,1445,13
+pinesdale,661,7
+marstons,1704,9
+coffeen,661,8
+lakeville,1630,2
+lindenwood,1704,4
+mifflinburg,729,9
+leonardo,1365,4
+merom,361,0
+hanson,498,9
+forkland,168,6
+lakeville,286,3
+leonardo,40,15
+leonardo,397,1
+lindenwood,1729,4
+merom,208,3
+klickitat,417,5
+lakeville,1769,9
+wainscott,364,5
+shelbyville,2670,4
+merom,228,0
+wainscott,622,0
+lindenwood,342,1
+shelbyville,2498,1
+newfields,1502,6
+cosmos,761,2
+shelbyville,1512,3
+ranchester,742,6
+lakeville,1540,1
+wainscott,1157,1
+leonardo,1537,3
+shelbyville,1099,2
+lakeville,1259,1
+marstons,2498,6
+lindenwood,645,5
+pinesdale,1224,3
+woodbine,723,1
+klickitat,2052,2
+hiteman,252,12
+marstons,2147,12
+shelbyville,2470,4
+pomaria,1026,9
+newfields,1518,3
+woodbine,1320,1
+newfields,454,6
+lindenwood,1207,3
+benevolence,936,2
+ranchester,928,2
+ranchester,1064,4
+pomaria,228,2
+marstons,2605,1
+cosmos,504,5
+lindenwood,2580,6
+marstons,2094,5
+merom,405,0
+woodbine,685,1
+shelbyville,265,3
+marstons,1840,5
+hiteman,1041,1
+ranchester,1530,0
+ranchester,507,0
+lakeville,531,8
+pomaria,815,0
+pomaria,691,1
+lakeville,1384,11
+woodbine,1458,11
+beechwood,521,0
+wainscott,12,3
+leonardo,117,2
+marstons,734,6
+marstons,1913,2
+merom,394,2
+shelbyville,189,3
+lakeville,1531,9
+ranchester,1359,0
+forkland,471,2
+lindenwood,1667,0
+tolstoy,168,8
+pomaria,1068,7
+klickitat,2195,18
+shelbyville,1760,1
+benevolence,823,2
+leonardo,1383,4
+stockman,1427,5
+leonardo,356,4
+leonardo,640,0
+tolstoy,213,9
+pomaria,969,7
+merom,674,10
+marstons,986,0
+newfields,1254,2
+shelbyville,498,0
+mifflinburg,370,1
+benevolence,514,0
+tolstoy,749,5
+wainscott,1343,7
+woodbine,31,7
+leonardo,474,3
+hanson,620,3
+benevolence,43,2
+lindenwood,270,4
+lakeville,1873,7
+wainscott,198,12
+stockman,256,0
+pinesdale,112,4
+forkland,7,0
+coffeen,513,2
+leonardo,1308,9
+pinesdale,1145,3
+pinesdale,693,0
+cosmos,675,1
+klickitat,309,4
+tolstoy,1402,1
+mifflinburg,53,2
+wainscott,503,3
+woodbine,1950,7
+pomaria,696,11
+leonardo,1340,2
+tolstoy,1585,4
+marstons,421,1
+lindenwood,2227,2
+klickitat,819,0
+ranchester,296,7
+stockman,893,2
+newfields,1488,3
+shelbyville,2048,0
+marstons,1805,14
+shelbyville,516,10
+benevolence,753,3
+hanson,708,2
+ranchester,1079,1
+woodbine,213,3
+merom,578,3
+newfields,1269,3
+ranchester,377,10
+shelbyville,1276,17
+pomaria,1678,0
+allensville,515,2
+lindenwood,729,1
+lakeville,136,1
+shelbyville,2682,6
+lakeville,1112,0
+newfields,22,4
+hanson,1591,3
+newfields,881,7
+tolstoy,136,9
+pomaria,1258,1
+newfields,534,4
+hanson,761,2
+stockman,673,2
+shelbyville,2341,16
+marstons,1891,1
+forkland,204,0
+stockman,1047,3
+lakeville,193,1
+lakeville,268,4
+klickitat,808,7
+coffeen,669,4
+coffeen,1500,1
+stockman,1554,2
+klickitat,1960,13
+tolstoy,312,5
+lindenwood,491,6
+forkland,224,2
+woodbine,1535,0
+forkland,885,2
+lindenwood,2275,3
+hanson,420,4
+wainscott,81,1
+woodbine,457,3
+newfields,563,0
+pomaria,1244,8
+leonardo,911,2
+coffeen,541,7
+tolstoy,1339,1
+marstons,1031,0
+onaga,245,2
+klickitat,1475,8
+leonardo,359,12
+hiteman,1764,7
+klickitat,2113,3
+tolstoy,534,0
+wainscott,374,13
+leonardo,319,0
+merom,934,4
+hanson,1557,1
+wainscott,1308,2
+leonardo,1213,4
+pomaria,369,12
+hiteman,264,3
+allensville,58,2
+wainscott,229,3
+stockman,801,6
+shelbyville,486,1
+merom,186,1
+klickitat,1956,1
+merom,1101,2
+beechwood,340,2
+beechwood,1081,2
+benevolence,812,0
+lakeville,898,2
+hiteman,1094,5
+leonardo,1819,7
+hanson,651,13
+wainscott,550,9
+lakeville,1771,4
+shelbyville,1854,2
+shelbyville,2129,3
+marstons,202,3
+lakeville,728,2
+pomaria,1651,10
+wainscott,1476,10
+stockman,661,3
+klickitat,406,7
+marstons,652,0
+cosmos,1049,4
+leonardo,1618,7
+shelbyville,1419,0
+cosmos,1060,7
+lindenwood,2417,1
+newfields,373,0
+newfields,1610,12
+coffeen,1506,6
+pomaria,1251,2
+leonardo,1239,5
+forkland,275,3
+wainscott,1534,0
+marstons,1752,14
+woodbine,720,2
+tolstoy,309,5
+ranchester,182,4
+shelbyville,163,9
+pinesdale,822,0
+tolstoy,881,2
+beechwood,180,1
+lakeville,904,12
+lindenwood,2068,3
+merom,585,6
+ranchester,428,1
+lindenwood,41,4
+klickitat,508,3
+shelbyville,52,4
+woodbine,1446,15
+klickitat,366,1
+ranchester,1036,3
+hanson,1608,0
+forkland,10,5
+allensville,431,3
+stockman,1221,1
+forkland,701,1
+newfields,281,0
+lindenwood,2032,8
+ranchester,1269,0
+lakeville,782,5
+woodbine,487,8
+shelbyville,308,5
+forkland,490,0
+klickitat,724,6
+lindenwood,2464,0
+woodbine,250,5
+tolstoy,1236,2
+allensville,403,1
+mifflinburg,417,3
+stockman,912,11
+lakeville,697,4
+pinesdale,1214,10
+pinesdale,968,2
+newfields,1292,1
+klickitat,1811,3
+hanson,461,0
+mifflinburg,726,2
+lindenwood,2651,1
+lindenwood,2350,3
+marstons,990,1
+shelbyville,2589,3
+forkland,1158,4
+shelbyville,357,10
+wainscott,1605,10
+hanson,1419,6
+tolstoy,1356,9
+hiteman,432,0
+pinesdale,236,0
+klickitat,2124,3
+hanson,1128,7
+hanson,1562,11
+shelbyville,63,6
+woodbine,1578,3
+newfields,1451,2
+ranchester,58,12
+klickitat,1739,9
+hiteman,169,0
+pinesdale,734,11
+marstons,195,2
+woodbine,319,10
+merom,426,2
+shelbyville,992,1
+klickitat,1711,3
+allensville,301,7
+hanson,1420,16
+cosmos,974,0
+shelbyville,2173,6
+shelbyville,481,4
+woodbine,792,2
+wainscott,1172,7
+merom,573,4
+shelbyville,1304,14
+newfields,1602,3
+klickitat,2195,10
+pomaria,1281,12
+beechwood,805,3
+lindenwood,1164,2
+merom,812,3
+coffeen,66,1
+hanson,1152,1
+tolstoy,1383,0
+hanson,830,2
+ranchester,1253,4
+leonardo,741,2
+shelbyville,250,8
+stockman,544,9
+cosmos,516,6
+mifflinburg,182,1
+coffeen,272,3
+coffeen,346,1
+beechwood,1155,1
+pinesdale,290,3
+marstons,788,3
+newfields,289,0
+coffeen,1007,3
+lakeville,1590,0
+newfields,1093,12
+stockman,721,6
+stockman,951,1
+shelbyville,964,4
+pomaria,1051,4
+lindenwood,951,0
+marstons,1570,0
+beechwood,490,7
+shelbyville,660,1
+benevolence,6,4
+shelbyville,778,3
+cosmos,987,3
+newfields,311,10
+forkland,64,3
+ranchester,197,5
+pomaria,455,13
+woodbine,1877,0
+lindenwood,2442,0
+merom,381,2
+klickitat,686,13
+ranchester,1190,0
+shelbyville,1785,0
+hiteman,406,3
+allensville,6,3
+marstons,1495,5
+leonardo,1830,13
+klickitat,1373,1
+woodbine,2046,5
+lindenwood,1074,4
+lindenwood,131,0
+cosmos,87,0
+forkland,526,0
+cosmos,888,0
+pinesdale,1260,7
+beechwood,872,0
+leonardo,794,4
+klickitat,1129,0
+merom,784,7
+onaga,574,5
+stockman,1058,2
+lakeville,1184,1
+marstons,973,0
+lakeville,1291,9
+newfields,383,0
+lindenwood,119,2
+woodbine,1000,1
+wainscott,758,16
+beechwood,226,4
+leonardo,657,4
+lindenwood,701,1
+klickitat,2198,1
+forkland,1056,5
+coffeen,512,2
+klickitat,1869,1
+leonardo,1250,2
+marstons,8,1
+marstons,1278,9
+hanson,367,7
+cosmos,278,11
+shelbyville,1268,8
+marstons,458,6
+onaga,639,6
+tolstoy,413,2
+coffeen,62,3
+marstons,762,4
+tolstoy,1210,5
+coffeen,1152,3
+ranchester,1116,4
+marstons,1598,8
+lindenwood,2644,4
+allensville,56,9
+klickitat,390,15
+hiteman,167,2
+coffeen,1235,3
+mifflinburg,622,4
+ranchester,166,3
+coffeen,7,1
+onaga,364,1
+marstons,1845,0
+woodbine,456,0
+wainscott,237,1
+shelbyville,2274,3
+shelbyville,2444,7
+hanson,1534,0
+ranchester,244,0
+klickitat,103,4
+hiteman,1055,4
+ranchester,405,5
+shelbyville,1114,1
+hiteman,18,5
+shelbyville,2079,4
+shelbyville,958,6
+coffeen,121,0
+lindenwood,331,0
+coffeen,765,8
+stockman,374,2
+ranchester,357,1
+shelbyville,860,10
+klickitat,1386,9
+forkland,844,6
+stockman,384,6
+benevolence,531,2
+tolstoy,596,0
+wainscott,364,12
+pomaria,1311,1
+marstons,829,0
+forkland,740,1
+marstons,1373,4
+leonardo,435,2
+shelbyville,1478,1
+lakeville,1788,0
+coffeen,279,7
+hanson,1473,6
+klickitat,2064,2
+lindenwood,2345,13
+lindenwood,1905,0
+lindenwood,1325,1
+woodbine,1778,1
+newfields,612,8
+woodbine,1099,11
+beechwood,480,9
+pomaria,330,5
+woodbine,934,1
+klickitat,1088,4
+lindenwood,33,5
+woodbine,1414,1
+marstons,741,3
+shelbyville,2124,4
+lindenwood,2585,11
+shelbyville,2756,1
+marstons,884,7
+marstons,679,2
+shelbyville,2448,6
+lindenwood,2623,3
+mifflinburg,335,4
+klickitat,200,0
+allensville,140,1
+tolstoy,1806,1
+wainscott,1136,6
+tolstoy,1740,3
+shelbyville,950,5
+marstons,602,6
+marstons,557,0
+hanson,809,0
+klickitat,2218,4
+wainscott,1149,0
+woodbine,760,0
+lindenwood,519,1
+stockman,267,0
+pomaria,246,2
+mifflinburg,769,3
+woodbine,95,4
+newfields,703,0
+cosmos,759,0
+leonardo,1337,1
+merom,543,9
+tolstoy,1649,1
+newfields,1420,0
+stockman,598,9
+leonardo,1960,2
+leonardo,2118,0
+lindenwood,669,4
+cosmos,135,5
+benevolence,105,0
+pinesdale,543,4
+marstons,1518,12
+klickitat,1328,1
+cosmos,893,11
+tolstoy,527,0
+shelbyville,2200,1
+lindenwood,645,2
+ranchester,1304,14
+woodbine,1922,0
+lakeville,1097,5
+ranchester,1526,10
+pomaria,252,1
+leonardo,118,0
+ranchester,762,0
+shelbyville,1964,9
+stockman,803,0
+stockman,508,3
+cosmos,781,0
+hiteman,1078,3
+lindenwood,734,3
+marstons,1017,2
+stockman,486,1
+shelbyville,2077,5
+coffeen,158,10
+leonardo,564,2
+coffeen,1320,0
+ranchester,210,6
+tolstoy,1428,3
+marstons,1140,3
+marstons,1533,2
+forkland,662,3
+leonardo,2092,1
+lindenwood,1236,2
+lakeville,294,8
+pinesdale,1027,8
+pinesdale,1151,5
+pomaria,1264,5
+klickitat,2188,16
+wainscott,248,7
+pomaria,538,6
+woodbine,1804,4
+lindenwood,2116,3
+wainscott,796,0
+hiteman,1109,10
+beechwood,959,1
+newfields,1449,12
+marstons,1725,4
+newfields,854,0
+lakeville,151,9
+benevolence,395,2
+hanson,1065,15
+merom,779,1
+hanson,1331,11
+tolstoy,441,3
+newfields,987,2
+mifflinburg,363,2
+leonardo,359,19
+woodbine,1508,15
+forkland,896,1
+lindenwood,2560,1
+ranchester,1109,1
+marstons,2223,3
+hanson,860,9
+wainscott,203,4
+ranchester,637,0
+allensville,224,4
+coffeen,542,5
+klickitat,1657,5
+mifflinburg,150,2
+pomaria,1161,5
+shelbyville,2457,8
+shelbyville,896,4
+forkland,277,2
+beechwood,965,1
+stockman,1084,1
+hiteman,1528,0
+coffeen,841,1
+pomaria,44,0
+mifflinburg,195,0
+wainscott,1659,0
+marstons,205,5
+cosmos,580,0
+lakeville,284,13
+shelbyville,1894,11
+wainscott,295,0
+coffeen,887,0
+pomaria,237,0
+hiteman,1129,7
+stockman,856,1
+stockman,266,5
+klickitat,1551,1
+mifflinburg,280,0
+tolstoy,1158,8
+shelbyville,1283,4
+wainscott,1576,0
+klickitat,126,3
+woodbine,360,2
+cosmos,695,0
+pinesdale,641,2
+pomaria,219,2
+pomaria,222,2
+marstons,1731,12
+tolstoy,1710,3
+tolstoy,625,1
+shelbyville,2444,10
+leonardo,1200,7
+tolstoy,742,7
+lindenwood,436,4
+pomaria,1490,0
+pinesdale,1273,2
+shelbyville,2582,11
+lakeville,334,2
+marstons,1450,5
+woodbine,1271,0
+pinesdale,1487,0
+wainscott,149,5
+onaga,617,1
+lakeville,6,7
+hiteman,846,0
+forkland,684,3
+ranchester,1044,4
+leonardo,1436,1
+cosmos,582,1
+beechwood,671,0
+ranchester,1166,0
+leonardo,63,2
+tolstoy,522,2
+forkland,604,3
+cosmos,936,2
+hiteman,763,10
+stockman,465,6
+onaga,392,1
+shelbyville,2213,5
+lakeville,504,2
+woodbine,156,10
+tolstoy,1516,0
+stockman,1538,0
+mifflinburg,773,0
+coffeen,829,2
+woodbine,1762,1
+lindenwood,320,3
+wainscott,208,2
+cosmos,579,1
+pomaria,613,9
+shelbyville,751,3
+coffeen,801,2
+lindenwood,1324,1
+hanson,124,2
+woodbine,1120,1
+pomaria,1171,2
+ranchester,272,7
+pinesdale,1363,17
+hiteman,218,3
+hanson,424,6
+pomaria,944,13
+shelbyville,422,1
+hiteman,1268,3
+lindenwood,1897,6
+marstons,1651,1
+shelbyville,520,1
+woodbine,1108,12
+coffeen,321,8
+shelbyville,1195,7
+forkland,1065,1
+tolstoy,882,0
+leonardo,1188,2
+stockman,688,0
+shelbyville,1016,7
+stockman,642,4
+wainscott,1114,1
+ranchester,853,0
+lindenwood,567,2
+newfields,270,2
+hiteman,1114,2
+lindenwood,1758,5
+marstons,1371,5
+lakeville,1862,11
+pomaria,413,4
+tolstoy,1695,5
+shelbyville,1357,10
+pinesdale,857,4
+lakeville,962,3
+marstons,2365,1
+marstons,1526,6
+ranchester,837,5
+hiteman,858,3
+woodbine,351,6
+lakeville,1162,4
+shelbyville,1077,7
+tolstoy,1148,0
+hanson,448,3
+marstons,1494,5
+ranchester,1565,6
+pinesdale,724,3
+forkland,481,4
+forkland,844,9
+lakeville,909,5
+pomaria,215,0
+wainscott,1025,11
+cosmos,926,7
+ranchester,1000,4
+leonardo,438,3
+marstons,1430,13
+klickitat,259,4
+hiteman,632,7
+merom,414,6
+shelbyville,1399,8
+pomaria,1139,1
+benevolence,657,3
+coffeen,907,0
+merom,769,0
+lakeville,745,6
+klickitat,1122,1
+wainscott,812,3
+ranchester,293,0
+cosmos,4,0
+lakeville,1302,2
+pinesdale,276,4
+klickitat,598,1
+shelbyville,1192,3
+leonardo,39,3
+onaga,612,6
+lindenwood,1783,4
+pinesdale,924,2
+ranchester,854,1
+lakeville,1528,5
+lindenwood,1786,6
+klickitat,504,2
+onaga,142,1
+marstons,136,0
+lindenwood,1083,5
+marstons,1150,4
+marstons,2313,10
+ranchester,1418,1
+shelbyville,2546,0
+marstons,2149,2
+hiteman,696,8
+klickitat,1763,4
+lakeville,761,4
+ranchester,1487,2
+benevolence,359,5
+beechwood,441,0
+wainscott,124,1
+woodbine,1957,0
+woodbine,1141,6
+shelbyville,1763,5
+hiteman,842,0
+klickitat,1423,3
+merom,900,2
+stockman,1168,3
+pinesdale,667,4
+marstons,2361,2
+wainscott,4,2
+pomaria,54,12
+cosmos,46,7
+cosmos,235,4
+hiteman,183,3
+klickitat,1842,3
+wainscott,835,9
+shelbyville,14,0
+mifflinburg,69,2
+leonardo,2004,2
+coffeen,827,4
+tolstoy,680,3
+benevolence,699,1
+marstons,2535,2
+forkland,437,4
+merom,1040,2
+hiteman,377,0
+klickitat,1346,1
+woodbine,1604,0
+hanson,123,2
+wainscott,1128,10
+hanson,436,10
+pomaria,680,2
+klickitat,949,0
+klickitat,821,0
+cosmos,1065,5
+merom,297,1
+lakeville,1666,9
+shelbyville,214,4
+onaga,426,2
+mifflinburg,769,4
+pinesdale,358,2
+woodbine,1361,4
+pomaria,868,3
+woodbine,1070,2
+pomaria,1634,5
+coffeen,353,0
+forkland,964,3
+hiteman,1445,8
+hanson,1436,4
+onaga,67,4
+marstons,835,12
+pomaria,563,0
+pomaria,56,7
+pomaria,817,2
+tolstoy,602,5
+lakeville,816,6
+stockman,203,4
+hanson,1076,2
+cosmos,839,9
+hiteman,1471,0
+hiteman,994,3
+lindenwood,1953,2
+marstons,2577,1
+marstons,2358,3
+wainscott,739,7
+ranchester,1154,4
+marstons,1660,10
+lindenwood,1135,1
+lakeville,124,5
+beechwood,857,2
+pomaria,1222,2
+shelbyville,2132,14
+pomaria,1175,13
+pomaria,1194,1
+newfields,1571,5
+mifflinburg,72,9
+wainscott,180,1
+marstons,1900,3
+woodbine,428,1
+hiteman,1074,2
+pomaria,929,6
+cosmos,1050,1
+tolstoy,1178,4
+lakeville,477,6
+forkland,277,6
+pinesdale,1101,0
+lindenwood,2500,1
+newfields,613,3
+pinesdale,1404,2
+tolstoy,1706,2
+klickitat,1186,14
+klickitat,696,7
+lindenwood,2441,9
+benevolence,66,4
+stockman,440,8
+tolstoy,655,3
+forkland,1043,0
+leonardo,1645,3
+marstons,1302,19
+lindenwood,612,5
+mifflinburg,575,4
+onaga,207,3
+lakeville,1387,1
+leonardo,1577,3
+lakeville,459,4
+leonardo,1391,0
+shelbyville,1626,8
+ranchester,594,2
+newfields,1312,3
+pomaria,1294,10
+cosmos,872,0
+stockman,1541,7
+klickitat,472,2
+newfields,635,0
+woodbine,984,10
+woodbine,529,11
+leonardo,1004,9
+ranchester,913,4
+shelbyville,840,3
+merom,495,3
+tolstoy,50,5
+mifflinburg,450,0
+woodbine,1915,3
+lakeville,580,0
+leonardo,832,2
+leonardo,541,6
+marstons,2631,0
+woodbine,845,1
+beechwood,468,12
+stockman,490,0
+merom,994,1
+shelbyville,1921,7
+tolstoy,155,1
+klickitat,1981,1
+woodbine,173,6
+ranchester,575,9
+shelbyville,1653,3
+pomaria,1667,5
+shelbyville,2292,0
+pinesdale,839,1
+shelbyville,608,2
+cosmos,356,5
+woodbine,568,4
+newfields,1,3
+pinesdale,1475,5
+ranchester,469,8
+merom,516,0
+newfields,299,1
+shelbyville,91,6
+woodbine,1892,0
+beechwood,477,4
+woodbine,41,12
+marstons,1127,7
+woodbine,1035,2
+lindenwood,2198,2
+wainscott,794,10
+shelbyville,2093,1
+beechwood,82,5
+lakeville,441,1
+marstons,688,3
+ranchester,1280,7
+shelbyville,2787,6
+stockman,550,7
+shelbyville,1256,5
+woodbine,343,5
+merom,273,0
+lindenwood,422,3
+lakeville,1120,16
+lakeville,1044,1
+newfields,1031,5
+cosmos,580,7
+hanson,370,2
+stockman,1122,1
+lindenwood,1125,13
+stockman,575,2
+benevolence,432,6
+ranchester,837,14
+tolstoy,754,7
+ranchester,954,3
+hiteman,570,4
+leonardo,120,2
+leonardo,1007,2
+klickitat,1905,13
+klickitat,1609,8
+marstons,2157,5
+klickitat,1552,12
+pinesdale,952,3
+marstons,1714,1
+tolstoy,29,0
+marstons,1220,1
+ranchester,1620,0
+woodbine,745,1
+cosmos,804,8
+lindenwood,1292,6
+lakeville,432,11
+lakeville,1040,3
+pinesdale,708,1
+tolstoy,584,0
+pomaria,173,0
+leonardo,1240,3
+klickitat,1902,11
+newfields,830,3
+hanson,1167,1
+forkland,448,8
+shelbyville,143,6
+shelbyville,2115,2
+ranchester,518,0
+leonardo,991,2
+marstons,2470,2
+beechwood,164,2
+pomaria,86,8
+shelbyville,1952,0
+wainscott,970,5
+pomaria,560,5
+ranchester,625,1
+beechwood,703,6
+shelbyville,2676,3
+leonardo,887,4
+lindenwood,1000,1
+hanson,1404,3
+lindenwood,607,6
+stockman,187,3
+woodbine,902,2
+allensville,43,4
+shelbyville,1132,1
+shelbyville,1358,8
+lakeville,1088,3
+cosmos,992,0
+marstons,1529,9
+hanson,1003,1
+marstons,332,7
+shelbyville,700,0
+klickitat,14,21
+lindenwood,814,9
+beechwood,1077,15
+ranchester,1246,2
+newfields,723,12
+pomaria,944,10
+lakeville,1078,6
+ranchester,1067,4
+leonardo,1800,4
+allensville,308,3
+ranchester,1264,1
+woodbine,1674,2
+merom,1057,1
+stockman,327,6
+lindenwood,1542,2
+pomaria,733,4
+wainscott,1292,9
+klickitat,1451,12
+wainscott,1651,8
+ranchester,924,1
+mifflinburg,273,1
+hanson,194,2
+cosmos,628,4
+klickitat,97,5
+hiteman,669,0
+marstons,1387,6
+hiteman,818,2
+ranchester,1345,4
+forkland,1070,2
+newfields,1011,6
+lindenwood,1389,4
+shelbyville,1860,3
+marstons,1255,1
+lindenwood,1575,2
+lindenwood,1663,3
+ranchester,1603,2
+shelbyville,2701,3
+marstons,590,1
+klickitat,1722,0
+stockman,1036,0
+woodbine,12,8
+hiteman,1061,13
+beechwood,853,5
+klickitat,1465,5
+pomaria,859,12
+pinesdale,201,4
+marstons,1226,10
+marstons,1501,2
+leonardo,279,0
+hiteman,1357,5
+lindenwood,2651,9
+klickitat,114,2
+shelbyville,30,2
+klickitat,1367,6
+hiteman,523,5
+lindenwood,1855,1
+marstons,662,7
+ranchester,816,2
+shelbyville,1733,3
+shelbyville,813,4
+shelbyville,2501,8
+cosmos,936,11
+ranchester,500,2
+leonardo,1258,3
+lindenwood,515,8
+newfields,1134,1
+coffeen,565,4
+newfields,685,0
+shelbyville,1034,3
+merom,352,4
+pomaria,1265,12
+klickitat,1408,5
+lindenwood,2103,1
+coffeen,1186,4
+shelbyville,331,5
+wainscott,1402,2
+cosmos,564,3
+ranchester,443,5
+marstons,1338,2
+newfields,805,14
+woodbine,1589,5
+wainscott,540,6
+hanson,701,3
+marstons,340,2
+klickitat,1399,2
+marstons,574,1
+hanson,183,8
+wainscott,1629,1
+lakeville,636,0
+hiteman,645,2
+lakeville,1668,2
+mifflinburg,485,6
+merom,775,0
+marstons,1718,2
+lakeville,608,9
+lindenwood,1959,1
+allensville,142,4
+pinesdale,47,0
+leonardo,2111,4
+allensville,264,0
+lindenwood,483,0
+mifflinburg,124,4
+shelbyville,1763,6
+coffeen,1172,2
+benevolence,200,5
+woodbine,1927,0
+marstons,978,3
+tolstoy,1511,2
+hanson,1236,6
+beechwood,776,1
+klickitat,744,2
+hiteman,267,3
+cosmos,988,3
+leonardo,558,1
+hanson,1382,1
+forkland,239,0
+shelbyville,1046,1
+pinesdale,1038,0
+newfields,100,3
+shelbyville,47,6
+hanson,1315,8
+allensville,212,6
+pomaria,739,4
+woodbine,1218,9
+newfields,1058,6
+cosmos,563,3
+woodbine,2010,0
+klickitat,64,5
+forkland,194,3
+woodbine,1086,2
+pomaria,1212,3
+woodbine,639,4
+hanson,1554,0
+wainscott,792,16
+pomaria,1234,7
+marstons,1422,0
+woodbine,223,3
+forkland,995,4
+benevolence,303,2
+hanson,1640,9
+newfields,1146,12
+stockman,49,14
+benevolence,972,0
+leonardo,1026,1
+wainscott,776,7
+tolstoy,1440,7
+stockman,685,0
+woodbine,1795,2
+merom,693,3
+pomaria,1337,10
+pinesdale,618,8
+tolstoy,739,3
+lakeville,127,3
+lindenwood,2276,0
+merom,851,4
+hiteman,1757,0
+ranchester,474,1
+lakeville,297,3
+allensville,261,3
+woodbine,985,17
+merom,674,8
+shelbyville,1006,2
+hiteman,1654,1
+tolstoy,946,6
+tolstoy,446,4
+cosmos,27,1
+hiteman,846,3
+wainscott,1233,8
+klickitat,1047,1
+benevolence,574,0
+marstons,1421,2
+newfields,1650,3
+leonardo,16,6
+lakeville,1143,3
+lakeville,793,3
+cosmos,100,3
+hiteman,1126,1
+lindenwood,1381,0
+pinesdale,212,4
+marstons,395,5
+klickitat,1664,6
+tolstoy,860,0
+benevolence,531,0
+lakeville,1714,4
+hanson,1634,5
+shelbyville,1924,12
+woodbine,215,0
+tolstoy,1330,4
+newfields,1118,0
+wainscott,941,1
+marstons,1600,0
+leonardo,2042,0
+tolstoy,1290,1
+pomaria,886,3
+lindenwood,890,12
+allensville,296,3
+ranchester,1090,0
+stockman,398,8
+pinesdale,1420,1
+shelbyville,1186,4
+merom,384,4
+tolstoy,737,0
+ranchester,762,2
+leonardo,1680,2
+ranchester,14,0
+tolstoy,86,1
+pinesdale,1166,1
+mifflinburg,224,1
+woodbine,1026,0
+lakeville,1258,1
+benevolence,153,1
+marstons,422,3
+tolstoy,567,3
+shelbyville,474,2
+klickitat,1689,5
+woodbine,1073,0
+klickitat,2050,4
+marstons,1265,3
+beechwood,81,1
+pinesdale,1127,1
+mifflinburg,158,6
+lindenwood,813,7
+wainscott,1619,5
+benevolence,438,10
+pinesdale,965,1
+stockman,409,8
+benevolence,236,1
+pinesdale,825,2
+woodbine,2042,0
+pinesdale,132,0
+hiteman,1755,12
+pomaria,875,3
+onaga,199,8
+woodbine,131,3
+leonardo,1657,2
+leonardo,1095,1
+klickitat,1983,3
+marstons,606,11
+klickitat,1922,10
+coffeen,1272,6
+wainscott,922,0
+marstons,2331,2
+stockman,1291,4
+lindenwood,1191,4
+lakeville,1522,2
+lakeville,1531,11
+shelbyville,1241,6
+lakeville,1540,0
+hiteman,1626,3
+lindenwood,789,0
+merom,718,1
+lakeville,988,3
+lakeville,1782,9
+shelbyville,1991,1
+stockman,334,5
+hiteman,218,9
+hanson,798,0
+beechwood,168,6
+shelbyville,1458,3
+marstons,685,2
+merom,401,5
+beechwood,1016,0
+marstons,1604,5
+pinesdale,29,1
+forkland,631,4
+tolstoy,1730,0
+pomaria,236,4
+pomaria,1244,7
+ranchester,914,2
+marstons,2128,3
+woodbine,528,4
+marstons,2093,2
+marstons,228,4
+shelbyville,197,0
+shelbyville,1295,16
+pomaria,1226,7
+coffeen,609,0
+marstons,1680,2
+lakeville,1212,6
+coffeen,828,7
+newfields,540,3
+newfields,638,2
+tolstoy,1265,1
+woodbine,246,2
+woodbine,1311,12
+shelbyville,300,4
+hanson,589,3
+leonardo,1145,0
+hiteman,1712,6
+forkland,751,0
+ranchester,791,2
+hiteman,1336,2
+stockman,235,0
+lakeville,428,4
+hiteman,751,2
+marstons,1171,0
+marstons,2127,0
+merom,886,0
+cosmos,945,3
+shelbyville,2589,4
+leonardo,1736,0
+marstons,1129,1
+newfields,1116,7
+klickitat,1858,3
+pomaria,1494,3
+newfields,1214,4
+stockman,1145,2
+beechwood,1040,8
+wainscott,1326,8
+newfields,1079,6
+beechwood,175,4
+stockman,233,7
+pomaria,1442,14
+tolstoy,1523,6
+shelbyville,2405,1
+tolstoy,1448,5
+klickitat,2056,7
+woodbine,1951,7
+shelbyville,632,15
+stockman,495,3
+lindenwood,409,2
+tolstoy,1509,5
+cosmos,898,1
+hanson,1549,9
+beechwood,801,1
+ranchester,553,2
+marstons,1619,9
+benevolence,79,4
+forkland,505,0
+leonardo,594,1
+allensville,25,1
+klickitat,692,8
+wainscott,1320,1
+pomaria,1322,1
+marstons,874,0
+lakeville,267,4
+stockman,1070,7
+pomaria,552,5
+marstons,1857,2
+shelbyville,2516,5
+marstons,289,2
+klickitat,2316,2
+shelbyville,481,6
+leonardo,2034,5
+mifflinburg,53,11
+shelbyville,906,3
+wainscott,1383,3
+coffeen,1314,4
+forkland,492,3
+leonardo,1034,2
+lakeville,1221,6
+ranchester,1148,13
+merom,848,1
+lindenwood,1857,5
+benevolence,380,7
+lakeville,244,0
+stockman,1144,1
+shelbyville,1630,1
+newfields,1295,12
+stockman,1415,0
+benevolence,254,2
+marstons,1440,5
+leonardo,110,9
+benevolence,717,9
+hiteman,1625,2
+lindenwood,2626,9
+shelbyville,2669,8
+hanson,914,2
+stockman,951,2
+cosmos,168,6
+mifflinburg,691,1
+tolstoy,490,1
+marstons,1098,3
+shelbyville,2232,5
+woodbine,1149,0
+leonardo,2062,5
+newfields,437,9
+lakeville,987,5
+ranchester,1232,0
+lindenwood,1385,12
+hanson,1355,2
+cosmos,28,3
+tolstoy,1257,3
+coffeen,411,3
+leonardo,1809,2
+klickitat,2236,1
+shelbyville,1051,3
+merom,138,1
+pomaria,996,5
+klickitat,1388,4
+woodbine,1789,0
+woodbine,1580,0
+stockman,681,6
+lindenwood,638,4
+pomaria,800,2
+shelbyville,1012,4
+newfields,1613,2
+marstons,998,3
+hiteman,709,8
+lindenwood,145,0
+beechwood,1070,9
+hanson,614,0
+ranchester,582,5
+pomaria,675,4
+marstons,485,3
+marstons,775,3
+hiteman,1459,1
+stockman,1186,4
+shelbyville,1832,4
+woodbine,1944,0
+leonardo,2004,0
+marstons,1909,2
+klickitat,1656,4
+klickitat,1439,1
+merom,278,11
+ranchester,972,2
+lakeville,1119,5
+allensville,242,3
+leonardo,23,2
+klickitat,821,9
+hanson,1561,2
+ranchester,590,0
+shelbyville,1125,4
+leonardo,989,11
+wainscott,973,4
+lindenwood,2304,3
+hanson,1292,8
+marstons,1989,0
+pinesdale,1441,2
+wainscott,1436,11
+pinesdale,562,1
+lakeville,570,3
+ranchester,913,1
+woodbine,387,1
+shelbyville,773,3
+pinesdale,736,12
+shelbyville,2670,11
+tolstoy,126,8
+shelbyville,2707,5
+wainscott,1136,2
+wainscott,448,3
+mifflinburg,955,5
+stockman,1030,4
+hanson,1153,6
+newfields,222,11
+newfields,78,1
+forkland,664,2
+leonardo,681,12
+leonardo,601,12
+newfields,1102,7
+tolstoy,411,1
+beechwood,65,0
+hanson,217,6
+lindenwood,2007,1
+pinesdale,475,7
+newfields,222,5
+lindenwood,2585,1
+merom,958,2
+woodbine,1067,4
+ranchester,742,1
+lindenwood,2494,9
+forkland,1005,1
+shelbyville,508,5
+cosmos,560,1
+lakeville,556,0
+pomaria,432,4
+merom,151,2
+shelbyville,2808,4
+merom,738,2
+onaga,348,0
+onaga,8,4
+pomaria,211,3
+marstons,2171,2
+shelbyville,2803,7
+marstons,201,8
+hanson,248,2
+cosmos,326,3
+shelbyville,2562,16
+wainscott,1704,4
+coffeen,634,6
+tolstoy,1005,2
+klickitat,1568,4
+tolstoy,547,0
+marstons,1844,4
+klickitat,1702,9
+wainscott,183,8
+hiteman,1226,6
+coffeen,390,1
+woodbine,1097,11
+merom,781,6
+lakeville,1428,1
+coffeen,1177,0
+pinesdale,106,2
+wainscott,260,1
+pomaria,0,1
+woodbine,53,2
+lakeville,483,3
+stockman,120,2
+pomaria,578,5
+lindenwood,554,7
+wainscott,99,15
+woodbine,81,1
+lindenwood,363,12
+marstons,619,2
+leonardo,1000,23
+tolstoy,646,5
+klickitat,581,2
+hanson,88,2
+pinesdale,1063,0
+lakeville,758,0
+forkland,1169,2
+marstons,980,0
+marstons,2493,6
+ranchester,1286,2
+newfields,1022,6
+marstons,783,1
+lindenwood,2175,1
+coffeen,323,2
+forkland,390,2
+woodbine,1275,6
+allensville,130,0
+wainscott,1110,9
+hiteman,1007,6
+ranchester,879,9
+stockman,441,0
+tolstoy,323,3
+stockman,388,4
+hiteman,1555,3
+pomaria,697,0
+wainscott,1341,0
+klickitat,1671,3
+forkland,1145,1
+lindenwood,1978,1
+ranchester,1580,6
+lakeville,520,10
+hanson,226,1
+pinesdale,601,2
+forkland,307,0
+klickitat,266,4
+wainscott,1431,8
+woodbine,479,0
+lindenwood,1224,0
+klickitat,703,1
+wainscott,1339,2
+shelbyville,2245,1
+marstons,1870,1
+stockman,631,2
+coffeen,1473,2
+klickitat,1230,10
+tolstoy,769,13
+lindenwood,1201,2
+marstons,62,0
+hiteman,1363,0
+newfields,487,0
+forkland,592,4
+marstons,706,1
+marstons,63,1
+newfields,488,0
+marstons,2127,15
+woodbine,481,2
+shelbyville,1523,7
+klickitat,2154,3
+shelbyville,1496,5
+wainscott,1093,0
+woodbine,867,9
+ranchester,1592,4
+wainscott,211,1
+pinesdale,203,4
+klickitat,2270,4
+wainscott,234,0
+lakeville,1632,0
+leonardo,173,5
+hiteman,1024,4
+hanson,548,0
+lindenwood,97,0
+newfields,508,13
+wainscott,497,0
+newfields,1362,10
+pomaria,1558,9
+marstons,2572,0
+pomaria,1210,3
+forkland,807,1
+pinesdale,976,2
+lindenwood,1507,10
+shelbyville,1042,2
+pomaria,13,9
+coffeen,104,1
+ranchester,284,2
+lindenwood,814,12
+pinesdale,900,5
+stockman,204,4
+ranchester,745,5
+ranchester,83,6
+pomaria,289,0
+lindenwood,1216,0
+newfields,956,0
+klickitat,926,1
+merom,399,4
+ranchester,1393,3
+stockman,310,3
+lindenwood,385,4
+lindenwood,2336,5
+woodbine,881,10
+mifflinburg,564,0
+newfields,1109,15
+woodbine,594,4
+onaga,429,2
+wainscott,1349,1
+hanson,19,7
+ranchester,146,2
+marstons,1521,5
+benevolence,603,0
+pinesdale,969,4
+coffeen,395,3
+newfields,1105,0
+marstons,2333,3
+woodbine,1999,1
+ranchester,319,14
+klickitat,2061,1
+ranchester,1554,9
+shelbyville,400,5
+lindenwood,324,3
+pinesdale,194,1
+hiteman,1125,1
+stockman,747,0
+shelbyville,1524,4
+wainscott,505,1
+coffeen,1170,1
+shelbyville,1417,7
+lakeville,757,6
+woodbine,1444,7
+tolstoy,1756,4
+hiteman,1692,7
+marstons,2180,2
+stockman,1303,4
+marstons,2210,1
+wainscott,863,1
+klickitat,960,4
+onaga,274,3
+pinesdale,678,2
+stockman,1404,2
+lakeville,1178,7
+lindenwood,280,1
+leonardo,965,1
+marstons,2190,8
+stockman,231,2
+shelbyville,809,1
+woodbine,1362,2
+cosmos,615,2
+marstons,168,8
+lindenwood,64,0
+shelbyville,2282,5
+lindenwood,1627,4
+ranchester,1482,3
+marstons,2127,13
+klickitat,2037,2
+tolstoy,876,4
+merom,313,2
+ranchester,582,2
+pinesdale,880,8
+ranchester,1211,3
+pomaria,65,0
+newfields,524,6
+lakeville,1733,9
+stockman,1065,1
+leonardo,1805,7
+pomaria,78,4
+shelbyville,1446,3
+cosmos,871,3
+stockman,263,1
+lindenwood,1138,10
+wainscott,733,3
+pinesdale,1503,1
+newfields,1452,2
+pomaria,680,4
+hanson,1040,1
+pinesdale,1167,5
+woodbine,337,5
+marstons,2586,0
+coffeen,179,1
+coffeen,922,2
+klickitat,1906,0
+tolstoy,1173,14
+klickitat,2140,6
+marstons,309,6
+hanson,633,1
+cosmos,838,1
+tolstoy,651,0
+leonardo,1598,1
+hiteman,939,5
+klickitat,426,11
+pinesdale,923,10
+pomaria,465,0
+lindenwood,1451,1
+shelbyville,452,6
+klickitat,2172,14
+leonardo,2019,3
+leonardo,1008,0
+hanson,112,2
+hanson,461,9
+beechwood,959,13
+coffeen,1302,8
+ranchester,1317,11
+cosmos,699,5
+lakeville,319,0
+wainscott,1098,3
+lakeville,1608,0
+shelbyville,1415,1
+mifflinburg,961,6
+klickitat,2285,2
+forkland,891,0
+lakeville,548,7
+coffeen,1330,5
+merom,1001,7
+woodbine,1476,4
+forkland,559,4
+pomaria,888,2
+shelbyville,1839,0
+coffeen,259,5
+coffeen,1167,3
+hanson,913,2
+hiteman,959,2
+lakeville,612,4
+allensville,61,4
+klickitat,156,3
+pomaria,1357,3
+pinesdale,754,3
+woodbine,1424,2
+newfields,658,14
+ranchester,383,7
+klickitat,1370,0
+pomaria,416,6
+leonardo,1648,5
+lakeville,936,14
+woodbine,258,6
+shelbyville,2294,9
+lindenwood,1933,3
+leonardo,417,9
+pinesdale,475,0
+cosmos,567,0
+hiteman,1536,2
+cosmos,511,0
+stockman,1484,14
+klickitat,1391,4
+stockman,1007,0
+lindenwood,845,2
+hiteman,307,4
+mifflinburg,645,2
+hanson,1114,6
+lakeville,532,8
+leonardo,1771,3
+coffeen,239,0
+pomaria,404,0
+forkland,315,3
+mifflinburg,314,0
+leonardo,794,0
+merom,447,1
+marstons,794,9
+leonardo,1716,7
+leonardo,1356,8
+forkland,196,0
+lakeville,1311,8
+klickitat,1921,14
+woodbine,882,0
+klickitat,873,1
+marstons,546,5
+woodbine,889,2
+shelbyville,873,3
+newfields,1073,2
+marstons,1938,1
+benevolence,422,3
+newfields,1064,9
+klickitat,1854,2
+leonardo,538,0
+merom,204,3
+pomaria,1090,16
+marstons,2316,3
+benevolence,784,2
+leonardo,1865,1
+merom,246,3
+marstons,368,9
+shelbyville,1098,4
+leonardo,1707,12
+shelbyville,2672,5
+hanson,826,10
+newfields,1466,3
+coffeen,665,4
+newfields,1297,11
+stockman,83,11
+ranchester,1589,4
+klickitat,1414,2
+lindenwood,106,2
+hiteman,1321,2
+pomaria,27,9
+lakeville,715,1
+marstons,2100,2
+hanson,1610,2
+tolstoy,1369,4
+forkland,952,0
+lakeville,123,4
+tolstoy,1258,1
+stockman,509,4
+tolstoy,765,3
+beechwood,104,6
+hanson,1635,3
+lakeville,868,9
+newfields,619,3
+forkland,41,0
+hanson,1631,0
+newfields,734,7
+wainscott,440,2
+cosmos,42,9
+pomaria,1254,13
+wainscott,1166,11
+coffeen,154,1
+hanson,593,2
+pinesdale,480,5
+tolstoy,90,8
+leonardo,1928,5
+lakeville,1887,2
+marstons,733,5
+marstons,1916,6
+klickitat,922,1
+shelbyville,2334,4
+pinesdale,79,0
+beechwood,611,6
+lindenwood,285,2
+pomaria,672,4
+tolstoy,533,9
+klickitat,767,0
+coffeen,887,1
+lakeville,1051,2
+pinesdale,604,1
+pomaria,1246,0
+coffeen,1427,9
+marstons,5,5
+lindenwood,123,5
+shelbyville,578,1
+wainscott,1617,1
+leonardo,1170,1
+hanson,47,2
+stockman,762,1
+leonardo,1565,11
+shelbyville,1005,0
+hanson,1369,12
+merom,41,5
+stockman,960,1
+shelbyville,2021,4
+mifflinburg,791,0
+newfields,1354,14
+tolstoy,1717,2
+coffeen,252,1
+newfields,1402,2
+tolstoy,993,3
+wainscott,1425,1
+newfields,814,7
+hiteman,1329,6
+stockman,1500,6
+shelbyville,284,5
+newfields,1145,5
+forkland,955,0
+pinesdale,394,3
+shelbyville,2587,0
+pomaria,1662,5
+shelbyville,990,3
+wainscott,1123,7
+wainscott,286,2
+beechwood,1093,1
+klickitat,674,9
+coffeen,342,4
+mifflinburg,310,3
+onaga,87,9
+ranchester,342,5
+hanson,552,8
+woodbine,1665,7
+lakeville,561,10
+marstons,764,11
+merom,125,0
+woodbine,1785,5
+woodbine,751,6
+pomaria,1012,7
+beechwood,615,2
+wainscott,141,4
+shelbyville,263,3
+pomaria,113,1
+lakeville,560,2
+beechwood,102,2
+lakeville,1135,1
+marstons,2012,0
+newfields,717,0
+hiteman,939,3
+woodbine,903,0
+tolstoy,515,1
+wainscott,751,2
+lakeville,770,2
+marstons,1674,1
+stockman,698,5
+lakeville,1665,3
+shelbyville,992,10
+pinesdale,1184,5
+wainscott,230,0
+stockman,503,3
+marstons,1896,13
+wainscott,831,4
+cosmos,694,1
+beechwood,559,7
+pomaria,1282,1
+lakeville,918,4
+shelbyville,2528,5
+marstons,1339,0
+newfields,999,5
+hanson,545,9
+shelbyville,602,2
+pomaria,576,5
+ranchester,95,2
+benevolence,971,6
+ranchester,1509,0
+marstons,1221,13
+wainscott,0,0
+leonardo,1281,5
+beechwood,979,12
+cosmos,171,3
+beechwood,1025,0
+mifflinburg,789,2
+pomaria,611,2
+marstons,1952,1
+marstons,922,8
+woodbine,1464,5
+lakeville,640,1
+tolstoy,1487,2
+woodbine,239,14
+lindenwood,521,2
+klickitat,1692,2
+hiteman,1429,1
+hanson,607,2
+leonardo,1086,1
+wainscott,912,2
+beechwood,31,2
+woodbine,1551,1
+forkland,478,5
+cosmos,1010,10
+shelbyville,1910,0
+stockman,121,2
+hiteman,78,0
+shelbyville,2544,1
+newfields,812,3
+merom,1006,6
+hanson,304,13
+marstons,1103,9
+klickitat,306,2
+hiteman,1604,8
+klickitat,2278,1
+coffeen,1072,3
+pinesdale,638,11
+klickitat,854,2
+woodbine,506,1
+wainscott,240,7
+shelbyville,471,3
+tolstoy,76,10
+pomaria,1587,1
+klickitat,1739,2
+klickitat,2326,1
+pinesdale,1391,6
+wainscott,535,2
+tolstoy,326,10
+wainscott,117,3
+ranchester,986,7
+lakeville,458,1
+hanson,1012,21
+wainscott,1521,3
+shelbyville,453,7
+leonardo,2006,6
+lindenwood,2085,6
+forkland,268,0
+ranchester,879,1
+lakeville,1343,16
+lindenwood,2589,2
+ranchester,1131,9
+cosmos,712,1
+onaga,56,3
+klickitat,1230,3
+tolstoy,325,2
+merom,54,5
+ranchester,101,1
+woodbine,966,0
+shelbyville,1773,8
+lindenwood,1566,3
+hanson,1529,2
+pomaria,798,11
+shelbyville,87,6
+lakeville,1741,12
+coffeen,96,2
+beechwood,702,0
+lindenwood,1027,0
+cosmos,341,0
+leonardo,686,2
+tolstoy,1802,3
+leonardo,1,0
+hanson,200,1
+forkland,1032,1
+pomaria,1322,4
+woodbine,1891,5
+hiteman,175,0
+klickitat,1171,3
+lindenwood,2385,5
+pinesdale,1321,10
+lakeville,1045,11
+tolstoy,1002,7
+hanson,1498,6
+leonardo,1783,15
+woodbine,455,4
+lindenwood,455,1
+stockman,1512,0
+lindenwood,1322,0
+newfields,115,0
+pomaria,1320,4
+hiteman,667,10
+woodbine,1730,4
+lakeville,114,3
+lindenwood,1458,8
+ranchester,10,6
+mifflinburg,353,3
+mifflinburg,367,3
+merom,278,3
+pinesdale,188,3
+ranchester,878,0
+stockman,394,1
+klickitat,1428,4
+marstons,2444,1
+ranchester,395,5
+forkland,1157,3
+newfields,735,1
+marstons,1219,2
+woodbine,1525,2
+tolstoy,727,1
+shelbyville,2381,1
+hiteman,1194,0
+lakeville,1548,3
+klickitat,879,3
+pinesdale,1478,1
+pinesdale,342,3
+newfields,157,3
+tolstoy,38,5
+wainscott,893,0
+klickitat,740,8
+mifflinburg,450,6
+pinesdale,956,0
+shelbyville,2703,0
+leonardo,1957,3
+lindenwood,2241,5
+shelbyville,1095,3
+pinesdale,866,2
+leonardo,468,7
+pomaria,602,1
+hanson,1418,6
+stockman,327,2
+klickitat,952,14
+woodbine,868,6
+hanson,1316,5
+marstons,772,3
+pomaria,589,4
+lindenwood,2581,3
+newfields,472,9
+lakeville,1548,4
+forkland,939,0
+stockman,262,0
+pinesdale,1068,5
+onaga,595,9
+pomaria,909,1
+newfields,1588,3
+hiteman,1417,1
+wainscott,768,1
+woodbine,372,1
+pinesdale,919,8
+pomaria,330,2
+newfields,19,3
+leonardo,1929,0
+lakeville,1419,14
+lakeville,1695,1
+shelbyville,1205,5
+shelbyville,841,1
+wainscott,1422,4
+tolstoy,290,2
+ranchester,140,1
+shelbyville,1177,1
+forkland,75,2
+klickitat,833,0
+marstons,515,1
+stockman,60,2
+leonardo,1059,3
+beechwood,37,1
+ranchester,355,4
+beechwood,329,2
+klickitat,1177,10
+shelbyville,1274,0
+lindenwood,552,2
+marstons,919,2
+cosmos,686,1
+hanson,1004,10
+ranchester,1617,6
+pomaria,1633,2
+lindenwood,1283,0
+hiteman,63,6
+lakeville,1556,8
+merom,676,2
+hanson,596,2
+woodbine,1459,0
+merom,268,4
+shelbyville,2720,1
+merom,909,11
+shelbyville,2155,2
+woodbine,515,6
+beechwood,588,1
+leonardo,2042,9
+benevolence,211,3
+ranchester,307,9
+woodbine,1335,2
+shelbyville,699,3
+shelbyville,1283,1
+ranchester,637,2
+hanson,379,2
+ranchester,743,1
+wainscott,960,1
+lakeville,1176,5
+lakeville,1065,1
+benevolence,192,1
+beechwood,1120,2
+leonardo,263,12
+tolstoy,202,5
+wainscott,1604,2
+wainscott,527,1
+stockman,180,2
+woodbine,977,1
+beechwood,317,8
+klickitat,100,9
+shelbyville,1379,0
+merom,617,2
+beechwood,671,4
+pomaria,587,6
+leonardo,942,3
+pomaria,581,9
+shelbyville,273,4
+shelbyville,2512,15
+newfields,1438,11
+lindenwood,1880,0
+leonardo,326,2
+hiteman,90,8
+shelbyville,619,4
+beechwood,993,14
+hanson,960,0
+lakeville,1166,17
+pinesdale,1361,3
+ranchester,526,2
+klickitat,88,14
+marstons,2293,4
+forkland,740,0
+forkland,22,1
+pomaria,239,3
+marstons,452,6
+woodbine,1084,0
+hiteman,918,2
+wainscott,1481,1
+marstons,300,5
+tolstoy,1563,2
+lindenwood,1606,2
+newfields,391,12
+shelbyville,1440,0
+klickitat,1016,4
+woodbine,1952,5
+merom,785,3
+leonardo,407,1
+hiteman,63,11
+beechwood,56,2
+lindenwood,99,2
+wainscott,770,7
+woodbine,1398,8
+cosmos,199,1
+cosmos,956,5
+lakeville,1193,8
+cosmos,357,4
+marstons,309,10
+wainscott,718,0
+leonardo,1488,1
+benevolence,832,0
+hanson,625,1
+lakeville,1451,2
+ranchester,663,7
+marstons,469,9
+shelbyville,1847,1
+forkland,919,0
+marstons,1620,10
+klickitat,1301,6
+coffeen,19,4
+marstons,140,0
+woodbine,105,7
+hanson,57,4
+lindenwood,265,3
+leonardo,1994,4
+onaga,198,0
+pomaria,1243,0
+marstons,1545,7
+newfields,254,2
+merom,580,5
+mifflinburg,644,6
+lakeville,1385,2
+pinesdale,457,5
+leonardo,1611,1
+klickitat,2279,0
+tolstoy,643,5
+merom,626,5
+marstons,196,4
+forkland,512,7
+lindenwood,966,0
+woodbine,660,4
+allensville,183,4
+beechwood,1036,4
+lindenwood,322,1
+leonardo,1835,7
+leonardo,1654,10
+beechwood,656,1
+klickitat,631,2
+lakeville,88,1
+lakeville,688,2
+hiteman,529,0
+forkland,770,1
+hiteman,1654,2
+lindenwood,177,2
+pomaria,548,1
+hanson,751,7
+lakeville,337,0
+shelbyville,684,3
+lindenwood,1777,10
+shelbyville,480,1
+mifflinburg,969,1
+merom,725,4
+klickitat,2239,2
+shelbyville,1987,0
+coffeen,79,3
+merom,281,1
+lindenwood,417,1
+leonardo,1473,2
+pinesdale,458,0
+klickitat,2293,11
+ranchester,636,10
+beechwood,359,2
+leonardo,409,1
+klickitat,181,3
+hanson,639,12
+newfields,1577,6
+lindenwood,380,4
+mifflinburg,475,1
+woodbine,386,5
+lindenwood,977,3
+woodbine,327,9
+merom,410,1
+woodbine,767,0
+forkland,851,0
+beechwood,189,0
+lakeville,1522,5
+hanson,466,15
+merom,761,1
+forkland,545,2
+mifflinburg,495,4
+hiteman,1749,2
+leonardo,1331,6
+klickitat,74,2
+wainscott,1127,2
+tolstoy,557,3
+hanson,546,6
+pinesdale,851,0
+coffeen,1430,3
+marstons,2267,4
+lakeville,1477,3
+shelbyville,2139,11
+stockman,1303,2
+klickitat,1707,0
+klickitat,148,5
+woodbine,753,5
+lakeville,1858,0
+marstons,1383,2
+lindenwood,1222,1
+klickitat,1738,3
+lindenwood,22,7
+hiteman,1551,5
+leonardo,176,0
+shelbyville,1168,0
+ranchester,1094,10
+pomaria,110,5
+woodbine,1953,5
+leonardo,2021,11
+leonardo,119,3
+newfields,532,8
+newfields,1087,6
+woodbine,395,3
+ranchester,441,1
+lakeville,402,6
+allensville,458,3
+woodbine,1751,9
+cosmos,880,5
+benevolence,364,1
+stockman,696,7
+shelbyville,1720,3
+lindenwood,1147,2
+shelbyville,1444,1
+hanson,677,4
+ranchester,477,2
+hanson,705,5
+wainscott,1358,3
+lakeville,1666,5
+wainscott,34,15
+shelbyville,298,0
+klickitat,1416,2
+ranchester,1042,2
+shelbyville,2068,8
+wainscott,1776,3
+cosmos,499,10
+onaga,393,0
+marstons,690,6
+lakeville,279,3
+woodbine,99,3
+lindenwood,1323,2
+lakeville,1463,3
+klickitat,1490,0
+hanson,1020,2
+lakeville,261,1
+klickitat,551,2
+stockman,87,1
+leonardo,1768,1
+lindenwood,2379,0
+klickitat,188,5
+pinesdale,209,5
+ranchester,761,1
+wainscott,792,0
+hanson,216,1
+forkland,1062,1
+hanson,550,2
+woodbine,688,3
+klickitat,789,7
+cosmos,593,2
+marstons,1009,3
+marstons,777,0
+ranchester,1054,2
+mifflinburg,704,9
+newfields,992,8
+wainscott,612,0
+mifflinburg,912,2
+shelbyville,1363,7
+woodbine,658,1
+newfields,872,15
+wainscott,1002,3
+klickitat,557,0
+woodbine,1266,0
+lindenwood,570,9
+lakeville,1704,6
+hiteman,16,1
+klickitat,1631,7
+marstons,1787,1
+stockman,627,3
+tolstoy,726,3
+marstons,1401,2
+woodbine,1739,0
+leonardo,751,0
+marstons,142,12
+lindenwood,1740,2
+forkland,475,2
+wainscott,209,8
+ranchester,483,3
+hanson,1633,0
+beechwood,595,3
+onaga,305,3
+pomaria,1213,10
+lindenwood,1852,5
+mifflinburg,939,2
+woodbine,585,1
+merom,841,3
+tolstoy,305,3
+wainscott,827,1
+wainscott,1557,6
+leonardo,1300,1
+marstons,2069,6
+hanson,1656,1
+lakeville,438,1
+leonardo,2029,0
+lindenwood,2500,0
+merom,201,0
+tolstoy,114,4
+lindenwood,2352,1
+hanson,1105,4
+wainscott,1362,3
+lakeville,744,4
+onaga,511,6
+wainscott,411,2
+klickitat,2314,4
+ranchester,896,7
+cosmos,249,3
+lindenwood,1351,2
+stockman,100,9
+hanson,1043,1
+stockman,213,3
+klickitat,1352,2
+onaga,275,2
+beechwood,213,5
+lakeville,1468,11
+merom,236,1
+coffeen,39,0
+lindenwood,842,2
+forkland,515,4
+klickitat,1120,0
+beechwood,972,2
+pomaria,404,3
+pinesdale,664,0
+shelbyville,2817,8
+hanson,1289,2
+hanson,572,6
+shelbyville,1036,1
+klickitat,1797,2
+leonardo,959,1
+marstons,1175,10
+wainscott,613,3
+marstons,1919,0
+shelbyville,646,5
+marstons,1673,1
+merom,420,1
+pinesdale,1452,0
+onaga,550,4
+newfields,420,3
+pomaria,275,9
+mifflinburg,93,0
+mifflinburg,880,3
+lakeville,1140,14
+shelbyville,2385,2
+merom,43,7
+klickitat,1790,2
+klickitat,776,3
+leonardo,691,2
+newfields,620,1
+klickitat,1413,5
+hanson,1,2
+beechwood,796,6
+newfields,545,13
+shelbyville,1333,7
+stockman,1179,5
+leonardo,662,8
+klickitat,1008,10
+lindenwood,1087,3
+klickitat,1922,6
+ranchester,1253,3
+marstons,1625,3
+wainscott,424,2
+pomaria,1232,2
+lindenwood,1709,2
+klickitat,2320,2
+shelbyville,1326,6
+shelbyville,2809,2
+klickitat,2109,8
+hiteman,176,6
+forkland,1137,4
+klickitat,1558,1
+pinesdale,883,6
+stockman,1078,3
+newfields,1131,0
+shelbyville,2562,9
+newfields,418,4
+woodbine,512,3
+ranchester,985,1
+leonardo,553,17
+marstons,563,7
+leonardo,688,3
+lakeville,517,2
+ranchester,669,5
+lindenwood,1623,7
+shelbyville,1021,0
+tolstoy,0,0
+leonardo,1079,10
+pomaria,1305,13
+pinesdale,758,6
+hiteman,257,2
+lakeville,1823,1
+lindenwood,155,3
+hanson,352,5
+forkland,33,3
+ranchester,889,1
+hanson,12,4
+newfields,796,1
+onaga,304,2
+tolstoy,591,8
+stockman,649,2
+leonardo,681,3
+cosmos,131,5
+lindenwood,2250,6
+pinesdale,1026,8
+pomaria,904,7
+wainscott,570,6
+coffeen,980,5
+woodbine,1631,6
+lindenwood,980,4
+shelbyville,72,6
+woodbine,1649,11
+ranchester,1304,0
+tolstoy,1276,6
+shelbyville,2053,6
+lindenwood,2163,3
+klickitat,1931,3
+tolstoy,204,4
+tolstoy,612,6
+hiteman,66,0
+marstons,429,6
+mifflinburg,321,2
+pinesdale,1475,0
+klickitat,1746,2
+forkland,61,6
+tolstoy,626,1
+ranchester,430,4
+marstons,2555,4
+marstons,642,2
+shelbyville,2547,3
+leonardo,1333,4
+klickitat,1593,2
+merom,757,2
+merom,695,3
+klickitat,2191,3
+onaga,94,5
+ranchester,613,0
+ranchester,1393,19
+pomaria,1254,3
+lakeville,54,5
+klickitat,2237,2
+newfields,579,6
+woodbine,561,2
+hanson,264,1
+lakeville,389,4
+lindenwood,705,9
+hanson,1617,11
+klickitat,350,1
+marstons,1286,4
+ranchester,164,0
+leonardo,1480,13
+klickitat,1681,1
+shelbyville,1651,3
+marstons,973,2
+newfields,919,7
+hanson,1114,2
+forkland,1098,1
+hanson,1103,1
+ranchester,515,5
+woodbine,675,1
+tolstoy,1768,10
+pomaria,1486,2
+tolstoy,670,4
+forkland,1053,2
+shelbyville,1501,6
+wainscott,326,3
+ranchester,185,5
+lakeville,1872,5
+tolstoy,958,5
+marstons,1494,11
+coffeen,299,2
+leonardo,865,3
+marstons,2382,0
+klickitat,872,10
+stockman,1467,7
+newfields,911,1
+coffeen,970,0
+tolstoy,987,3
+pinesdale,1408,8
+tolstoy,500,0
+shelbyville,1488,1
+forkland,824,0
+klickitat,636,4
+hiteman,536,13
+mifflinburg,697,0
+woodbine,1303,0
+klickitat,1574,0
+mifflinburg,233,4
+merom,249,8
+pomaria,890,0
+woodbine,127,1
+hanson,1124,5
+lakeville,1544,4
+pinesdale,1304,1
+forkland,1099,1
+hanson,1519,0
+newfields,1607,2
+pomaria,412,7
+forkland,151,3
+shelbyville,133,5
+coffeen,720,7
+lindenwood,883,0
+beechwood,654,1
+newfields,137,3
+pomaria,1240,11
+hanson,1054,1
+klickitat,810,5
+tolstoy,281,1
+lindenwood,2252,15
+klickitat,687,10
+pomaria,1309,17
+wainscott,1413,0
+coffeen,1063,3
+shelbyville,218,5
+tolstoy,1828,3
+hiteman,1491,4
+woodbine,18,0
+wainscott,248,16
+lakeville,1429,2
+beechwood,307,2
+newfields,714,3
+shelbyville,753,3
+lakeville,756,16
+beechwood,73,2
+marstons,124,1
+mifflinburg,310,4
+stockman,1361,1
+klickitat,620,1
+lindenwood,2487,1
+hanson,1108,2
+beechwood,982,4
+shelbyville,1303,9
+newfields,838,0
+woodbine,1576,3
+shelbyville,1033,3
+shelbyville,1042,6
+marstons,2054,0
+cosmos,1067,3
+wainscott,1005,3
+ranchester,407,10
+marstons,321,2
+woodbine,1505,3
+pinesdale,1449,7
+woodbine,171,8
+pomaria,922,1
+lakeville,82,9
+shelbyville,1559,13
+hanson,567,5
+shelbyville,262,4
+cosmos,733,6
+lindenwood,2142,2
+marstons,1614,4
+hanson,1268,1
+onaga,639,12
+leonardo,649,7
+pinesdale,965,3
+mifflinburg,255,1
+leonardo,94,7
+ranchester,670,3
+pinesdale,16,1
+hiteman,599,4
+wainscott,798,5
+tolstoy,700,4
+shelbyville,605,6
+hiteman,1088,7
+lakeville,339,1
+leonardo,349,3
+wainscott,162,5
+woodbine,898,7
+hiteman,413,2
+marstons,2140,1
+hiteman,155,7
+beechwood,1064,1
+stockman,712,5
+woodbine,1519,7
+marstons,2280,0
+klickitat,2279,5
+hiteman,1292,0
+cosmos,597,3
+stockman,1388,1
+shelbyville,2647,2
+wainscott,976,2
+shelbyville,1157,5
+klickitat,1471,16
+lindenwood,2190,0
+shelbyville,2074,7
+pomaria,1109,1
+tolstoy,1574,4
+forkland,175,1
+beechwood,494,0
+lindenwood,1697,1
+pomaria,649,0
+shelbyville,820,1
+lakeville,1789,3
+stockman,305,1
+hiteman,1109,11
+woodbine,1172,4
+woodbine,173,0
+shelbyville,697,9
+shelbyville,1618,3
+hiteman,1333,10
+marstons,1225,3
+newfields,1222,12
+leonardo,1435,14
+klickitat,624,1
+pomaria,51,1
+cosmos,674,1
+wainscott,582,13
+leonardo,214,7
+forkland,57,0
+wainscott,1527,5
+stockman,149,0
+coffeen,542,0
+ranchester,1488,2
+leonardo,1075,7
+marstons,335,6
+hanson,103,1
+klickitat,446,2
+newfields,1514,2
+ranchester,128,3
+hiteman,263,2
+wainscott,482,5
+stockman,145,3
+cosmos,988,0
+newfields,1000,2
+woodbine,1472,1
+beechwood,844,1
+benevolence,244,4
+leonardo,1759,3
+shelbyville,2291,2
+beechwood,100,1
+wainscott,1762,6
+klickitat,1849,7
+lindenwood,2413,7
+mifflinburg,118,3
+klickitat,1231,5
+klickitat,1953,12
+hanson,764,0
+merom,1054,0
+ranchester,1165,5
+tolstoy,1461,9
+marstons,547,3
+leonardo,971,5
+ranchester,1051,2
+merom,172,3
+tolstoy,392,1
+ranchester,69,1
+marstons,448,2
+shelbyville,1088,0
+newfields,1283,3
+hiteman,494,6
+tolstoy,1313,2
+coffeen,1171,3
+coffeen,1308,6
+stockman,1267,0
+pomaria,1068,10
+pomaria,533,2
+marstons,1064,3
+marstons,922,7
+lindenwood,2393,8
+hiteman,697,6
+beechwood,517,0
+marstons,202,0
+woodbine,1612,1
+woodbine,2009,10
+merom,603,4
+stockman,926,4
+hiteman,670,1
+newfields,64,1
+pomaria,1381,6
+pinesdale,981,4
+mifflinburg,56,1
+leonardo,440,0
+ranchester,297,13
+merom,966,0
+tolstoy,1074,4
+lindenwood,1,12
+woodbine,1188,0
+lindenwood,1758,0
+hanson,16,3
+lindenwood,1349,2
+newfields,184,0
+hanson,1489,6
+hiteman,1666,2
+marstons,1839,8
+leonardo,1007,1
+leonardo,1112,3
+klickitat,1685,9
+woodbine,436,0
+tolstoy,1827,1
+ranchester,726,1
+lindenwood,2585,6
+lakeville,1436,8
+pomaria,1577,8
+ranchester,760,9
+pomaria,427,5
+wainscott,917,7
+forkland,192,3
+ranchester,1352,5
+marstons,241,2
+leonardo,1546,2
+lindenwood,821,2
+leonardo,1895,12
+hiteman,1855,2
+pomaria,503,7
+klickitat,1783,16
+ranchester,348,2
+pomaria,874,2
+newfields,1416,9
+pomaria,1569,7
+shelbyville,84,5
+wainscott,392,0
+stockman,1423,2
+tolstoy,514,4
+hiteman,118,5
+hiteman,691,1
+newfields,1372,7
+ranchester,1289,2
+ranchester,38,0
+hiteman,1686,1
+pomaria,1541,4
+pinesdale,420,6
+pomaria,288,12
+cosmos,438,1
+klickitat,2365,3
+leonardo,1138,3
+lindenwood,1629,5
+lakeville,1561,3
+lindenwood,2109,6
+marstons,173,12
+shelbyville,2159,2
+shelbyville,328,1
+mifflinburg,132,3
+wainscott,1551,4
+shelbyville,1320,3
+wainscott,537,1
+woodbine,304,1
+klickitat,874,9
+woodbine,1230,3
+leonardo,1908,0
+pinesdale,735,4
+pinesdale,136,0
+tolstoy,1439,10
+woodbine,1037,2
+pomaria,230,3
+tolstoy,901,3
+hanson,724,1
+hiteman,421,3
+beechwood,311,0
+klickitat,2090,8
+newfields,435,15
+hiteman,451,7
+coffeen,1421,0
+merom,52,1
+klickitat,1859,3
+lindenwood,867,2
+hiteman,909,7
+pomaria,1575,7
+beechwood,17,1
+shelbyville,2166,4
+marstons,1929,1
+klickitat,2295,2
+hiteman,896,12
+klickitat,307,6
+leonardo,1414,6
+forkland,643,0
+tolstoy,1437,7
+stockman,1328,6
+coffeen,1496,1
+newfields,933,1
+cosmos,687,1
+hanson,1638,4
+wainscott,1288,7
+tolstoy,353,2
+woodbine,1809,6
+stockman,1398,0
+lindenwood,1382,1
+leonardo,1985,1
+cosmos,836,4
+marstons,1949,0
+hiteman,820,5
+shelbyville,2428,1
+lindenwood,1821,2
+shelbyville,1813,4
+cosmos,261,0
+woodbine,1328,3
+newfields,730,3
+lindenwood,2414,0
+lakeville,546,1
+wainscott,601,13
+shelbyville,1913,6
+newfields,1043,0
+klickitat,1725,1
+benevolence,880,6
+cosmos,262,3
+lindenwood,54,1
+shelbyville,1910,2
+woodbine,1270,13
+marstons,503,0
+shelbyville,2655,1
+coffeen,1069,2
+hiteman,203,4
+forkland,672,1
+beechwood,1031,8
+marstons,948,0
+shelbyville,541,0
+hanson,1497,4
+shelbyville,2491,6
+klickitat,794,3
+cosmos,35,3
+leonardo,1306,4
+wainscott,1717,6
+wainscott,887,1
+wainscott,148,1
+wainscott,836,6
+woodbine,1538,5
+beechwood,793,0
+leonardo,2062,3
+wainscott,1010,0
+allensville,381,6
+tolstoy,742,12
+stockman,375,0
+lindenwood,1346,3
+shelbyville,968,3
+coffeen,1084,3
+klickitat,843,11
+klickitat,398,5
+newfields,580,2
+pomaria,914,14
+hiteman,1614,2
+wainscott,164,6
+klickitat,1271,8
+pomaria,1069,2
+lindenwood,899,6
+klickitat,1687,7
+hanson,381,6
+shelbyville,1107,2
+lakeville,1444,8
+newfields,1519,2
+newfields,740,16
+lindenwood,726,2
+merom,731,2
+newfields,1459,6
+tolstoy,1205,8
+cosmos,522,3
+hanson,982,3
+cosmos,844,8
+woodbine,35,0
+lindenwood,1614,3
+newfields,1406,0
+wainscott,288,0
+mifflinburg,456,7
+hanson,964,0
+allensville,190,6
+onaga,302,1
+merom,822,2
+shelbyville,509,4
+lindenwood,273,3
+lakeville,1576,3
+hiteman,108,3
+merom,1071,11
+stockman,1465,1
+shelbyville,912,6
+mifflinburg,124,1
+woodbine,1111,2
+woodbine,1553,8
+klickitat,456,5
+lindenwood,2645,1
+hanson,1044,0
+beechwood,102,3
+shelbyville,864,0
+shelbyville,1754,8
+marstons,1688,2
+pomaria,1546,0
+klickitat,2338,6
+ranchester,437,6
+wainscott,686,4
+merom,189,0
+lindenwood,851,4
+lakeville,1484,5
+coffeen,591,0
+wainscott,1499,0
+stockman,122,10
+tolstoy,410,12
+shelbyville,1988,1
+mifflinburg,188,2
+newfields,517,2
+hiteman,667,6
+tolstoy,1358,6
+merom,235,0
+pinesdale,561,0
+woodbine,562,2
+forkland,267,4
+newfields,918,8
+marstons,1031,5
+ranchester,994,2
+klickitat,2015,13
+klickitat,88,13
+newfields,1511,0
+marstons,43,1
+cosmos,120,9
+wainscott,122,7
+stockman,316,3
+lakeville,1227,3
+marstons,1752,9
+klickitat,605,2
+klickitat,1161,1
+pomaria,885,2
+lakeville,1240,7
+newfields,1603,1
+stockman,788,0
+shelbyville,2299,1
+lakeville,402,11
+shelbyville,1105,1
+hanson,1658,9
+lakeville,1161,8
+woodbine,916,7
+leonardo,248,6
+beechwood,803,0
+tolstoy,1288,1
+lakeville,352,2
+lakeville,1250,5
+newfields,1178,8
+klickitat,1409,3
+pomaria,408,2
+wainscott,1577,1
+klickitat,1396,3
+forkland,455,0
+wainscott,1357,5
+lakeville,1313,5
+hiteman,545,2
+wainscott,1234,3
+shelbyville,104,12
+wainscott,920,0
+lakeville,1683,8
+allensville,279,2
+wainscott,1643,1
+tolstoy,610,10
+lindenwood,245,4
+newfields,1623,4
+cosmos,998,1
+hiteman,467,0
+ranchester,1297,2
+newfields,1620,6
+lakeville,144,1
+pomaria,465,17
+shelbyville,982,1
+stockman,460,0
+marstons,486,4
+hanson,66,0
+wainscott,712,8
+mifflinburg,376,2
+lakeville,492,0
+leonardo,1899,7
+shelbyville,2155,1
+shelbyville,2663,13
+hanson,428,17
+forkland,359,0
+klickitat,798,3
+newfields,386,3
+stockman,287,8
+lakeville,1354,1
+ranchester,1125,6
+lindenwood,2197,9
+ranchester,1331,11
+lakeville,1389,0
+hiteman,1358,2
+forkland,1119,2
+hiteman,1713,3
+coffeen,1077,0
+coffeen,945,3
+marstons,1785,2
+hanson,980,1
+benevolence,596,6
+coffeen,1452,3
+klickitat,1144,0
+lakeville,1503,11
+pomaria,180,8
+marstons,340,5
+coffeen,1329,2
+wainscott,1201,3
+lakeville,1117,0
+lakeville,416,12
+wainscott,957,6
+marstons,958,1
+stockman,112,6
+shelbyville,508,3
+shelbyville,512,0
+newfields,1069,1
+newfields,1043,1
+marstons,2545,2
+lindenwood,2224,3
+marstons,2431,6
+ranchester,844,2
+leonardo,1771,0
+pinesdale,437,3
+cosmos,389,9
+onaga,329,1
+pinesdale,826,7
+newfields,588,2
+marstons,808,1
+cosmos,592,7
+leonardo,751,1
+shelbyville,215,2
+woodbine,100,16
+klickitat,1224,4
+marstons,1300,0
+pinesdale,80,2
+ranchester,205,2
+shelbyville,1900,4
+tolstoy,721,5
+hanson,1189,10
+marstons,979,3
+wainscott,1591,0
+shelbyville,2114,1
+wainscott,54,1
+merom,424,8
+leonardo,1626,11
+coffeen,1146,1
+merom,65,3
+lindenwood,1614,0
+coffeen,376,0
+merom,25,9
+woodbine,45,7
+marstons,2226,4
+shelbyville,855,4
+shelbyville,2635,3
+hanson,1065,8
+klickitat,2360,2
+woodbine,1283,14
+lindenwood,2309,4
+lakeville,744,1
+hiteman,1336,0
+klickitat,2271,4
+pinesdale,1190,2
+shelbyville,1281,0
+klickitat,986,2
+klickitat,2321,4
+lakeville,832,1
+lindenwood,344,1
+forkland,1084,0
+ranchester,508,6
+wainscott,924,4
+hiteman,1223,3
+shelbyville,1232,1
+ranchester,1033,18
+woodbine,309,7
+newfields,1123,3
+hanson,706,0
+leonardo,271,12
+beechwood,409,0
+lakeville,1831,1
+pinesdale,995,2
+klickitat,1868,1
+pomaria,488,1
+cosmos,728,2
+klickitat,1880,13
+merom,552,1
+klickitat,2036,2
+marstons,264,10
+woodbine,350,8
+merom,690,3
+benevolence,147,3
+shelbyville,2013,7
+hanson,1386,4
+leonardo,423,3
+mifflinburg,862,2
+shelbyville,644,4
+marstons,1389,3
+stockman,1042,1
+ranchester,507,6
+coffeen,882,0
+merom,799,3
+klickitat,2232,6
+shelbyville,990,8
+pomaria,576,0
+pinesdale,1438,4
+hiteman,96,1
+wainscott,1414,5
+hanson,407,4
+klickitat,303,11
+wainscott,891,12
+beechwood,1072,12
+lakeville,335,9
+ranchester,916,7
+newfields,931,11
+woodbine,1030,9
+hanson,1454,2
+lakeville,1741,8
+marstons,1212,1
+hanson,261,0
+klickitat,505,2
+benevolence,570,0
+beechwood,924,2
+leonardo,1858,2
+onaga,561,6
+wainscott,949,4
+beechwood,162,2
+onaga,89,0
+lakeville,73,9
+ranchester,1250,15
+forkland,536,2
+cosmos,126,8
+cosmos,742,1
+benevolence,499,1
+tolstoy,1749,7
+pomaria,830,2
+cosmos,421,12
+ranchester,20,3
+leonardo,761,6
+tolstoy,830,7
+leonardo,1216,4
+woodbine,1037,0
+lindenwood,1097,9
+cosmos,654,2
+lakeville,1450,5
+marstons,2126,3
+shelbyville,1308,7
+beechwood,741,3
+hanson,40,1
+leonardo,1051,20
+beechwood,769,7
+benevolence,594,3
+woodbine,202,3
+benevolence,192,7
+beechwood,331,0
+klickitat,220,8
+tolstoy,1353,5
+pinesdale,987,0
+wainscott,250,10
+lindenwood,390,0
+wainscott,1762,5
+hiteman,1807,4
+pomaria,1409,2
+lakeville,1468,16
+shelbyville,2044,10
+klickitat,1469,5
+wainscott,1079,4
+shelbyville,582,0
+shelbyville,877,1
+wainscott,999,1
+stockman,413,7
+newfields,8,6
+cosmos,227,0
+forkland,88,0
+coffeen,324,0
+ranchester,125,1
+hanson,166,1
+wainscott,787,0
+tolstoy,517,3
+marstons,91,2
+lindenwood,1090,3
+wainscott,229,2
+lindenwood,982,4
+klickitat,380,3
+woodbine,729,16
+woodbine,1466,3
+wainscott,1001,2
+klickitat,1640,0
+hiteman,1463,4
+coffeen,81,8
+coffeen,838,2
+marstons,1528,7
+klickitat,897,3
+pomaria,659,2
+beechwood,469,2
+shelbyville,2573,8
+marstons,984,1
+pomaria,18,1
+shelbyville,539,7
+pinesdale,572,1
+cosmos,602,1
+lakeville,1656,1
+wainscott,1618,10
+leonardo,943,6
+coffeen,431,0
+pomaria,1265,11
+cosmos,309,4
+newfields,697,8
+klickitat,604,2
+leonardo,2041,7
+klickitat,931,3
+cosmos,50,7
+merom,1004,8
+hanson,1188,0
+tolstoy,1489,3
+hiteman,1329,4
+hiteman,1114,4
+klickitat,218,5
+benevolence,645,7
+wainscott,883,1
+stockman,510,6
+leonardo,1559,8
+hiteman,1510,11
+hiteman,1123,3
+newfields,532,4
+pinesdale,1467,5
+ranchester,1123,1
+ranchester,142,0
+pinesdale,43,0
+pinesdale,148,0
+leonardo,465,2
+onaga,644,2
+lindenwood,1069,1
+lindenwood,469,3
+lindenwood,331,11
+shelbyville,2814,7
+coffeen,86,0
+coffeen,796,1
+wainscott,377,7
+cosmos,598,0
+lindenwood,1912,1
+ranchester,1278,3
+benevolence,452,1
+lindenwood,358,7
+lakeville,1405,12
+lakeville,352,0
+beechwood,1179,3
+leonardo,1691,12
+hanson,293,2
+stockman,1011,4
+klickitat,1832,10
+leonardo,1186,1
+woodbine,187,6
+shelbyville,2764,0
+tolstoy,868,0
+cosmos,247,1
+shelbyville,795,1
+lakeville,1706,0
+pinesdale,113,7
+shelbyville,1573,10
+shelbyville,2294,5
+ranchester,705,6
+wainscott,724,8
+tolstoy,1821,1
+hanson,375,2
+pinesdale,527,1
+hiteman,1423,1
+pomaria,115,2
+klickitat,1260,0
+benevolence,637,0
+newfields,1334,1
+lakeville,10,0
+leonardo,2002,0
+lindenwood,801,1
+wainscott,1725,10
+tolstoy,435,4
+benevolence,142,11
+benevolence,962,2
+wainscott,467,11
+marstons,2003,0
+klickitat,343,1
+cosmos,353,0
+marstons,1140,12
+cosmos,502,9
+leonardo,1612,1
+shelbyville,47,1
+ranchester,362,3
+hanson,1050,12
+lindenwood,955,0
+woodbine,691,15
+coffeen,146,0
+wainscott,459,3
+lakeville,1033,2
+mifflinburg,9,2
+newfields,759,1
+klickitat,532,10
+shelbyville,113,7
+woodbine,1638,5
+shelbyville,2431,2
+cosmos,893,4
+leonardo,1474,3
+lindenwood,2222,0
+leonardo,842,6
+lindenwood,1473,9
+beechwood,562,5
+shelbyville,270,14
+pomaria,1347,1
+stockman,929,4
+wainscott,1717,3
+ranchester,1096,0
+klickitat,19,3
+hanson,336,8
+lindenwood,2516,8
+coffeen,1052,5
+klickitat,1150,2
+pinesdale,1244,9
+lakeville,1529,2
+shelbyville,1317,6
+tolstoy,1501,1
+leonardo,1757,10
+lindenwood,1846,3
+wainscott,1765,1
+cosmos,1053,2
+ranchester,942,4
+tolstoy,94,2
+hiteman,1538,2
+lindenwood,648,0
+klickitat,638,3
+merom,109,1
+lakeville,1378,4
+hiteman,1530,8
+wainscott,55,0
+lindenwood,1600,4
+hanson,254,15
+wainscott,755,4
+newfields,1502,0
+stockman,887,3
+ranchester,1589,12
+merom,698,1
+stockman,203,1
+woodbine,1323,1
+marstons,1827,10
+tolstoy,1301,3
+tolstoy,278,3
+shelbyville,2564,8
+marstons,2444,17
+benevolence,332,0
+newfields,1610,8
+coffeen,720,10
+shelbyville,1060,1
+beechwood,1164,1
+klickitat,483,0
+hiteman,1145,1
+hiteman,491,5
+pomaria,1439,2
+mifflinburg,557,1
+ranchester,370,4
+leonardo,1051,17
+tolstoy,179,5
+stockman,1205,0
+leonardo,1308,5
+tolstoy,522,4
+coffeen,498,5
+wainscott,118,5
+woodbine,495,4
+hanson,115,2
+marstons,1338,3
+forkland,580,1
+klickitat,1469,3
+stockman,1026,1
+leonardo,1109,1
+beechwood,750,6
+shelbyville,1818,6
+pinesdale,1023,5
+wainscott,520,8
+hiteman,1236,5
+pomaria,778,1
+klickitat,28,2
+newfields,619,2
+lakeville,609,7
+woodbine,717,3
+marstons,392,8
+coffeen,1514,0
+stockman,1493,2
+ranchester,1417,3
+wainscott,554,1
+pinesdale,1490,6
+hiteman,930,1
+newfields,861,1
+newfields,1315,3
+shelbyville,20,3
+lindenwood,1860,7
+marstons,794,1
+klickitat,1471,1
+woodbine,1282,1
+stockman,539,10
+mifflinburg,819,3
+pomaria,1228,2
+mifflinburg,957,3
+coffeen,1370,1
+coffeen,635,8
+shelbyville,1218,5
+klickitat,1074,1
+klickitat,1369,12
+woodbine,1822,12
+hanson,1375,5
+mifflinburg,103,1
+pomaria,599,15
+mifflinburg,525,0
+cosmos,949,6
+pomaria,966,9
+klickitat,1008,0
+lakeville,1315,0
+tolstoy,1698,1
+leonardo,1865,5
+woodbine,1677,7
+stockman,297,0
+hanson,941,0
+hanson,844,7
+marstons,1045,6
+leonardo,1978,5
+hanson,345,0
+lakeville,1429,0
+stockman,1266,1
+ranchester,90,0
+leonardo,993,0
+shelbyville,1314,10
+shelbyville,1646,1
+lakeville,1799,9
+merom,1048,1
+leonardo,739,0
+shelbyville,279,9
+benevolence,229,1
+wainscott,1007,5
+shelbyville,1199,13
+woodbine,581,1
+pinesdale,69,1
+shelbyville,251,3
+stockman,190,3
+leonardo,649,6
+coffeen,1244,6
+marstons,122,7
+leonardo,116,2
+lakeville,1,2
+leonardo,1926,2
+forkland,376,0
+beechwood,1156,10
+hiteman,1574,5
+hiteman,1277,2
+wainscott,351,5
+shelbyville,1399,1
+shelbyville,2686,1
+pomaria,1447,4
+lindenwood,617,0
+pinesdale,493,4
+tolstoy,547,1
+shelbyville,294,7
+allensville,297,2
+pomaria,235,3
+marstons,1682,11
+klickitat,1292,10
+tolstoy,406,0
+benevolence,642,3
+pinesdale,408,6
+newfields,637,13
+pinesdale,861,1
+merom,611,1
+klickitat,1376,3
+hanson,909,3
+woodbine,821,7
+wainscott,1546,4
+marstons,1500,2
+shelbyville,2790,1
+stockman,1345,0
+lakeville,800,5
+pomaria,1376,0
+stockman,991,3
+klickitat,1936,6
+hiteman,95,3
+marstons,477,8
+shelbyville,1544,4
+tolstoy,1822,8
+wainscott,702,1
+klickitat,2332,2
+pinesdale,916,4
+hiteman,493,2
+hiteman,1174,0
+leonardo,452,2
+marstons,1275,3
+lakeville,1189,2
+hanson,384,19
+benevolence,771,0
+ranchester,332,4
+lakeville,839,16
+forkland,1021,0
+hanson,358,2
+newfields,472,2
+beechwood,591,0
+marstons,284,8
+shelbyville,757,3
+shelbyville,2442,2
+lindenwood,1428,7
+tolstoy,1542,1
+lindenwood,1889,3
+beechwood,378,4
+lindenwood,2464,6
+marstons,949,0
+klickitat,1070,10
+klickitat,894,0
+klickitat,2049,17
+marstons,2022,7
+lindenwood,1915,2
+lindenwood,36,1
+beechwood,789,8
+hiteman,1416,2
+leonardo,316,5
+marstons,1340,0
+benevolence,925,2
+pomaria,1321,2
+woodbine,1131,2
+newfields,667,0
+lindenwood,2161,5
+marstons,673,0
+hiteman,1834,4
+ranchester,983,1
+woodbine,95,5
+newfields,1476,9
+merom,440,4
+forkland,159,5
+leonardo,1749,1
+woodbine,1356,3
+forkland,235,4
+woodbine,851,1
+klickitat,1261,0
+newfields,456,5
+beechwood,84,4
+marstons,1362,0
+lakeville,1559,8
+onaga,673,4
+wainscott,1186,0
+cosmos,67,8
+coffeen,990,3
+klickitat,1287,3
+ranchester,1466,1
+marstons,2041,0
+marstons,1963,15
+cosmos,182,1
+klickitat,2284,1
+wainscott,303,0
+newfields,222,12
+lindenwood,2588,6
+cosmos,114,3
+pomaria,66,0
+cosmos,245,0
+klickitat,789,8
+shelbyville,163,5
+merom,48,2
+wainscott,869,10
+lindenwood,2507,3
+newfields,968,5
+onaga,429,1
+shelbyville,2330,1
+hanson,1145,1
+lindenwood,958,14
+leonardo,1136,5
+wainscott,1426,2
+coffeen,916,1
+hiteman,507,1
+leonardo,144,3
+coffeen,1236,3
+forkland,371,3
+pomaria,1229,0
+newfields,1535,0
+lakeville,1225,0
+forkland,619,1
+pomaria,563,2
+cosmos,192,0
+cosmos,832,6
+cosmos,710,1
+onaga,641,2
+tolstoy,1094,1
+tolstoy,1796,0
+newfields,1286,3
+hiteman,540,4
+shelbyville,1814,9
+onaga,200,0
+hanson,1307,8
+cosmos,391,5
+woodbine,1609,7
+hiteman,797,0
+woodbine,1864,6
+shelbyville,1609,1
+pinesdale,698,3
+pomaria,701,10
+lindenwood,1131,1
+coffeen,1082,0
+lakeville,1293,5
+allensville,453,1
+stockman,512,2
+leonardo,113,7
+mifflinburg,79,1
+merom,828,3
+woodbine,487,10
+leonardo,1711,1
+lakeville,653,7
+hiteman,767,5
+shelbyville,2595,11
+hiteman,119,1
+tolstoy,1625,3
+newfields,764,3
+cosmos,612,3
+hiteman,820,4
+pomaria,1157,2
+pinesdale,1075,3
+shelbyville,1813,0
+wainscott,1583,2
+marstons,1025,7
+hanson,164,4
+lakeville,1031,11
+forkland,1081,4
+stockman,1578,2
+shelbyville,420,7
+woodbine,1329,0
+onaga,471,1
+coffeen,1270,1
+benevolence,745,7
+lakeville,1502,1
+lakeville,1689,0
+wainscott,234,15
+marstons,742,1
+merom,1048,0
+newfields,1088,12
+marstons,1194,12
+klickitat,1623,8
+wainscott,758,12
+woodbine,461,1
+shelbyville,1172,9
+marstons,1277,9
+mifflinburg,929,0
+pinesdale,1060,0
+wainscott,1109,1
+lakeville,876,5
+pomaria,884,1
+leonardo,423,2
+wainscott,682,8
+merom,796,9
+beechwood,104,7
+shelbyville,1018,15
+hiteman,637,7
+leonardo,92,0
+wainscott,31,0
+klickitat,1070,8
+tolstoy,854,0
+lakeville,1464,3
+cosmos,822,6
+beechwood,1069,1
+lakeville,1619,5
+pomaria,229,6
+cosmos,11,4
+ranchester,63,3
+lindenwood,679,9
+wainscott,130,1
+stockman,1318,11
+shelbyville,2599,8
+forkland,821,2
+beechwood,613,0
+lindenwood,2234,3
+leonardo,1263,1
+tolstoy,1461,6
+forkland,224,1
+beechwood,658,0
+shelbyville,838,4
+cosmos,1042,2
+shelbyville,2471,3
+forkland,1163,1
+newfields,1350,2
+allensville,273,2
+coffeen,484,2
+shelbyville,2367,3
+pinesdale,920,7
+marstons,452,2
+merom,467,3
+cosmos,325,1
+merom,669,0
+wainscott,1150,3
+coffeen,1305,2
+newfields,557,4
+pinesdale,1108,2
+mifflinburg,30,0
+onaga,502,1
+lindenwood,1475,1
+klickitat,2303,6
+marstons,2552,8
+hanson,921,9
+wainscott,1016,2
+marstons,1864,1
+pomaria,714,1
+lakeville,784,0
+marstons,337,2
+lindenwood,1781,3
+shelbyville,2030,3
+shelbyville,1796,1
+wainscott,763,4
+newfields,395,10
+mifflinburg,657,1
+leonardo,1626,3
+coffeen,976,2
+pinesdale,1430,1
+hanson,11,4
+pinesdale,539,0
+marstons,1534,0
+pomaria,1075,10
+beechwood,514,2
+klickitat,498,9
+forkland,1089,2
+coffeen,1364,0
+marstons,1825,3
+hiteman,1345,0
+klickitat,1383,0
+lakeville,262,0
+klickitat,445,12
+benevolence,738,2
+klickitat,1853,3
+shelbyville,899,2
+woodbine,1871,5
+wainscott,645,0
+cosmos,1010,5
+stockman,1574,2
+shelbyville,1865,0
+cosmos,390,3
+woodbine,522,5
+lindenwood,2662,7
+shelbyville,2479,3
+lindenwood,2508,2
+hiteman,1025,2
+pomaria,1596,1
+pinesdale,108,5
+pomaria,244,1
+cosmos,854,2
+klickitat,1580,4
+shelbyville,103,1
+woodbine,489,9
+shelbyville,2762,3
+beechwood,409,1
+onaga,648,2
+klickitat,348,7
+pinesdale,1244,5
+woodbine,1486,3
+benevolence,655,1
+ranchester,541,3
+woodbine,1700,13
+newfields,872,1
+klickitat,1889,0
+newfields,216,1
+wainscott,348,7
+beechwood,879,2
+tolstoy,64,5
+klickitat,872,9
+newfields,1050,6
+klickitat,59,2
+merom,31,4
+hanson,1172,0
+hiteman,1676,6
+marstons,1070,5
+beechwood,232,6
+wainscott,396,0
+hiteman,1554,6
+hanson,478,1
+coffeen,797,10
+ranchester,137,1
+woodbine,1639,4
+lindenwood,210,1
+hiteman,1824,3
+klickitat,2164,4
+wainscott,183,10
+allensville,93,1
+hanson,1591,2
+leonardo,2081,1
+klickitat,844,6
+stockman,353,0
+lakeville,86,11
+leonardo,1603,2
+hiteman,465,2
+beechwood,473,4
+coffeen,802,7
+klickitat,63,3
+hanson,125,3
+benevolence,549,12
+merom,417,5
+pinesdale,342,6
+wainscott,1116,4
+pinesdale,333,5
+wainscott,290,4
+klickitat,648,14
+leonardo,1545,12
+klickitat,1192,4
+marstons,2385,3
+tolstoy,1818,1
+mifflinburg,138,3
+pomaria,349,2
+tolstoy,1668,0
+leonardo,668,5
+cosmos,1063,4
+hanson,1009,4
+woodbine,1794,4
+shelbyville,627,8
+tolstoy,1179,4
+hiteman,1772,3
+pomaria,600,0
+pinesdale,111,2
+hiteman,1560,0
+merom,391,0
+newfields,1403,6
+ranchester,456,0
+stockman,1324,6
+ranchester,1589,2
+tolstoy,1039,1
+hiteman,1017,3
+pinesdale,361,8
+hiteman,581,2
+ranchester,545,3
+mifflinburg,314,3
+klickitat,2363,3
+marstons,2566,5
+coffeen,1070,1
+ranchester,1176,5
+wainscott,636,0
+coffeen,1502,1
+lindenwood,1129,3
+allensville,33,0
+tolstoy,913,4
+shelbyville,2496,5
+hanson,1632,3
+pomaria,1676,2
+marstons,168,3
+ranchester,340,6
+tolstoy,576,9
+merom,869,0
+lindenwood,2513,13
+klickitat,2266,9
+woodbine,1520,0
+pomaria,433,0
+marstons,1591,6
+pinesdale,1370,1
+lakeville,1172,1
+leonardo,683,4
+benevolence,358,4
+forkland,387,2
+allensville,305,0
+marstons,1667,2
+newfields,189,1
+pinesdale,571,0
+cosmos,894,0
+wainscott,437,6
+lakeville,1869,8
+marstons,1869,2
+wainscott,1722,0
+shelbyville,649,0
+shelbyville,2194,2
+mifflinburg,659,2
+tolstoy,1609,2
+leonardo,1942,8
+hiteman,1721,5
+marstons,1503,3
+hanson,1571,4
+ranchester,1376,2
+ranchester,606,0
+beechwood,1020,2
+klickitat,2069,8
+ranchester,811,2
+onaga,387,4
+marstons,2245,8
+klickitat,11,11
+woodbine,1693,0
+lakeville,1284,19
+tolstoy,159,8
+shelbyville,404,7
+leonardo,1196,2
+hiteman,192,3
+ranchester,1243,5
+ranchester,86,0
+shelbyville,2331,3
+shelbyville,1999,12
+marstons,1198,1
+wainscott,350,7
+pomaria,1326,3
+onaga,614,0
+klickitat,1037,2
+cosmos,753,2
+lindenwood,2253,0
+woodbine,1924,2
+stockman,559,3
+onaga,370,1
+lakeville,960,5
+shelbyville,1775,4
+cosmos,590,4
+woodbine,1726,11
+shelbyville,1772,13
+pinesdale,670,0
+wainscott,1543,4
+leonardo,805,0
+leonardo,274,10
+coffeen,997,2
+klickitat,2340,7
+hiteman,1640,6
+klickitat,1858,5
+newfields,1096,15
+hiteman,1549,3
+shelbyville,2360,8
+leonardo,377,3
+leonardo,1660,0
+klickitat,1879,1
+beechwood,490,2
+hanson,685,2
+wainscott,944,14
+cosmos,944,4
+pomaria,607,1
+pomaria,356,0
+lindenwood,517,0
+pomaria,54,15
+coffeen,848,4
+benevolence,797,0
+stockman,1066,1
+cosmos,868,8
+cosmos,123,6
+woodbine,1339,2
+newfields,19,0
+lindenwood,99,0
+leonardo,1561,1
+marstons,1582,1
+leonardo,1262,2
+hanson,380,6
+klickitat,931,5
+klickitat,887,5
+onaga,170,2
+shelbyville,1665,3
+forkland,379,3
+hanson,254,16
+pomaria,416,5
+ranchester,1185,0
+klickitat,843,9
+beechwood,1093,0
+hanson,1026,2
+newfields,745,4
+newfields,1362,2
+forkland,600,5
+shelbyville,1466,5
+lakeville,1027,0
+klickitat,1082,1
+onaga,419,2
+coffeen,1309,2
+shelbyville,1631,3
+cosmos,1002,3
+cosmos,77,5
+hanson,1589,1
+klickitat,982,8
+marstons,2201,10
+hanson,715,2
+forkland,1124,2
+hanson,434,3
+woodbine,1032,11
+tolstoy,439,4
+lakeville,65,3
+wainscott,774,7
+leonardo,194,3
+wainscott,419,3
+wainscott,1403,7
+klickitat,2003,0
+woodbine,156,0
+pomaria,1153,0
+pinesdale,430,0
+pomaria,739,2
+beechwood,863,1
+merom,278,2
+coffeen,1491,1
+hiteman,444,5
+newfields,1067,5
+woodbine,155,2
+wainscott,1366,5
+hiteman,889,2
+lindenwood,612,0
+marstons,404,1
+shelbyville,1763,0
+woodbine,1139,5
+leonardo,1721,0
+shelbyville,2071,2
+wainscott,962,1
+ranchester,482,0
+stockman,337,3
+wainscott,937,5
+hiteman,1016,4
+leonardo,1624,3
+hiteman,360,0
+merom,349,2
+wainscott,1168,4
+merom,774,0
+lindenwood,702,7
+hanson,1615,3
+forkland,1005,6
+shelbyville,1709,14
+leonardo,2113,0
+hanson,1011,7
+lakeville,982,2
+wainscott,139,8
+ranchester,480,2
+newfields,150,3
+coffeen,774,2
+ranchester,422,1
+woodbine,1519,4
+lindenwood,1518,3
+lindenwood,2458,8
+newfields,1278,1
+pinesdale,770,0
+marstons,975,2
+shelbyville,1298,2
+lindenwood,2615,4
+leonardo,1624,4
+leonardo,667,7
+shelbyville,2218,3
+lindenwood,1240,2
+leonardo,1655,0
+shelbyville,118,8
+allensville,408,1
+leonardo,1709,1
+lindenwood,1276,6
+wainscott,170,11
+mifflinburg,529,1
+woodbine,230,10
+hiteman,126,7
+ranchester,176,4
+klickitat,960,0
+onaga,464,3
+lakeville,724,9
+woodbine,408,2
+wainscott,199,3
+klickitat,1468,19
+shelbyville,2402,4
+lindenwood,2611,2
+lakeville,1092,6
+stockman,300,0
+marstons,315,2
+wainscott,1376,5
+hiteman,1100,1
+newfields,722,1
+marstons,532,6
+wainscott,716,0
+stockman,578,4
+leonardo,129,0
+beechwood,913,1
+shelbyville,1636,0
+klickitat,1403,1
+lakeville,541,0
+hiteman,73,0
+leonardo,1263,3
+ranchester,298,1
+woodbine,378,1
+wainscott,1573,7
+wainscott,1290,4
+cosmos,1079,1
+klickitat,480,2
+klickitat,926,4
+leonardo,528,13
+coffeen,423,0
+shelbyville,1671,2
+leonardo,2006,4
+beechwood,996,1
+tolstoy,1513,0
+klickitat,174,2
+newfields,1177,1
+lakeville,1669,1
+marstons,2273,6
+woodbine,1243,5
+allensville,281,2
+leonardo,2066,2
+shelbyville,1591,3
+merom,355,1
+lakeville,190,1
+tolstoy,971,3
+stockman,840,2
+allensville,138,4
+mifflinburg,724,1
+klickitat,726,13
+wainscott,890,3
+marstons,1038,3
+shelbyville,917,5
+wainscott,975,12
+ranchester,72,2
+beechwood,65,1
+mifflinburg,19,1
+coffeen,1067,0
+pomaria,385,6
+forkland,1039,1
+leonardo,1716,0
+hanson,424,11
+forkland,427,0
+forkland,1153,1
+marstons,1629,10
+leonardo,17,0
+hanson,631,0
+wainscott,634,1
+hiteman,314,2
+klickitat,2407,3
+marstons,2474,2
+pomaria,660,1
+pomaria,712,2
+lakeville,245,0
+woodbine,1257,3
+lindenwood,181,4
+cosmos,771,3
+ranchester,737,0
+klickitat,1651,1
+tolstoy,174,2
+hiteman,12,1
+wainscott,1557,5
+pinesdale,532,4
+cosmos,61,0
+woodbine,1700,0
+stockman,385,1
+hiteman,46,7
+leonardo,1539,5
+hanson,365,5
+woodbine,78,8
+woodbine,1559,4
+wainscott,192,7
+newfields,936,7
+merom,622,3
+lakeville,128,3
+pomaria,878,5
+newfields,1368,3
+merom,358,0
+coffeen,881,0
+stockman,1459,5
+lakeville,175,14
+lindenwood,2604,1
+pomaria,1326,10
+beechwood,405,1
+newfields,988,9
+ranchester,431,0
+newfields,1007,10
+pinesdale,1398,0
+ranchester,1438,1
+beechwood,180,3
+ranchester,1511,4
+lindenwood,494,3
+klickitat,1476,0
+newfields,550,2
+ranchester,397,0
+shelbyville,692,13
+shelbyville,2713,5
+lakeville,485,4
+newfields,502,4
+merom,74,1
+marstons,965,5
+forkland,234,7
+pinesdale,1132,2
+pomaria,1343,7
+lakeville,1535,1
+ranchester,1208,2
+hanson,1281,4
+beechwood,516,10
+coffeen,962,8
+leonardo,1984,1
+pomaria,1537,10
+shelbyville,2273,0
+allensville,277,0
+shelbyville,2362,0
+pomaria,590,2
+shelbyville,2615,2
+ranchester,899,0
+woodbine,125,5
+leonardo,736,4
+hiteman,652,5
+tolstoy,1623,4
+leonardo,1533,0
+allensville,475,4
+cosmos,444,0
+shelbyville,2260,9
+leonardo,1883,0
+hanson,1161,6
+klickitat,1598,4
+shelbyville,360,3
+coffeen,815,2
+marstons,1764,13
+shelbyville,2699,0
+coffeen,1377,6
+tolstoy,1603,4
+onaga,94,0
+tolstoy,493,5
+shelbyville,1138,1
+merom,114,1
+coffeen,619,4
+marstons,1003,2
+klickitat,39,5
+merom,1099,5
+hiteman,1611,8
+woodbine,1504,6
+beechwood,87,6
+pinesdale,506,0
+shelbyville,1171,8
+woodbine,215,1
+newfields,182,3
+hiteman,1022,6
+marstons,1210,2
+tolstoy,1510,2
+pomaria,1100,4
+klickitat,2370,3
+pomaria,1658,2
+marstons,1137,5
+newfields,1254,1
+pomaria,663,3
+coffeen,1370,4
+onaga,296,3
+pomaria,1372,0
+marstons,168,2
+leonardo,1104,2
+forkland,279,4
+newfields,1183,6
+pomaria,269,2
+hanson,1508,0
+allensville,363,3
+stockman,1576,1
+klickitat,334,9
+leonardo,1456,5
+stockman,1025,10
+lindenwood,1085,4
+pomaria,685,0
+cosmos,356,8
+cosmos,622,1
+klickitat,1132,1
+hanson,1072,1
+leonardo,895,7
+shelbyville,427,2
+hiteman,186,2
+marstons,2154,0
+hanson,953,1
+hiteman,1631,8
+woodbine,69,4
+leonardo,231,11
+marstons,1316,0
+woodbine,1437,4
+marstons,2607,4
+beechwood,986,4
+newfields,204,2
+merom,337,0
+ranchester,262,8
+marstons,2374,2
+klickitat,1771,1
+lindenwood,836,11
+hanson,1380,0
+coffeen,690,10
+woodbine,1158,3
+lakeville,1707,0
+pomaria,505,9
+mifflinburg,631,5
+forkland,560,2
+stockman,152,3
+pinesdale,573,16
+lakeville,209,3
+ranchester,216,11
+mifflinburg,668,3
+klickitat,344,6
+merom,113,2
+hiteman,820,2
+ranchester,392,0
+cosmos,591,3
+tolstoy,1110,1
+leonardo,1977,5
+pomaria,77,1
+lakeville,1220,6
+woodbine,766,2
+leonardo,362,0
+shelbyville,1232,4
+lakeville,1611,6
+lindenwood,1571,1
+tolstoy,401,11
+merom,1011,6
+ranchester,1365,4
+woodbine,63,4
+stockman,880,0
+leonardo,369,7
+shelbyville,706,4
+ranchester,84,4
+marstons,1636,4
+hiteman,1251,6
+shelbyville,2239,9
+marstons,2490,7
+newfields,861,4
+lindenwood,403,11
+pinesdale,465,1
+ranchester,751,1
+marstons,259,10
+shelbyville,1372,2
+marstons,2092,2
+forkland,333,1
+shelbyville,1918,1
+klickitat,1588,6
+hanson,224,1
+stockman,1599,3
+newfields,302,2
+beechwood,509,0
+shelbyville,1249,1
+ranchester,903,0
+coffeen,436,1
+newfields,516,6
+lakeville,1454,1
+lindenwood,1783,10
+mifflinburg,979,1
+klickitat,33,0
+hiteman,640,6
+lindenwood,1385,1
+wainscott,347,0
+coffeen,1463,1
+woodbine,54,0
+pomaria,525,7
+lindenwood,1108,8
+shelbyville,1647,4
+leonardo,608,3
+marstons,1244,0
+lakeville,89,4
+lakeville,1768,4
+leonardo,41,3
+pinesdale,117,2
+shelbyville,1148,1
+newfields,619,4
+shelbyville,2247,0
+forkland,210,0
+klickitat,1498,4
+tolstoy,389,1
+lindenwood,1436,9
+leonardo,617,6
+pomaria,1219,2
+ranchester,19,0
+lakeville,889,4
+hanson,1606,2
+shelbyville,1997,3
+hanson,250,0
+wainscott,1621,7
+merom,765,1
+stockman,1135,8
+lindenwood,1578,2
+pinesdale,1311,0
+newfields,805,10
+lindenwood,825,9
+newfields,641,8
+stockman,109,2
+beechwood,653,3
+benevolence,723,1
+merom,319,4
+merom,501,5
+tolstoy,1303,6
+marstons,656,0
+shelbyville,873,13
+lakeville,1758,0
+shelbyville,2334,2
+benevolence,61,2
+pomaria,1617,2
+wainscott,1054,4
+forkland,1029,3
+hiteman,1280,2
+tolstoy,1261,3
+hiteman,1169,6
+shelbyville,2142,7
+lindenwood,1421,1
+lakeville,12,7
+mifflinburg,106,5
+mifflinburg,768,1
+stockman,582,1
+marstons,2061,14
+benevolence,688,0
+klickitat,2008,2
+coffeen,234,1
+lindenwood,2083,16
+mifflinburg,277,0
+lindenwood,642,3
+ranchester,1278,5
+lindenwood,2191,11
+pinesdale,1462,0
+newfields,528,6
+wainscott,1182,5
+tolstoy,385,2
+ranchester,550,0
+lindenwood,2626,13
+pomaria,1523,0
+stockman,684,2
+pomaria,888,7
+klickitat,2329,16
+beechwood,1178,0
+marstons,674,1
+mifflinburg,226,9
+forkland,85,0
+hanson,420,2
+woodbine,1055,3
+stockman,143,17
+pomaria,693,8
+beechwood,268,2
+cosmos,1049,2
+marstons,1731,2
+hanson,1632,6
+hanson,270,0
+lindenwood,2324,0
+ranchester,1157,3
+pinesdale,744,2
+lindenwood,1129,2
+ranchester,1508,17
+allensville,12,0
+lindenwood,2108,7
+woodbine,1112,9
+klickitat,2045,0
+pinesdale,228,2
+lindenwood,1241,11
+shelbyville,1972,2
+lindenwood,283,5
+leonardo,1129,0
+pinesdale,400,6
+pinesdale,714,2
+lindenwood,1883,0
+forkland,250,1
+beechwood,1159,2
+hiteman,1197,5
+leonardo,867,5
+klickitat,2169,2
+marstons,1424,16
+lindenwood,512,2
+woodbine,132,13
+newfields,787,12
+stockman,18,4
+pinesdale,1193,3
+woodbine,472,5
+klickitat,407,1
+marstons,2064,0
+mifflinburg,627,1
+wainscott,474,0
+klickitat,354,3
+lakeville,649,6
+ranchester,1207,3
+cosmos,3,4
+onaga,446,0
+cosmos,161,6
+coffeen,852,4
+woodbine,841,4
+wainscott,1653,1
+shelbyville,154,1
+hanson,665,2
+marstons,1748,1
+pinesdale,1275,4
+forkland,645,4
+klickitat,1451,11
+ranchester,1149,2
+stockman,734,2
+shelbyville,2230,0
+wainscott,240,16
+benevolence,686,6
+allensville,210,8
+tolstoy,631,13
+beechwood,232,3
+coffeen,895,5
+pomaria,1199,11
+hiteman,1106,0
+lindenwood,147,2
+merom,151,3
+lindenwood,2252,18
+mifflinburg,150,0
+stockman,1431,5
+lakeville,1084,2
+klickitat,566,3
+coffeen,603,2
+beechwood,80,1
+newfields,243,3
+shelbyville,985,0
+marstons,1869,1
+wainscott,1225,3
+klickitat,536,4
+forkland,391,3
+pinesdale,176,9
+onaga,88,0
+lakeville,1492,2
+woodbine,1652,3
+lakeville,152,5
+shelbyville,718,16
+merom,302,1
+hanson,730,8
+klickitat,1495,9
+shelbyville,1495,7
+klickitat,16,2
+marstons,1113,13
+wainscott,138,3
+tolstoy,226,0
+tolstoy,302,2
+klickitat,1542,4
+lakeville,1729,2
+shelbyville,983,1
+lindenwood,807,6
+tolstoy,991,7
+lakeville,1643,4
+hiteman,1317,2
+benevolence,736,8
+lakeville,105,1
+leonardo,1697,4
+pinesdale,312,4
+newfields,445,2
+pinesdale,1130,3
+lakeville,1886,7
+shelbyville,1247,0
+shelbyville,133,2
+forkland,245,8
+pinesdale,1222,5
+pomaria,394,0
+klickitat,1902,7
+marstons,2525,0
+klickitat,1629,6
+leonardo,1911,0
+stockman,409,6
+pomaria,708,6
+cosmos,375,0
+shelbyville,1827,6
+leonardo,1670,1
+klickitat,1441,7
+lindenwood,1675,14
+newfields,888,3
+hiteman,1749,3
+shelbyville,1268,6
+klickitat,89,6
+hiteman,1430,1
+leonardo,1757,3
+leonardo,1238,3
+woodbine,1327,3
+lindenwood,2513,10
+leonardo,884,8
+mifflinburg,288,0
+pomaria,204,7
+klickitat,1406,5
+hiteman,382,2
+cosmos,575,1
+cosmos,438,3
+pomaria,668,2
+tolstoy,519,4
+onaga,15,1
+wainscott,1640,2
+cosmos,47,0
+klickitat,1479,4
+cosmos,679,4
+woodbine,1904,2
+marstons,43,3
+ranchester,1345,8
+stockman,661,7
+shelbyville,1258,7
+hiteman,1781,5
+klickitat,714,0
+shelbyville,222,4
+lindenwood,1157,0
+woodbine,1346,0
+woodbine,25,0
+lindenwood,630,5
+wainscott,830,9
+tolstoy,1509,3
+pinesdale,1149,1
+shelbyville,2192,0
+newfields,1366,0
+ranchester,326,2
+ranchester,550,7
+coffeen,1413,3
+klickitat,1071,0
+beechwood,3,10
+leonardo,836,4
+marstons,1959,3
+pinesdale,1049,2
+newfields,1023,0
+hiteman,408,3
+woodbine,460,4
+mifflinburg,411,3
+klickitat,979,0
+ranchester,296,1
+newfields,48,8
+shelbyville,2388,5
+marstons,2290,2
+leonardo,985,3
+benevolence,766,1
+shelbyville,157,1
+marstons,519,5
+cosmos,32,11
+newfields,511,1
+leonardo,1937,4
+hanson,1505,1
+marstons,1984,3
+klickitat,1516,7
+ranchester,823,6
+marstons,1305,0
+newfields,840,4
+klickitat,2168,2
+wainscott,1725,9
+lakeville,1475,6
+woodbine,1434,1
+woodbine,1393,7
+stockman,1453,15
+leonardo,1617,7
+pinesdale,667,1
+shelbyville,1016,5
+woodbine,722,4
+marstons,1476,1
+woodbine,1961,3
+onaga,63,2
+marstons,744,2
+coffeen,525,3
+mifflinburg,314,2
+marstons,543,5
+hanson,1185,5
+marstons,2014,1
+wainscott,1684,0
+shelbyville,724,0
+klickitat,260,2
+lakeville,792,7
+marstons,835,9
+pomaria,1009,10
+ranchester,642,9
+stockman,694,7
+stockman,619,3
+hiteman,1822,5
+newfields,1147,3
+pomaria,1203,2
+woodbine,425,7
+lindenwood,1541,0
+lindenwood,485,11
+hanson,359,0
+shelbyville,488,6
+forkland,898,3
+marstons,1731,3
+wainscott,68,5
+pomaria,770,5
+lindenwood,47,2
+coffeen,189,2
+merom,1110,0
+wainscott,925,0
+hanson,137,4
+lindenwood,1364,9
+benevolence,538,4
+ranchester,23,1
+coffeen,211,6
+hiteman,128,4
+benevolence,722,6
+lindenwood,1701,7
+wainscott,1754,6
+beechwood,206,0
+coffeen,890,2
+lindenwood,171,1
+hiteman,1645,11
+newfields,964,3
+benevolence,578,0
+hanson,860,11
+merom,461,0
+pomaria,1633,11
+wainscott,277,5
+lakeville,1580,0
+shelbyville,2793,2
+woodbine,918,0
+newfields,999,11
+lakeville,1841,10
+marstons,1604,7
+benevolence,802,1
+lakeville,1366,2
+tolstoy,997,3
+hanson,547,3
+shelbyville,1819,4
+marstons,2323,2
+lindenwood,1838,3
+lakeville,1072,4
+lakeville,1673,1
+marstons,1557,1
+woodbine,1715,7
+klickitat,739,1
+klickitat,782,7
+hiteman,451,11
+coffeen,1101,4
+hiteman,1447,0
+forkland,459,3
+beechwood,565,0
+lindenwood,2359,2
+hanson,6,3
+hiteman,1625,0
+hanson,686,5
+lakeville,948,2
+newfields,731,0
+newfields,646,4
+beechwood,1120,4
+forkland,1104,0
+shelbyville,1945,2
+coffeen,489,3
+cosmos,80,9
+woodbine,95,3
+shelbyville,442,11
+benevolence,324,4
+stockman,1612,1
+shelbyville,436,1
+lakeville,348,7
+beechwood,501,5
+lindenwood,2282,5
+tolstoy,108,1
+klickitat,1712,5
+leonardo,936,3
+marstons,2062,1
+lindenwood,253,2
+woodbine,1319,7
+coffeen,1218,5
+lindenwood,1785,1
+shelbyville,2478,6
+coffeen,130,5
+klickitat,1476,1
+cosmos,625,4
+marstons,1903,5
+forkland,373,1
+marstons,1424,9
+benevolence,271,6
+klickitat,1323,5
+lakeville,739,9
+merom,732,1
+marstons,1169,4
+klickitat,1043,14
+tolstoy,866,2
+wainscott,896,5
+marstons,1557,3
+hiteman,1206,12
+lakeville,1516,15
+stockman,221,2
+shelbyville,1469,1
+hanson,1657,4
+woodbine,1391,0
+pomaria,750,5
+shelbyville,2430,1
+pinesdale,1200,3
+tolstoy,6,1
+klickitat,74,18
+cosmos,925,1
+stockman,1310,2
+lakeville,223,3
+marstons,2223,8
+pomaria,426,3
+benevolence,808,5
+marstons,2467,1
+newfields,260,0
+pinesdale,277,3
+pinesdale,638,14
+shelbyville,2024,0
+shelbyville,552,0
+coffeen,230,7
+leonardo,1663,6
+shelbyville,819,4
+woodbine,1203,2
+coffeen,1485,7
+marstons,1039,6
+klickitat,892,1
+tolstoy,299,1
+woodbine,828,6
+woodbine,1211,4
+pomaria,715,2
+wainscott,1714,2
+mifflinburg,945,1
+wainscott,263,4
+woodbine,325,9
+lindenwood,814,2
+wainscott,1539,0
+shelbyville,1497,3
+newfields,541,10
+shelbyville,343,15
+ranchester,792,8
+wainscott,978,4
+ranchester,1152,7
+wainscott,1527,6
+hiteman,536,4
+newfields,245,2
+hiteman,1383,8
+shelbyville,1459,2
+shelbyville,2208,0
+allensville,246,8
+lakeville,701,0
+klickitat,712,7
+lindenwood,799,6
+lindenwood,67,5
+woodbine,690,2
+leonardo,379,3
+allensville,30,3
+leonardo,1018,1
+lindenwood,1291,6
+merom,846,5
+cosmos,54,6
+lakeville,908,11
+shelbyville,2477,2
+klickitat,1304,2
+lakeville,15,1
+shelbyville,1062,1
+forkland,212,6
+shelbyville,823,0
+allensville,413,5
+hanson,1366,12
+marstons,888,4
+lindenwood,595,4
+shelbyville,1173,5
+hanson,429,5
+leonardo,1321,5
+shelbyville,2057,1
+pomaria,432,3
+merom,869,3
+forkland,705,2
+wainscott,171,0
+allensville,28,2
+merom,699,2
+beechwood,606,2
+shelbyville,2158,3
+shelbyville,2573,4
+stockman,538,8
+lakeville,1839,0
+newfields,55,2
+mifflinburg,156,2
+hiteman,1175,2
+leonardo,1973,3
+wainscott,430,2
+pomaria,201,2
+pomaria,551,1
+marstons,1133,7
+lakeville,1675,3
+leonardo,1289,1
+benevolence,637,4
+ranchester,638,4
+cosmos,157,6
+lakeville,1772,12
+cosmos,547,0
+forkland,369,5
+tolstoy,61,1
+pomaria,1651,8
+woodbine,271,12
+stockman,388,3
+hiteman,1482,10
+pinesdale,1365,6
+klickitat,1209,4
+tolstoy,775,1
+woodbine,1294,2
+coffeen,20,5
+hiteman,1641,2
+pinesdale,409,2
+hiteman,874,0
+lakeville,575,5
+stockman,66,4
+shelbyville,1772,4
+newfields,930,5
+leonardo,614,1
+wainscott,295,2
+pinesdale,36,2
+leonardo,950,3
+shelbyville,1645,5
+woodbine,155,9
+woodbine,1180,1
+lakeville,1132,5
+hanson,1102,2
+lindenwood,588,5
+stockman,655,5
+klickitat,1565,2
+hiteman,122,4
+lakeville,785,8
+stockman,1499,1
+coffeen,1199,6
+newfields,1019,0
+coffeen,241,2
+klickitat,744,4
+leonardo,1492,7
+leonardo,510,2
+newfields,416,2
+woodbine,358,3
+tolstoy,912,1
+shelbyville,191,3
+hiteman,1779,5
+wainscott,1177,0
+woodbine,875,12
+cosmos,117,4
+stockman,1560,0
+hiteman,1393,3
+woodbine,729,6
+woodbine,1494,1
+beechwood,877,9
+hanson,1576,3
+wainscott,1268,2
+merom,1007,2
+wainscott,256,3
+pinesdale,1377,3
+merom,1006,4
+klickitat,214,2
+coffeen,1388,0
+leonardo,412,6
+leonardo,72,6
+coffeen,454,0
+lakeville,1553,3
+ranchester,1185,6
+pomaria,499,0
+newfields,99,2
+hanson,1021,5
+marstons,38,4
+pinesdale,230,2
+hiteman,218,6
+merom,612,3
+pinesdale,1219,2
+merom,1018,3
+stockman,72,2
+tolstoy,12,0
+hiteman,969,2
+cosmos,982,5
+lindenwood,2227,6
+wainscott,43,6
+pomaria,895,4
+ranchester,191,1
+woodbine,1649,6
+klickitat,2322,11
+lindenwood,958,2
+klickitat,1872,13
+klickitat,683,8
+pomaria,1186,10
+cosmos,742,3
+wainscott,676,3
+tolstoy,474,10
+wainscott,945,4
+merom,467,0
+lindenwood,792,4
+woodbine,326,1
+ranchester,496,4
+woodbine,832,16
+ranchester,1127,6
+hiteman,1812,6
+coffeen,1199,9
+mifflinburg,691,3
+shelbyville,732,1
+wainscott,1542,5
+lindenwood,2191,1
+ranchester,958,1
+lindenwood,2081,1
+klickitat,386,9
+shelbyville,2454,1
+pomaria,262,12
+hanson,1605,1
+benevolence,870,3
+klickitat,1892,7
+klickitat,41,0
+pomaria,1494,8
+wainscott,1666,1
+merom,103,2
+pomaria,390,0
+pinesdale,233,5
+ranchester,858,6
+stockman,794,0
+cosmos,126,5
+pomaria,303,5
+woodbine,1922,2
+shelbyville,55,1
+wainscott,927,4
+coffeen,210,2
+hiteman,224,3
+leonardo,349,5
+coffeen,945,2
+woodbine,1031,2
+wainscott,1253,0
+klickitat,623,4
+ranchester,610,2
+hiteman,1315,9
+wainscott,803,0
+shelbyville,2494,14
+onaga,344,4
+merom,255,2
+wainscott,1062,0
+newfields,1204,9
+wainscott,837,14
+cosmos,374,2
+woodbine,212,0
+hiteman,782,5
+leonardo,551,10
+hanson,1647,4
+wainscott,956,2
+forkland,633,0
+ranchester,810,4
+lakeville,1252,0
+ranchester,559,6
+leonardo,1105,7
+klickitat,488,8
+shelbyville,1179,0
+marstons,1067,6
+hanson,1640,1
+hiteman,393,0
+lindenwood,774,6
+wainscott,415,1
+hanson,330,0
+lakeville,1816,0
+shelbyville,2176,7
+tolstoy,632,2
+woodbine,989,2
+lindenwood,1842,0
+leonardo,257,21
+marstons,2435,1
+lindenwood,2136,8
+pinesdale,450,0
+woodbine,692,5
+cosmos,217,7
+lindenwood,1678,2
+hanson,902,5
+klickitat,1046,3
+hiteman,1788,2
+marstons,2481,0
+pomaria,194,4
+marstons,1717,2
+ranchester,83,9
+pinesdale,94,7
+allensville,309,0
+newfields,1337,4
+woodbine,985,2
+klickitat,2272,3
+leonardo,793,0
+pinesdale,419,4
+tolstoy,187,4
+tolstoy,727,0
+hanson,309,6
+leonardo,749,2
+klickitat,613,4
+klickitat,884,0
+merom,630,2
+beechwood,802,1
+wainscott,1086,0
+ranchester,1265,8
+stockman,154,0
+hanson,1495,16
+tolstoy,1656,4
+shelbyville,1862,6
+marstons,547,12
+newfields,345,3
+cosmos,321,1
+lindenwood,1445,9
+klickitat,87,0
+coffeen,722,0
+leonardo,579,14
+hiteman,1270,3
+marstons,2375,8
+lindenwood,1525,6
+pomaria,627,8
+pomaria,961,4
+forkland,633,1
+lakeville,936,3
+woodbine,496,4
+pinesdale,1349,2
+forkland,620,6
+tolstoy,1000,3
+tolstoy,728,0
+lakeville,1140,15
+forkland,1081,1
+lakeville,456,0
+forkland,1019,0
+merom,614,0
+shelbyville,792,3
+allensville,157,2
+klickitat,1025,5
+marstons,204,4
+leonardo,1369,1
+klickitat,1604,3
+newfields,1575,2
+beechwood,849,1
+lindenwood,985,1
+hanson,962,5
+forkland,204,1
+shelbyville,1616,3
+marstons,2057,4
+klickitat,2336,3
+wainscott,1421,11
+coffeen,911,4
+lakeville,994,9
+woodbine,912,10
+lindenwood,1494,2
+beechwood,1099,5
+wainscott,731,14
+onaga,436,5
+newfields,1204,17
+benevolence,675,0
+stockman,1289,1
+klickitat,1584,2
+leonardo,1051,5
+stockman,1296,12
+benevolence,671,6
+newfields,1173,6
+newfields,1239,2
+hanson,1006,0
+newfields,1474,7
+ranchester,1131,0
+shelbyville,768,0
+lindenwood,320,6
+hanson,1438,7
+stockman,958,0
+shelbyville,2218,5
+shelbyville,1535,3
+klickitat,861,3
+cosmos,666,2
+woodbine,708,10
+stockman,1280,0
+hanson,1514,1
+leonardo,1971,14
+leonardo,2033,10
+klickitat,259,2
+ranchester,1351,10
+lakeville,1687,0
+ranchester,875,0
+marstons,2085,1
+ranchester,965,7
+tolstoy,1175,4
+lakeville,880,5
+klickitat,2241,0
+wainscott,374,5
+lindenwood,754,10
+coffeen,1496,7
+lindenwood,817,3
+marstons,1869,0
+ranchester,1061,1
+klickitat,729,0
+klickitat,2218,9
+wainscott,343,4
+pinesdale,872,10
+newfields,973,0
+merom,461,2
+shelbyville,1017,1
+cosmos,149,6
+lindenwood,1722,0
+pomaria,1289,5
+woodbine,527,16
+klickitat,660,1
+hanson,1254,1
+benevolence,140,1
+marstons,683,3
+benevolence,87,6
+newfields,145,1
+lakeville,1600,0
+hanson,838,6
+marstons,1704,6
+leonardo,1492,8
+woodbine,1099,8
+forkland,1150,2
+newfields,1302,0
+wainscott,1612,9
+shelbyville,2487,1
+lakeville,1453,2
+marstons,1581,1
+klickitat,479,9
+ranchester,514,5
+benevolence,248,2
+allensville,87,7
+cosmos,133,1
+newfields,827,0
+merom,253,3
+pomaria,1285,2
+tolstoy,954,2
+pomaria,553,2
+marstons,406,4
+hiteman,219,14
+merom,931,2
+lindenwood,230,1
+klickitat,1822,3
+hanson,1176,2
+pinesdale,688,13
+shelbyville,322,0
+woodbine,1888,4
+pinesdale,1073,11
+stockman,302,3
+marstons,49,10
+tolstoy,169,2
+cosmos,38,3
+onaga,536,1
+hiteman,1480,1
+marstons,1022,0
+forkland,307,2
+tolstoy,444,0
+marstons,2642,0
+woodbine,1361,12
+shelbyville,722,6
+merom,672,1
+shelbyville,671,2
+pomaria,963,11
+newfields,1159,3
+klickitat,30,1
+shelbyville,2637,1
+hanson,507,6
+newfields,556,0
+leonardo,934,4
+leonardo,1375,3
+shelbyville,988,2
+tolstoy,1661,1
+merom,921,2
+hiteman,1643,2
+woodbine,209,4
+woodbine,578,5
+wainscott,1286,13
+pomaria,1371,0
+pomaria,587,9
+lakeville,1176,2
+marstons,2650,4
+wainscott,230,1
+wainscott,1168,3
+ranchester,241,6
+marstons,2639,5
+klickitat,2201,8
+coffeen,1012,1
+forkland,1088,0
+tolstoy,1776,0
+onaga,391,6
+lindenwood,1087,8
+woodbine,1848,15
+beechwood,302,0
+shelbyville,2417,4
+woodbine,1829,9
+klickitat,91,0
+shelbyville,30,0
+wainscott,1133,5
+marstons,1629,3
+newfields,196,4
+cosmos,75,10
+hiteman,1479,7
+klickitat,33,7
+stockman,1127,1
+tolstoy,418,0
+cosmos,1046,5
+leonardo,861,6
+lakeville,337,2
+lindenwood,2276,2
+pinesdale,374,1
+klickitat,2371,5
+pomaria,798,16
+shelbyville,1185,4
+woodbine,188,1
+lindenwood,804,1
+lakeville,1284,17
+tolstoy,1806,0
+pomaria,288,8
+coffeen,211,0
+coffeen,1204,2
+lindenwood,86,9
+leonardo,1472,4
+shelbyville,142,1
+stockman,1453,8
+merom,940,4
+ranchester,1294,0
+ranchester,836,12
+wainscott,1332,1
+hiteman,1563,5
+pinesdale,687,3
+stockman,519,3
+lakeville,1105,1
+klickitat,1282,3
+coffeen,920,5
+wainscott,1210,5
+lindenwood,2327,5
+pinesdale,750,6
+lakeville,49,0
+hanson,737,3
+lakeville,1226,1
+shelbyville,2269,0
+forkland,690,2
+onaga,94,3
+tolstoy,917,11
+hiteman,301,9
+cosmos,566,4
+marstons,1130,4
+shelbyville,184,9
+pinesdale,627,4
+shelbyville,1132,2
+ranchester,121,11
+pinesdale,1401,1
+newfields,1482,3
+wainscott,1799,8
+hiteman,1595,2
+hiteman,716,0
+wainscott,41,4
+tolstoy,1143,9
+tolstoy,1832,5
+ranchester,459,1
+pinesdale,118,7
+woodbine,1213,6
+wainscott,646,7
+lakeville,313,8
+cosmos,45,3
+newfields,661,8
+hanson,1081,1
+hanson,1395,0
+stockman,452,1
+beechwood,1149,0
+shelbyville,1591,9
+leonardo,517,3
+pinesdale,1436,0
+merom,1021,2
+klickitat,306,1
+cosmos,417,0
+wainscott,1532,1
+forkland,466,2
+merom,775,2
+hanson,1192,4
+pinesdale,865,1
+newfields,1410,9
+merom,30,0
+marstons,1207,6
+beechwood,212,5
+newfields,1549,1
+shelbyville,2358,3
+marstons,1309,8
+forkland,286,2
+ranchester,242,0
+hiteman,938,4
+pomaria,394,1
+stockman,1573,4
+marstons,880,7
+lakeville,991,1
+wainscott,1022,3
+allensville,391,9
+lindenwood,1163,0
+pinesdale,138,6
+klickitat,965,2
+lindenwood,124,6
+ranchester,1096,8
+pinesdale,393,0
+pinesdale,872,1
+lindenwood,437,1
+tolstoy,146,2
+pomaria,1469,8
+hiteman,38,0
+lindenwood,1023,2
+marstons,1046,8
+shelbyville,2031,1
+woodbine,1953,0
+coffeen,831,3
+woodbine,1727,13
+cosmos,732,1
+klickitat,8,17
+wainscott,1106,1
+marstons,791,5
+leonardo,1757,8
+woodbine,1822,7
+pinesdale,280,0
+pomaria,632,2
+tolstoy,617,13
+stockman,661,1
+lakeville,1311,6
+ranchester,147,17
+marstons,264,8
+ranchester,754,0
+leonardo,1358,14
+ranchester,1446,12
+klickitat,1628,13
+merom,133,1
+tolstoy,789,4
+klickitat,1771,3
+wainscott,997,3
+tolstoy,630,0
+hiteman,29,3
+marstons,1542,0
+wainscott,1345,2
+marstons,2642,4
+lindenwood,738,1
+shelbyville,1778,1
+shelbyville,2561,5
+ranchester,1568,3
+lakeville,1207,0
+allensville,419,6
+lakeville,488,4
+ranchester,852,5
+cosmos,1039,3
+coffeen,1021,3
+pomaria,728,0
+marstons,1291,1
+hiteman,648,10
+pomaria,890,10
+tolstoy,1180,3
+klickitat,1201,0
+cosmos,886,1
+newfields,1572,9
+forkland,1103,6
+tolstoy,1159,3
+stockman,57,1
+tolstoy,417,2
+hanson,1479,4
+marstons,688,1
+merom,245,13
+hanson,1498,10
+stockman,1291,5
+benevolence,651,0
+pinesdale,266,2
+leonardo,887,13
+tolstoy,512,5
+beechwood,110,3
+leonardo,168,8
+coffeen,626,8
+forkland,311,3
+ranchester,1136,6
+woodbine,436,7
+wainscott,1256,5
+leonardo,1781,4
+leonardo,1714,10
+wainscott,632,12
+hiteman,1386,1
+marstons,1645,1
+shelbyville,1974,1
+woodbine,1326,4
+hanson,655,2
+wainscott,1662,8
+woodbine,1926,4
+hiteman,1502,2
+tolstoy,492,6
+leonardo,152,5
+beechwood,84,0
+lindenwood,1898,1
+hiteman,330,0
+ranchester,1000,9
+lakeville,1805,1
+lindenwood,2511,3
+lakeville,682,5
+newfields,821,4
+klickitat,818,3
+lakeville,1513,5
+pomaria,440,13
+marstons,1114,2
+marstons,1929,9
+mifflinburg,212,1
+lindenwood,2277,3
+cosmos,1020,1
+woodbine,1091,1
+lindenwood,302,0
+forkland,372,6
+ranchester,540,1
+leonardo,1226,0
+beechwood,816,0
+hiteman,942,1
+mifflinburg,692,1
+woodbine,1856,12
+pomaria,730,8
+ranchester,46,6
+hiteman,1558,0
+shelbyville,2361,9
+pomaria,629,1
+klickitat,1631,3
+benevolence,646,1
+ranchester,756,0
+wainscott,96,16
+marstons,1602,1
+hiteman,477,7
+lindenwood,2532,9
+pomaria,453,5
+pomaria,1088,6
+leonardo,1558,3
+leonardo,711,3
+stockman,1533,0
+shelbyville,2380,0
+pomaria,914,4
+lindenwood,428,2
+woodbine,821,2
+marstons,684,1
+leonardo,2088,4
+woodbine,2019,4
+wainscott,49,0
+lindenwood,947,1
+stockman,10,2
+leonardo,652,13
+beechwood,901,13
+coffeen,921,1
+shelbyville,1732,10
+stockman,1294,0
+shelbyville,2625,3
+lindenwood,1007,4
+shelbyville,1018,5
+klickitat,1050,2
+merom,372,8
+marstons,2134,3
+ranchester,1245,2
+pomaria,895,0
+wainscott,564,4
+hanson,995,3
+tolstoy,1370,0
+leonardo,482,6
+ranchester,163,5
+marstons,347,16
+wainscott,965,4
+lindenwood,2165,2
+pinesdale,822,3
+pomaria,1210,0
+lindenwood,292,1
+pomaria,491,4
+ranchester,737,4
+pinesdale,1340,3
+cosmos,1015,1
+hiteman,1157,5
+hiteman,14,0
+ranchester,1010,4
+lakeville,1098,0
+beechwood,1176,3
+leonardo,1985,0
+pomaria,1614,2
+woodbine,1474,4
+lindenwood,581,4
+allensville,53,1
+newfields,956,2
+lakeville,243,0
+newfields,597,0
+stockman,1123,3
+marstons,1902,7
+leonardo,1890,1
+beechwood,1075,0
+woodbine,1902,8
+pomaria,513,1
+lindenwood,2229,0
+hiteman,545,3
+pomaria,745,1
+woodbine,1672,3
+lakeville,794,13
+leonardo,1846,4
+shelbyville,2693,1
+leonardo,941,15
+marstons,2006,4
+hanson,383,15
+lakeville,154,0
+ranchester,1162,4
+leonardo,1363,5
+beechwood,1122,2
+lindenwood,1247,1
+klickitat,619,2
+tolstoy,1215,0
+lakeville,1036,2
+pinesdale,807,3
+shelbyville,2149,1
+leonardo,1572,10
+klickitat,1980,10
+shelbyville,1030,3
+wainscott,391,1
+benevolence,512,2
+allensville,370,2
+hanson,239,2
+tolstoy,1337,0
+benevolence,523,2
+shelbyville,106,0
+woodbine,518,3
+hiteman,1056,4
+lindenwood,1906,0
+hanson,175,11
+marstons,2151,11
+woodbine,1745,3
+tolstoy,1098,1
+shelbyville,1276,18
+lindenwood,2452,0
+pomaria,1346,9
+leonardo,1924,1
+newfields,704,2
+forkland,929,4
+hanson,183,9
+beechwood,1029,4
+lindenwood,1432,0
+newfields,1503,2
+forkland,61,2
+lakeville,654,9
+stockman,558,1
+hanson,1279,15
+marstons,894,0
+tolstoy,435,5
+woodbine,1204,5
+lindenwood,2633,8
+tolstoy,579,0
+lindenwood,920,14
+wainscott,796,7
+leonardo,1728,3
+leonardo,988,0
+klickitat,277,5
+woodbine,752,3
+woodbine,780,11
+klickitat,953,8
+woodbine,1138,12
+marstons,1698,2
+woodbine,880,5
+klickitat,1659,2
+pomaria,530,2
+newfields,1361,1
+marstons,2350,4
+forkland,415,1
+ranchester,1094,7
+woodbine,118,6
+lakeville,1812,0
+pomaria,1464,1
+pomaria,954,2
+ranchester,1131,5
+lakeville,316,11
+benevolence,265,2
+marstons,1064,7
+beechwood,193,2
+onaga,424,2
+pomaria,589,3
+lindenwood,387,6
+klickitat,1060,9
+mifflinburg,531,6
+coffeen,1101,2
+shelbyville,193,1
+shelbyville,2360,6
+marstons,1315,3
+wainscott,827,6
+lindenwood,2535,5
+pinesdale,153,5
+lindenwood,1097,6
+wainscott,220,1
+merom,460,5
+klickitat,594,7
+hanson,353,0
+stockman,1269,1
+wainscott,1747,7
+mifflinburg,798,1
+klickitat,2161,6
+hiteman,831,6
+hanson,268,0
+benevolence,150,8
+lakeville,719,3
+woodbine,21,2
+shelbyville,1558,0
+klickitat,370,4
+newfields,1041,1
+pinesdale,125,1
+lakeville,118,0
+lakeville,87,3
+stockman,1172,3
+shelbyville,410,6
+lakeville,186,1
+ranchester,1534,2
+stockman,292,3
+marstons,585,10
+ranchester,816,0
+pomaria,1131,2
+lindenwood,2069,0
+stockman,270,3
+marstons,329,5
+leonardo,2101,13
+lindenwood,1983,0
+beechwood,732,2
+beechwood,964,1
+klickitat,249,1
+newfields,1104,2
+lakeville,82,7
+marstons,1122,1
+woodbine,1002,2
+wainscott,666,12
+leonardo,2077,2
+stockman,560,5
+mifflinburg,126,3
+forkland,57,2
+forkland,898,6
+coffeen,1257,5
+shelbyville,531,10
+lindenwood,252,3
+beechwood,191,4
+klickitat,330,8
+hiteman,139,3
+pomaria,1339,0
+mifflinburg,916,0
+lindenwood,167,7
+allensville,185,1
+cosmos,804,13
+marstons,1083,3
+pomaria,1299,6
+ranchester,609,2
+shelbyville,244,1
+marstons,1276,1
+beechwood,623,4
+hanson,517,2
+hiteman,323,2
+benevolence,453,5
+hiteman,1561,0
+marstons,1910,0
+hanson,779,10
+merom,896,4
+wainscott,1798,11
+hanson,1510,5
+hanson,475,0
+hanson,477,8
+marstons,168,12
+marstons,1735,5
+pinesdale,998,0
+hiteman,346,12
+lindenwood,1071,7
+marstons,517,3
+hiteman,1764,5
+merom,747,3
+newfields,1377,1
+lakeville,1603,9
+lakeville,0,3
+wainscott,1748,13
+lindenwood,785,4
+klickitat,371,7
+leonardo,685,0
+pomaria,654,2
+shelbyville,1298,3
+merom,276,0
+newfields,1407,10
+ranchester,1256,7
+wainscott,928,11
+leonardo,1079,6
+pinesdale,215,0
+stockman,151,2
+marstons,1765,3
+leonardo,1051,2
+marstons,1038,1
+hiteman,451,3
+shelbyville,1345,6
+cosmos,286,7
+beechwood,402,5
+klickitat,1835,1
+tolstoy,144,4
+lakeville,1150,1
+tolstoy,492,0
+pinesdale,457,11
+lindenwood,832,2
+hanson,436,3
+klickitat,959,15
+pinesdale,737,1
+leonardo,1277,1
+shelbyville,1934,10
+stockman,1454,10
+shelbyville,2489,0
+forkland,934,2
+hiteman,815,3
+wainscott,755,5
+hanson,176,7
+hiteman,934,3
+woodbine,83,3
+coffeen,1422,6
+ranchester,1156,6
+klickitat,715,1
+newfields,1265,1
+beechwood,1108,4
+lakeville,1015,6
+stockman,804,5
+leonardo,28,5
+merom,838,0
+hanson,1483,2
+hanson,1251,0
+hanson,430,3
+hiteman,1373,5
+pomaria,1058,1
+lindenwood,37,3
+woodbine,1128,13
+pinesdale,512,4
+shelbyville,225,0
+ranchester,1075,2
+klickitat,1354,0
+pomaria,1045,1
+lindenwood,1312,3
+onaga,335,3
+lindenwood,571,0
+klickitat,1186,0
+pomaria,1091,3
+hiteman,1800,4
+wainscott,1353,2
+klickitat,95,3
+pinesdale,148,9
+pomaria,1238,7
+mifflinburg,503,1
+marstons,343,3
+shelbyville,2322,12
+shelbyville,812,0
+lakeville,1873,9
+hanson,930,1
+woodbine,1225,5
+hiteman,1845,6
+newfields,419,2
+forkland,29,3
+woodbine,998,1
+cosmos,887,1
+mifflinburg,416,3
+ranchester,1410,7
+hiteman,1103,4
+ranchester,1373,2
+marstons,1188,0
+beechwood,847,3
+lakeville,1607,0
+marstons,2564,0
+pomaria,730,7
+klickitat,1472,0
+merom,640,2
+newfields,455,6
+ranchester,1633,2
+shelbyville,1212,4
+leonardo,890,0
+leonardo,695,8
+lakeville,358,14
+ranchester,1639,10
+marstons,2314,2
+onaga,95,0
+tolstoy,38,4
+woodbine,796,6
+lindenwood,2661,3
+marstons,2254,3
+stockman,1579,2
+shelbyville,482,2
+tolstoy,320,0
+tolstoy,1172,4
+shelbyville,2599,1
+lindenwood,378,6
+woodbine,1196,6
+pomaria,447,7
+lindenwood,721,6
+lindenwood,1795,5
+hanson,1465,0
+pinesdale,265,3
+wainscott,870,3
+shelbyville,1113,3
+lindenwood,2066,0
+ranchester,290,8
+klickitat,686,2
+hiteman,1495,4
+shelbyville,928,5
+forkland,948,1
+woodbine,277,0
+shelbyville,30,3
+hiteman,359,2
+lakeville,1044,5
+marstons,1880,1
+coffeen,236,2
+lakeville,1635,0
+klickitat,1672,3
+coffeen,1483,7
+leonardo,852,8
+hanson,860,0
+shelbyville,2430,2
+forkland,372,11
+tolstoy,1781,5
+coffeen,573,5
+woodbine,179,0
+coffeen,1258,2
+lakeville,848,2
+lakeville,1689,8
+lindenwood,2339,1
+lakeville,865,9
+pinesdale,298,11
+hanson,176,1
+stockman,615,1
+allensville,264,2
+ranchester,1538,0
+coffeen,126,0
+hanson,289,2
+newfields,1245,5
+shelbyville,196,0
+pomaria,484,1
+shelbyville,2364,4
+lindenwood,331,6
+leonardo,321,1
+cosmos,995,0
+shelbyville,2082,6
+lindenwood,2327,2
+marstons,2467,6
+leonardo,601,17
+forkland,244,0
+pomaria,1258,11
+tolstoy,368,1
+benevolence,867,2
+newfields,492,5
+klickitat,1118,5
+lindenwood,512,0
+merom,525,3
+hanson,1137,0
+beechwood,1151,5
+lindenwood,1025,0
+shelbyville,2348,9
+klickitat,1623,2
+merom,895,3
+leonardo,1783,5
+beechwood,578,6
+pinesdale,800,3
+wainscott,732,2
+woodbine,1839,1
+mifflinburg,345,6
+lindenwood,313,15
+tolstoy,615,0
+ranchester,1019,1
+marstons,31,0
+tolstoy,1282,0
+lindenwood,2603,3
+tolstoy,1601,4
+hiteman,1841,3
+mifflinburg,780,0
+hanson,506,3
+shelbyville,2494,12
+coffeen,39,4
+cosmos,160,7
+shelbyville,2287,5
+stockman,1575,2
+lindenwood,422,0
+lakeville,1806,10
+klickitat,648,7
+hanson,1175,5
+leonardo,1392,7
+hanson,945,1
+marstons,1621,4
+klickitat,2241,5
+hiteman,1543,0
+cosmos,582,5
+pinesdale,1060,9
+klickitat,1493,0
+klickitat,241,3
+beechwood,743,0
+forkland,161,0
+marstons,1248,8
+merom,56,3
+klickitat,1795,4
+mifflinburg,952,4
+newfields,1173,2
+beechwood,724,0
+klickitat,2271,3
+hanson,155,12
+pomaria,319,6
+mifflinburg,407,3
+marstons,292,2
+klickitat,446,4
+lindenwood,2515,9
+wainscott,234,3
+marstons,1933,0
+klickitat,2334,20
+hanson,118,6
+wainscott,117,12
+leonardo,1285,1
+hanson,1189,14
+lindenwood,117,3
+coffeen,1000,2
+hiteman,807,3
+hanson,418,7
+newfields,504,13
+klickitat,1385,0
+ranchester,791,1
+shelbyville,1417,4
+woodbine,224,6
+hiteman,519,4
+hanson,1188,3
+leonardo,1669,3
+lindenwood,145,3
+lindenwood,1759,6
+hiteman,1687,10
+lakeville,148,12
+lakeville,761,0
+shelbyville,2594,15
+shelbyville,2490,10
+cosmos,648,1
+shelbyville,1751,4
+onaga,173,3
+woodbine,1003,3
+shelbyville,1162,2
+klickitat,872,3
+hanson,995,2
+stockman,8,4
+shelbyville,2314,1
+tolstoy,1264,11
+hiteman,225,2
+hanson,606,5
+stockman,245,2
+lakeville,1181,4
+woodbine,293,1
+newfields,1205,4
+wainscott,117,7
+merom,669,5
+leonardo,544,0
+ranchester,243,3
+lakeville,1636,7
+pinesdale,1388,13
+marstons,1153,0
+klickitat,1775,2
+woodbine,1791,8
+coffeen,992,10
+woodbine,580,6
+ranchester,713,10
+shelbyville,2390,1
+hiteman,590,2
+lakeville,814,0
+merom,270,2
+mifflinburg,661,1
+pinesdale,852,4
+pinesdale,640,3
+klickitat,1182,9
+marstons,673,2
+newfields,44,1
+lindenwood,2513,12
+stockman,1141,5
+hiteman,1387,3
+leonardo,1008,9
+hanson,170,5
+lindenwood,1065,2
+cosmos,966,5
+lindenwood,1051,2
+shelbyville,1652,2
+pinesdale,1022,1
+woodbine,386,6
+woodbine,1331,2
+lakeville,1387,5
+leonardo,392,10
+pomaria,1643,1
+marstons,866,2
+tolstoy,895,4
+woodbine,926,9
+ranchester,1079,6
+tolstoy,1695,6
+ranchester,483,0
+hiteman,376,7
+leonardo,1850,4
+newfields,1395,3
+woodbine,672,0
+hanson,1167,8
+marstons,2604,2
+woodbine,440,13
+woodbine,214,2
+marstons,2598,0
+woodbine,2040,8
+lakeville,686,3
+pinesdale,377,5
+shelbyville,2049,2
+forkland,922,4
+stockman,1145,4
+woodbine,1636,3
+klickitat,1231,11
+lindenwood,334,3
+klickitat,696,10
+lindenwood,1648,2
+onaga,68,4
+cosmos,797,5
+shelbyville,2648,3
+hanson,1226,16
+lindenwood,2638,2
+shelbyville,865,1
+stockman,1376,1
+woodbine,933,2
+woodbine,728,2
+hanson,1195,10
+lakeville,1071,4
+pomaria,217,2
+shelbyville,611,7
+marstons,79,0
+woodbine,1772,2
+merom,1050,1
+lakeville,1774,3
+coffeen,594,0
+lindenwood,2142,9
+beechwood,135,5
+stockman,623,3
+newfields,1482,4
+woodbine,1700,6
+klickitat,2356,9
+lindenwood,1688,4
+hanson,247,1
+tolstoy,1361,4
+ranchester,1568,6
+shelbyville,787,2
+marstons,2207,11
+ranchester,275,3
+mifflinburg,294,2
+shelbyville,1192,4
+ranchester,1089,1
+marstons,202,1
+ranchester,395,0
+ranchester,1392,5
+hanson,1129,9
+coffeen,825,0
+hanson,104,3
+cosmos,691,5
+pinesdale,1026,3
+pinesdale,1097,1
+newfields,1002,3
+pinesdale,1212,2
+lakeville,695,2
+tolstoy,214,2
+tolstoy,1743,9
+stockman,1474,15
+leonardo,865,2
+lindenwood,291,7
+stockman,830,0
+stockman,262,5
+ranchester,1607,1
+tolstoy,391,2
+leonardo,298,2
+ranchester,711,5
+hanson,835,5
+stockman,639,7
+benevolence,230,3
+wainscott,253,3
+pomaria,1352,12
+lakeville,1197,0
+lakeville,1351,6
+wainscott,522,1
+wainscott,1657,1
+klickitat,1541,1
+wainscott,1142,5
+marstons,1751,12
+woodbine,1514,4
+hiteman,1611,6
+marstons,622,0
+wainscott,1314,9
+newfields,618,1
+tolstoy,279,2
+forkland,939,2
+stockman,638,5
+cosmos,427,5
+hanson,144,18
+pinesdale,806,0
+cosmos,329,0
+stockman,380,3
+hanson,1457,6
+leonardo,1883,14
+wainscott,1078,1
+pinesdale,1184,2
+lindenwood,53,1
+pinesdale,1119,0
+marstons,378,3
+wainscott,1621,1
+marstons,1909,7
+lindenwood,1920,3
+marstons,652,3
+lindenwood,2069,1
+klickitat,1307,2
+lindenwood,2049,3
+woodbine,2,0
+pomaria,1202,0
+shelbyville,1790,14
+pinesdale,863,1
+hiteman,53,2
+shelbyville,1703,2
+pomaria,1224,2
+pinesdale,496,2
+lindenwood,1579,2
+benevolence,615,3
+lakeville,875,3
+coffeen,868,3
+hiteman,1588,5
+pomaria,899,2
+mifflinburg,740,6
+mifflinburg,483,4
+hiteman,294,1
+shelbyville,1272,5
+hanson,1559,0
+lindenwood,2220,1
+wainscott,716,9
+cosmos,651,5
+stockman,453,5
+woodbine,1740,2
+hiteman,1663,5
+onaga,614,3
+forkland,37,2
+wainscott,206,9
+onaga,654,1
+klickitat,292,3
+forkland,125,0
+lindenwood,1137,10
+coffeen,1204,3
+lindenwood,415,6
+pinesdale,1077,3
+coffeen,378,2
+forkland,568,2
+lindenwood,2313,4
+leonardo,1009,4
+ranchester,533,9
+forkland,761,0
+shelbyville,1482,2
+lakeville,290,0
+pinesdale,47,4
+lindenwood,481,13
+woodbine,1866,9
+leonardo,1393,9
+shelbyville,607,0
+merom,1049,0
+pinesdale,874,2
+shelbyville,1927,3
+klickitat,1746,3
+cosmos,1049,3
+pinesdale,1240,2
+klickitat,1083,8
+newfields,865,11
+woodbine,1657,0
+hanson,1578,3
+lakeville,1403,10
+pinesdale,325,14
+woodbine,1263,4
+coffeen,254,3
+pomaria,1009,2
+mifflinburg,824,3
+wainscott,223,5
+klickitat,1706,3
+leonardo,728,2
+merom,775,8
+shelbyville,2646,0
+hiteman,1745,1
+stockman,29,1
+shelbyville,649,10
+leonardo,1486,4
+pomaria,591,5
+onaga,392,2
+newfields,1369,4
+lindenwood,1517,12
+forkland,953,3
+wainscott,457,3
+shelbyville,520,4
+hanson,1037,8
+wainscott,60,1
+klickitat,1770,3
+woodbine,290,5
+lindenwood,390,7
+ranchester,1554,8
+hanson,75,3
+benevolence,837,3
+wainscott,615,3
+wainscott,1225,5
+shelbyville,1879,3
+leonardo,828,1
+forkland,290,3
+klickitat,1806,1
+marstons,1744,7
+pinesdale,306,5
+allensville,348,1
+ranchester,461,9
+pomaria,519,2
+lakeville,1851,7
+beechwood,44,1
+coffeen,307,2
+stockman,1009,6
+marstons,628,8
+leonardo,834,1
+pinesdale,559,0
+hiteman,536,11
+wainscott,1425,0
+lindenwood,1496,5
+cosmos,1029,0
+shelbyville,2119,7
+stockman,1356,1
+forkland,47,2
+leonardo,1890,3
+wainscott,282,2
+klickitat,2362,10
+allensville,251,0
+lindenwood,529,3
+klickitat,941,1
+lindenwood,2268,0
+leonardo,1836,2
+hiteman,361,3
+hanson,672,10
+marstons,453,11
+stockman,797,0
+marstons,2040,4
+coffeen,581,1
+wainscott,875,1
+hiteman,145,3
+newfields,1222,16
+klickitat,419,5
+klickitat,483,2
+pomaria,362,0
+marstons,2166,0
+pinesdale,656,2
+stockman,1117,1
+leonardo,1906,3
+cosmos,705,5
+ranchester,732,0
+woodbine,284,0
+klickitat,726,12
+lindenwood,577,2
+shelbyville,2432,7
+wainscott,260,5
+shelbyville,781,2
+ranchester,42,4
+ranchester,193,4
+merom,293,1
+stockman,27,0
+mifflinburg,596,1
+klickitat,2346,2
+onaga,267,1
+merom,66,6
+lakeville,1468,2
+marstons,1669,1
+woodbine,981,8
+shelbyville,992,6
+klickitat,793,12
+merom,701,2
+shelbyville,781,4
+hanson,743,4
+benevolence,939,0
+tolstoy,1647,3
+lindenwood,603,0
+woodbine,1366,9
+lakeville,1817,6
+marstons,1433,4
+hiteman,1256,0
+wainscott,994,11
+lakeville,788,5
+hiteman,37,5
+allensville,110,1
+beechwood,108,2
+lindenwood,1788,4
+ranchester,216,2
+cosmos,665,11
+cosmos,497,0
+beechwood,15,3
+tolstoy,1050,3
+newfields,602,0
+hiteman,1565,0
+lakeville,1630,1
+lindenwood,167,4
+tolstoy,1404,0
+tolstoy,1459,2
+marstons,1223,10
+lindenwood,1974,3
+marstons,2559,4
+marstons,874,1
+stockman,749,1
+lindenwood,1114,0
+wainscott,357,1
+merom,226,5
+marstons,284,0
+benevolence,389,0
+beechwood,959,4
+hanson,723,7
+lindenwood,2050,2
+merom,337,2
+wainscott,1459,1
+forkland,211,0
+stockman,250,2
+shelbyville,2305,3
+forkland,100,1
+lakeville,1595,10
+leonardo,1238,7
+woodbine,1148,1
+mifflinburg,798,5
+klickitat,2268,2
+pomaria,1127,10
+hanson,671,0
+marstons,37,22
+woodbine,1469,5
+wainscott,963,2
+lindenwood,297,0
+shelbyville,377,1
+lindenwood,410,2
+ranchester,1351,9
+hanson,403,8
+merom,314,1
+marstons,2462,1
+lakeville,182,0
+newfields,158,1
+klickitat,1101,1
+lakeville,156,1
+marstons,2637,1
+woodbine,1217,3
+lindenwood,827,4
+hanson,334,8
+leonardo,2094,5
+lindenwood,2115,2
+lakeville,316,4
+pomaria,1024,9
+shelbyville,1972,3
+stockman,1498,1
+ranchester,4,5
+klickitat,1549,2
+mifflinburg,139,1
+beechwood,437,8
+onaga,592,2
+tolstoy,446,0
+pomaria,1350,13
+allensville,142,7
+cosmos,596,0
+woodbine,1866,13
+pinesdale,678,1
+tolstoy,360,0
+hanson,369,13
+leonardo,528,25
+klickitat,50,4
+coffeen,284,4
+shelbyville,991,4
+mifflinburg,40,2
+benevolence,404,8
+merom,850,10
+mifflinburg,480,0
+newfields,603,0
+pomaria,368,7
+woodbine,116,6
+pinesdale,895,5
+hanson,1574,6
+lindenwood,1779,3
+forkland,844,3
+lindenwood,675,9
+lindenwood,32,2
+ranchester,1099,12
+pomaria,1300,2
+hiteman,1391,1
+lakeville,1717,3
+leonardo,1663,3
+forkland,793,3
+klickitat,1569,3
+hiteman,1622,11
+shelbyville,88,2
+allensville,310,2
+leonardo,2085,0
+klickitat,1051,9
+coffeen,1167,7
+shelbyville,2411,3
+marstons,1548,1
+leonardo,99,3
+stockman,1513,7
+shelbyville,1784,3
+pomaria,1484,0
+shelbyville,548,1
+pinesdale,1199,2
+beechwood,245,4
+leonardo,103,0
+lakeville,116,5
+shelbyville,1236,8
+woodbine,1967,5
+beechwood,669,5
+wainscott,1407,1
+newfields,1334,0
+klickitat,1111,2
+leonardo,905,3
+shelbyville,2218,10
+beechwood,192,0
+leonardo,2116,3
+klickitat,2077,2
+merom,1116,2
+merom,82,0
+beechwood,902,0
+mifflinburg,753,1
+cosmos,382,2
+woodbine,275,0
+coffeen,1346,0
+beechwood,1098,7
+klickitat,1146,0
+hiteman,835,2
+lakeville,1796,2
+beechwood,717,3
+mifflinburg,181,2
+allensville,355,2
+tolstoy,721,6
+pomaria,1089,1
+stockman,1571,6
+lindenwood,931,7
+klickitat,1540,4
+tolstoy,555,5
+wainscott,397,3
+leonardo,1561,0
+hanson,470,3
+marstons,1660,7
+pomaria,1005,2
+marstons,784,5
+lakeville,215,2
+merom,165,1
+ranchester,1182,3
+lindenwood,385,2
+pinesdale,246,3
+woodbine,1602,1
+klickitat,2195,8
+allensville,54,4
+lindenwood,932,2
+marstons,2035,5
+klickitat,572,11
+lindenwood,2506,2
+ranchester,113,2
+pinesdale,1111,0
+lakeville,1604,2
+lakeville,1190,2
+pomaria,635,0
+pomaria,1335,0
+pomaria,1459,1
+shelbyville,789,6
+marstons,2259,0
+coffeen,621,4
+ranchester,1391,1
+cosmos,150,11
+merom,840,0
+beechwood,298,6
+forkland,207,0
+klickitat,343,4
+newfields,1538,2
+merom,560,3
+pinesdale,103,2
+coffeen,1050,0
+forkland,428,0
+cosmos,422,5
+wainscott,1359,6
+klickitat,1495,3
+newfields,1459,3
+wainscott,206,2
+leonardo,1542,6
+woodbine,546,5
+hiteman,1386,0
+stockman,829,7
+leonardo,798,10
+hiteman,1069,0
+hanson,458,4
+woodbine,1908,3
+coffeen,29,0
+leonardo,573,6
+shelbyville,2505,2
+woodbine,1853,3
+lindenwood,1476,2
+tolstoy,1362,4
+marstons,466,1
+marstons,969,2
+hanson,1603,1
+hiteman,1000,8
+klickitat,656,6
+klickitat,116,1
+pinesdale,224,7
+cosmos,73,4
+lakeville,637,6
+shelbyville,1141,17
+ranchester,680,2
+pinesdale,176,7
+pinesdale,1168,0
+cosmos,64,1
+marstons,316,6
+lakeville,1596,0
+ranchester,1282,1
+klickitat,1537,7
+shelbyville,2155,3
+leonardo,1616,1
+lindenwood,2115,0
+hiteman,1199,0
+marstons,2291,0
+wainscott,842,0
+coffeen,1296,2
+mifflinburg,953,0
+ranchester,1435,3
+klickitat,1159,4
+klickitat,19,0
+klickitat,334,2
+newfields,1007,6
+hanson,1346,15
+coffeen,203,2
+shelbyville,541,4
+tolstoy,646,12
+leonardo,256,3
+stockman,325,0
+marstons,2608,1
+wainscott,1529,5
+woodbine,806,1
+tolstoy,1138,5
+allensville,138,6
+woodbine,1984,2
+marstons,617,2
+lindenwood,1439,12
+marstons,2134,5
+pinesdale,1198,9
+lindenwood,389,6
+stockman,1121,4
+klickitat,2416,10
+hiteman,677,2
+forkland,1082,1
+newfields,724,0
+stockman,517,0
+benevolence,977,0
+klickitat,1186,15
+lindenwood,1207,5
+marstons,713,0
+shelbyville,1209,0
+tolstoy,1033,0
+marstons,2112,8
+shelbyville,1709,8
+stockman,904,2
+klickitat,2208,2
+newfields,591,1
+leonardo,176,3
+shelbyville,2010,0
+coffeen,1517,1
+pinesdale,1404,0
+shelbyville,2399,7
+woodbine,456,7
+stockman,92,5
+lindenwood,2246,5
+pinesdale,60,5
+merom,977,5
+newfields,1598,5
+pinesdale,886,2
+benevolence,238,0
+mifflinburg,833,2
+beechwood,871,2
+stockman,1044,4
+beechwood,117,4
+shelbyville,2073,4
+lakeville,1767,2
+hiteman,90,5
+shelbyville,2372,12
+cosmos,310,8
+tolstoy,1825,5
+pomaria,1431,2
+newfields,980,5
+pinesdale,1051,0
+coffeen,693,4
+wainscott,574,0
+lindenwood,238,10
+shelbyville,2720,0
+klickitat,1776,2
+klickitat,572,3
+shelbyville,2654,9
+mifflinburg,499,4
+shelbyville,1569,0
+hiteman,1611,4
+hiteman,1714,1
+merom,650,1
+woodbine,2013,7
+klickitat,535,4
+woodbine,1864,14
+lindenwood,1397,1
+ranchester,475,5
+tolstoy,901,0
+benevolence,915,1
+lindenwood,2442,5
+marstons,294,3
+marstons,2464,1
+hiteman,1232,6
+marstons,1850,8
+wainscott,1445,0
+onaga,494,2
+stockman,168,0
+shelbyville,2518,8
+shelbyville,1615,7
+marstons,2005,6
+newfields,535,6
+klickitat,1920,0
+leonardo,1884,1
+shelbyville,1808,2
+lakeville,202,0
+leonardo,1906,1
+stockman,910,1
+marstons,372,6
+shelbyville,2744,5
+forkland,276,0
+hanson,1374,0
+wainscott,1180,7
+benevolence,659,0
+stockman,63,0
+lindenwood,2273,2
+wainscott,544,3
+pinesdale,1400,3
+pomaria,1337,7
+leonardo,1210,7
+leonardo,1608,16
+woodbine,1015,0
+tolstoy,227,1
+lindenwood,2519,2
+hiteman,364,5
+hiteman,1807,0
+pinesdale,1514,5
+woodbine,383,4
+merom,218,5
+marstons,2640,7
+mifflinburg,654,0
+marstons,1088,3
+cosmos,614,2
+klickitat,1082,6
+merom,357,3
+woodbine,261,9
+klickitat,1847,0
+lindenwood,2557,6
+shelbyville,33,5
+hanson,170,3
+shelbyville,2360,9
+wainscott,416,6
+forkland,367,2
+leonardo,1644,10
+klickitat,2175,5
+mifflinburg,5,3
+shelbyville,2260,7
+shelbyville,1304,10
+lakeville,1444,9
+benevolence,238,1
+hanson,1225,11
+newfields,221,11
+leonardo,534,3
+hiteman,1171,2
+lindenwood,72,0
+newfields,316,0
+tolstoy,1727,1
+klickitat,2373,0
+wainscott,1169,2
+marstons,1383,8
+klickitat,1037,1
+beechwood,1090,1
+ranchester,201,2
+klickitat,594,10
+pinesdale,443,5
+leonardo,493,7
+woodbine,584,9
+lindenwood,922,2
+lindenwood,2291,3
+mifflinburg,944,3
+hiteman,442,2
+hanson,1549,5
+pinesdale,1485,2
+onaga,353,6
+coffeen,1519,4
+hiteman,1347,3
+woodbine,1917,3
+benevolence,343,3
+pinesdale,1183,0
+ranchester,203,3
+pinesdale,329,1
+hiteman,1271,0
+leonardo,644,10
+benevolence,930,1
+marstons,2106,0
+benevolence,292,0
+tolstoy,984,10
+wainscott,1099,6
+marstons,1561,1
+marstons,1765,17
+shelbyville,1012,6
+lindenwood,906,2
+mifflinburg,434,1
+klickitat,1918,3
+wainscott,730,3
+woodbine,1583,0
+newfields,1464,0
+cosmos,250,2
+hanson,508,1
+klickitat,1320,6
+tolstoy,27,3
+hiteman,1544,2
+klickitat,149,2
+wainscott,414,1
+tolstoy,1104,0
+benevolence,632,4
+pomaria,40,1
+shelbyville,2736,11
+stockman,1586,4
+marstons,2651,6
+newfields,106,7
+hanson,639,10
+hanson,1193,2
+allensville,460,7
+lakeville,499,6
+pinesdale,80,1
+lindenwood,1820,5
+wainscott,429,3
+woodbine,132,3
+benevolence,165,1
+klickitat,1017,0
+forkland,1162,1
+ranchester,1296,9
+marstons,457,1
+marstons,2388,8
+leonardo,1990,3
+leonardo,1674,1
+tolstoy,864,5
+marstons,1046,7
+shelbyville,852,7
+hiteman,533,4
+leonardo,1158,4
+cosmos,817,1
+pinesdale,310,4
+leonardo,1200,9
+coffeen,568,1
+merom,853,0
+tolstoy,1819,3
+stockman,748,3
+leonardo,1355,7
+coffeen,844,2
+tolstoy,571,5
+tolstoy,1525,5
+marstons,1539,1
+coffeen,423,2
+lakeville,211,2
+mifflinburg,933,3
+woodbine,1204,6
+marstons,1339,6
+woodbine,1159,11
+benevolence,414,1
+stockman,554,0
+hanson,1264,4
+lakeville,495,2
+tolstoy,559,4
+shelbyville,1490,2
+marstons,1863,3
+lindenwood,1830,4
+wainscott,1160,9
+hanson,1151,2
+ranchester,1282,4
+hanson,1539,4
+marstons,1250,2
+wainscott,1462,5
+wainscott,1116,2
+pinesdale,594,5
+pinesdale,1121,3
+marstons,392,2
+beechwood,253,2
+klickitat,99,5
+pinesdale,1403,5
+klickitat,1000,5
+wainscott,508,1
+lakeville,492,2
+pomaria,733,5
+pinesdale,437,5
+allensville,304,4
+lindenwood,920,15
+wainscott,110,1
+leonardo,795,6
+lakeville,1810,6
+newfields,717,4
+newfields,303,4
+forkland,690,3
+merom,20,1
+pinesdale,1055,0
+lakeville,290,6
+woodbine,1554,1
+leonardo,595,11
+newfields,779,12
+shelbyville,2227,3
+hiteman,1222,1
+klickitat,1741,0
+lindenwood,2194,0
+lindenwood,1517,7
+mifflinburg,84,5
+leonardo,1026,9
+cosmos,582,0
+marstons,754,3
+marstons,103,9
+klickitat,1679,21
+tolstoy,111,2
+mifflinburg,132,6
+lindenwood,2403,1
+stockman,444,2
+woodbine,1085,1
+marstons,2292,5
+pinesdale,329,0
+lindenwood,2333,13
+mifflinburg,494,0
+marstons,1912,0
+lakeville,1607,1
+woodbine,564,2
+hanson,333,10
+marstons,2258,11
+lindenwood,453,0
+lindenwood,2149,0
+hanson,93,2
+marstons,2260,2
+merom,358,5
+klickitat,1706,1
+pinesdale,1041,3
+lindenwood,341,2
+marstons,519,6
+newfields,936,3
+lindenwood,2282,2
+marstons,1590,2
+woodbine,44,3
+woodbine,1408,1
+lindenwood,1570,5
+lakeville,1342,5
+leonardo,1579,11
+coffeen,1020,7
+hiteman,256,4
+klickitat,235,2
+cosmos,275,1
+woodbine,620,5
+marstons,1697,0
+leonardo,839,5
+ranchester,805,8
+shelbyville,287,2
+wainscott,385,3
+marstons,1302,2
+hanson,1625,7
+wainscott,127,3
+shelbyville,2540,2
+pomaria,1200,4
+hiteman,96,3
+woodbine,2040,14
+woodbine,339,2
+pomaria,1113,7
+lindenwood,83,3
+marstons,309,1
+lindenwood,1336,0
+lakeville,1152,2
+mifflinburg,911,0
+shelbyville,2630,0
+tolstoy,549,2
+newfields,938,2
+hiteman,131,2
+newfields,1359,5
+beechwood,202,2
+lindenwood,573,5
+shelbyville,1838,5
+leonardo,907,0
+lindenwood,681,4
+beechwood,644,2
+woodbine,25,6
+shelbyville,2053,4
+leonardo,2097,0
+beechwood,868,1
+cosmos,530,7
+mifflinburg,714,2
+leonardo,182,0
+coffeen,492,0
+forkland,292,3
+beechwood,330,2
+shelbyville,1965,7
+newfields,749,1
+pinesdale,727,15
+lindenwood,1931,7
+hiteman,336,1
+tolstoy,1543,5
+tolstoy,295,3
+lindenwood,1568,4
+hiteman,164,2
+hanson,1124,3
+woodbine,1680,12
+hiteman,1617,5
+coffeen,1275,0
+lindenwood,2307,3
+hiteman,1380,10
+cosmos,505,7
+klickitat,1514,0
+wainscott,1627,7
+pinesdale,1196,0
+lindenwood,2197,5
+coffeen,540,1
+pomaria,1352,11
+leonardo,606,6
+shelbyville,647,17
+woodbine,1045,0
+leonardo,838,0
+forkland,1193,2
+lindenwood,850,4
+coffeen,798,7
+coffeen,1264,4
+hiteman,148,0
+cosmos,491,0
+pomaria,696,8
+benevolence,973,1
+newfields,996,1
+lakeville,1136,1
+klickitat,2274,1
+cosmos,784,2
+shelbyville,1296,5
+lindenwood,802,4
+newfields,1261,6
+shelbyville,694,4
+hiteman,119,6
+wainscott,484,4
+lakeville,1713,1
+klickitat,1904,8
+mifflinburg,474,7
+shelbyville,786,2
+marstons,978,1
+shelbyville,1041,1
+pomaria,426,0
+pomaria,369,7
+woodbine,1435,2
+lindenwood,2065,5
+benevolence,979,7
+woodbine,853,4
+cosmos,328,1
+shelbyville,2078,4
+merom,677,4
+merom,479,5
+woodbine,199,0
+marstons,2200,4
+hiteman,647,4
+klickitat,1365,0
+coffeen,1269,2
+leonardo,306,1
+lakeville,1013,1
+leonardo,823,1
+woodbine,85,4
+shelbyville,1199,14
+marstons,1305,5
+benevolence,862,3
+stockman,400,2
+ranchester,1066,5
+woodbine,363,3
+shelbyville,1252,0
+woodbine,1561,2
+lindenwood,41,6
+wainscott,1146,0
+lakeville,562,3
+mifflinburg,364,2
+leonardo,1742,4
+merom,846,1
+mifflinburg,87,0
+lindenwood,11,3
+shelbyville,2620,0
+tolstoy,106,7
+tolstoy,1015,10
+lindenwood,2001,5
+coffeen,1091,8
+lakeville,1698,5
+lindenwood,2513,7
+shelbyville,1303,4
+woodbine,1218,6
+shelbyville,1218,1
+newfields,462,0
+coffeen,1430,8
+marstons,416,2
+tolstoy,669,2
+stockman,701,2
+pomaria,565,4
+shelbyville,2503,1
+shelbyville,225,5
+tolstoy,209,1
+stockman,409,1
+ranchester,234,3
+klickitat,1765,3
+hiteman,1520,0
+newfields,314,9
+onaga,349,7
+marstons,1320,7
+shelbyville,1838,9
+shelbyville,680,8
+forkland,1154,0
+stockman,851,2
+klickitat,2381,2
+wainscott,1655,1
+beechwood,164,1
+pinesdale,1393,2
+leonardo,1355,11
+woodbine,1810,0
+lakeville,1361,3
+coffeen,1314,5
+shelbyville,1280,9
+pomaria,424,0
+leonardo,920,1
+shelbyville,90,0
+lakeville,1891,2
+cosmos,365,4
+klickitat,1617,3
+tolstoy,885,2
+hiteman,312,2
+newfields,14,1
+pomaria,1578,7
+newfields,240,8
+pomaria,416,4
+marstons,2290,5
+merom,826,4
+klickitat,1365,10
+wainscott,1618,7
+marstons,504,8
+wainscott,1685,4
+lindenwood,1320,3
+newfields,78,6
+benevolence,398,5
+shelbyville,1251,9
+leonardo,2113,1
+woodbine,912,8
+hiteman,672,7
+woodbine,873,14
+beechwood,364,3
+leonardo,1341,2
+hiteman,441,8
+lakeville,439,2
+tolstoy,1136,2
+ranchester,254,2
+wainscott,972,6
+klickitat,1232,8
+lakeville,913,0
+marstons,2109,2
+tolstoy,831,0
+lakeville,1334,9
+klickitat,312,15
+tolstoy,880,5
+merom,552,6
+wainscott,1617,7
+marstons,1239,5
+shelbyville,2348,5
+stockman,812,6
+pomaria,1237,6
+pomaria,1346,6
+wainscott,444,9
+hanson,262,3
+lakeville,415,11
+klickitat,1845,3
+wainscott,196,1
+tolstoy,1832,13
+woodbine,1286,10
+pinesdale,916,2
+pinesdale,1095,3
+merom,1014,5
+pinesdale,249,2
+marstons,414,0
+beechwood,1011,4
+shelbyville,2497,5
+onaga,214,1
+leonardo,2100,2
+leonardo,850,5
+stockman,612,0
+stockman,1451,3
+pomaria,1633,10
+lindenwood,351,2
+pinesdale,55,5
+pinesdale,22,2
+mifflinburg,370,0
+forkland,54,7
+ranchester,1444,3
+benevolence,328,3
+klickitat,2257,0
+klickitat,2114,2
+stockman,69,6
+stockman,825,5
+stockman,1218,4
+marstons,138,1
+pinesdale,523,2
+stockman,1390,0
+hanson,1160,5
+ranchester,308,5
+tolstoy,1468,1
+coffeen,1307,5
+klickitat,2107,4
+wainscott,691,2
+onaga,210,4
+ranchester,1336,1
+klickitat,1109,3
+marstons,1431,0
+lakeville,450,7
+pinesdale,98,4
+leonardo,160,8
+leonardo,1366,1
+stockman,1110,7
+lakeville,1288,5
+marstons,327,2
+leonardo,261,7
+leonardo,575,2
+wainscott,1325,4
+onaga,74,9
+stockman,1129,14
+mifflinburg,11,2
+lindenwood,544,5
+beechwood,836,0
+klickitat,791,0
+shelbyville,1286,1
+pomaria,626,8
+woodbine,16,2
+onaga,157,8
+shelbyville,1681,8
+wainscott,196,8
+woodbine,422,2
+wainscott,1050,3
+woodbine,550,0
+pinesdale,783,3
+pomaria,1141,1
+klickitat,960,3
+woodbine,266,18
+hanson,627,4
+hanson,240,2
+stockman,304,0
+lindenwood,675,7
+merom,33,5
+ranchester,1538,11
+hiteman,913,3
+marstons,1295,3
+lakeville,1258,6
+shelbyville,1033,2
+marstons,2608,2
+beechwood,539,0
+newfields,534,16
+lindenwood,1299,2
+marstons,2004,2
+lindenwood,731,3
+pomaria,1113,1
+lindenwood,1462,0
+beechwood,1152,3
+tolstoy,710,2
+cosmos,150,4
+shelbyville,1707,10
+woodbine,1532,4
+cosmos,618,0
+klickitat,633,2
+hiteman,771,3
+shelbyville,251,4
+merom,1095,4
+wainscott,1702,4
+lakeville,1664,2
+marstons,2290,0
+lindenwood,656,7
+leonardo,863,3
+lakeville,1374,0
+marstons,2593,4
+marstons,1736,7
+shelbyville,2519,0
+klickitat,1912,0
+lakeville,290,7
+pinesdale,1450,0
+ranchester,195,2
+allensville,99,1
+shelbyville,2191,4
+pinesdale,553,4
+marstons,1138,3
+wainscott,1158,1
+mifflinburg,145,1
+lindenwood,18,4
+coffeen,1342,1
+ranchester,210,1
+stockman,1033,1
+lindenwood,1819,3
+newfields,109,3
+wainscott,1099,10
+tolstoy,771,0
+ranchester,407,1
+lakeville,72,6
+pinesdale,405,1
+coffeen,834,0
+newfields,1284,1
+coffeen,1420,2
+beechwood,657,1
+hanson,652,6
+klickitat,1042,8
+coffeen,373,2
+hanson,1085,5
+stockman,470,15
+lindenwood,1938,4
+woodbine,359,5
+shelbyville,604,1
+coffeen,902,9
+hanson,1438,9
+klickitat,292,8
+woodbine,541,1
+marstons,1115,9
+lakeville,619,6
+klickitat,1048,4
+shelbyville,180,3
+forkland,554,2
+lakeville,1455,9
+coffeen,556,3
+pinesdale,789,0
+wainscott,1053,10
+ranchester,240,3
+tolstoy,1591,4
+ranchester,588,1
+shelbyville,1485,2
+hanson,768,6
+ranchester,260,3
+lakeville,97,3
+shelbyville,445,0
+leonardo,1453,2
+newfields,1516,2
+woodbine,1077,5
+shelbyville,2204,0
+tolstoy,1267,6
+pomaria,1275,1
+wainscott,931,3
+wainscott,554,2
+marstons,1358,5
+newfields,660,8
+ranchester,1333,4
+wainscott,709,3
+leonardo,1735,3
+lakeville,273,1
+woodbine,1146,1
+tolstoy,1739,2
+shelbyville,2283,1
+shelbyville,221,13
+newfields,1623,8
+marstons,1318,1
+lakeville,1349,1
+coffeen,1015,5
+lindenwood,1385,3
+onaga,357,2
+lindenwood,460,10
+klickitat,1952,2
+shelbyville,1342,12
+klickitat,1239,10
+woodbine,1398,3
+lakeville,1053,7
+woodbine,1,6
+hanson,1457,2
+stockman,1511,2
+klickitat,338,0
+lakeville,240,8
+hiteman,1277,9
+woodbine,1690,4
+pomaria,927,4
+tolstoy,42,5
+lindenwood,2029,3
+lindenwood,1903,0
+ranchester,256,0
+woodbine,1832,6
+stockman,187,1
+klickitat,1803,1
+shelbyville,476,2
+lindenwood,907,17
+klickitat,281,10
+hanson,775,6
+lindenwood,1737,2
+marstons,1030,6
+lakeville,1814,1
+hiteman,309,3
+leonardo,1018,7
+coffeen,1399,0
+coffeen,184,3
+tolstoy,414,2
+woodbine,109,13
+ranchester,1140,3
+wainscott,913,5
+newfields,1030,2
+pinesdale,981,8
+forkland,148,3
+newfields,309,4
+pinesdale,1131,1
+klickitat,1083,2
+forkland,317,1
+mifflinburg,323,4
+hiteman,816,3
+coffeen,1127,2
+newfields,221,9
+lakeville,190,0
+marstons,13,6
+klickitat,5,3
+lakeville,1147,5
+benevolence,780,11
+mifflinburg,65,2
+lindenwood,2291,4
+marstons,825,3
+lindenwood,1139,6
+marstons,232,0
+hiteman,615,2
+marstons,961,1
+newfields,404,12
+klickitat,2029,8
+lakeville,191,0
+hanson,1189,5
+tolstoy,523,11
+onaga,616,4
+lakeville,1425,4
+shelbyville,1443,5
+pomaria,873,4
+merom,682,4
+tolstoy,1738,3
+pomaria,1638,4
+hiteman,1167,2
+pomaria,1149,1
+ranchester,967,4
+newfields,1403,4
+hiteman,1853,16
+newfields,953,5
+lindenwood,259,1
+pomaria,630,1
+marstons,536,3
+stockman,598,15
+coffeen,60,1
+shelbyville,2321,7
+coffeen,111,3
+shelbyville,1109,1
+pinesdale,1030,7
+hiteman,1788,8
+hiteman,1658,2
+shelbyville,124,8
+newfields,84,2
+ranchester,1039,12
+woodbine,469,0
+newfields,709,2
+shelbyville,1754,14
+hanson,656,6
+pinesdale,682,1
+tolstoy,623,4
+leonardo,388,2
+woodbine,1350,3
+forkland,1029,10
+forkland,364,2
+newfields,323,1
+hanson,317,10
+lindenwood,2154,5
+lindenwood,2081,0
+lindenwood,1126,8
+shelbyville,154,2
+lakeville,1257,8
+cosmos,584,3
+marstons,892,6
+ranchester,1551,4
+ranchester,1244,4
+hiteman,719,1
+mifflinburg,829,1
+klickitat,2198,7
+stockman,383,4
+newfields,381,5
+beechwood,625,0
+pinesdale,698,10
+pomaria,469,11
+marstons,354,0
+pinesdale,1513,3
+lindenwood,1881,7
+pomaria,976,1
+pomaria,1074,3
+shelbyville,776,0
+coffeen,844,0
+marstons,981,0
+forkland,985,1
+leonardo,1052,3
+hiteman,130,2
+shelbyville,351,5
+hanson,423,4
+pomaria,543,1
+merom,51,7
+newfields,1228,4
+lakeville,1186,1
+woodbine,2019,1
+leonardo,1449,4
+stockman,665,1
+klickitat,1098,0
+wainscott,406,3
+marstons,2104,13
+coffeen,1304,2
+marstons,669,6
+lakeville,1798,11
+newfields,1025,1
+stockman,993,5
+hiteman,457,1
+pomaria,161,3
+leonardo,1081,2
+pomaria,1415,9
+benevolence,446,10
+marstons,1872,0
+lindenwood,186,0
+leonardo,1380,10
+tolstoy,309,10
+beechwood,1141,1
+hiteman,935,1
+merom,1052,2
+hanson,1136,12
+cosmos,704,4
+tolstoy,109,5
+marstons,205,1
+hiteman,1739,2
+stockman,195,1
+leonardo,231,14
+cosmos,1060,6
+beechwood,877,1
+benevolence,508,2
+shelbyville,1019,0
+shelbyville,1474,2
+marstons,1518,14
+klickitat,1999,3
+tolstoy,168,14
+newfields,1161,9
+marstons,833,2
+pomaria,1542,2
+beechwood,709,4
+pomaria,1419,0
+lindenwood,451,2
+pinesdale,87,5
+wainscott,1030,0
+benevolence,450,4
+pinesdale,822,9
+beechwood,817,0
+mifflinburg,373,3
+cosmos,33,10
+coffeen,1041,3
+klickitat,1081,7
+pomaria,949,2
+klickitat,731,7
+lindenwood,2422,1
+klickitat,708,6
+lindenwood,304,3
+wainscott,1137,2
+shelbyville,2557,0
+leonardo,1024,6
+pinesdale,984,9
+cosmos,662,12
+stockman,621,3
+coffeen,541,10
+klickitat,1308,5
+beechwood,31,5
+hiteman,275,3
+cosmos,889,4
+klickitat,1569,4
+newfields,285,0
+klickitat,65,24
+pinesdale,555,2
+cosmos,645,6
+woodbine,745,9
+lakeville,1327,15
+tolstoy,188,1
+shelbyville,1082,1
+beechwood,522,2
+lindenwood,303,0
+marstons,94,2
+lakeville,880,6
+marstons,291,9
+wainscott,607,3
+pinesdale,1156,0
+leonardo,668,9
+leonardo,1012,1
+coffeen,1482,4
+stockman,244,0
+shelbyville,2016,1
+newfields,329,3
+newfields,1639,1
+hanson,1123,3
+tolstoy,1349,7
+benevolence,266,5
+forkland,630,3
+ranchester,1277,0
+newfields,644,2
+allensville,54,0
+newfields,850,2
+woodbine,1494,3
+marstons,1397,0
+marstons,1740,0
+lakeville,751,0
+woodbine,1790,2
+lindenwood,753,1
+cosmos,757,0
+marstons,1472,4
+cosmos,129,3
+newfields,445,1
+wainscott,621,3
+lindenwood,599,13
+leonardo,19,1
+hanson,379,1
+merom,85,2
+leonardo,1392,0
+newfields,517,7
+hiteman,737,3
+pomaria,156,0
+lindenwood,1880,4
+beechwood,993,0
+pomaria,434,1
+pinesdale,1405,10
+benevolence,119,9
+pomaria,860,0
+allensville,278,2
+hanson,1516,2
+tolstoy,1110,0
+beechwood,48,0
+marstons,1380,9
+pomaria,1659,1
+woodbine,1095,4
+hiteman,159,3
+newfields,1396,3
+beechwood,302,3
+woodbine,1807,2
+lindenwood,1603,3
+beechwood,243,4
+hiteman,870,3
+leonardo,337,12
+hiteman,478,8
+lakeville,1584,4
+lindenwood,133,4
+merom,989,0
+lakeville,1170,4
+beechwood,1112,4
+lakeville,1162,9
+pinesdale,186,1
+shelbyville,1600,0
+marstons,974,4
+klickitat,1950,3
+onaga,226,5
+pomaria,101,4
+beechwood,316,6
+beechwood,417,2
+tolstoy,891,0
+marstons,1078,5
+hiteman,1636,2
+wainscott,1421,9
+merom,125,5
+pinesdale,134,2
+stockman,1474,13
+hiteman,502,3
+newfields,638,1
+hanson,1026,8
+klickitat,2069,0
+hiteman,908,4
+marstons,2073,0
+marstons,422,1
+hanson,1321,5
+lakeville,836,4
+klickitat,829,0
+klickitat,76,0
+mifflinburg,685,3
+leonardo,1676,5
+marstons,1808,10
+stockman,822,2
+hanson,1616,0
+stockman,482,2
+benevolence,449,8
+lakeville,553,5
+klickitat,102,9
+coffeen,1076,3
+mifflinburg,281,2
+beechwood,640,5
+lakeville,261,4
+hiteman,311,2
+woodbine,1491,11
+merom,1072,0
+tolstoy,1273,9
+newfields,785,4
+lakeville,535,6
+shelbyville,1120,1
+mifflinburg,607,5
+hiteman,1516,2
+hanson,986,6
+beechwood,489,7
+cosmos,570,2
+shelbyville,1211,0
+klickitat,1322,4
+marstons,889,7
+cosmos,822,2
+lakeville,839,11
+pinesdale,877,2
+leonardo,1842,3
+tolstoy,1407,4
+hanson,952,2
+newfields,155,1
+stockman,1249,2
+lindenwood,1460,5
+lindenwood,2293,5
+leonardo,694,9
+lindenwood,2119,2
+klickitat,1066,8
+hiteman,333,2
+shelbyville,1456,1
+tolstoy,31,3
+pomaria,565,2
+ranchester,210,9
+lindenwood,139,0
+shelbyville,1107,3
+cosmos,558,1
+marstons,1749,18
+lakeville,284,11
+merom,560,0
+coffeen,587,2
+cosmos,683,2
+stockman,1418,0
+pinesdale,1007,5
+lindenwood,97,5
+ranchester,266,4
+lindenwood,433,2
+onaga,436,0
+lindenwood,1234,3
+coffeen,134,3
+shelbyville,1755,2
+benevolence,627,6
+hanson,89,12
+marstons,1564,4
+hiteman,144,9
+beechwood,830,6
+klickitat,803,2
+pomaria,943,7
+klickitat,2057,6
+ranchester,418,5
+wainscott,301,6
+hanson,50,8
+klickitat,1553,3
+beechwood,734,0
+onaga,549,0
+tolstoy,1013,6
+marstons,782,3
+hanson,1570,12
+pinesdale,425,5
+cosmos,228,0
+tolstoy,1598,9
+leonardo,2087,7
+hiteman,1088,2
+leonardo,60,1
+woodbine,624,2
+marstons,1670,7
+lindenwood,1818,4
+leonardo,363,3
+klickitat,2049,6
+hanson,450,2
+benevolence,810,1
+mifflinburg,960,2
+cosmos,1014,2
+forkland,1054,5
+lakeville,1551,5
+klickitat,127,2
+hanson,1289,1
+leonardo,1302,4
+marstons,2087,2
+shelbyville,1820,6
+tolstoy,590,2
+newfields,1014,4
+hanson,640,2
+hiteman,435,8
+pomaria,1206,7
+newfields,317,1
+shelbyville,620,3
+benevolence,416,14
+marstons,1212,0
+leonardo,1589,0
+stockman,563,2
+klickitat,1297,5
+marstons,2220,2
+wainscott,283,1
+lindenwood,1647,4
+leonardo,586,6
+ranchester,629,0
+marstons,1140,6
+lakeville,1134,1
+pinesdale,1149,4
+tolstoy,214,4
+coffeen,213,2
+beechwood,857,3
+hanson,910,0
+newfields,1474,4
+marstons,140,16
+shelbyville,2085,5
+pomaria,185,2
+tolstoy,1349,6
+onaga,320,1
+stockman,1135,1
+ranchester,876,3
+newfields,1240,1
+leonardo,1376,10
+stockman,132,3
+newfields,422,12
+mifflinburg,174,0
+lindenwood,1860,1
+tolstoy,425,4
+shelbyville,2178,1
+cosmos,36,0
+hiteman,17,0
+ranchester,1032,0
+hiteman,1342,5
+allensville,232,0
+woodbine,895,3
+shelbyville,80,1
+forkland,1070,0
+beechwood,103,8
+shelbyville,541,3
+pinesdale,631,3
+hiteman,378,5
+newfields,664,3
+lindenwood,2044,9
+lindenwood,1713,0
+klickitat,686,10
+lakeville,653,1
+shelbyville,2253,2
+merom,412,3
+hiteman,82,6
+lakeville,1479,4
+lakeville,794,16
+leonardo,1591,9
+woodbine,1113,3
+coffeen,21,1
+lakeville,1662,10
+newfields,1164,6
+allensville,467,0
+stockman,49,3
+stockman,688,5
+lindenwood,1365,1
+pomaria,554,1
+pinesdale,843,6
+marstons,2198,0
+lindenwood,1363,3
+marstons,384,9
+woodbine,1468,4
+lindenwood,604,2
+marstons,1221,3
+ranchester,421,3
+pinesdale,1211,4
+leonardo,1833,1
+wainscott,1451,8
+leonardo,270,2
+shelbyville,1975,3
+lindenwood,1115,0
+pomaria,355,2
+lakeville,1844,3
+cosmos,943,4
+woodbine,885,3
+woodbine,824,2
+pomaria,228,5
+pinesdale,1390,1
+lindenwood,1242,12
+hiteman,1554,5
+pinesdale,1231,3
+lakeville,672,14
+hiteman,1112,14
+pinesdale,1016,2
+benevolence,336,5
+pomaria,815,1
+cosmos,373,1
+merom,789,3
+hanson,1467,5
+marstons,1931,0
+lindenwood,963,2
+shelbyville,1171,1
+marstons,114,0
+shelbyville,1443,4
+hanson,52,2
+marstons,2064,4
+klickitat,50,0
+tolstoy,79,0
+wainscott,170,6
+coffeen,1464,4
+coffeen,216,2
+wainscott,1488,10
+hanson,1637,5
+klickitat,2049,13
+cosmos,903,11
+lakeville,490,0
+pomaria,921,2
+woodbine,2023,4
+lindenwood,1987,1
+lakeville,1421,10
+hiteman,1551,6
+pinesdale,50,3
+marstons,84,2
+shelbyville,2656,1
+pomaria,1108,2
+wainscott,723,5
+lindenwood,1393,1
+ranchester,848,0
+newfields,857,1
+ranchester,108,0
+newfields,1295,1
+merom,868,9
+leonardo,607,3
+leonardo,2083,9
+forkland,75,6
+beechwood,47,1
+pomaria,898,7
+newfields,1424,16
+coffeen,404,6
+hiteman,1429,3
+klickitat,2153,10
+leonardo,792,5
+stockman,849,2
+klickitat,248,2
+wainscott,1584,1
+pinesdale,904,1
+wainscott,1476,2
+hiteman,733,3
+klickitat,632,4
+pinesdale,984,1
+shelbyville,1525,0
+hanson,1062,7
+lindenwood,1357,2
+pomaria,470,7
+woodbine,1690,2
+klickitat,1478,0
+pomaria,1341,0
+ranchester,1244,6
+hanson,175,14
+coffeen,388,0
+leonardo,1566,2
+wainscott,392,11
+shelbyville,644,1
+hanson,812,6
+ranchester,1470,4
+marstons,2200,0
+ranchester,351,3
+pomaria,39,2
+wainscott,806,4
+allensville,305,7
+hanson,281,4
+lindenwood,521,7
+merom,352,1
+beechwood,997,0
+marstons,1767,9
+wainscott,1301,0
+hiteman,1601,1
+lakeville,258,0
+pinesdale,431,6
+wainscott,310,2
+klickitat,941,6
+wainscott,411,4
+pinesdale,1271,1
+tolstoy,1246,4
+hiteman,147,2
+stockman,109,0
+lindenwood,24,2
+tolstoy,114,11
+hanson,418,3
+pomaria,1179,11
+lakeville,701,4
+newfields,9,0
+leonardo,1748,1
+leonardo,104,2
+lakeville,557,2
+woodbine,8,4
+leonardo,818,0
+tolstoy,610,9
+hiteman,755,3
+marstons,735,0
+pomaria,1674,3
+ranchester,1021,8
+pomaria,1584,3
+tolstoy,140,4
+forkland,946,0
+ranchester,1114,1
+wainscott,779,3
+mifflinburg,441,1
+leonardo,1515,4
+coffeen,323,3
+pinesdale,364,4
+shelbyville,2483,4
+pomaria,1405,0
+merom,782,1
+marstons,2214,6
+leonardo,1949,0
+woodbine,925,9
+marstons,536,1
+leonardo,1930,1
+pinesdale,549,1
+marstons,627,6
+pinesdale,293,3
+ranchester,684,0
+lindenwood,2547,3
+wainscott,503,0
+pomaria,398,0
+lindenwood,1701,4
+tolstoy,913,2
+leonardo,429,2
+cosmos,939,12
+hiteman,1662,6
+hiteman,1823,2
+newfields,191,0
+coffeen,1349,5
+mifflinburg,696,2
+leonardo,445,9
+newfields,739,6
+woodbine,271,5
+hiteman,974,4
+hanson,1323,4
+hanson,1531,0
+marstons,2512,1
+klickitat,519,7
+pinesdale,1145,7
+pinesdale,158,2
+leonardo,1284,0
+tolstoy,790,6
+mifflinburg,423,8
+hanson,75,6
+marstons,1800,3
+marstons,1579,4
+wainscott,483,3
+tolstoy,20,14
+beechwood,485,2
+klickitat,2326,0
+lindenwood,2606,4
+shelbyville,1670,3
+cosmos,411,1
+marstons,450,3
+onaga,74,1
+hanson,510,4
+leonardo,250,15
+lakeville,1455,10
+ranchester,174,2
+hanson,391,1
+lindenwood,1127,4
+wainscott,50,5
+lindenwood,1042,3
+ranchester,220,2
+ranchester,857,3
+merom,955,10
+marstons,136,5
+forkland,1087,2
+pinesdale,1203,5
+stockman,1244,4
+lakeville,1586,5
+beechwood,102,0
+leonardo,1382,3
+pinesdale,219,5
+coffeen,1348,1
+tolstoy,1416,0
+woodbine,1868,14
+onaga,616,7
+marstons,1537,0
+mifflinburg,571,0
+lakeville,83,0
+ranchester,1168,0
+marstons,343,5
+wainscott,1120,8
+wainscott,1714,0
+lakeville,630,2
+hanson,277,5
+lakeville,1188,1
+woodbine,1388,2
+hanson,44,1
+lindenwood,1702,6
+tolstoy,4,2
+stockman,413,0
+benevolence,663,0
+newfields,43,2
+lakeville,1214,5
+allensville,73,1
+lindenwood,1107,2
+wainscott,355,8
+coffeen,499,5
+leonardo,793,5
+newfields,393,3
+marstons,2260,5
+tolstoy,877,0
+hiteman,501,1
+ranchester,570,2
+benevolence,436,5
+benevolence,20,1
+hiteman,1554,7
+wainscott,1554,2
+hiteman,1556,12
+lakeville,100,0
+ranchester,211,6
+pomaria,362,3
+pomaria,1489,1
+hanson,1158,1
+forkland,975,1
+hanson,193,3
+marstons,444,2
+shelbyville,87,9
+woodbine,497,0
+ranchester,21,2
+pinesdale,368,1
+pomaria,692,5
+stockman,832,3
+benevolence,931,11
+lindenwood,2316,6
+beechwood,47,6
+shelbyville,2270,2
+coffeen,385,7
+pinesdale,725,0
+mifflinburg,480,4
+ranchester,389,2
+lakeville,436,0
+newfields,1598,0
+merom,654,0
+lakeville,362,1
+pomaria,443,4
+tolstoy,1128,2
+coffeen,999,3
+klickitat,2390,0
+lakeville,1291,2
+hiteman,2,2
+stockman,1064,2
+leonardo,854,1
+klickitat,1381,1
+tolstoy,1823,0
+lakeville,2,3
+shelbyville,2104,1
+forkland,503,0
+stockman,969,2
+beechwood,935,8
+klickitat,2136,3
+wainscott,1594,0
+hanson,1416,2
+lindenwood,1678,1
+lindenwood,2586,0
+shelbyville,2693,4
+marstons,2579,2
+klickitat,250,2
+lindenwood,160,3
+woodbine,671,6
+coffeen,1438,1
+leonardo,2105,3
+shelbyville,820,10
+allensville,197,6
+klickitat,910,1
+lakeville,209,1
+onaga,27,2
+woodbine,401,9
+beechwood,1151,12
+beechwood,786,5
+newfields,1101,0
+ranchester,327,0
+onaga,335,1
+tolstoy,1354,3
+lindenwood,385,3
+newfields,1345,1
+lindenwood,489,1
+lindenwood,2330,5
+shelbyville,2620,7
+lakeville,637,4
+coffeen,966,2
+lakeville,520,2
+wainscott,543,3
+lindenwood,2628,6
+pinesdale,389,6
+forkland,1134,2
+leonardo,1620,3
+lindenwood,1345,4
+leonardo,2009,1
+lindenwood,171,10
+cosmos,451,1
+wainscott,791,2
+wainscott,676,6
+newfields,775,0
+pinesdale,1495,5
+ranchester,1243,3
+pomaria,864,5
+wainscott,67,3
+lindenwood,2468,1
+pinesdale,859,3
+lindenwood,2368,5
+tolstoy,1768,8
+beechwood,414,5
+ranchester,13,0
+klickitat,1921,11
+shelbyville,1468,0
+shelbyville,796,3
+lindenwood,327,0
+hanson,1235,5
+tolstoy,279,9
+beechwood,710,6
+ranchester,1330,0
+wainscott,837,1
+tolstoy,188,3
+hanson,714,4
+ranchester,58,7
+klickitat,938,0
+shelbyville,1790,2
+newfields,268,4
+ranchester,1564,3
+woodbine,664,8
+pomaria,441,2
+wainscott,1112,11
+pomaria,519,4
+newfields,1509,1
+lindenwood,2674,12
+ranchester,150,1
+newfields,71,5
+leonardo,1278,2
+shelbyville,2564,5
+marstons,518,0
+merom,576,3
+leonardo,1132,12
+allensville,444,0
+shelbyville,380,1
+tolstoy,53,5
+wainscott,803,1
+beechwood,885,0
+wainscott,126,4
+newfields,225,6
+cosmos,597,4
+hiteman,770,12
+leonardo,1480,12
+pomaria,1391,2
+shelbyville,1573,13
+lakeville,615,1
+marstons,510,1
+shelbyville,2544,17
+lakeville,1505,10
+wainscott,1064,3
+shelbyville,2061,2
+shelbyville,1096,5
+lindenwood,399,4
+stockman,1406,3
+newfields,1555,2
+pinesdale,7,1
+lindenwood,77,2
+merom,283,1
+shelbyville,1253,7
+leonardo,1697,8
+pomaria,1529,9
+lindenwood,2579,5
+ranchester,1456,1
+wainscott,179,6
+leonardo,185,1
+leonardo,1970,0
+lindenwood,276,3
+shelbyville,2528,7
+benevolence,880,1
+ranchester,308,3
+woodbine,742,4
+pinesdale,939,8
+stockman,1451,2
+forkland,232,3
+benevolence,970,0
+hanson,1242,7
+stockman,916,0
+merom,330,3
+ranchester,1297,4
+wainscott,256,6
+newfields,1002,9
+wainscott,1163,4
+shelbyville,221,11
+beechwood,174,7
+lindenwood,1016,2
+leonardo,406,5
+leonardo,1469,0
+klickitat,2111,4
+tolstoy,113,0
+ranchester,427,5
+lakeville,1832,8
+klickitat,131,5
+shelbyville,2815,2
+forkland,638,3
+pomaria,136,10
+pomaria,264,1
+marstons,718,0
+shelbyville,2662,1
+shelbyville,249,1
+ranchester,559,9
+pinesdale,1492,2
+marstons,506,7
+hiteman,918,0
+onaga,511,1
+hiteman,970,4
+shelbyville,1378,2
+lakeville,1812,2
+pomaria,1478,2
+leonardo,214,6
+stockman,1107,5
+ranchester,1442,5
+wainscott,80,6
+newfields,391,7
+cosmos,769,2
+shelbyville,2573,0
+shelbyville,2141,1
+lakeville,26,4
+hanson,71,0
+pomaria,1046,8
+newfields,1261,13
+leonardo,1777,9
+merom,844,0
+leonardo,453,0
+marstons,1535,1
+stockman,16,2
+ranchester,957,4
+woodbine,594,8
+marstons,1347,0
+pomaria,1210,1
+marstons,2423,0
+shelbyville,728,4
+pinesdale,438,4
+klickitat,2189,1
+lindenwood,4,0
+coffeen,1250,0
+woodbine,1493,1
+wainscott,823,0
+marstons,2179,4
+coffeen,956,1
+pomaria,254,3
+coffeen,1455,2
+pinesdale,403,4
+shelbyville,2578,2
+woodbine,460,0
+pinesdale,1152,6
+newfields,324,5
+marstons,1559,0
+shelbyville,365,1
+lindenwood,903,0
+lakeville,1377,0
+leonardo,2,3
+shelbyville,2504,0
+lindenwood,1891,11
+woodbine,42,7
+beechwood,61,3
+woodbine,1062,2
+lindenwood,213,3
+woodbine,1601,0
+woodbine,295,0
+pomaria,1025,1
+hanson,1659,11
+klickitat,503,15
+ranchester,1365,6
+leonardo,1591,20
+hanson,312,1
+lakeville,183,10
+lindenwood,2044,7
+mifflinburg,810,4
+hanson,1201,4
+klickitat,491,5
+lindenwood,1675,5
+wainscott,863,0
+merom,33,4
+lindenwood,1507,2
+leonardo,965,3
+cosmos,606,3
+klickitat,1724,0
+pinesdale,956,1
+leonardo,571,2
+shelbyville,1906,2
+merom,825,2
+tolstoy,376,3
+newfields,111,4
+lakeville,35,3
+tolstoy,941,2
+ranchester,870,2
+ranchester,919,4
+pinesdale,1017,5
+merom,787,3
+hiteman,398,1
+klickitat,801,3
+mifflinburg,466,1
+marstons,93,4
+merom,1110,3
+klickitat,445,2
+pinesdale,621,0
+coffeen,1058,0
+newfields,471,3
+woodbine,149,3
+pomaria,1577,6
+marstons,60,3
+lindenwood,2675,13
+woodbine,638,2
+woodbine,1713,4
+newfields,313,11
+woodbine,866,3
+lindenwood,2278,5
+lakeville,1446,6
+tolstoy,564,0
+lakeville,1703,1
+merom,203,1
+newfields,41,2
+ranchester,1498,4
+coffeen,776,2
+forkland,242,1
+coffeen,990,2
+pomaria,1650,3
+hanson,1499,5
+shelbyville,2532,2
+klickitat,2087,8
+tolstoy,1225,1
+lindenwood,1484,2
+woodbine,640,0
+shelbyville,1293,0
+lindenwood,699,7
+klickitat,1606,7
+ranchester,295,6
+wainscott,234,12
+woodbine,2028,5
+newfields,787,8
+marstons,2316,0
+merom,27,2
+hanson,980,16
+woodbine,1842,2
+klickitat,225,1
+pinesdale,630,5
+leonardo,470,3
+marstons,1733,0
+marstons,1167,0
+allensville,332,3
+pomaria,639,0
+leonardo,789,5
+leonardo,159,2
+pinesdale,172,5
+hanson,52,8
+newfields,1295,0
+shelbyville,1317,7
+cosmos,283,3
+hanson,189,1
+lindenwood,1587,3
+pomaria,1592,3
+merom,355,6
+woodbine,109,0
+merom,391,3
+tolstoy,1102,12
+cosmos,255,3
+hanson,933,3
+benevolence,509,5
+allensville,369,0
+beechwood,789,9
+newfields,896,2
+cosmos,627,6
+woodbine,441,1
+marstons,934,13
+pinesdale,995,7
+lindenwood,998,3
+leonardo,476,11
+marstons,2480,1
+tolstoy,176,10
+merom,687,6
+tolstoy,1822,11
+leonardo,153,5
+lakeville,1388,9
+pomaria,969,2
+hanson,1501,1
+wainscott,170,4
+lindenwood,725,3
+klickitat,468,3
+beechwood,790,5
+hanson,52,7
+hanson,1068,4
+pomaria,773,6
+klickitat,1402,1
+marstons,2240,3
+leonardo,1633,7
+shelbyville,721,2
+stockman,809,2
+shelbyville,358,3
+woodbine,1186,3
+benevolence,632,7
+pinesdale,673,2
+marstons,1327,11
+shelbyville,2544,14
+leonardo,1363,6
+klickitat,1489,0
+pomaria,1492,6
+lindenwood,267,3
+wainscott,1289,2
+marstons,1512,1
+cosmos,665,3
+forkland,493,3
+pomaria,1459,4
+leonardo,1241,7
+ranchester,302,5
+benevolence,668,3
+shelbyville,2183,4
+pinesdale,1268,0
+wainscott,402,6
+lindenwood,2134,0
+shelbyville,817,0
+mifflinburg,359,2
+hiteman,1397,5
+woodbine,1591,2
+wainscott,1748,3
+onaga,493,1
+hanson,482,15
+shelbyville,1566,10
+ranchester,123,5
+marstons,1850,3
+tolstoy,951,4
+hanson,980,2
+klickitat,670,0
+benevolence,32,4
+wainscott,973,5
+marstons,248,3
+hanson,171,2
+pomaria,455,1
+shelbyville,22,1
+marstons,513,0
+wainscott,1708,3
+leonardo,945,5
+wainscott,1038,3
+forkland,91,0
+pinesdale,421,8
+woodbine,226,3
+lindenwood,1750,0
+mifflinburg,433,5
+ranchester,44,3
+pomaria,1673,5
+klickitat,1465,2
+marstons,985,5
+marstons,2191,5
+leonardo,50,3
+tolstoy,602,7
+woodbine,1374,5
+lindenwood,1478,2
+klickitat,101,4
+ranchester,490,5
+pomaria,1326,16
+shelbyville,2322,17
+tolstoy,1337,5
+coffeen,392,4
+lindenwood,572,11
+woodbine,1462,2
+lindenwood,2330,0
+hanson,593,6
+woodbine,776,0
+coffeen,1312,0
+hiteman,1803,4
+marstons,2316,8
+wainscott,602,1
+hiteman,1230,2
+marstons,2476,2
+pinesdale,1005,0
+woodbine,1508,4
+mifflinburg,387,2
+woodbine,202,2
+lindenwood,2679,1
+pomaria,1398,0
+onaga,272,1
+wainscott,748,2
+hiteman,729,3
+mifflinburg,326,0
+marstons,818,1
+lindenwood,1652,0
+newfields,183,4
+hiteman,1272,4
+ranchester,132,11
+hiteman,1309,7
+shelbyville,548,4
+hiteman,792,3
+woodbine,1465,2
+klickitat,500,6
+shelbyville,1323,3
+lakeville,1493,18
+stockman,1005,3
+shelbyville,660,4
+klickitat,1006,9
+hanson,340,7
+tolstoy,740,2
+lakeville,1430,8
+hanson,1146,5
+hiteman,251,2
+newfields,90,0
+merom,317,1
+hiteman,1257,1
+forkland,704,4
+lindenwood,2090,4
+hanson,1244,4
+tolstoy,1155,3
+wainscott,781,5
+lakeville,996,3
+lindenwood,2023,2
+stockman,455,0
+tolstoy,976,1
+leonardo,2042,8
+klickitat,522,1
+shelbyville,2697,7
+stockman,1151,2
+newfields,117,2
+klickitat,142,3
+woodbine,958,3
+marstons,1738,6
+benevolence,300,0
+marstons,1159,2
+ranchester,179,2
+wainscott,163,1
+wainscott,391,6
+forkland,453,2
+shelbyville,1334,1
+mifflinburg,235,9
+marstons,152,3
+cosmos,217,5
+wainscott,1531,1
+wainscott,975,0
+lindenwood,1073,2
+onaga,566,1
+cosmos,132,7
+forkland,106,0
+lindenwood,595,7
+cosmos,584,0
+newfields,335,0
+ranchester,293,3
+pomaria,591,1
+pomaria,689,0
+pinesdale,18,4
+lakeville,165,7
+klickitat,2315,1
+marstons,2606,5
+klickitat,1329,11
+onaga,646,5
+lindenwood,647,1
+pomaria,448,2
+allensville,276,1
+tolstoy,1396,0
+pomaria,1487,1
+hiteman,67,7
+woodbine,838,1
+klickitat,1596,3
+woodbine,916,4
+hiteman,373,2
+lindenwood,147,11
+klickitat,1500,9
+wainscott,217,0
+marstons,757,8
+pinesdale,1123,1
+hanson,390,1
+marstons,517,2
+pinesdale,437,4
+lindenwood,1808,6
+woodbine,1853,13
+klickitat,1325,1
+pinesdale,377,4
+ranchester,32,4
+merom,131,3
+woodbine,516,1
+benevolence,431,3
+newfields,102,4
+marstons,2530,12
+cosmos,1012,1
+coffeen,268,0
+marstons,2265,4
+klickitat,474,0
+lindenwood,940,0
+leonardo,1869,5
+leonardo,1856,5
+lakeville,1416,2
+cosmos,392,6
+newfields,569,6
+wainscott,984,1
+klickitat,2199,0
+lindenwood,538,10
+lindenwood,2550,2
+tolstoy,1351,0
+allensville,262,3
+hiteman,1492,2
+hanson,61,0
+woodbine,1133,2
+lindenwood,2571,5
+hiteman,1308,12
+woodbine,1345,0
+klickitat,1254,3
+woodbine,557,3
+ranchester,1470,6
+wainscott,1366,1
+hanson,474,1
+klickitat,599,0
+hanson,399,3
+newfields,1458,7
+beechwood,691,0
+hanson,709,11
+wainscott,1171,6
+pomaria,55,1
+hiteman,1170,1
+beechwood,241,4
+lindenwood,429,0
+ranchester,350,9
+marstons,2294,1
+woodbine,1629,13
+ranchester,717,3
+lakeville,1331,0
+shelbyville,700,3
+ranchester,1618,2
+leonardo,669,4
+woodbine,729,2
+newfields,1121,0
+woodbine,1950,8
+klickitat,427,4
+cosmos,640,8
+pomaria,1522,1
+pomaria,1023,3
+lakeville,7,1
+klickitat,1312,5
+klickitat,467,5
+lakeville,907,12
+lindenwood,933,1
+newfields,1222,17
+merom,375,2
+klickitat,716,3
+shelbyville,1115,8
+coffeen,397,1
+beechwood,1101,2
+lakeville,958,13
+lindenwood,1242,0
+shelbyville,2037,4
+coffeen,1509,2
+lakeville,152,0
+pomaria,461,2
+shelbyville,43,3
+lindenwood,1082,1
+klickitat,2239,4
+newfields,739,3
+klickitat,43,2
+tolstoy,1426,0
+woodbine,1999,4
+lakeville,1299,1
+mifflinburg,295,0
+klickitat,1403,4
+newfields,658,13
+newfields,1174,3
+klickitat,653,1
+benevolence,51,2
+hanson,741,4
+woodbine,90,5
+forkland,427,1
+hiteman,388,3
+woodbine,746,11
+lindenwood,2403,5
+merom,1001,6
+lindenwood,1564,5
+stockman,745,0
+pomaria,1404,1
+hiteman,1686,0
+lakeville,536,0
+klickitat,1553,12
+hanson,947,8
+hiteman,1545,1
+hanson,1495,15
+lindenwood,1915,14
+forkland,784,2
+coffeen,332,0
+cosmos,467,3
+pinesdale,1286,6
+forkland,397,3
+marstons,1413,3
+lindenwood,994,1
+hanson,1509,0
+newfields,314,0
+klickitat,1041,9
+coffeen,1018,1
+woodbine,1352,1
+benevolence,8,6
+wainscott,621,11
+merom,647,1
+wainscott,745,5
+marstons,1863,1
+lindenwood,892,2
+pomaria,1163,0
+hanson,28,10
+pomaria,1674,0
+pomaria,1560,0
+pinesdale,298,4
+leonardo,927,2
+woodbine,159,7
+pomaria,1138,11
+klickitat,1250,5
+marstons,326,9
+beechwood,7,3
+beechwood,765,8
+shelbyville,748,1
+newfields,202,7
+stockman,4,2
+tolstoy,635,4
+leonardo,1051,1
+stockman,569,1
+ranchester,161,3
+newfields,316,1
+shelbyville,1573,9
+tolstoy,800,2
+hanson,1277,4
+wainscott,155,0
+lakeville,823,0
+lindenwood,144,4
+pomaria,1596,2
+ranchester,837,1
+stockman,644,4
+klickitat,2286,3
+leonardo,1120,4
+pomaria,1044,17
+lindenwood,2435,2
+benevolence,342,8
+lakeville,1772,5
+shelbyville,193,8
+lakeville,942,0
+shelbyville,1420,4
+woodbine,1991,2
+lakeville,68,5
+stockman,658,2
+klickitat,1114,9
+lindenwood,1321,8
+cosmos,965,10
+shelbyville,353,0
+marstons,2000,16
+onaga,110,1
+cosmos,1038,4
+ranchester,1611,11
+lakeville,118,3
+cosmos,111,4
+allensville,114,0
+lakeville,933,6
+klickitat,1271,5
+pomaria,177,5
+forkland,1002,3
+hiteman,841,3
+woodbine,587,10
+leonardo,1783,14
+hiteman,1556,3
+lindenwood,456,4
+stockman,853,4
+wainscott,387,11
+pomaria,170,3
+lakeville,1877,3
+lakeville,1770,5
+pinesdale,1316,6
+lindenwood,874,1
+marstons,1195,10
+coffeen,643,2
+marstons,2639,9
+leonardo,597,8
+pomaria,1600,0
+wainscott,637,4
+pomaria,1472,6
+onaga,603,0
+tolstoy,1530,0
+beechwood,324,5
+marstons,2055,0
+lindenwood,2630,3
+shelbyville,1002,1
+woodbine,849,1
+shelbyville,2530,2
+hanson,771,1
+lakeville,977,13
+wainscott,303,4
+marstons,281,2
+marstons,2289,4
+tolstoy,418,3
+tolstoy,314,0
+marstons,2448,3
+hiteman,473,4
+stockman,446,4
+coffeen,1217,2
+marstons,23,2
+pomaria,76,4
+woodbine,603,14
+lindenwood,1818,5
+mifflinburg,974,2
+wainscott,314,0
+beechwood,664,6
+klickitat,1088,9
+marstons,130,10
+woodbine,330,2
+hiteman,1104,9
+lindenwood,76,3
+lindenwood,444,1
+benevolence,208,0
+klickitat,1680,0
+newfields,397,4
+benevolence,577,11
+lakeville,917,2
+leonardo,291,5
+beechwood,1011,0
+lakeville,1189,1
+mifflinburg,447,8
+wainscott,1551,3
+lindenwood,2445,5
+pinesdale,184,0
+lindenwood,2536,0
+merom,1119,1
+marstons,2415,12
+lakeville,6,8
+coffeen,698,0
+coffeen,186,4
+hanson,724,9
+tolstoy,1157,6
+lindenwood,1661,3
+hiteman,219,4
+onaga,4,4
+cosmos,1018,2
+lindenwood,162,2
+ranchester,1523,4
+marstons,284,14
+lakeville,1129,0
+wainscott,379,4
+lindenwood,2315,3
+ranchester,219,13
+beechwood,298,0
+lindenwood,1261,5
+klickitat,422,2
+leonardo,1984,2
+lindenwood,2039,5
+newfields,404,7
+newfields,1110,2
+leonardo,474,7
+tolstoy,1678,4
+stockman,959,4
+marstons,1939,0
+klickitat,127,8
+wainscott,65,6
+beechwood,699,2
+beechwood,219,2
+hanson,506,4
+tolstoy,159,0
+klickitat,6,5
+hiteman,704,0
+lakeville,59,13
+stockman,1007,1
+mifflinburg,200,3
+hanson,1292,3
+ranchester,1021,6
+lakeville,998,9
+pomaria,1496,0
+shelbyville,2181,4
+klickitat,690,4
+allensville,236,2
+onaga,457,0
+ranchester,946,5
+shelbyville,1766,7
+klickitat,1850,1
+newfields,928,5
+shelbyville,2394,2
+lindenwood,1573,3
+mifflinburg,922,2
+merom,653,1
+coffeen,246,4
+woodbine,1952,12
+klickitat,1903,6
+cosmos,811,4
+cosmos,885,1
+woodbine,1513,3
+lindenwood,2677,0
+lakeville,1086,2
+cosmos,375,2
+woodbine,1808,6
+newfields,148,8
+newfields,1576,4
+klickitat,731,8
+klickitat,1186,5
+klickitat,1187,3
+coffeen,685,10
+ranchester,1502,4
+klickitat,1312,7
+pomaria,974,7
+ranchester,1411,5
+leonardo,700,0
+wainscott,1293,1
+lindenwood,896,4
+tolstoy,511,1
+woodbine,1625,0
+shelbyville,1392,4
+shelbyville,2284,1
+merom,160,3
+wainscott,1442,2
+lakeville,1361,7
+forkland,246,5
+pinesdale,1307,13
+tolstoy,579,4
+pinesdale,1218,1
+klickitat,2009,1
+pinesdale,1153,2
+marstons,2044,1
+pomaria,611,0
+marstons,813,2
+woodbine,116,1
+ranchester,1371,4
+wainscott,340,1
+marstons,2594,7
+merom,917,3
+lakeville,487,8
+allensville,393,2
+mifflinburg,304,1
+leonardo,440,2
+beechwood,993,4
+lindenwood,918,0
+ranchester,1013,5
+hiteman,41,2
+leonardo,1507,8
+lindenwood,932,6
+wainscott,837,3
+shelbyville,2792,2
+forkland,1111,2
+shelbyville,110,1
+woodbine,1888,2
+lindenwood,2245,3
+ranchester,596,14
+forkland,865,3
+lakeville,434,4
+lindenwood,2304,10
+hiteman,562,1
+mifflinburg,828,6
+wainscott,1377,6
+coffeen,710,2
+marstons,1911,1
+merom,208,1
+pinesdale,408,1
+shelbyville,2060,6
+leonardo,1985,8
+marstons,2122,6
+ranchester,1365,11
+beechwood,489,0
+mifflinburg,45,2
+merom,547,0
+tolstoy,1179,7
+hiteman,950,2
+newfields,694,4
+beechwood,892,3
+lindenwood,999,0
+ranchester,1369,0
+woodbine,305,2
+leonardo,2063,1
+hiteman,525,13
+coffeen,300,1
+shelbyville,1069,15
+hanson,870,4
+ranchester,851,4
+allensville,384,1
+forkland,673,7
+tolstoy,143,6
+wainscott,874,4
+marstons,2595,11
+woodbine,578,2
+shelbyville,2137,7
+forkland,978,2
+shelbyville,2078,1
+marstons,1346,4
+lindenwood,179,4
+lindenwood,570,1
+shelbyville,994,14
+leonardo,1794,0
+shelbyville,1843,7
+klickitat,1822,6
+merom,1014,0
+wainscott,1146,4
+klickitat,2071,3
+benevolence,681,7
+shelbyville,956,5
+shelbyville,682,2
+hiteman,1163,4
+lakeville,904,6
+klickitat,1445,2
+woodbine,1186,8
+marstons,2040,3
+klickitat,814,0
+coffeen,634,8
+lindenwood,495,6
+lindenwood,1145,2
+wainscott,580,0
+wainscott,1076,6
+benevolence,746,4
+hanson,78,5
+pinesdale,180,0
+mifflinburg,725,0
+hiteman,1223,2
+lindenwood,1714,5
+leonardo,1024,8
+beechwood,752,7
+beechwood,1162,1
+shelbyville,472,1
+tolstoy,227,4
+hiteman,1622,8
+hiteman,1306,4
+tolstoy,1103,2
+leonardo,600,2
+wainscott,850,2
+shelbyville,2598,3
+klickitat,1218,4
+shelbyville,1849,3
+shelbyville,2151,3
+pinesdale,91,0
+merom,901,1
+stockman,463,8
+pomaria,381,1
+stockman,560,0
+newfields,1354,8
+ranchester,1364,4
+pinesdale,555,15
+lindenwood,262,5
+shelbyville,1394,0
+newfields,1413,1
+ranchester,97,6
+marstons,2516,3
+leonardo,1448,2
+marstons,662,11
+stockman,965,0
+tolstoy,98,1
+lakeville,1497,0
+ranchester,227,1
+coffeen,972,2
+marstons,477,5
+stockman,1018,8
+beechwood,991,0
+coffeen,1501,1
+leonardo,1664,11
+forkland,819,1
+marstons,847,7
+stockman,802,5
+onaga,364,8
+newfields,1353,4
+klickitat,1815,2
+allensville,496,4
+wainscott,993,7
+coffeen,1512,2
+wainscott,761,7
+klickitat,1967,3
+marstons,2226,0
+marstons,2619,4
+forkland,1147,2
+pinesdale,846,1
+marstons,2318,2
+beechwood,196,0
+woodbine,1558,1
+cosmos,812,0
+klickitat,2358,14
+lakeville,40,4
+merom,794,4
+coffeen,321,5
+forkland,952,5
+lakeville,508,4
+forkland,211,2
+leonardo,947,5
+wainscott,1609,4
+stockman,362,1
+marstons,2014,0
+pinesdale,1021,2
+woodbine,1376,7
+pinesdale,1504,3
+marstons,584,7
+ranchester,678,3
+lindenwood,1104,7
+marstons,1786,2
+hanson,459,1
+leonardo,1361,2
+cosmos,1031,0
+merom,1043,0
+wainscott,880,9
+hanson,519,5
+hanson,1109,6
+klickitat,1584,12
+lindenwood,2514,5
+hanson,954,3
+beechwood,155,10
+beechwood,304,5
+newfields,1445,0
+shelbyville,2352,10
+tolstoy,1610,0
+wainscott,622,5
+wainscott,697,1
+marstons,576,0
+lindenwood,1566,6
+woodbine,342,1
+lakeville,1127,2
+lindenwood,2389,5
+benevolence,267,0
+hiteman,275,7
+ranchester,1401,1
+marstons,340,4
+woodbine,1541,3
+marstons,331,1
+lindenwood,917,4
+ranchester,376,2
+marstons,2571,3
+ranchester,948,2
+lakeville,391,4
+klickitat,266,7
+lindenwood,1480,1
+klickitat,376,7
+marstons,391,10
+allensville,86,1
+tolstoy,1035,13
+hanson,43,7
+lakeville,670,2
+coffeen,493,0
+leonardo,1591,13
+lakeville,1426,4
+beechwood,134,2
+benevolence,962,0
+tolstoy,1128,7
+klickitat,1513,1
+ranchester,1033,14
+benevolence,548,8
+tolstoy,1011,6
+leonardo,1149,4
+hiteman,1693,1
+cosmos,201,3
+tolstoy,1166,0
+stockman,788,8
+hiteman,359,0
+marstons,895,16
+pomaria,1175,14
+stockman,1077,4
+lakeville,672,10
+marstons,2656,4
+lindenwood,1230,3
+ranchester,574,5
+lindenwood,1705,1
+klickitat,789,0
+lindenwood,1954,4
+wainscott,235,3
+ranchester,953,6
+hiteman,627,0
+ranchester,843,5
+marstons,2064,5
+stockman,1327,4
+cosmos,920,3
+shelbyville,2808,3
+newfields,543,1
+shelbyville,2056,3
+newfields,133,4
+lindenwood,982,0
+coffeen,286,1
+wainscott,1614,5
+ranchester,938,7
+lindenwood,1416,1
+leonardo,1774,2
+woodbine,973,1
+allensville,188,2
+marstons,284,9
+klickitat,2085,0
+pinesdale,120,0
+hiteman,116,2
+wainscott,427,1
+wainscott,645,11
+forkland,90,1
+shelbyville,53,0
+hanson,553,4
+marstons,2297,0
+hanson,437,0
+klickitat,65,4
+merom,675,1
+tolstoy,649,5
+klickitat,1595,11
+mifflinburg,132,8
+wainscott,1412,3
+beechwood,406,0
+coffeen,1177,2
+pomaria,490,7
+leonardo,281,8
+ranchester,1277,1
+klickitat,986,9
+lakeville,1741,10
+forkland,786,2
+cosmos,1053,3
+coffeen,257,1
+lakeville,162,4
+marstons,2521,5
+merom,822,0
+lakeville,1746,0
+coffeen,703,0
+onaga,134,0
+woodbine,224,7
+coffeen,545,2
+newfields,101,6
+wainscott,1618,11
+lakeville,1514,3
+marstons,1242,0
+woodbine,1659,5
+leonardo,1418,3
+pinesdale,1388,3
+benevolence,890,7
+wainscott,1258,1
+pomaria,150,17
+pomaria,1472,5
+newfields,1625,1
+woodbine,320,1
+shelbyville,1055,0
+stockman,1407,2
+tolstoy,1183,4
+stockman,683,0
+ranchester,645,11
+marstons,1751,11
+hanson,1615,1
+lakeville,1613,5
+newfields,246,6
+benevolence,115,1
+newfields,331,4
+pinesdale,665,2
+marstons,972,1
+shelbyville,1548,6
+hanson,1256,8
+cosmos,243,0
+stockman,394,3
+hanson,1573,3
+ranchester,928,11
+leonardo,1567,3
+lindenwood,110,0
+cosmos,392,7
+tolstoy,718,0
+mifflinburg,798,7
+shelbyville,2482,2
+leonardo,253,2
+ranchester,627,0
+lakeville,487,2
+tolstoy,677,5
+woodbine,920,0
+woodbine,187,3
+woodbine,1140,1
+merom,811,0
+shelbyville,1260,0
+woodbine,1507,2
+newfields,1424,10
+marstons,232,3
+cosmos,811,2
+beechwood,416,0
+lindenwood,1124,6
+newfields,7,1
+hiteman,1331,6
+shelbyville,2559,3
+coffeen,1416,3
+leonardo,1328,7
+shelbyville,788,4
+marstons,1499,2
+shelbyville,1519,2
+leonardo,1076,2
+marstons,874,7
+hiteman,19,3
+leonardo,1413,1
+newfields,704,1
+tolstoy,761,2
+hiteman,1173,1
+ranchester,1114,7
+ranchester,210,15
+onaga,190,9
+tolstoy,1108,2
+cosmos,734,3
+lindenwood,825,1
+tolstoy,1405,7
+woodbine,390,1
+pomaria,273,1
+newfields,1148,1
+newfields,465,3
+shelbyville,1124,2
+woodbine,1672,5
+hiteman,234,2
+shelbyville,1408,2
+merom,735,6
+beechwood,701,2
+leonardo,1000,22
+leonardo,1959,2
+newfields,238,4
+klickitat,1844,2
+klickitat,1766,6
+lindenwood,1003,11
+marstons,964,2
+lakeville,1080,7
+forkland,125,1
+tolstoy,82,6
+lakeville,1685,8
+coffeen,626,7
+ranchester,1446,7
+tolstoy,1252,0
+pomaria,295,1
+woodbine,1901,0
+leonardo,1781,1
+merom,965,1
+woodbine,1109,1
+shelbyville,1524,9
+forkland,1006,3
+woodbine,603,2
+woodbine,1539,3
+shelbyville,2137,6
+shelbyville,621,0
+wainscott,75,2
+leonardo,1756,0
+klickitat,1947,3
+pinesdale,1130,1
+cosmos,644,0
+pomaria,1504,5
+onaga,527,3
+hanson,57,3
+wainscott,830,7
+woodbine,480,3
+klickitat,2304,4
+ranchester,871,6
+hiteman,719,2
+forkland,100,2
+pomaria,786,0
+pinesdale,968,1
+ranchester,1627,13
+newfields,1052,3
+coffeen,379,2
+lindenwood,1762,5
+marstons,340,0
+merom,480,2
+wainscott,1158,0
+forkland,21,1
+mifflinburg,956,1
+leonardo,1354,1
+stockman,565,3
+newfields,1603,2
+beechwood,878,2
+marstons,683,0
+mifflinburg,771,4
+klickitat,986,0
+lindenwood,2122,4
+lakeville,558,1
+merom,543,5
+lakeville,1799,18
+lindenwood,1512,1
+woodbine,279,1
+coffeen,1213,1
+pinesdale,360,1
+ranchester,1581,6
+newfields,183,2
+lindenwood,285,6
+marstons,1589,12
+wainscott,599,2
+marstons,1154,4
+pomaria,259,7
+newfields,1376,6
+klickitat,1191,3
+lakeville,704,0
+hiteman,1426,0
+tolstoy,1469,0
+stockman,453,2
+shelbyville,453,6
+pomaria,1531,1
+coffeen,776,0
+lakeville,1080,5
+wainscott,966,4
+ranchester,447,2
+stockman,602,0
+hanson,75,9
+shelbyville,1580,0
+marstons,403,6
+klickitat,391,1
+leonardo,1616,2
+lakeville,192,4
+klickitat,1949,3
+merom,394,1
+leonardo,347,3
+lakeville,818,11
+merom,257,2
+coffeen,575,1
+woodbine,1796,10
+wainscott,980,1
+leonardo,1478,3
+wainscott,1465,0
+newfields,1621,1
+shelbyville,896,0
+klickitat,1011,0
+shelbyville,1149,2
+marstons,443,4
+newfields,194,3
+lindenwood,107,3
+beechwood,854,0
+lakeville,1085,5
+stockman,831,1
+leonardo,391,8
+wainscott,994,3
+beechwood,29,5
+lindenwood,522,11
+marstons,797,6
+shelbyville,2645,3
+lakeville,111,12
+pomaria,674,0
+stockman,437,5
+shelbyville,1927,9
+hiteman,998,1
+woodbine,728,6
+allensville,323,8
+mifflinburg,916,4
+leonardo,698,0
+wainscott,1578,3
+marstons,2505,0
+woodbine,962,6
+merom,932,1
+wainscott,1488,7
+shelbyville,1115,0
+lindenwood,214,2
+woodbine,294,3
+onaga,15,5
+leonardo,269,5
+hanson,943,0
+pomaria,400,1
+marstons,705,2
+woodbine,748,6
+wainscott,725,3
+ranchester,83,11
+stockman,946,1
+wainscott,78,0
+merom,433,2
+pinesdale,123,1
+shelbyville,2165,3
+mifflinburg,244,0
+wainscott,364,2
+newfields,534,12
+lindenwood,1034,0
+klickitat,1882,0
+cosmos,623,7
+klickitat,156,9
+newfields,565,5
+ranchester,1321,2
+shelbyville,621,3
+hiteman,1570,4
+newfields,1521,3
+klickitat,1232,1
+lakeville,1542,3
+allensville,234,7
+shelbyville,1182,0
+marstons,1336,0
+hanson,667,1
+tolstoy,868,2
+marstons,1648,1
+allensville,247,0
+ranchester,464,11
+lindenwood,148,2
+hiteman,30,0
+hanson,1115,3
+wainscott,728,4
+marstons,841,18
+shelbyville,1126,2
+stockman,966,3
+pomaria,658,7
+shelbyville,527,5
+stockman,497,4
+lindenwood,1526,0
+wainscott,944,5
+wainscott,1159,2
+tolstoy,147,5
+marstons,2118,8
+klickitat,1614,6
+lindenwood,1869,4
+hiteman,1379,2
+hanson,1594,4
+woodbine,643,3
+coffeen,1131,4
+ranchester,838,0
+forkland,400,3
+pinesdale,4,12
+pomaria,1607,6
+shelbyville,2777,0
+wainscott,810,3
+pomaria,627,6
+wainscott,415,4
+hiteman,522,0
+wainscott,885,7
+leonardo,303,15
+newfields,1466,1
+tolstoy,543,2
+marstons,98,7
+hanson,1334,2
+stockman,1008,3
+pinesdale,53,2
+leonardo,2006,11
+tolstoy,40,2
+woodbine,1700,14
+shelbyville,722,0
+wainscott,1349,0
+hiteman,1199,3
+klickitat,320,12
+marstons,2639,3
+beechwood,583,1
+cosmos,762,1
+beechwood,727,1
+woodbine,1430,1
+lindenwood,1675,1
+shelbyville,1650,7
+lindenwood,2186,3
+lindenwood,1582,8
+pinesdale,1315,0
+coffeen,279,0
+onaga,489,0
+coffeen,309,2
+wainscott,536,4
+shelbyville,28,6
+beechwood,1069,4
+shelbyville,2771,3
+marstons,1348,2
+woodbine,590,0
+mifflinburg,497,3
+klickitat,2095,1
+stockman,452,0
+wainscott,354,8
+allensville,3,3
+merom,224,0
+newfields,1314,9
+pomaria,743,14
+ranchester,414,11
+woodbine,946,4
+cosmos,150,9
+lindenwood,633,2
+marstons,35,4
+ranchester,918,3
+klickitat,1718,1
+hanson,409,3
+marstons,5,7
+klickitat,1468,17
+cosmos,330,5
+newfields,1552,0
+pomaria,765,6
+cosmos,162,1
+leonardo,1000,20
+klickitat,912,1
+klickitat,226,0
+hanson,1111,8
+lakeville,532,1
+woodbine,1800,9
+leonardo,1159,0
+benevolence,482,10
+tolstoy,1044,2
+marstons,715,7
+lindenwood,2567,9
+newfields,878,0
+marstons,503,7
+lakeville,612,2
+woodbine,629,5
+pomaria,124,2
+wainscott,993,3
+pinesdale,507,4
+marstons,2293,6
+lindenwood,2567,6
+lindenwood,1277,10
+leonardo,1014,0
+leonardo,568,4
+newfields,550,0
+pinesdale,122,6
+newfields,1307,2
+shelbyville,2614,11
+merom,18,2
+marstons,535,15
+benevolence,37,10
+hanson,1441,3
+lindenwood,1046,0
+lakeville,1493,14
+marstons,603,0
+lindenwood,2480,3
+beechwood,869,4
+allensville,61,1
+klickitat,1968,2
+klickitat,3,5
+leonardo,1626,6
+lakeville,1320,8
+onaga,60,3
+lindenwood,2178,8
+lakeville,1144,0
+lindenwood,1928,2
+pomaria,599,14
+marstons,543,11
+marstons,168,5
+hanson,1161,10
+forkland,973,0
+shelbyville,1872,2
+wainscott,57,0
+coffeen,972,6
+lindenwood,2455,12
+pomaria,1464,4
+woodbine,432,10
+shelbyville,1969,5
+klickitat,2207,0
+mifflinburg,853,2
+hiteman,407,2
+stockman,67,2
+coffeen,711,3
+ranchester,556,7
+shelbyville,2031,6
+hanson,1207,2
+klickitat,822,13
+forkland,328,0
+wainscott,1220,0
+marstons,2072,0
+lakeville,1069,3
+tolstoy,223,5
+lindenwood,131,1
+shelbyville,725,6
+woodbine,1491,9
+hiteman,880,12
+marstons,1373,3
+benevolence,322,0
+marstons,1604,3
+pomaria,996,7
+newfields,825,5
+cosmos,482,1
+newfields,1657,7
+woodbine,823,8
+leonardo,631,2
+marstons,1271,5
+newfields,577,8
+pinesdale,908,3
+hanson,1140,2
+klickitat,287,1
+hanson,667,7
+woodbine,1612,13
+pinesdale,1467,8
+lakeville,504,7
+shelbyville,632,9
+lindenwood,1742,4
+hiteman,497,4
+merom,159,0
+hanson,1225,4
+coffeen,55,6
+lakeville,309,1
+forkland,1074,1
+ranchester,1446,3
+wainscott,403,8
+leonardo,1289,0
+wainscott,82,13
+klickitat,286,4
+hanson,476,4
+lakeville,899,0
+stockman,1195,1
+wainscott,1164,4
+coffeen,267,1
+lindenwood,711,0
+merom,378,7
+lakeville,1613,15
+newfields,120,12
+lakeville,854,0
+merom,328,5
+shelbyville,1586,7
+benevolence,688,1
+onaga,517,8
+benevolence,751,11
+leonardo,2040,8
+tolstoy,159,2
+shelbyville,373,4
+forkland,382,2
+leonardo,15,6
+lindenwood,2003,3
+tolstoy,1102,11
+shelbyville,1792,1
+woodbine,173,3
+beechwood,324,0
+klickitat,2417,2
+stockman,444,4
+klickitat,2324,8
+wainscott,1205,5
+allensville,223,2
+woodbine,1627,5
+lindenwood,1129,0
+beechwood,585,6
+klickitat,531,4
+forkland,659,2
+beechwood,1151,3
+lakeville,142,6
+newfields,931,6
+leonardo,851,0
+woodbine,1849,7
+ranchester,1466,5
+lindenwood,491,0
+shelbyville,1046,0
+onaga,18,1
+hanson,1577,4
+klickitat,312,4
+marstons,2085,0
+leonardo,1351,4
+hanson,1644,0
+leonardo,2067,4
+ranchester,1519,4
+marstons,1430,0
+lindenwood,244,11
+coffeen,140,2
+newfields,932,3
+newfields,1219,0
+lakeville,1415,0
+marstons,2439,0
+pinesdale,707,10
+shelbyville,2499,5
+leonardo,1829,1
+lindenwood,237,1
+ranchester,104,1
+marstons,2598,2
+tolstoy,1132,6
+lakeville,1694,8
+lindenwood,2422,3
+shelbyville,126,6
+newfields,897,0
+allensville,44,4
+forkland,1052,7
+stockman,1068,2
+woodbine,832,9
+wainscott,1259,3
+leonardo,584,1
+shelbyville,1842,7
+wainscott,84,3
+ranchester,146,4
+marstons,211,13
+hiteman,456,1
+marstons,1239,11
+pinesdale,636,2
+wainscott,1290,2
+pinesdale,763,2
+stockman,131,3
+shelbyville,2309,1
+lindenwood,371,0
+beechwood,822,5
+coffeen,986,4
+pinesdale,118,4
+leonardo,1046,0
+leonardo,604,9
+pomaria,885,1
+benevolence,116,2
+cosmos,343,10
+newfields,1040,10
+hiteman,585,2
+tolstoy,1056,3
+woodbine,390,2
+hanson,1034,0
+ranchester,1033,15
+tolstoy,1263,12
+stockman,836,1
+woodbine,664,9
+leonardo,1867,5
+klickitat,97,1
+hanson,75,5
+wainscott,111,1
+stockman,1013,2
+woodbine,708,12
+leonardo,789,1
+beechwood,696,0
+lakeville,214,2
+forkland,363,1
+hiteman,497,5
+hiteman,46,3
+cosmos,501,5
+tolstoy,467,0
+leonardo,1617,3
+wainscott,293,8
+klickitat,2355,2
+merom,559,7
+shelbyville,2101,10
+woodbine,1237,6
+wainscott,618,6
+leonardo,1947,2
+stockman,1019,1
+klickitat,238,5
+pomaria,32,1
+hanson,1080,0
+klickitat,419,2
+coffeen,486,2
+marstons,518,13
+wainscott,1121,8
+cosmos,967,7
+marstons,1430,11
+mifflinburg,558,2
+woodbine,1779,4
+newfields,516,4
+pomaria,287,3
+woodbine,875,7
+shelbyville,490,15
+pinesdale,1363,9
+newfields,1155,0
+lakeville,1128,10
+stockman,1333,2
+newfields,315,3
+klickitat,611,1
+shelbyville,997,12
+shelbyville,857,11
+leonardo,265,11
+ranchester,90,1
+klickitat,1416,13
+forkland,956,2
+klickitat,19,4
+lakeville,395,0
+leonardo,489,8
+cosmos,845,1
+marstons,74,4
+hanson,411,0
+cosmos,379,6
+wainscott,346,1
+hanson,279,4
+pomaria,1130,4
+leonardo,864,0
+ranchester,465,2
+shelbyville,450,3
+hanson,336,12
+tolstoy,1181,4
+beechwood,681,6
+lindenwood,1730,2
+woodbine,1485,6
+klickitat,1435,0
+wainscott,774,3
+leonardo,677,0
+allensville,112,1
+cosmos,887,7
+leonardo,987,0
+marstons,1743,3
+tolstoy,1785,5
+klickitat,1429,5
+pomaria,384,0
+woodbine,926,4
+beechwood,550,7
+ranchester,18,4
+stockman,1344,0
+coffeen,1200,3
+beechwood,1070,11
+lakeville,1743,2
+marstons,1936,1
+pomaria,1183,9
+marstons,200,5
+newfields,1363,3
+woodbine,155,4
+merom,134,3
+coffeen,50,1
+hiteman,1134,5
+coffeen,852,1
+shelbyville,2009,9
+pomaria,777,5
+lakeville,332,13
+shelbyville,1196,9
+wainscott,898,0
+marstons,1010,4
+leonardo,1089,3
+leonardo,117,6
+cosmos,434,6
+newfields,740,11
+lindenwood,2065,1
+forkland,654,4
+tolstoy,1502,1
+wainscott,1749,3
+wainscott,869,4
+wainscott,322,1
+woodbine,30,3
+klickitat,129,0
+klickitat,1748,3
+hiteman,394,3
+newfields,933,3
+hiteman,973,9
+marstons,575,0
+stockman,1198,2
+leonardo,869,9
+lindenwood,568,3
+shelbyville,499,1
+marstons,1116,2
+woodbine,2014,5
+hanson,267,2
+tolstoy,511,7
+lindenwood,702,13
+lindenwood,759,0
+hanson,1295,0
+lindenwood,413,3
+leonardo,10,7
+ranchester,1048,0
+newfields,1277,3
+mifflinburg,458,0
+mifflinburg,570,1
+hiteman,1598,1
+stockman,418,3
+hiteman,1720,0
+pinesdale,845,4
+beechwood,25,6
+pinesdale,42,4
+onaga,586,6
+cosmos,608,2
+wainscott,1459,13
+wainscott,1689,1
+klickitat,48,4
+hanson,1550,4
+tolstoy,774,1
+marstons,1380,2
+newfields,1271,1
+shelbyville,2013,3
+pomaria,1048,1
+lakeville,1227,4
+lakeville,1134,3
+marstons,1309,4
+wainscott,660,4
+klickitat,2109,5
+cosmos,887,8
+wainscott,1727,13
+leonardo,1651,1
+woodbine,931,3
+cosmos,740,8
+klickitat,27,5
+leonardo,1424,0
+shelbyville,533,6
+stockman,699,2
+leonardo,1211,3
+woodbine,417,8
+klickitat,1561,9
+hiteman,209,1
+stockman,1464,2
+leonardo,2063,0
+merom,800,4
+beechwood,687,0
+ranchester,479,3
+marstons,2504,3
+beechwood,79,14
+pinesdale,1222,0
+wainscott,258,4
+woodbine,964,7
+beechwood,1094,2
+leonardo,1182,6
+shelbyville,1352,3
+hanson,246,2
+hanson,388,3
+ranchester,1028,2
+klickitat,1320,1
+leonardo,1139,9
+lindenwood,214,3
+pomaria,907,0
+forkland,565,1
+woodbine,1357,3
+merom,276,6
+leonardo,1910,7
+benevolence,598,3
+pomaria,1455,8
+cosmos,891,13
+klickitat,2208,4
+lakeville,1469,6
+stockman,495,6
+pomaria,773,5
+leonardo,442,10
+pomaria,961,7
+onaga,374,0
+ranchester,406,0
+cosmos,90,5
+coffeen,388,2
+ranchester,1113,2
+ranchester,907,2
+ranchester,1170,2
+pomaria,1392,2
+pomaria,839,1
+merom,244,3
+newfields,611,11
+wainscott,931,9
+pomaria,412,4
+klickitat,743,5
+klickitat,367,5
+onaga,15,6
+lakeville,817,4
+shelbyville,1449,7
+pomaria,1142,3
+shelbyville,2003,3
+woodbine,173,5
+lakeville,738,7
+shelbyville,189,2
+klickitat,2236,3
+wainscott,1188,3
+woodbine,535,1
+pomaria,418,1
+pomaria,804,2
+shelbyville,2533,12
+leonardo,1496,4
+stockman,72,0
+marstons,1463,2
+klickitat,14,11
+pomaria,570,2
+hiteman,1240,11
+wainscott,1298,5
+woodbine,772,0
+merom,983,6
+tolstoy,720,2
+lindenwood,1511,12
+shelbyville,2162,4
+cosmos,790,3
+woodbine,1611,2
+klickitat,1923,3
+lakeville,1239,7
+newfields,768,1
+stockman,1572,0
+lakeville,1545,6
+shelbyville,2038,0
+pomaria,1603,6
+klickitat,254,0
+woodbine,438,7
+onaga,590,6
+marstons,1770,0
+newfields,256,0
+marstons,2561,3
+marstons,903,0
+pinesdale,925,7
+newfields,1523,7
+coffeen,530,0
+merom,861,3
+klickitat,1675,1
+newfields,1513,0
+newfields,755,0
+marstons,847,3
+marstons,944,3
+stockman,3,2
+onaga,516,6
+marstons,555,3
+leonardo,1230,5
+klickitat,600,2
+shelbyville,1285,4
+hanson,605,4
+marstons,1142,2
+tolstoy,326,2
+mifflinburg,437,3
+pinesdale,411,1
+marstons,2418,8
+shelbyville,273,0
+cosmos,871,5
+allensville,356,1
+hanson,590,0
+leonardo,424,2
+stockman,691,1
+lindenwood,1102,7
+lindenwood,298,8
+lakeville,80,6
+woodbine,1218,1
+leonardo,2058,8
+beechwood,961,12
+onaga,664,1
+lakeville,1556,11
+merom,519,9
+shelbyville,2158,2
+woodbine,864,0
+tolstoy,509,3
+woodbine,1846,8
+marstons,766,1
+woodbine,100,2
+shelbyville,2514,0
+benevolence,259,4
+lindenwood,2039,1
+leonardo,1707,4
+pinesdale,176,6
+shelbyville,1818,0
+pomaria,796,0
+merom,893,4
+leonardo,1021,7
+beechwood,1130,11
+lakeville,1207,8
+wainscott,459,1
+ranchester,182,1
+ranchester,1626,5
+marstons,2524,1
+leonardo,1889,6
+ranchester,765,0
+lindenwood,2108,11
+lindenwood,1625,4
+marstons,1810,10
+shelbyville,2070,6
+hanson,1109,5
+tolstoy,1562,0
+leonardo,1790,12
+hiteman,524,1
+benevolence,251,2
+leonardo,263,4
+hiteman,1023,5
+lindenwood,485,3
+lindenwood,1466,3
+klickitat,1441,6
+lakeville,71,7
+leonardo,73,12
+tolstoy,693,0
+klickitat,558,9
+klickitat,945,6
+leonardo,92,1
+cosmos,618,5
+lakeville,1395,2
+shelbyville,1140,9
+onaga,12,4
+tolstoy,222,6
+cosmos,939,3
+woodbine,562,5
+hanson,1354,4
+lakeville,714,0
+stockman,1593,2
+lindenwood,2335,1
+wainscott,99,7
+leonardo,1891,10
+mifflinburg,234,9
+hiteman,1335,0
+tolstoy,1128,4
+benevolence,547,6
+leonardo,1170,3
+lindenwood,1235,3
+hanson,254,13
+beechwood,111,8
+ranchester,1582,3
+hiteman,1834,6
+merom,627,3
+lindenwood,112,2
+pomaria,1506,5
+klickitat,1985,0
+lindenwood,1651,1
+lindenwood,2516,2
+hanson,1636,1
+hanson,724,3
+stockman,1283,5
+klickitat,683,4
+shelbyville,1924,11
+stockman,320,0
+pinesdale,345,1
+marstons,1040,0
+wainscott,834,5
+wainscott,1442,6
+forkland,381,1
+shelbyville,996,2
+newfields,930,7
+klickitat,1967,16
+pomaria,1379,2
+shelbyville,2114,2
+tolstoy,1298,0
+merom,557,3
+marstons,1375,2
+mifflinburg,432,11
+woodbine,1676,3
+woodbine,1634,0
+hiteman,198,6
+marstons,1332,9
+klickitat,1635,1
+ranchester,1208,13
+leonardo,568,1
+lindenwood,2499,1
+klickitat,529,0
+lakeville,645,4
+tolstoy,1755,9
+marstons,1909,12
+hiteman,1468,5
+shelbyville,1541,5
+shelbyville,1908,3
+tolstoy,1830,3
+lindenwood,2562,2
+beechwood,501,0
+leonardo,1790,9
+pomaria,286,1
+stockman,574,3
+woodbine,577,2
+marstons,2316,11
+stockman,668,5
+shelbyville,707,3
+pomaria,1226,5
+stockman,1469,4
+marstons,1892,2
+leonardo,558,6
+pomaria,241,4
+coffeen,1434,3
+shelbyville,2080,1
+lakeville,1095,2
+leonardo,406,2
+hanson,967,5
+benevolence,483,0
+klickitat,1679,14
+shelbyville,218,11
+hiteman,523,1
+leonardo,1436,2
+pinesdale,243,3
+tolstoy,807,7
+shelbyville,2172,10
+newfields,1593,14
+woodbine,1544,4
+mifflinburg,102,6
+woodbine,678,0
+marstons,133,2
+stockman,756,10
+mifflinburg,425,1
+beechwood,32,4
+beechwood,610,0
+wainscott,952,0
+forkland,1158,5
+woodbine,1002,0
+marstons,1327,1
+merom,118,5
+marstons,1323,0
+lindenwood,2404,0
+marstons,368,7
+newfields,846,3
+pomaria,164,6
+hiteman,160,1
+onaga,403,2
+leonardo,1118,0
+marstons,1237,5
+marstons,1311,7
+lindenwood,796,5
+klickitat,789,4
+marstons,1547,5
+lakeville,945,7
+shelbyville,390,3
+tolstoy,1158,4
+leonardo,740,3
+wainscott,1500,5
+pomaria,581,7
+forkland,150,2
+lindenwood,2538,1
+coffeen,549,1
+ranchester,479,9
+hiteman,875,1
+leonardo,1593,1
+klickitat,1377,2
+lindenwood,1943,3
+shelbyville,2551,11
+stockman,1339,3
+forkland,148,1
+lakeville,849,1
+pomaria,924,4
+klickitat,1069,1
+hanson,301,2
+marstons,40,1
+hiteman,1205,4
+klickitat,1880,4
+stockman,1179,6
+onaga,638,5
+cosmos,646,1
+lindenwood,402,0
+allensville,439,3
+lakeville,1065,0
+wainscott,1077,10
+lindenwood,1402,11
+shelbyville,799,1
+klickitat,101,10
+shelbyville,2017,4
+leonardo,271,3
+stockman,17,4
+lakeville,1846,5
+klickitat,1766,2
+lindenwood,1306,3
+lakeville,1443,0
+mifflinburg,489,1
+shelbyville,1572,1
+leonardo,1933,17
+mifflinburg,88,1
+hanson,76,5
+mifflinburg,677,0
+hanson,1509,8
+wainscott,594,1
+leonardo,1879,5
+wainscott,296,1
+woodbine,745,10
+woodbine,1442,13
+leonardo,367,0
+stockman,1553,0
+beechwood,45,2
+wainscott,8,5
+hanson,579,0
+wainscott,923,9
+wainscott,539,14
+woodbine,1515,1
+shelbyville,2105,11
+hanson,423,10
+hiteman,99,13
+lindenwood,50,1
+newfields,822,4
+hanson,436,2
+stockman,335,3
+cosmos,236,1
+merom,364,1
+leonardo,1056,2
+lindenwood,1525,1
+woodbine,1700,2
+forkland,108,0
+shelbyville,64,2
+hanson,872,1
+beechwood,455,10
+wainscott,1651,13
+hiteman,1338,1
+stockman,1141,15
+wainscott,1598,0
+klickitat,214,10
+hiteman,1801,0
+lakeville,104,5
+benevolence,717,5
+lindenwood,149,2
+shelbyville,1101,9
+onaga,369,1
+wainscott,797,1
+wainscott,586,8
+lindenwood,959,1
+pomaria,609,2
+lakeville,1258,4
+stockman,955,2
+pomaria,1517,0
+hiteman,148,1
+klickitat,295,2
+lakeville,452,7
+coffeen,712,3
+woodbine,2024,6
+klickitat,2311,3
+hiteman,570,1
+lakeville,483,4
+lindenwood,2677,1
+pomaria,586,2
+hiteman,786,3
+ranchester,1527,7
+klickitat,2333,13
+hiteman,297,4
+leonardo,1819,6
+stockman,1139,1
+hanson,74,18
+woodbine,1551,10
+hiteman,989,5
+pomaria,940,0
+mifflinburg,401,2
+wainscott,705,2
+mifflinburg,15,2
+klickitat,1423,2
+mifflinburg,235,11
+onaga,499,1
+pomaria,1556,5
+woodbine,845,0
+allensville,88,0
+klickitat,225,4
+lakeville,833,2
+lakeville,918,5
+hiteman,894,2
+coffeen,1411,4
+mifflinburg,428,2
+forkland,245,10
+klickitat,1021,4
+leonardo,1072,2
+klickitat,1688,16
+coffeen,208,1
+hanson,1590,0
+hiteman,1347,6
+merom,1037,2
+lindenwood,1621,9
+pomaria,759,7
+wainscott,817,0
+stockman,110,0
+leonardo,390,0
+lakeville,1013,4
+stockman,972,3
+hanson,114,0
+marstons,880,14
+wainscott,1781,1
+marstons,2582,1
+merom,961,3
+woodbine,1331,0
+coffeen,460,10
+newfields,227,1
+lindenwood,4,2
+woodbine,925,6
+tolstoy,492,4
+pomaria,910,1
+tolstoy,1212,4
+woodbine,1660,2
+woodbine,777,0
+woodbine,1051,9
+klickitat,2174,6
+beechwood,655,1
+hiteman,692,3
+forkland,766,2
+marstons,1135,8
+hiteman,16,2
+hiteman,807,0
+wainscott,1352,3
+tolstoy,723,0
+pomaria,112,0
+forkland,788,1
+beechwood,397,5
+shelbyville,1109,3
+lakeville,1396,4
+coffeen,704,7
+stockman,312,6
+leonardo,1556,0
+hanson,196,2
+lakeville,1552,0
+marstons,2119,0
+beechwood,35,1
+tolstoy,1489,5
+hanson,1357,5
+marstons,595,3
+wainscott,1767,3
+pinesdale,1170,2
+woodbine,1556,9
+lindenwood,1069,4
+pinesdale,1185,0
+woodbine,952,15
+shelbyville,1125,2
+forkland,762,0
+shelbyville,1066,4
+merom,304,0
+ranchester,356,4
+lindenwood,1846,5
+wainscott,244,2
+hanson,995,4
+newfields,1081,2
+tolstoy,1027,5
+hiteman,1546,0
+onaga,507,7
+hiteman,1261,6
+shelbyville,1535,1
+woodbine,669,3
+lindenwood,2429,1
+hiteman,244,3
+pomaria,101,12
+marstons,2264,5
+klickitat,2364,3
+hanson,1579,8
+forkland,379,0
+newfields,159,2
+leonardo,60,2
+klickitat,941,0
+cosmos,303,5
+lindenwood,2057,4
+mifflinburg,391,0
+cosmos,393,5
+shelbyville,1091,0
+newfields,509,0
+hanson,664,5
+hanson,621,5
+forkland,796,3
+hanson,84,1
+klickitat,963,3
+cosmos,224,8
+pomaria,295,2
+hiteman,521,3
+marstons,1578,1
+pomaria,1458,1
+ranchester,654,5
+lakeville,450,2
+stockman,331,8
+klickitat,455,8
+shelbyville,1141,8
+marstons,1836,19
+shelbyville,772,10
+pomaria,1307,1
+lindenwood,2197,0
+klickitat,736,3
+hiteman,1222,0
+lakeville,27,5
+allensville,73,0
+cosmos,300,3
+forkland,966,6
+onaga,651,3
+marstons,316,3
+pomaria,193,1
+klickitat,1967,13
+lindenwood,403,1
+wainscott,1245,2
+marstons,2115,3
+woodbine,661,8
+pomaria,1538,2
+tolstoy,554,0
+beechwood,863,0
+forkland,168,7
+beechwood,34,3
+pomaria,1033,2
+pinesdale,226,0
+klickitat,1726,0
+leonardo,1292,3
+hanson,233,13
+ranchester,1035,5
+woodbine,41,9
+hiteman,1061,9
+wainscott,1739,4
+hanson,89,5
+hanson,1658,10
+leonardo,1029,4
+lindenwood,996,11
+hiteman,1218,0
+newfields,1058,2
+wainscott,381,0
+woodbine,1390,2
+newfields,762,7
+cosmos,831,2
+woodbine,1946,0
+newfields,644,1
+pinesdale,837,0
+lindenwood,493,1
+klickitat,2408,3
+marstons,1155,2
+marstons,852,0
+newfields,115,2
+shelbyville,918,11
+stockman,480,5
+hiteman,393,14
+coffeen,1007,7
+marstons,1161,11
+onaga,514,1
+woodbine,2011,2
+leonardo,1704,5
+stockman,216,2
+woodbine,2045,3
+benevolence,45,6
+forkland,871,1
+lindenwood,2515,0
+coffeen,686,4
+newfields,102,2
+hanson,1437,10
+shelbyville,1528,0
+tolstoy,52,6
+newfields,1477,3
+ranchester,660,0
+benevolence,825,1
+hiteman,389,10
+pomaria,715,6
+pinesdale,2,0
+lindenwood,297,5
+marstons,1111,0
+benevolence,832,1
+leonardo,1844,0
+hanson,1425,4
+hanson,774,9
+pomaria,1417,2
+marstons,2418,18
+leonardo,1753,1
+shelbyville,2646,2
+shelbyville,564,10
+hanson,1246,1
+benevolence,492,5
+newfields,106,8
+coffeen,932,0
+leonardo,56,2
+shelbyville,1249,6
+pinesdale,672,5
+marstons,1657,1
+pinesdale,1486,2
+lakeville,1892,4
+shelbyville,2492,3
+wainscott,824,2
+woodbine,871,0
+coffeen,720,8
+wainscott,64,2
+onaga,180,1
+lakeville,389,2
+shelbyville,2163,7
+tolstoy,927,2
+lakeville,478,1
+wainscott,573,6
+shelbyville,2346,4
+woodbine,1735,5
+shelbyville,923,2
+lindenwood,503,0
+lakeville,1457,1
+marstons,1710,2
+tolstoy,1647,11
+lindenwood,2027,3
+hanson,377,0
+forkland,149,1
+shelbyville,2140,12
+coffeen,1082,4
+forkland,909,3
+tolstoy,545,2
+hiteman,1806,3
+mifflinburg,472,1
+beechwood,629,0
+lakeville,57,6
+ranchester,382,3
+woodbine,204,2
+klickitat,1263,8
+woodbine,1158,6
+merom,852,0
+marstons,1765,11
+lindenwood,566,1
+shelbyville,1181,5
+coffeen,125,2
+marstons,1854,5
+marstons,493,6
+woodbine,1655,5
+woodbine,523,3
+shelbyville,1548,0
+lakeville,1104,3
+ranchester,1208,5
+klickitat,2022,2
+woodbine,1843,4
+lakeville,864,5
+marstons,553,3
+lakeville,1769,1
+lakeville,536,16
+ranchester,54,7
+newfields,277,5
+coffeen,927,2
+marstons,243,12
+lakeville,1837,15
+benevolence,37,9
+marstons,978,0
+marstons,2382,3
+stockman,203,3
+shelbyville,1520,2
+tolstoy,795,2
+leonardo,1868,2
+klickitat,310,0
+newfields,1325,1
+merom,271,0
+lindenwood,2132,3
+marstons,1545,5
+shelbyville,1251,12
+hiteman,511,0
+hiteman,1363,2
+pomaria,1432,7
+pomaria,385,14
+hanson,1237,2
+pomaria,309,2
+woodbine,434,3
+hiteman,1329,1
+lakeville,438,5
+lindenwood,2111,6
+newfields,427,0
+hanson,1085,0
+shelbyville,2643,3
+beechwood,806,4
+woodbine,493,0
+hiteman,1212,12
+woodbine,2056,0
+shelbyville,1850,2
+shelbyville,1927,6
+lindenwood,2306,3
+marstons,1550,6
+leonardo,1531,3
+leonardo,1702,1
+mifflinburg,391,3
+pomaria,863,1
+ranchester,1518,1
+tolstoy,331,4
+wainscott,881,1
+hiteman,1226,13
+beechwood,709,5
+lindenwood,1343,3
+merom,686,0
+tolstoy,19,3
+klickitat,2247,0
+hiteman,1463,0
+coffeen,1051,0
+cosmos,171,0
+hiteman,427,0
+wainscott,523,1
+woodbine,1268,5
+shelbyville,1052,2
+leonardo,490,5
+forkland,1185,3
+forkland,333,7
+wainscott,202,3
+shelbyville,849,10
+marstons,1482,7
+klickitat,2087,5
+lindenwood,108,0
+ranchester,1052,2
+tolstoy,1760,2
+woodbine,1929,1
+newfields,916,2
+coffeen,623,4
+leonardo,1855,0
+marstons,1972,1
+lindenwood,1758,3
+lindenwood,1017,2
+coffeen,1160,2
+ranchester,744,2
+marstons,709,2
+wainscott,133,7
+pinesdale,1017,0
+klickitat,321,1
+woodbine,823,1
+shelbyville,1096,3
+ranchester,526,7
+wainscott,1700,2
+lakeville,795,2
+onaga,72,0
+shelbyville,428,6
+leonardo,1746,4
+woodbine,389,2
+marstons,440,1
+pinesdale,986,2
+stockman,978,2
+tolstoy,781,4
+klickitat,506,4
+leonardo,871,2
+klickitat,1877,7
+woodbine,2008,2
+wainscott,99,13
+hanson,660,6
+beechwood,705,2
+klickitat,88,17
+shelbyville,1432,6
+hanson,1581,2
+hanson,1247,7
+lakeville,20,1
+hiteman,629,1
+newfields,299,10
+mifflinburg,419,2
+tolstoy,1004,6
+merom,816,1
+mifflinburg,810,0
+tolstoy,1472,0
+cosmos,97,7
+cosmos,259,2
+lindenwood,2610,2
+lindenwood,481,0
+pomaria,259,13
+ranchester,1037,4
+wainscott,498,2
+newfields,831,0
+marstons,2297,3
+beechwood,903,1
+mifflinburg,59,2
+wainscott,816,9
+marstons,453,1
+lindenwood,2359,10
+marstons,2634,5
+shelbyville,1774,2
+woodbine,1718,0
+stockman,1179,2
+lindenwood,1212,0
+wainscott,275,5
+wainscott,494,2
+leonardo,1408,6
+cosmos,5,8
+lindenwood,906,6
+newfields,1625,3
+pinesdale,982,7
+cosmos,470,8
+hiteman,1405,0
+cosmos,553,4
+leonardo,515,2
+marstons,245,0
+tolstoy,874,2
+cosmos,678,2
+leonardo,579,20
+leonardo,1079,3
+klickitat,779,5
+hiteman,395,1
+shelbyville,859,1
+hanson,907,3
+newfields,776,9
+ranchester,1351,4
+beechwood,97,2
+leonardo,1668,3
+merom,406,9
+hiteman,1412,7
+marstons,2123,11
+coffeen,1416,2
+lindenwood,1663,0
+lakeville,927,13
+pinesdale,305,12
+woodbine,1317,2
+lindenwood,2138,2
+coffeen,550,5
+klickitat,1023,3
+marstons,1121,2
+ranchester,152,3
+merom,729,2
+wainscott,1675,8
+lindenwood,951,10
+shelbyville,1842,2
+ranchester,259,6
+woodbine,932,13
+shelbyville,1164,1
+beechwood,682,1
+wainscott,1688,9
+ranchester,98,5
+beechwood,375,11
+hiteman,1812,3
+klickitat,653,10
+pinesdale,2,3
+woodbine,2052,1
+allensville,169,6
+lakeville,1744,10
+marstons,1520,6
+tolstoy,752,1
+klickitat,1080,2
+lindenwood,1210,2
+lindenwood,2614,0
+pomaria,602,4
+wainscott,1641,2
+klickitat,1238,10
+pomaria,929,3
+cosmos,284,2
+hiteman,72,1
+klickitat,150,7
+marstons,2242,2
+stockman,689,4
+klickitat,2369,1
+newfields,162,3
+hiteman,99,11
+tolstoy,1650,3
+lindenwood,1762,0
+pomaria,1189,4
+marstons,361,2
+benevolence,275,0
+pomaria,154,2
+shelbyville,1431,0
+newfields,245,0
+leonardo,214,1
+onaga,651,1
+shelbyville,647,7
+leonardo,1436,5
+lakeville,968,1
+klickitat,2208,3
+cosmos,159,4
+klickitat,291,4
+woodbine,1844,4
+shelbyville,2708,4
+pinesdale,1226,7
+pomaria,1577,13
+woodbine,234,2
+ranchester,338,6
+marstons,348,11
+forkland,705,6
+stockman,1584,3
+pinesdale,186,4
+pomaria,1672,7
+wainscott,116,9
+coffeen,1426,5
+hanson,384,16
+klickitat,458,7
+hiteman,1820,4
+tolstoy,1810,5
+klickitat,14,0
+shelbyville,862,4
+newfields,1009,6
+leonardo,1928,8
+klickitat,2150,5
+ranchester,336,14
+woodbine,1941,3
+woodbine,1170,1
+ranchester,1397,2
+woodbine,1375,10
+coffeen,1175,2
+klickitat,815,2
+woodbine,1846,3
+hiteman,100,2
+leonardo,99,5
+pinesdale,290,0
+shelbyville,2636,7
+woodbine,1090,1
+woodbine,1458,7
+wainscott,1555,1
+marstons,74,11
+merom,220,0
+hiteman,151,1
+lakeville,1320,5
+shelbyville,215,4
+hiteman,464,9
+lindenwood,2066,1
+pinesdale,746,1
+lakeville,398,0
+mifflinburg,514,6
+wainscott,928,9
+ranchester,426,2
+leonardo,1635,1
+wainscott,168,2
+hanson,1426,2
+pomaria,1054,2
+hanson,685,3
+ranchester,793,12
+marstons,1002,3
+onaga,196,0
+woodbine,1530,2
+stockman,1401,8
+tolstoy,712,1
+lakeville,271,0
+klickitat,1607,0
+mifflinburg,134,6
+pinesdale,1298,1
+marstons,1893,2
+cosmos,534,0
+shelbyville,2670,9
+hiteman,1502,7
+wainscott,811,0
+woodbine,1053,9
+lakeville,96,2
+hiteman,1539,4
+tolstoy,650,8
+coffeen,1410,3
+allensville,280,6
+tolstoy,656,1
+hiteman,342,5
+newfields,307,12
+hanson,187,2
+ranchester,429,3
+stockman,227,4
+stockman,1482,1
+marstons,914,4
+hiteman,417,4
+lindenwood,91,0
+leonardo,1593,10
+marstons,1202,3
+pomaria,835,1
+hiteman,299,1
+pomaria,1341,1
+wainscott,1777,4
+stockman,1150,3
+coffeen,347,11
+shelbyville,1203,1
+lakeville,1751,4
+hanson,1557,3
+lakeville,1745,2
+leonardo,795,5
+lakeville,1097,4
+pinesdale,1034,4
+cosmos,611,7
+pinesdale,18,6
+wainscott,871,9
+coffeen,1389,5
+onaga,477,0
+pinesdale,1153,3
+woodbine,668,2
+tolstoy,143,1
+hiteman,1342,3
+pinesdale,1468,6
+tolstoy,1325,7
+stockman,737,4
+lindenwood,1245,5
+tolstoy,1515,1
+pomaria,945,4
+wainscott,350,1
+marstons,298,3
+pomaria,1061,6
+cosmos,839,1
+stockman,1263,6
+mifflinburg,109,2
+klickitat,555,3
+klickitat,1038,5
+woodbine,626,7
+marstons,855,5
+woodbine,639,3
+shelbyville,1386,7
+hanson,207,6
+cosmos,111,7
+leonardo,1212,0
+tolstoy,1045,1
+pomaria,1381,2
+lindenwood,2134,14
+ranchester,1317,6
+hiteman,745,15
+newfields,115,7
+marstons,33,5
+shelbyville,692,16
+newfields,1407,17
+woodbine,654,1
+marstons,2556,6
+klickitat,698,2
+lakeville,129,4
+woodbine,955,0
+wainscott,793,2
+stockman,98,2
+wainscott,1745,11
+lindenwood,1083,3
+forkland,490,5
+newfields,458,15
+shelbyville,1426,7
+woodbine,1448,2
+mifflinburg,292,1
+lindenwood,1714,11
+woodbine,1274,1
+leonardo,203,8
+woodbine,1069,10
+stockman,395,3
+woodbine,1208,1
+newfields,338,0
+forkland,2,0
+shelbyville,1475,1
+lindenwood,2535,2
+forkland,999,3
+pinesdale,1209,1
+marstons,558,0
+shelbyville,1877,3
+woodbine,1001,7
+tolstoy,1391,4
+klickitat,489,2
+leonardo,601,5
+lindenwood,1457,6
+hanson,757,6
+shelbyville,812,2
+hiteman,1639,2
+tolstoy,1558,3
+woodbine,859,1
+pomaria,792,3
+shelbyville,838,0
+pomaria,1222,3
+lakeville,980,6
+shelbyville,1104,6
+shelbyville,92,2
+beechwood,952,0
+pinesdale,1331,4
+pomaria,869,0
+shelbyville,104,14
+coffeen,727,6
+benevolence,556,3
+tolstoy,1080,0
+woodbine,782,1
+benevolence,597,5
+pomaria,21,9
+cosmos,666,11
+cosmos,945,6
+shelbyville,1832,5
+marstons,878,2
+cosmos,613,3
+mifflinburg,839,0
+lakeville,1526,0
+newfields,815,3
+newfields,175,6
+lakeville,17,0
+shelbyville,264,4
+stockman,1488,3
+mifflinburg,6,0
+shelbyville,905,1
+stockman,895,1
+shelbyville,253,2
+wainscott,1571,6
+lindenwood,736,0
+cosmos,786,3
+wainscott,1028,1
+woodbine,1491,1
+woodbine,874,0
+leonardo,417,1
+klickitat,2139,3
+klickitat,2228,17
+cosmos,825,6
+marstons,2055,4
+pinesdale,289,2
+lakeville,569,4
+wainscott,1525,8
+marstons,432,4
+marstons,2658,3
+woodbine,326,4
+lindenwood,1778,1
+lindenwood,1088,0
+lakeville,800,3
+wainscott,182,0
+lindenwood,1906,2
+tolstoy,1054,1
+woodbine,293,3
+ranchester,1020,0
+forkland,884,2
+ranchester,603,5
+onaga,546,0
+hanson,1493,10
+hanson,287,1
+shelbyville,413,5
+pomaria,883,7
+pinesdale,1462,6
+hanson,351,0
+marstons,93,0
+marstons,1477,5
+pinesdale,1445,0
+leonardo,1756,7
+tolstoy,830,3
+pomaria,51,0
+klickitat,2369,2
+coffeen,460,11
+pomaria,529,5
+pomaria,469,4
+merom,432,1
+woodbine,1202,0
+tolstoy,96,0
+hiteman,1741,2
+coffeen,556,12
+lakeville,741,0
+hiteman,1158,9
+tolstoy,1699,2
+beechwood,477,1
+forkland,11,1
+stockman,350,4
+klickitat,55,7
+woodbine,1187,3
+lakeville,1512,5
+hiteman,1275,0
+lakeville,643,5
+lindenwood,432,6
+pomaria,174,0
+coffeen,1033,0
+klickitat,2180,7
+pinesdale,1225,0
+shelbyville,2774,4
+coffeen,1323,2
+beechwood,155,9
+marstons,1814,10
+newfields,1645,7
+shelbyville,2299,9
+forkland,325,1
+klickitat,548,10
+pomaria,1580,2
+lakeville,132,2
+ranchester,1098,2
+allensville,425,1
+cosmos,1054,9
+wainscott,196,0
+forkland,1174,6
+klickitat,1572,15
+wainscott,419,0
+marstons,204,3
+klickitat,110,5
+hanson,966,13
+leonardo,244,2
+mifflinburg,695,1
+shelbyville,782,5
+cosmos,590,0
+klickitat,282,1
+merom,956,3
+stockman,1125,1
+pomaria,1138,15
+tolstoy,1266,2
+klickitat,168,2
+benevolence,446,9
+newfields,1304,6
+marstons,906,3
+woodbine,547,9
+klickitat,1324,2
+pomaria,1146,1
+wainscott,1100,3
+newfields,560,2
+marstons,2185,4
+wainscott,1304,7
+pinesdale,1036,0
+ranchester,1265,3
+shelbyville,1655,0
+tolstoy,219,1
+leonardo,316,3
+lindenwood,836,2
+benevolence,127,9
+wainscott,609,5
+lindenwood,448,8
+hiteman,68,7
+lindenwood,1183,6
+leonardo,263,1
+wainscott,1288,6
+newfields,151,0
+merom,355,10
+newfields,320,0
+leonardo,1437,1
+wainscott,96,0
+wainscott,630,4
+lakeville,447,7
+marstons,1509,1
+woodbine,1035,0
+coffeen,1203,0
+marstons,1150,0
+klickitat,1567,10
+pinesdale,814,10
+pinesdale,1138,0
+benevolence,227,6
+klickitat,1958,6
+pinesdale,1413,2
+benevolence,24,2
+shelbyville,1243,3
+cosmos,1071,1
+klickitat,74,17
+tolstoy,1568,0
+ranchester,409,7
+pomaria,1309,13
+benevolence,18,2
+shelbyville,279,3
+marstons,1993,1
+lindenwood,1735,12
+klickitat,88,16
+hiteman,1301,5
+leonardo,929,4
+hanson,9,1
+cosmos,681,6
+ranchester,1125,2
+leonardo,255,2
+shelbyville,1294,0
+hanson,1170,2
+leonardo,342,10
+beechwood,1030,3
+tolstoy,128,8
+merom,1089,0
+wainscott,224,2
+lakeville,113,4
+leonardo,233,2
+pomaria,809,1
+ranchester,384,2
+wainscott,1354,0
+woodbine,1905,1
+lindenwood,2254,2
+hiteman,1743,0
+lakeville,1619,8
+benevolence,438,12
+ranchester,1456,5
+klickitat,1114,5
+woodbine,1788,16
+mifflinburg,176,2
+klickitat,808,1
+leonardo,1942,10
+woodbine,1574,1
+marstons,1885,5
+newfields,273,2
+shelbyville,2222,6
+merom,715,5
+leonardo,1708,4
+hiteman,1740,2
+marstons,1363,3
+klickitat,1367,10
+marstons,1595,7
+tolstoy,1296,0
+marstons,2232,10
+benevolence,897,13
+leonardo,662,3
+klickitat,1921,7
+cosmos,880,11
+newfields,361,4
+lindenwood,729,2
+shelbyville,577,3
+pinesdale,1103,3
+lindenwood,668,9
+leonardo,1236,0
+mifflinburg,429,1
+coffeen,329,4
+wainscott,1504,4
+shelbyville,156,9
+stockman,317,0
+beechwood,813,6
+stockman,688,3
+hiteman,685,2
+marstons,845,1
+beechwood,111,7
+tolstoy,907,1
+tolstoy,126,9
+pomaria,1204,2
+stockman,493,1
+shelbyville,927,2
+leonardo,1850,9
+coffeen,425,8
+pomaria,972,5
+pomaria,925,2
+benevolence,777,2
+coffeen,813,2
+stockman,125,1
+hiteman,19,1
+allensville,360,0
+coffeen,32,8
+hiteman,1052,4
+shelbyville,1814,6
+hiteman,1374,2
+hiteman,1226,2
+leonardo,1015,1
+klickitat,1088,2
+hiteman,264,8
+stockman,1614,1
+ranchester,1013,3
+klickitat,105,1
+merom,161,1
+coffeen,632,6
+marstons,2644,0
+benevolence,831,4
+pinesdale,69,0
+lakeville,798,5
+ranchester,1218,1
+shelbyville,1262,4
+coffeen,246,0
+ranchester,1416,4
+cosmos,924,5
+hiteman,605,14
+marstons,20,3
+pinesdale,342,1
+woodbine,26,3
+ranchester,1346,0
+marstons,1518,10
+marstons,1744,2
+leonardo,1027,2
+lakeville,1873,3
+hanson,780,2
+allensville,218,7
+shelbyville,1185,2
+marstons,2293,2
+shelbyville,1619,8
+pomaria,1012,4
+marstons,2190,1
+merom,505,6
+stockman,1313,3
+hiteman,946,4
+shelbyville,2348,11
+marstons,87,2
+newfields,1033,9
+stockman,1222,3
+pomaria,935,3
+hanson,1006,7
+woodbine,658,3
+lindenwood,581,7
+lakeville,1392,0
+woodbine,731,3
+leonardo,429,0
+newfields,627,0
+ranchester,112,8
+ranchester,1593,7
+shelbyville,1226,0
+mifflinburg,814,6
+marstons,799,2
+merom,927,0
+marstons,615,1
+lindenwood,989,0
+klickitat,805,6
+klickitat,1306,4
+lakeville,1424,9
+woodbine,678,2
+onaga,476,0
+lakeville,1626,3
+beechwood,887,1
+tolstoy,1659,4
+woodbine,429,4
+ranchester,973,4
+lindenwood,360,3
+merom,683,2
+hiteman,1315,5
+newfields,132,0
+newfields,232,4
+hiteman,880,11
+forkland,525,4
+merom,390,0
+marstons,249,7
+klickitat,1042,5
+marstons,1716,1
+lakeville,1265,12
+hiteman,55,1
+merom,44,2
+merom,1021,0
+wainscott,1554,7
+klickitat,1823,2
+shelbyville,2642,3
+pinesdale,270,1
+ranchester,817,3
+stockman,501,0
+klickitat,50,10
+leonardo,504,2
+wainscott,1582,0
+allensville,493,4
+newfields,135,1
+pinesdale,1433,4
+tolstoy,347,7
+marstons,518,10
+ranchester,1076,0
+leonardo,1531,4
+marstons,1447,5
+lakeville,1631,3
+marstons,944,1
+leonardo,1840,1
+leonardo,1861,8
+klickitat,885,2
+shelbyville,1573,14
+shelbyville,123,2
+mifflinburg,538,7
+shelbyville,243,2
+klickitat,1218,6
+ranchester,570,4
+leonardo,580,0
+cosmos,293,7
+pinesdale,599,2
+lakeville,1509,0
+ranchester,715,10
+klickitat,181,1
+lindenwood,745,8
+marstons,1731,13
+marstons,1938,9
+stockman,608,3
+ranchester,1205,6
+cosmos,754,3
+allensville,274,1
+leonardo,1482,5
+benevolence,96,4
+wainscott,1624,1
+lindenwood,1776,2
+shelbyville,1816,5
+lakeville,1219,2
+klickitat,128,5
+merom,1084,0
+lindenwood,1069,9
+hanson,929,7
+klickitat,1270,8
+wainscott,999,9
+hiteman,1298,1
+hanson,175,5
+woodbine,1794,0
+coffeen,1021,2
+shelbyville,983,5
+hiteman,512,2
+onaga,250,5
+hanson,548,1
+woodbine,1471,3
+leonardo,1046,13
+leonardo,1217,3
+forkland,336,3
+hanson,503,7
+lindenwood,1586,0
+marstons,1363,1
+ranchester,1597,4
+ranchester,492,1
+shelbyville,208,5
+newfields,1088,11
+tolstoy,905,10
+hanson,1377,15
+onaga,516,5
+woodbine,1803,8
+tolstoy,1748,4
+shelbyville,2420,3
+leonardo,1396,6
+wainscott,1502,5
+lakeville,584,4
+hiteman,59,2
+lakeville,591,5
+stockman,1500,3
+shelbyville,1361,9
+wainscott,946,1
+ranchester,1359,6
+lindenwood,1093,2
+merom,376,2
+beechwood,813,7
+coffeen,116,3
+hiteman,1838,2
+klickitat,995,1
+lindenwood,2546,0
+shelbyville,4,1
+pomaria,1113,17
+pomaria,1527,7
+tolstoy,1092,12
+marstons,1386,0
+marstons,1637,2
+lakeville,1051,11
+pomaria,1662,6
+newfields,1249,9
+coffeen,340,2
+shelbyville,1728,1
+leonardo,932,0
+leonardo,686,11
+tolstoy,1050,14
+hanson,1379,0
+shelbyville,2802,3
+tolstoy,1437,1
+klickitat,2174,14
+hanson,754,0
+lindenwood,2574,4
+marstons,1080,3
+leonardo,1245,4
+leonardo,997,7
+shelbyville,1461,2
+allensville,494,4
+lakeville,719,0
+hanson,383,3
+leonardo,662,4
+lindenwood,1572,3
+pomaria,229,3
+woodbine,1764,0
+tolstoy,6,11
+beechwood,667,5
+klickitat,587,0
+pomaria,767,0
+shelbyville,1038,15
+coffeen,95,0
+leonardo,1704,4
+newfields,1087,11
+newfields,455,5
+merom,537,3
+pinesdale,1182,1
+mifflinburg,472,3
+newfields,198,0
+wainscott,1259,15
+beechwood,3,11
+hanson,1449,6
+wainscott,1293,0
+lakeville,1856,4
+leonardo,606,0
+klickitat,563,1
+klickitat,540,2
+tolstoy,810,4
+forkland,1102,2
+onaga,486,0
+woodbine,55,1
+marstons,1836,14
+tolstoy,126,7
+lindenwood,1992,6
+lindenwood,262,3
+coffeen,42,2
+pomaria,1548,4
+tolstoy,435,8
+cosmos,1015,3
+marstons,2643,0
+lakeville,1594,3
+marstons,231,1
+ranchester,1591,5
+benevolence,597,8
+newfields,324,3
+lindenwood,1566,9
+hiteman,1675,1
+tolstoy,145,10
+shelbyville,1587,6
+hiteman,596,2
+mifflinburg,409,1
+woodbine,1939,11
+tolstoy,297,2
+pinesdale,727,1
+forkland,960,3
+beechwood,812,2
+shelbyville,680,6
+lindenwood,2196,3
+lakeville,357,0
+woodbine,109,11
+pinesdale,761,2
+shelbyville,1847,3
+marstons,2275,2
+lindenwood,2079,3
+ranchester,299,5
+hanson,1179,6
+beechwood,444,5
+shelbyville,794,5
+pomaria,1403,9
+klickitat,2219,2
+lakeville,1584,3
+pinesdale,726,7
+leonardo,496,7
+stockman,634,1
+ranchester,1187,1
+woodbine,1089,5
+lindenwood,1351,12
+tolstoy,152,0
+pinesdale,722,9
+benevolence,160,7
+marstons,818,4
+lakeville,1084,0
+mifflinburg,99,1
+coffeen,1515,1
+hanson,251,7
+onaga,346,1
+lindenwood,837,5
+tolstoy,188,7
+lindenwood,909,0
+tolstoy,237,2
+lakeville,368,12
+stockman,631,3
+marstons,1696,1
+benevolence,57,2
+hiteman,9,0
+newfields,1559,3
+wainscott,880,7
+beechwood,260,7
+hiteman,896,1
+hiteman,751,8
+tolstoy,663,0
+wainscott,1319,0
+newfields,1346,1
+hanson,1111,6
+shelbyville,504,5
+coffeen,646,2
+cosmos,16,2
+wainscott,504,9
+lakeville,1279,0
+cosmos,812,11
+pinesdale,927,0
+lindenwood,1800,1
+merom,344,4
+mifflinburg,243,6
+lakeville,1094,4
+stockman,872,3
+lakeville,1035,5
+lindenwood,312,0
+ranchester,1537,3
+leonardo,1638,3
+pomaria,416,16
+hanson,1404,4
+stockman,1414,1
+hanson,120,6
+ranchester,1456,2
+stockman,1290,3
+wainscott,1385,15
+marstons,1451,1
+ranchester,729,3
+mifflinburg,671,6
+hanson,808,3
+wainscott,639,5
+shelbyville,2734,0
+coffeen,1095,5
+hanson,895,1
+onaga,396,4
+allensville,23,3
+leonardo,1619,4
+wainscott,1095,3
+merom,668,2
+beechwood,1006,3
+woodbine,422,0
+woodbine,1934,2
+cosmos,956,0
+newfields,1219,4
+newfields,988,5
+wainscott,83,0
+lakeville,1712,2
+ranchester,121,9
+lakeville,358,0
+cosmos,601,0
+merom,626,7
+marstons,385,4
+woodbine,188,11
+coffeen,68,9
+klickitat,1547,2
+forkland,174,4
+klickitat,470,0
+stockman,9,4
+stockman,1468,0
+shelbyville,2247,1
+tolstoy,767,3
+woodbine,586,0
+shelbyville,2703,3
+shelbyville,2150,5
+marstons,1932,2
+cosmos,393,4
+lakeville,566,7
+lakeville,402,2
+leonardo,574,0
+lindenwood,497,2
+hiteman,1476,1
+klickitat,383,2
+merom,331,2
+hiteman,1775,2
+beechwood,701,1
+newfields,1195,2
+lindenwood,2087,0
+tolstoy,1451,0
+beechwood,1091,0
+shelbyville,1468,4
+klickitat,2307,2
+shelbyville,715,8
+hanson,265,0
+pomaria,1076,1
+stockman,1415,1
+wainscott,406,1
+lakeville,251,6
+pomaria,1138,6
+lakeville,958,7
+hanson,1261,1
+leonardo,680,3
+pomaria,184,2
+lindenwood,2233,1
+shelbyville,2667,0
+lindenwood,2637,8
+lakeville,466,0
+coffeen,324,1
+hanson,1460,9
+marstons,1896,10
+marstons,2614,19
+newfields,246,4
+lakeville,746,3
+newfields,47,5
+stockman,131,0
+lakeville,1327,13
+tolstoy,1005,5
+hiteman,272,5
+hanson,1591,4
+lakeville,364,3
+pomaria,1318,4
+klickitat,336,1
+lindenwood,954,1
+marstons,1502,0
+marstons,769,5
+leonardo,204,4
+pinesdale,1428,7
+marstons,1735,3
+woodbine,812,8
+pinesdale,99,0
+onaga,247,3
+pinesdale,834,2
+tolstoy,1202,1
+beechwood,325,1
+hiteman,1694,1
+lindenwood,2309,1
+lakeville,1090,1
+wainscott,1205,1
+hiteman,932,6
+marstons,1103,10
+newfields,603,9
+pinesdale,1029,8
+mifflinburg,36,3
+lindenwood,1333,2
+hiteman,853,3
+lakeville,157,2
+marstons,2104,4
+lakeville,177,10
+tolstoy,744,1
+pinesdale,1010,10
+shelbyville,1747,0
+newfields,734,9
+leonardo,1059,0
+klickitat,695,8
+stockman,987,3
+wainscott,916,9
+stockman,1474,5
+lakeville,1142,0
+shelbyville,1548,10
+ranchester,1565,0
+lindenwood,1477,3
+pomaria,237,6
+mifflinburg,647,2
+pinesdale,103,10
+merom,444,7
+lindenwood,538,0
+marstons,2161,8
+pinesdale,559,2
+leonardo,392,4
+leonardo,1714,0
+hiteman,604,0
+forkland,876,2
+wainscott,852,1
+shelbyville,982,10
+beechwood,416,1
+klickitat,2086,2
+marstons,2629,4
+shelbyville,1450,7
+lakeville,966,2
+pinesdale,260,6
+woodbine,1180,6
+forkland,1174,0
+woodbine,780,5
+benevolence,596,3
+shelbyville,1498,4
+woodbine,1988,5
+merom,490,3
+pinesdale,51,0
+pinesdale,727,13
+leonardo,51,10
+ranchester,259,2
+shelbyville,2017,7
+benevolence,403,12
+newfields,881,6
+cosmos,897,4
+beechwood,96,1
+leonardo,1115,0
+woodbine,31,11
+lindenwood,1882,10
+marstons,97,11
+pomaria,607,0
+pinesdale,31,13
+klickitat,1760,17
+pinesdale,817,5
+marstons,373,3
+wainscott,794,7
+hanson,751,3
+marstons,84,16
+marstons,340,6
+leonardo,224,1
+onaga,580,8
+lindenwood,1645,1
+leonardo,320,0
+stockman,1183,0
+pomaria,231,0
+lindenwood,639,1
+hanson,457,2
+marstons,447,8
+stockman,429,7
+woodbine,1370,2
+pomaria,439,2
+marstons,2063,0
+pomaria,288,6
+onaga,646,0
+hanson,519,7
+benevolence,476,2
+lakeville,1376,4
+ranchester,747,1
+lakeville,978,1
+pomaria,82,2
+lakeville,1747,6
+woodbine,587,4
+beechwood,1124,6
+forkland,1054,4
+mifflinburg,8,3
+lindenwood,2254,1
+marstons,2286,1
+shelbyville,378,13
+beechwood,589,0
+newfields,1062,2
+lakeville,1155,13
+stockman,76,4
+merom,1115,4
+marstons,929,4
+allensville,498,1
+marstons,998,0
+onaga,566,0
+woodbine,591,3
+merom,914,3
+shelbyville,1591,2
+merom,125,4
+mifflinburg,325,7
+ranchester,928,3
+tolstoy,411,9
+allensville,38,1
+tolstoy,571,6
+tolstoy,905,13
+onaga,215,1
+ranchester,756,3
+woodbine,362,6
+shelbyville,1215,0
+wainscott,1745,10
+klickitat,2314,2
+pomaria,1645,5
+shelbyville,1596,1
+woodbine,537,3
+pomaria,1629,3
+shelbyville,1953,7
+coffeen,397,4
+marstons,513,14
+leonardo,1978,10
+marstons,2069,4
+lindenwood,1369,1
+lakeville,1431,6
+merom,255,0
+ranchester,870,10
+leonardo,1521,3
+newfields,85,6
+hanson,31,8
+woodbine,706,10
+beechwood,1018,2
+tolstoy,511,6
+hiteman,1347,1
+shelbyville,2494,6
+klickitat,1032,2
+ranchester,37,2
+cosmos,35,2
+lakeville,71,2
+hiteman,680,11
+lindenwood,1915,10
+cosmos,232,9
+benevolence,300,8
+hanson,1353,5
+shelbyville,1962,3
+leonardo,1383,2
+tolstoy,796,7
+klickitat,484,3
+wainscott,461,1
+tolstoy,594,1
+wainscott,134,1
+coffeen,67,2
+marstons,2590,1
+marstons,806,2
+onaga,239,0
+hanson,1649,8
+klickitat,526,0
+hanson,118,7
+ranchester,1445,0
+marstons,769,10
+wainscott,1563,9
+tolstoy,582,4
+cosmos,57,6
+ranchester,1101,0
+klickitat,1898,1
+lindenwood,1866,2
+hiteman,594,5
+stockman,721,4
+pinesdale,1449,0
+hanson,1638,3
+lindenwood,916,3
+cosmos,702,3
+pinesdale,1371,1
+pomaria,28,3
+woodbine,664,10
+ranchester,719,1
+lindenwood,1328,0
+wainscott,1106,2
+klickitat,990,10
+marstons,1543,5
+woodbine,963,1
+hiteman,54,5
+onaga,393,3
+woodbine,538,14
+tolstoy,1558,0
+marstons,1336,2
+lakeville,79,10
+wainscott,409,11
+ranchester,1250,8
+pomaria,494,12
+hanson,594,9
+hanson,1089,2
+forkland,784,0
+newfields,1163,4
+newfields,1618,10
+klickitat,1709,3
+stockman,951,0
+leonardo,7,17
+cosmos,672,3
+shelbyville,1439,1
+tolstoy,866,1
+leonardo,1295,0
+woodbine,1866,7
+coffeen,833,3
+coffeen,509,0
+tolstoy,1109,1
+mifflinburg,36,5
+stockman,148,3
+pinesdale,30,2
+woodbine,1131,0
+ranchester,1199,4
+benevolence,230,10
+hanson,1474,7
+hiteman,654,7
+stockman,1483,6
+lindenwood,83,1
+lakeville,948,6
+klickitat,1239,6
+klickitat,2055,0
+hanson,1467,13
+marstons,953,3
+merom,219,6
+hanson,1474,6
+ranchester,1393,2
+pinesdale,179,3
+pomaria,119,0
+tolstoy,924,2
+pomaria,314,12
+leonardo,864,2
+marstons,881,0
+woodbine,1923,5
+hiteman,595,0
+wainscott,1351,0
+allensville,1,2
+wainscott,1586,0
+klickitat,1916,8
+tolstoy,807,5
+lakeville,996,0
+ranchester,1465,1
+lakeville,1419,6
+coffeen,1154,1
+lakeville,1144,6
+hanson,426,2
+pinesdale,1033,2
+woodbine,1321,6
+klickitat,217,2
+lindenwood,903,1
+cosmos,665,1
+pomaria,4,1
+marstons,1969,5
+shelbyville,2389,1
+woodbine,1434,2
+hanson,356,0
+hanson,187,1
+pinesdale,1184,7
+wainscott,62,14
+klickitat,194,3
+beechwood,257,1
+marstons,2325,5
+hanson,1050,1
+beechwood,351,0
+lindenwood,1403,1
+lindenwood,1749,0
+leonardo,603,2
+wainscott,1418,4
+leonardo,1971,9
+wainscott,142,8
+shelbyville,397,2
+lakeville,571,4
+onaga,210,3
+tolstoy,97,0
+pomaria,230,1
+wainscott,1360,1
+lindenwood,950,3
+marstons,2053,1
+lindenwood,2633,2
+onaga,608,0
+leonardo,844,2
+ranchester,1548,1
+lindenwood,416,15
+shelbyville,1604,9
+shelbyville,1887,8
+marstons,1414,1
+stockman,1364,4
+wainscott,1166,3
+pinesdale,1198,7
+shelbyville,1866,0
+shelbyville,2713,0
+woodbine,2051,2
+leonardo,26,4
+leonardo,693,5
+tolstoy,595,1
+pinesdale,1186,5
+hiteman,1769,2
+marstons,1332,11
+klickitat,795,3
+marstons,1175,1
+lakeville,1483,2
+marstons,400,3
+forkland,1168,2
+tolstoy,812,4
+klickitat,973,5
+stockman,251,9
+newfields,458,7
+pomaria,695,0
+ranchester,310,2
+klickitat,580,4
+pomaria,372,5
+hiteman,245,1
+benevolence,736,4
+tolstoy,932,3
+mifflinburg,199,0
+leonardo,2016,2
+onaga,145,7
+cosmos,368,1
+leonardo,1357,4
+wainscott,732,0
+hanson,71,6
+allensville,171,1
+hanson,1346,9
+tolstoy,1523,14
+lindenwood,2333,6
+newfields,506,2
+shelbyville,1859,1
+newfields,391,4
+shelbyville,2765,6
+coffeen,1062,1
+cosmos,779,3
+benevolence,379,0
+tolstoy,1005,3
+marstons,2613,11
+wainscott,1644,3
+hanson,1050,9
+newfields,293,0
+lakeville,916,0
+shelbyville,255,0
+wainscott,1297,3
+woodbine,1105,12
+beechwood,1071,4
+ranchester,1035,0
+pinesdale,124,4
+woodbine,649,8
+marstons,2650,3
+pinesdale,344,2
+merom,877,2
+shelbyville,1545,8
+klickitat,539,4
+merom,566,3
+ranchester,326,8
+tolstoy,449,3
+leonardo,192,1
+cosmos,526,3
+cosmos,385,7
+pinesdale,584,3
+beechwood,536,0
+woodbine,1352,3
+leonardo,1722,0
+lakeville,784,2
+shelbyville,2447,0
+tolstoy,169,1
+onaga,290,3
+ranchester,384,1
+forkland,180,1
+lindenwood,2446,2
+pomaria,450,2
+woodbine,1843,1
+tolstoy,1468,5
+woodbine,1649,8
+coffeen,1033,1
+marstons,2334,1
+marstons,714,0
+klickitat,419,4
+pinesdale,55,2
+leonardo,128,10
+merom,469,1
+lindenwood,1850,3
+cosmos,930,12
+cosmos,191,0
+tolstoy,612,8
+shelbyville,2041,4
+woodbine,1304,8
+tolstoy,1561,4
+wainscott,873,0
+tolstoy,556,3
+marstons,2221,2
+pomaria,336,0
+marstons,1764,3
+ranchester,768,0
+hiteman,113,4
+lakeville,731,7
+pomaria,1571,2
+marstons,2370,10
+lakeville,1823,4
+lakeville,1565,0
+hanson,580,6
+klickitat,1554,7
+hanson,973,3
+marstons,2322,5
+wainscott,1668,0
+woodbine,366,2
+hanson,1072,12
+hanson,1495,3
+ranchester,213,3
+wainscott,599,0
+coffeen,1324,0
+hanson,1281,0
+onaga,210,1
+hanson,874,0
+hanson,1348,2
+merom,596,5
+lakeville,1734,4
+woodbine,984,12
+ranchester,1279,0
+beechwood,954,6
+mifflinburg,471,3
+lakeville,76,3
+forkland,1083,0
+lindenwood,2165,4
+newfields,244,3
+wainscott,130,2
+forkland,46,1
+ranchester,301,1
+leonardo,1511,0
+pinesdale,933,7
+allensville,441,6
+newfields,798,4
+shelbyville,1422,1
+ranchester,473,0
+lindenwood,731,2
+woodbine,1366,1
+lakeville,250,4
+hanson,583,3
+marstons,849,4
+pomaria,1309,6
+lakeville,1438,5
+pinesdale,1007,3
+lakeville,787,1
+forkland,181,6
+woodbine,378,3
+wainscott,356,2
+woodbine,1177,1
+coffeen,22,0
+lindenwood,514,0
+leonardo,1249,4
+tolstoy,272,2
+wainscott,674,9
+pinesdale,1057,7
+marstons,1697,3
+pomaria,1601,10
+lindenwood,2406,5
+newfields,393,1
+woodbine,1557,4
+lakeville,1136,4
+klickitat,489,1
+tolstoy,905,3
+beechwood,538,1
+coffeen,1319,5
+ranchester,358,2
+lindenwood,1421,5
+benevolence,314,3
+pomaria,1577,10
+leonardo,755,6
+leonardo,427,1
+leonardo,241,7
+marstons,351,1
+allensville,265,0
+lakeville,875,6
+klickitat,128,4
+klickitat,1092,12
+shelbyville,2174,1
+marstons,1070,8
+klickitat,1106,4
+pomaria,1500,1
+marstons,2058,8
+benevolence,381,1
+pomaria,163,4
+merom,366,7
+ranchester,109,4
+pomaria,1236,6
+pinesdale,1233,2
+lindenwood,2333,5
+lindenwood,1521,0
+lakeville,568,9
+shelbyville,750,9
+shelbyville,1284,10
+lakeville,480,1
+cosmos,384,6
+hanson,469,2
+wainscott,1135,5
+woodbine,1700,4
+pinesdale,1406,1
+forkland,220,0
+pinesdale,242,2
+lindenwood,2456,0
+newfields,394,4
+coffeen,1131,0
+merom,823,2
+pomaria,1122,4
+klickitat,1089,4
+ranchester,1435,6
+wainscott,700,1
+klickitat,1715,12
+lindenwood,1488,6
+lakeville,1829,0
+pinesdale,1427,1
+pomaria,627,9
+tolstoy,324,1
+pomaria,206,1
+newfields,462,6
+hanson,175,12
+tolstoy,966,0
+wainscott,1068,2
+lindenwood,837,4
+mifflinburg,269,4
+coffeen,107,2
+tolstoy,1439,3
+ranchester,930,1
+leonardo,1480,11
+mifflinburg,587,2
+hanson,1352,1
+wainscott,881,9
+pomaria,256,1
+allensville,478,2
+shelbyville,102,3
+marstons,915,0
+woodbine,239,12
+marstons,470,3
+hiteman,1694,3
+marstons,2602,0
+forkland,231,1
+hanson,13,4
+ranchester,542,0
+pinesdale,1184,1
+pinesdale,1381,1
+newfields,583,1
+newfields,1625,7
+ranchester,1159,3
+pomaria,1579,0
+coffeen,924,6
+klickitat,1018,1
+leonardo,1518,2
+lindenwood,2510,0
+coffeen,240,0
+wainscott,902,5
+lakeville,227,4
+beechwood,822,3
+cosmos,613,7
+stockman,700,3
+shelbyville,1902,2
+beechwood,1113,4
+merom,396,3
+lindenwood,1285,2
+tolstoy,1415,1
+lindenwood,1701,5
+lindenwood,2061,0
+stockman,920,1
+leonardo,1044,0
+pomaria,1534,2
+lakeville,1614,16
+forkland,798,1
+leonardo,548,0
+merom,187,4
+leonardo,2067,3
+pinesdale,391,2
+mifflinburg,195,3
+pinesdale,1449,13
+hiteman,1364,3
+woodbine,384,0
+merom,456,4
+pomaria,75,1
+lindenwood,2579,8
+newfields,120,3
+newfields,1461,2
+wainscott,1432,1
+mifflinburg,509,2
+wainscott,1104,4
+woodbine,64,1
+leonardo,1104,4
+klickitat,2,8
+shelbyville,2069,7
+hanson,565,13
+lindenwood,2674,7
+pomaria,1209,0
+hiteman,988,1
+newfields,1174,0
+pomaria,1464,5
+klickitat,913,8
+lindenwood,596,10
+merom,146,2
+stockman,1295,6
+pinesdale,344,4
+marstons,1810,3
+leonardo,274,1
+shelbyville,2562,17
+wainscott,44,12
+stockman,1265,0
+beechwood,203,2
+lindenwood,114,1
+woodbine,1019,3
+merom,972,8
+beechwood,451,1
+lindenwood,2533,2
+klickitat,2326,12
+ranchester,453,5
+tolstoy,1611,7
+forkland,1137,7
+lindenwood,2041,1
+wainscott,214,11
+hiteman,1381,3
+lakeville,921,5
+cosmos,702,1
+hanson,1055,1
+coffeen,829,4
+newfields,401,2
+ranchester,1350,0
+pomaria,461,1
+lindenwood,666,6
+shelbyville,869,6
+shelbyville,26,15
+coffeen,541,3
+lindenwood,2367,1
+shelbyville,2132,1
+shelbyville,1928,0
+lindenwood,2391,0
+shelbyville,2271,5
+lindenwood,2529,7
+wainscott,234,14
+lakeville,561,6
+forkland,440,2
+wainscott,1248,6
+hiteman,1623,6
+hiteman,1676,4
+klickitat,1903,8
+woodbine,1246,13
+ranchester,533,7
+woodbine,798,1
+klickitat,861,2
+leonardo,1831,11
+beechwood,716,4
+coffeen,805,0
+hanson,1280,6
+coffeen,434,5
+coffeen,473,2
+shelbyville,2478,8
+beechwood,215,1
+newfields,1144,11
+leonardo,604,14
+hiteman,865,0
+beechwood,750,3
+marstons,1935,2
+wainscott,74,3
+beechwood,1113,1
+ranchester,1574,1
+shelbyville,1345,3
+cosmos,257,0
+woodbine,1859,3
+onaga,257,3
+lindenwood,269,1
+shelbyville,556,0
+marstons,849,7
+lindenwood,2125,3
+ranchester,145,4
+pomaria,174,4
+hiteman,1206,10
+benevolence,925,3
+benevolence,872,3
+merom,832,5
+pomaria,671,0
+klickitat,1398,13
+tolstoy,816,2
+wainscott,1274,8
+woodbine,686,7
+lindenwood,2512,1
+benevolence,781,1
+pinesdale,369,0
+lindenwood,2277,4
+shelbyville,1535,4
+lakeville,1496,6
+lakeville,1778,8
+marstons,2207,7
+klickitat,2324,2
+tolstoy,790,0
+newfields,734,10
+pinesdale,1374,1
+marstons,1429,4
+tolstoy,1810,6
+forkland,624,1
+hiteman,1348,2
+klickitat,984,1
+benevolence,896,1
+lindenwood,2346,2
+woodbine,747,9
+beechwood,151,6
+coffeen,92,1
+lindenwood,2675,3
+marstons,2175,1
+lakeville,908,15
+stockman,1262,0
+stockman,1552,2
+onaga,394,0
+lindenwood,345,1
+pomaria,1350,2
+pinesdale,1146,2
+lakeville,1037,2
+lakeville,1099,4
+beechwood,1085,0
+klickitat,1717,6
+pinesdale,221,3
+beechwood,1043,0
+pomaria,1265,2
+leonardo,1214,4
+leonardo,1850,7
+pomaria,1135,4
+pomaria,397,1
+hiteman,494,5
+stockman,1456,1
+ranchester,1538,5
+pinesdale,1488,1
+mifflinburg,545,0
+beechwood,819,3
+hanson,415,7
+wainscott,687,2
+woodbine,227,8
+pinesdale,987,10
+shelbyville,1360,4
+shelbyville,1062,3
+tolstoy,904,1
+lindenwood,2596,4
+hiteman,952,10
+leonardo,891,1
+klickitat,1681,2
+tolstoy,619,1
+shelbyville,1467,0
+shelbyville,679,7
+leonardo,1495,3
+lindenwood,2366,0
+stockman,119,1
+ranchester,1063,1
+marstons,542,7
+woodbine,1643,3
+stockman,1082,2
+shelbyville,27,3
+tolstoy,1690,8
+pinesdale,18,3
+klickitat,1890,2
+stockman,1566,2
+stockman,1069,0
+marstons,202,17
+shelbyville,2593,2
+lakeville,1075,5
+wainscott,1008,4
+allensville,476,2
+leonardo,1644,1
+klickitat,265,2
+pomaria,454,1
+forkland,972,5
+newfields,1256,11
+klickitat,171,13
+beechwood,905,1
+marstons,876,3
+marstons,1264,0
+cosmos,685,14
+cosmos,723,2
+leonardo,615,6
+lindenwood,1378,4
+wainscott,1254,2
+leonardo,1155,0
+newfields,1242,0
+tolstoy,1421,6
+hiteman,186,13
+lindenwood,230,2
+lindenwood,2361,2
+lindenwood,1834,3
+leonardo,514,6
+tolstoy,863,3
+woodbine,1923,6
+ranchester,147,0
+marstons,176,1
+shelbyville,981,0
+ranchester,637,5
+lindenwood,2327,3
+shelbyville,341,3
+shelbyville,423,1
+leonardo,72,10
+pomaria,1540,1
+hiteman,56,1
+lakeville,667,3
+marstons,1800,5
+ranchester,814,4
+shelbyville,457,1
+woodbine,470,15
+marstons,1422,3
+allensville,491,1
+mifflinburg,48,3
+leonardo,544,14
+stockman,1609,7
+woodbine,253,1
+shelbyville,2817,9
+woodbine,2026,4
+shelbyville,2083,4
+lakeville,1873,6
+shelbyville,2635,0
+marstons,1354,0
+woodbine,348,3
+hanson,74,16
+leonardo,1075,4
+leonardo,1886,3
+klickitat,1680,3
+tolstoy,823,2
+shelbyville,679,0
+ranchester,965,3
+hanson,592,6
+shelbyville,80,10
+pomaria,108,4
+klickitat,361,11
+coffeen,1274,2
+cosmos,826,1
+lindenwood,1509,1
+hiteman,228,3
+wainscott,857,4
+ranchester,1473,3
+leonardo,1851,5
+ranchester,1274,3
+wainscott,996,2
+cosmos,579,9
+ranchester,1266,3
+benevolence,12,4
+klickitat,1577,10
+lakeville,1041,0
+cosmos,887,6
+wainscott,23,2
+tolstoy,718,3
+shelbyville,2107,6
+tolstoy,309,1
+hanson,1350,1
+klickitat,665,1
+pomaria,673,5
+marstons,754,4
+wainscott,928,3
+allensville,174,0
+lindenwood,2108,10
+ranchester,944,7
+wainscott,483,0
+cosmos,215,6
+woodbine,1585,4
+woodbine,1208,10
+pomaria,1095,17
+newfields,1333,7
+leonardo,680,4
+pinesdale,421,2
+woodbine,1003,6
+hiteman,18,2
+woodbine,169,13
+lakeville,1884,14
+hanson,1168,2
+klickitat,1230,7
+forkland,535,2
+woodbine,709,0
+leonardo,1829,2
+cosmos,477,2
+tolstoy,1412,1
+leonardo,1781,2
+forkland,270,0
+pomaria,355,0
+stockman,807,0
+lakeville,1056,0
+leonardo,821,3
+mifflinburg,432,5
+shelbyville,638,4
+forkland,319,0
+lakeville,996,1
+marstons,353,1
+woodbine,1378,7
+pinesdale,483,2
+onaga,211,5
+wainscott,17,8
+hiteman,950,4
+stockman,953,1
+newfields,514,4
+pinesdale,190,5
+ranchester,1416,13
+leonardo,1794,8
+wainscott,1083,2
+mifflinburg,891,2
+marstons,507,0
+ranchester,98,3
+lindenwood,925,7
+hiteman,1127,0
+lindenwood,2159,0
+pomaria,1287,0
+benevolence,248,11
+lindenwood,425,5
+shelbyville,1678,10
+klickitat,216,1
+shelbyville,729,2
+klickitat,1555,1
+shelbyville,711,6
+shelbyville,2357,1
+hanson,17,2
+leonardo,852,10
+leonardo,1167,2
+wainscott,894,0
+wainscott,133,1
+hanson,778,6
+hiteman,839,3
+marstons,2354,6
+woodbine,923,8
+tolstoy,1602,0
+marstons,2614,15
+beechwood,628,3
+coffeen,885,9
+hanson,677,1
+newfields,547,1
+lindenwood,670,1
+wainscott,1497,0
+shelbyville,2352,8
+lindenwood,2673,2
+coffeen,406,6
+beechwood,661,2
+forkland,1118,0
+shelbyville,1726,1
+tolstoy,1263,11
+shelbyville,2103,4
+cosmos,629,5
+merom,176,0
+lakeville,1486,10
+wainscott,1409,0
+lakeville,1531,8
+wainscott,894,1
+newfields,1301,1
+hanson,956,7
+lindenwood,1818,12
+shelbyville,716,1
+woodbine,1140,7
+newfields,1261,11
+wainscott,1527,3
+shelbyville,568,3
+hanson,1500,0
+benevolence,891,4
+lindenwood,2419,1
+marstons,2583,3
+tolstoy,901,7
+shelbyville,264,1
+ranchester,1340,6
+tolstoy,612,0
+newfields,1209,3
+wainscott,1228,2
+klickitat,847,3
+lakeville,413,4
+stockman,1284,2
+lakeville,1728,2
+cosmos,350,1
+allensville,453,5
+coffeen,534,7
+pinesdale,554,12
+lindenwood,663,6
+pinesdale,363,3
+shelbyville,462,3
+shelbyville,980,1
+woodbine,1363,11
+shelbyville,2569,4
+ranchester,658,2
+lindenwood,557,7
+klickitat,1229,0
+hiteman,825,1
+benevolence,259,5
+shelbyville,209,2
+newfields,347,0
+lakeville,1350,14
+coffeen,40,1
+shelbyville,2321,3
+shelbyville,1233,7
+pomaria,1358,2
+marstons,791,1
+pomaria,1355,0
+shelbyville,218,6
+lakeville,678,0
+klickitat,982,11
+shelbyville,1248,0
+lakeville,106,13
+newfields,1450,0
+klickitat,598,3
+lakeville,1096,2
+hiteman,806,4
+marstons,1435,1
+pinesdale,994,0
+marstons,664,2
+beechwood,1077,2
+woodbine,1382,0
+tolstoy,848,4
+hiteman,1010,1
+shelbyville,2286,3
+benevolence,668,7
+wainscott,646,8
+pomaria,315,0
+hanson,428,16
+pinesdale,1101,6
+allensville,236,4
+leonardo,389,3
+lindenwood,521,8
+hanson,1281,6
+tolstoy,1720,6
+pinesdale,976,1
+klickitat,1357,2
+lakeville,162,6
+wainscott,1428,8
+shelbyville,2563,1
+lindenwood,642,0
+hanson,966,1
+lakeville,487,10
+lakeville,1525,2
+stockman,5,2
+leonardo,1802,1
+klickitat,1922,5
+pomaria,1205,1
+onaga,601,1
+tolstoy,1202,6
+woodbine,311,2
+leonardo,1163,6
+beechwood,246,2
+newfields,1499,6
+merom,505,0
+merom,121,0
+tolstoy,617,7
+onaga,592,6
+shelbyville,1793,3
+tolstoy,1166,1
+shelbyville,414,2
+woodbine,1509,3
+coffeen,1370,2
+leonardo,867,1
+cosmos,579,2
+pomaria,801,5
+onaga,624,2
+beechwood,139,5
+marstons,2327,6
+wainscott,625,9
+merom,494,0
+hanson,592,3
+pomaria,68,9
+hiteman,1132,3
+onaga,365,0
+forkland,169,0
+forkland,107,3
+wainscott,1175,2
+woodbine,504,12
+ranchester,178,3
+forkland,294,3
+beechwood,979,2
+newfields,202,4
+lakeville,453,4
+hiteman,425,7
+mifflinburg,814,12
+ranchester,728,2
+klickitat,1592,1
+tolstoy,1078,3
+benevolence,205,5
+pomaria,602,12
+hanson,1474,3
+shelbyville,2818,9
+beechwood,959,10
+lakeville,229,6
+shelbyville,243,0
+lindenwood,1035,1
+lindenwood,511,2
+leonardo,726,2
+stockman,1,3
+marstons,285,4
+hanson,160,0
+pomaria,132,1
+tolstoy,1425,0
+hiteman,463,3
+forkland,1009,5
+leonardo,68,1
+klickitat,1577,4
+shelbyville,809,5
+klickitat,1256,1
+mifflinburg,49,1
+leonardo,1608,5
+hiteman,1180,2
+lindenwood,923,2
+hiteman,1493,7
+shelbyville,17,9
+marstons,2118,6
+tolstoy,895,8
+leonardo,148,5
+marstons,1478,5
+klickitat,468,9
+shelbyville,539,6
+stockman,51,2
+allensville,260,4
+klickitat,978,4
+coffeen,1028,2
+tolstoy,326,7
+pomaria,263,15
+woodbine,1532,0
+lindenwood,560,8
+woodbine,1186,13
+pinesdale,544,2
+woodbine,15,14
+forkland,684,4
+lindenwood,1063,3
+stockman,31,0
+klickitat,370,11
+shelbyville,86,2
+leonardo,1729,6
+shelbyville,1920,14
+cosmos,219,14
+lakeville,435,2
+tolstoy,981,2
+newfields,355,4
+newfields,299,17
+ranchester,1088,4
+forkland,1168,3
+pomaria,365,3
+newfields,112,4
+newfields,568,3
+klickitat,295,16
+cosmos,894,4
+benevolence,324,0
+newfields,1387,6
+tolstoy,104,12
+pomaria,601,1
+lindenwood,1427,0
+tolstoy,1278,0
+leonardo,1890,0
+ranchester,41,1
+leonardo,1641,1
+pomaria,692,3
+hanson,1318,12
+leonardo,323,3
+klickitat,2222,1
+hanson,808,0
+woodbine,115,0
+klickitat,824,8
+newfields,1502,7
+leonardo,1112,8
+woodbine,659,3
+mifflinburg,244,1
+marstons,320,17
+pomaria,800,4
+leonardo,1510,5
+wainscott,646,6
+pinesdale,19,5
+newfields,954,19
+leonardo,1190,2
+coffeen,1106,0
+ranchester,1112,5
+merom,710,3
+shelbyville,88,10
+klickitat,620,6
+klickitat,1505,3
+klickitat,851,0
+hanson,895,13
+woodbine,952,8
+stockman,492,0
+pomaria,587,1
+tolstoy,1657,6
+lindenwood,1144,3
+cosmos,334,13
+klickitat,651,0
+coffeen,357,2
+mifflinburg,519,0
+lindenwood,313,18
+klickitat,1635,3
+lindenwood,2396,1
+mifflinburg,199,8
+lakeville,514,0
+woodbine,861,0
+klickitat,1540,3
+forkland,339,2
+tolstoy,774,4
+forkland,511,1
+stockman,522,5
+shelbyville,2468,4
+ranchester,1102,1
+pinesdale,1214,0
+pinesdale,530,4
+pomaria,78,1
+hanson,821,0
+coffeen,1095,7
+wainscott,486,1
+pomaria,721,1
+leonardo,675,5
+hanson,460,1
+woodbine,1304,5
+shelbyville,387,5
+shelbyville,1033,10
+hanson,747,4
+cosmos,424,0
+tolstoy,274,1
+cosmos,536,0
+hiteman,1277,7
+stockman,1335,3
+hanson,455,6
+lindenwood,2130,1
+ranchester,708,3
+leonardo,285,0
+pinesdale,443,6
+wainscott,735,11
+lakeville,999,3
+shelbyville,2799,3
+shelbyville,2611,13
+wainscott,1062,5
+forkland,327,0
+merom,805,5
+hanson,912,0
+newfields,1139,0
+hiteman,1236,6
+coffeen,1223,0
+mifflinburg,320,5
+woodbine,1777,0
+wainscott,1372,3
+hiteman,1543,2
+tolstoy,1766,5
+marstons,1395,0
+tolstoy,1213,1
+stockman,147,0
+woodbine,1409,5
+klickitat,2053,6
+woodbine,590,1
+hiteman,104,3
+stockman,497,5
+hanson,1245,2
+forkland,497,6
+hanson,1558,1
+newfields,300,1
+tolstoy,963,9
+klickitat,761,2
+pomaria,1246,3
+pinesdale,671,2
+shelbyville,1132,0
+klickitat,93,1
+mifflinburg,252,5
+coffeen,77,1
+onaga,216,3
+hanson,76,8
+merom,199,2
+pomaria,796,11
+tolstoy,78,7
+shelbyville,442,3
+klickitat,132,9
+beechwood,266,2
+klickitat,743,7
+leonardo,1409,6
+cosmos,783,5
+lakeville,264,2
+pinesdale,4,2
+shelbyville,330,1
+onaga,638,3
+cosmos,962,1
+marstons,880,12
+wainscott,613,4
+lindenwood,787,0
+stockman,362,0
+shelbyville,445,14
+forkland,83,3
+wainscott,241,6
+pomaria,738,0
+newfields,1169,4
+tolstoy,172,4
+lindenwood,2260,4
+onaga,345,2
+newfields,1221,7
+woodbine,1650,7
+ranchester,408,1
+marstons,1057,2
+newfields,537,0
+marstons,2381,2
+wainscott,1046,3
+tolstoy,212,3
+stockman,1283,8
+leonardo,418,1
+beechwood,708,3
+tolstoy,465,4
+leonardo,673,0
+wainscott,1680,4
+wainscott,1241,10
+pinesdale,1299,0
+woodbine,1598,7
+shelbyville,2324,1
+pomaria,1209,1
+coffeen,694,6
+wainscott,98,0
+hanson,1364,2
+stockman,1270,1
+beechwood,193,1
+newfields,1270,7
+mifflinburg,850,1
+woodbine,1208,4
+hanson,342,11
+onaga,9,4
+newfields,1032,4
+ranchester,1369,6
+hanson,752,3
+lindenwood,403,8
+tolstoy,1204,8
+leonardo,2090,0
+leonardo,832,1
+marstons,2190,13
+newfields,611,4
+woodbine,1048,1
+marstons,1794,3
+newfields,1416,2
+klickitat,835,1
+mifflinburg,952,3
+lakeville,686,1
+leonardo,1648,3
+shelbyville,2771,11
+marstons,1896,20
+wainscott,1698,0
+allensville,77,1
+leonardo,1058,14
+mifflinburg,383,3
+benevolence,556,8
+leonardo,2032,0
+lakeville,1493,7
+shelbyville,1271,0
+marstons,1299,9
+hanson,1271,2
+cosmos,262,4
+tolstoy,769,11
+lindenwood,2441,4
+pinesdale,1018,4
+beechwood,44,0
+lakeville,475,12
+wainscott,1171,14
+shelbyville,2489,1
+shelbyville,2409,6
+lindenwood,727,11
+woodbine,1735,7
+benevolence,623,4
+ranchester,296,0
+shelbyville,2262,2
+shelbyville,2227,6
+beechwood,743,12
+pomaria,913,5
+pomaria,94,8
+cosmos,1025,1
+mifflinburg,42,2
+marstons,549,1
+lakeville,780,9
+forkland,1066,3
+woodbine,1480,10
+hanson,727,0
+klickitat,676,2
+shelbyville,1373,5
+marstons,1447,2
+stockman,583,3
+lakeville,256,8
+onaga,88,1
+marstons,2591,3
+newfields,907,9
+hiteman,1347,0
+hiteman,1488,2
+newfields,299,21
+lakeville,1824,0
+newfields,462,3
+lindenwood,1199,1
+hiteman,1710,5
+onaga,362,2
+lindenwood,1946,2
+tolstoy,512,8
+lakeville,1725,4
+wainscott,1113,4
+shelbyville,2026,7
+newfields,1190,12
+wainscott,1510,1
+lindenwood,1982,3
+klickitat,945,3
+stockman,1202,5
+wainscott,926,0
+marstons,1816,1
+leonardo,1072,10
+hiteman,1035,2
+hanson,820,9
+hanson,356,7
+hanson,247,16
+klickitat,1192,2
+stockman,697,1
+wainscott,647,2
+coffeen,177,1
+tolstoy,638,1
+lakeville,88,3
+leonardo,934,2
+shelbyville,1266,12
+wainscott,1236,1
+forkland,1,0
+woodbine,1356,13
+newfields,1139,2
+merom,956,0
+tolstoy,1729,1
+lindenwood,84,3
+shelbyville,2302,2
+mifflinburg,903,4
+klickitat,292,2
+forkland,499,1
+stockman,961,4
+wainscott,1634,2
+merom,897,2
+shelbyville,1963,1
+ranchester,1191,2
+woodbine,914,4
+lakeville,991,10
+coffeen,551,5
+lindenwood,242,8
+lindenwood,1684,5
+mifflinburg,179,0
+hiteman,431,7
+lindenwood,263,1
+lindenwood,1455,1
+pinesdale,325,1
+hanson,473,9
+woodbine,1413,7
+hanson,539,2
+tolstoy,830,5
+wainscott,1469,10
+lakeville,977,0
+onaga,438,1
+merom,1035,3
+woodbine,777,6
+klickitat,2296,8
+ranchester,869,0
+pomaria,1412,0
+benevolence,456,7
+klickitat,1791,6
+beechwood,671,11
+tolstoy,1683,0
+stockman,656,2
+lakeville,779,0
+woodbine,209,0
+marstons,1427,5
+lindenwood,1238,1
+hiteman,1508,0
+newfields,1518,4
+newfields,705,1
+hanson,402,12
+marstons,1995,8
+merom,777,3
+leonardo,992,0
+marstons,461,4
+hiteman,1048,4
+marstons,711,8
+leonardo,1680,7
+forkland,945,2
+onaga,196,1
+tolstoy,104,9
+lindenwood,1519,1
+woodbine,1493,14
+stockman,295,5
+hanson,973,6
+leonardo,1650,6
+pinesdale,789,3
+coffeen,444,2
+woodbine,1712,7
+coffeen,32,0
+wainscott,944,16
+klickitat,1329,2
+shelbyville,2036,2
+lindenwood,2477,0
+newfields,117,9
+newfields,1156,3
+pomaria,598,2
+lindenwood,1366,8
+hiteman,1492,5
+newfields,1259,2
+merom,1066,3
+lindenwood,399,2
+woodbine,44,2
+wainscott,1529,4
+newfields,674,8
+shelbyville,1004,8
+marstons,2189,4
+merom,1064,4
+marstons,2056,6
+forkland,561,2
+pomaria,262,9
+klickitat,1604,2
+pomaria,696,14
+klickitat,1929,1
+leonardo,9,8
+forkland,822,5
+shelbyville,1841,5
+marstons,634,2
+lindenwood,1977,9
+shelbyville,1782,0
+pomaria,391,6
+leonardo,1559,9
+tolstoy,1649,9
+stockman,126,0
+hanson,251,10
+leonardo,1887,3
+lakeville,652,15
+pomaria,293,0
+klickitat,2119,2
+pinesdale,301,1
+marstons,1816,7
+marstons,934,6
+newfields,1565,3
+mifflinburg,77,0
+cosmos,242,0
+forkland,1003,6
+hanson,627,12
+shelbyville,1352,4
+klickitat,2395,5
+shelbyville,921,4
+lindenwood,1048,14
+beechwood,661,4
+tolstoy,50,4
+lindenwood,8,6
+lakeville,846,1
+coffeen,124,1
+tolstoy,432,2
+lindenwood,672,7
+cosmos,1076,4
+marstons,204,9
+allensville,347,4
+klickitat,2379,15
+shelbyville,1994,1
+lindenwood,1948,4
+coffeen,807,1
+newfields,1615,9
+onaga,393,2
+beechwood,1176,0
+marstons,151,9
+pomaria,1030,8
+lakeville,909,6
+pinesdale,698,5
+hiteman,625,4
+pomaria,1406,1
+benevolence,75,3
+lakeville,1268,8
+leonardo,144,0
+klickitat,37,2
+hiteman,114,3
+onaga,292,1
+pinesdale,1403,3
+leonardo,653,1
+ranchester,221,0
+ranchester,864,2
+coffeen,613,5
+merom,163,2
+shelbyville,2755,0
+shelbyville,1974,4
+lindenwood,682,6
+wainscott,77,4
+forkland,838,6
+klickitat,1558,6
+marstons,917,3
+hiteman,75,4
+leonardo,374,6
+marstons,1547,2
+tolstoy,170,2
+lakeville,731,9
+wainscott,1790,0
+marstons,1561,14
+shelbyville,1553,1
+newfields,257,5
+pomaria,1175,9
+newfields,1174,2
+newfields,601,1
+lindenwood,730,1
+forkland,4,3
+leonardo,1350,0
+klickitat,46,6
+marstons,379,1
+wainscott,839,2
+klickitat,1569,8
+leonardo,686,5
+hiteman,354,2
+marstons,1107,1
+ranchester,1272,3
+lakeville,826,0
+tolstoy,799,2
+leonardo,1245,0
+woodbine,1438,1
+ranchester,1165,2
+shelbyville,2095,5
+ranchester,573,4
+wainscott,327,2
+woodbine,1458,0
+klickitat,1897,2
+shelbyville,2631,3
+tolstoy,402,2
+tolstoy,344,9
+stockman,994,5
+coffeen,1357,0
+cosmos,400,3
+klickitat,488,3
+woodbine,870,7
+leonardo,1028,1
+tolstoy,1325,9
+leonardo,1021,2
+lakeville,510,3
+klickitat,745,3
+pinesdale,845,3
+tolstoy,1652,5
+cosmos,122,1
+mifflinburg,493,0
+woodbine,1342,0
+shelbyville,1089,0
+allensville,55,2
+tolstoy,1474,3
+marstons,2641,7
+hiteman,842,2
+cosmos,987,4
+wainscott,1340,5
+wainscott,1286,4
+shelbyville,1900,3
+lakeville,1576,11
+leonardo,122,3
+beechwood,423,7
+ranchester,1222,3
+shelbyville,199,16
+hiteman,1169,1
+lindenwood,2487,10
+hiteman,136,0
+lakeville,1101,1
+woodbine,1650,11
+hanson,372,4
+lindenwood,1401,5
+leonardo,897,2
+beechwood,77,2
+tolstoy,1295,1
+forkland,483,5
+onaga,522,1
+hiteman,688,7
+shelbyville,2723,2
+woodbine,235,7
+pomaria,1279,6
+ranchester,1427,0
+leonardo,1136,6
+pinesdale,38,5
+lindenwood,1235,4
+allensville,416,2
+cosmos,425,1
+onaga,633,7
+beechwood,551,6
+hiteman,1218,5
+tolstoy,1511,4
+shelbyville,2245,0
+beechwood,849,2
+forkland,215,1
+woodbine,234,0
+pinesdale,727,0
+mifflinburg,106,3
+lakeville,1678,8
+pinesdale,271,2
+wainscott,191,5
+wainscott,1120,3
+woodbine,718,0
+leonardo,447,14
+merom,1088,0
+marstons,1471,0
+hiteman,1764,6
+marstons,928,3
+leonardo,1591,17
+forkland,1055,3
+shelbyville,872,1
+shelbyville,994,1
+wainscott,425,5
+hiteman,181,3
+hiteman,1665,0
+woodbine,930,1
+mifflinburg,421,4
+woodbine,780,2
+leonardo,622,0
+tolstoy,481,0
+lindenwood,2567,5
+shelbyville,780,10
+shelbyville,24,11
+onaga,575,7
+hiteman,1371,3
+coffeen,54,1
+hanson,1418,7
+wainscott,659,0
+hiteman,637,1
+pomaria,1155,0
+tolstoy,1218,9
+marstons,1995,10
+hanson,981,4
+ranchester,382,5
+pinesdale,1128,2
+shelbyville,1204,3
+hiteman,1491,0
+pomaria,898,10
+klickitat,140,4
+newfields,1442,5
+stockman,1385,2
+klickitat,2048,2
+pinesdale,39,1
+wainscott,1455,6
+shelbyville,208,3
+klickitat,272,3
+lakeville,57,9
+marstons,2344,4
+coffeen,811,3
+lindenwood,819,6
+lakeville,839,0
+woodbine,1292,0
+pinesdale,858,0
+shelbyville,1149,1
+lakeville,175,13
+woodbine,1598,1
+coffeen,628,6
+cosmos,964,6
+woodbine,1906,3
+cosmos,745,1
+hiteman,1818,0
+allensville,104,0
+beechwood,941,1
+pomaria,637,3
+leonardo,419,1
+forkland,1199,4
+woodbine,136,2
+newfields,706,4
+klickitat,225,5
+tolstoy,837,0
+shelbyville,484,3
+shelbyville,1443,10
+mifflinburg,46,3
+cosmos,629,4
+mifflinburg,433,4
+beechwood,1055,12
+beechwood,955,9
+leonardo,1448,5
+shelbyville,1556,4
+tolstoy,918,0
+cosmos,293,3
+tolstoy,68,9
+shelbyville,2693,9
+marstons,1619,1
+merom,671,2
+klickitat,892,2
+lindenwood,78,0
+klickitat,110,4
+newfields,1074,13
+lakeville,183,2
+forkland,772,5
+beechwood,731,0
+shelbyville,863,7
+mifflinburg,462,0
+hiteman,980,0
+hiteman,1738,2
+merom,144,5
+cosmos,474,3
+tolstoy,685,6
+marstons,56,0
+marstons,1709,0
+benevolence,277,2
+hanson,1429,6
+forkland,517,2
+lindenwood,1509,6
+ranchester,1492,7
+lakeville,322,2
+pinesdale,225,10
+wainscott,1396,3
+hiteman,1571,4
+pomaria,1050,2
+cosmos,0,0
+hanson,527,1
+marstons,1157,0
+tolstoy,511,0
+merom,500,3
+stockman,531,2
+marstons,1083,1
+shelbyville,978,7
+stockman,513,4
+merom,772,2
+shelbyville,369,1
+woodbine,432,6
+beechwood,1084,4
+stockman,1011,7
+merom,731,5
+wainscott,1710,2
+beechwood,944,3
+hanson,897,9
+newfields,161,6
+leonardo,1540,7
+leonardo,1156,9
+marstons,426,0
+lindenwood,7,2
+shelbyville,1088,3
+hiteman,1776,11
+hiteman,1754,0
+leonardo,615,5
+merom,865,0
+pinesdale,348,5
+hanson,254,5
+pomaria,75,0
+pomaria,1064,2
+pomaria,851,11
+merom,371,1
+woodbine,1691,2
+leonardo,1199,2
+stockman,300,3
+ranchester,927,7
+wainscott,732,4
+pinesdale,809,5
+shelbyville,1607,2
+pinesdale,1371,6
+shelbyville,1172,6
+klickitat,537,2
+leonardo,2052,1
+lindenwood,2390,2
+wainscott,1788,3
+woodbine,1015,4
+woodbine,327,5
+woodbine,1172,5
+lindenwood,1717,3
+newfields,846,7
+lindenwood,1630,0
+beechwood,1158,10
+pomaria,233,1
+lakeville,163,3
+cosmos,858,3
+coffeen,9,2
+marstons,2052,1
+shelbyville,401,1
+ranchester,559,5
+ranchester,498,10
+hanson,40,10
+leonardo,1871,5
+wainscott,1584,11
+lindenwood,147,6
+hiteman,1381,1
+klickitat,1474,7
+marstons,1305,4
+pinesdale,655,4
+hiteman,1286,10
+cosmos,776,1
+forkland,1174,3
+lakeville,1859,0
+marstons,817,0
+shelbyville,339,2
+hanson,944,7
+klickitat,989,4
+woodbine,2009,7
+benevolence,198,1
+beechwood,793,6
+forkland,435,3
+pinesdale,603,0
+wainscott,679,0
+allensville,500,6
+shelbyville,148,5
+beechwood,970,0
+tolstoy,864,3
+marstons,2115,0
+shelbyville,192,3
+pomaria,1577,4
+hiteman,537,9
+hanson,66,2
+hanson,272,4
+lindenwood,685,6
+hanson,1183,11
+merom,687,5
+merom,469,6
+cosmos,734,6
+marstons,1607,0
+ranchester,1091,1
+lindenwood,1334,2
+tolstoy,999,7
+hiteman,1289,1
+coffeen,438,2
+newfields,637,0
+lindenwood,2027,5
+klickitat,1921,9
+pinesdale,31,3
+lindenwood,770,7
+wainscott,1126,2
+shelbyville,1002,7
+pomaria,319,0
+onaga,510,0
+merom,416,3
+lindenwood,1714,1
+shelbyville,1,0
+lindenwood,1915,7
+merom,830,0
+ranchester,1149,5
+coffeen,31,6
+marstons,1661,4
+tolstoy,1290,12
+woodbine,708,7
+lindenwood,1231,2
+allensville,115,8
+hanson,283,0
+woodbine,1934,0
+lakeville,1514,0
+lindenwood,1737,0
+leonardo,85,1
+wainscott,1775,6
+merom,127,0
+ranchester,1610,5
+hanson,1425,3
+newfields,1363,0
+marstons,72,5
+hanson,847,7
+marstons,497,5
+leonardo,621,2
+benevolence,213,0
+pomaria,1393,0
+wainscott,601,9
+newfields,359,3
+forkland,429,0
+merom,400,2
+lindenwood,1177,2
+hanson,323,7
+benevolence,432,3
+shelbyville,1951,2
+klickitat,1745,19
+tolstoy,1730,4
+lakeville,484,1
+shelbyville,2179,7
+marstons,913,2
+coffeen,566,2
+marstons,1749,0
+pomaria,1170,3
+klickitat,1837,2
+klickitat,2087,11
+lindenwood,944,6
+shelbyville,1952,7
+woodbine,769,6
+woodbine,846,10
+pomaria,622,1
+newfields,478,9
+lakeville,106,7
+klickitat,1497,1
+benevolence,778,3
+benevolence,548,7
+hanson,985,0
+shelbyville,857,9
+lindenwood,2439,1
+wainscott,1555,6
+stockman,1433,0
+shelbyville,173,9
+tolstoy,334,0
+tolstoy,237,1
+ranchester,1271,5
+woodbine,1374,13
+klickitat,2087,9
+klickitat,1270,11
+pomaria,256,2
+ranchester,85,0
+cosmos,624,3
+hanson,256,0
+coffeen,824,2
+leonardo,706,9
+woodbine,593,16
+leonardo,1073,1
+mifflinburg,301,6
+coffeen,315,3
+leonardo,1231,0
+ranchester,385,0
+pinesdale,281,3
+leonardo,188,0
+coffeen,1479,5
+lindenwood,1656,0
+woodbine,708,5
+marstons,567,7
+pomaria,118,7
+shelbyville,873,14
+woodbine,985,0
+wainscott,394,0
+lindenwood,930,2
+woodbine,1639,6
+lakeville,1646,2
+wainscott,1358,2
+marstons,2446,3
+marstons,1896,1
+tolstoy,689,8
+newfields,734,2
+stockman,110,2
+hiteman,1721,2
+tolstoy,709,2
+coffeen,1294,3
+hanson,769,1
+woodbine,611,0
+hiteman,306,2
+shelbyville,1959,9
+leonardo,669,5
+shelbyville,2252,4
+shelbyville,350,0
+wainscott,775,6
+tolstoy,1571,0
+pinesdale,150,2
+shelbyville,1714,0
+hiteman,874,9
+tolstoy,1410,0
+wainscott,1579,5
+lakeville,419,11
+lakeville,555,3
+marstons,1053,2
+woodbine,854,5
+coffeen,259,1
+pinesdale,261,0
+merom,1117,9
+hanson,1292,11
+coffeen,442,2
+mifflinburg,964,1
+klickitat,393,6
+allensville,159,5
+merom,215,2
+stockman,80,10
+allensville,103,8
+ranchester,1012,1
+beechwood,396,5
+lindenwood,1183,14
+marstons,958,3
+shelbyville,50,0
+mifflinburg,582,2
+allensville,419,3
+shelbyville,1859,4
+forkland,573,7
+beechwood,1110,0
+leonardo,403,0
+leonardo,1687,3
+lindenwood,2040,5
+lindenwood,1784,2
+wainscott,502,6
+klickitat,1687,8
+leonardo,707,1
+mifflinburg,970,4
+woodbine,794,8
+ranchester,1071,4
+marstons,1915,1
+beechwood,730,3
+woodbine,897,0
+lakeville,1322,3
+lakeville,402,8
+pomaria,1237,2
+cosmos,832,7
+leonardo,278,3
+hiteman,509,3
+newfields,1228,0
+pinesdale,756,7
+stockman,831,0
+leonardo,1834,4
+lindenwood,1471,2
+leonardo,1973,1
+allensville,413,3
+hiteman,933,6
+leonardo,1036,6
+shelbyville,846,4
+pinesdale,523,9
+woodbine,1380,10
+newfields,48,1
+lindenwood,368,7
+marstons,36,1
+beechwood,550,11
+marstons,1867,4
+lakeville,490,2
+lakeville,411,1
+leonardo,1259,1
+forkland,1003,3
+pomaria,538,2
+onaga,429,3
+hanson,594,4
+klickitat,2191,7
+ranchester,866,4
+klickitat,2306,6
+newfields,1211,5
+tolstoy,1177,0
+pinesdale,427,3
+hanson,1181,1
+merom,832,0
+pinesdale,672,1
+woodbine,776,4
+newfields,1300,3
+marstons,1713,9
+shelbyville,2626,2
+klickitat,1162,4
+pinesdale,504,8
+klickitat,1238,8
+newfields,321,0
+lakeville,1016,5
+hanson,1289,3
+leonardo,1588,6
+marstons,1115,1
+leonardo,303,13
+stockman,1581,8
+marstons,1438,0
+leonardo,94,2
+marstons,1221,0
+hanson,1053,3
+klickitat,299,0
+cosmos,202,1
+wainscott,1212,2
+klickitat,429,2
+tolstoy,1635,0
+wainscott,1276,0
+marstons,1608,6
+ranchester,302,0
+pinesdale,919,11
+klickitat,437,8
+leonardo,1525,2
+hiteman,1813,7
+hiteman,1842,3
+leonardo,971,12
+leonardo,1679,0
+leonardo,1024,1
+hiteman,264,7
+ranchester,323,1
+lindenwood,337,2
+marstons,569,1
+leonardo,906,10
+klickitat,1539,8
+marstons,2237,3
+tolstoy,1774,3
+klickitat,1842,5
+cosmos,216,2
+pinesdale,128,11
+lakeville,581,2
+woodbine,1232,8
+hiteman,700,3
+benevolence,455,3
+onaga,233,1
+marstons,1718,14
+lindenwood,730,0
+lindenwood,1385,2
+lindenwood,944,5
+benevolence,901,6
+hiteman,672,2
+hiteman,860,5
+forkland,202,1
+pinesdale,852,11
+stockman,903,5
+woodbine,1782,5
+klickitat,1137,1
+newfields,1161,3
+lindenwood,2224,2
+hiteman,838,3
+tolstoy,886,1
+hanson,306,14
+merom,534,2
+coffeen,732,0
+pomaria,539,4
+leonardo,40,0
+leonardo,503,7
+klickitat,1879,2
+klickitat,1562,6
+lakeville,834,7
+coffeen,1006,1
+lindenwood,1378,3
+leonardo,2041,2
+ranchester,328,0
+leonardo,1340,0
+hiteman,67,4
+leonardo,1713,3
+tolstoy,557,9
+klickitat,1957,5
+leonardo,1878,0
+onaga,352,8
+hanson,1182,1
+woodbine,525,1
+leonardo,1868,0
+mifflinburg,454,6
+allensville,432,0
+ranchester,651,3
+cosmos,348,7
+lakeville,252,5
+lakeville,1881,4
+stockman,1,1
+marstons,204,14
+stockman,1099,0
+merom,558,6
+ranchester,837,13
+lindenwood,2224,1
+hiteman,182,1
+forkland,291,4
+marstons,628,6
+lindenwood,391,6
+pomaria,523,4
+hiteman,151,3
+merom,769,3
+stockman,899,1
+lindenwood,271,2
+lindenwood,1714,7
+cosmos,89,5
+allensville,38,3
+newfields,658,16
+wainscott,409,1
+hiteman,292,0
+hanson,1129,10
+woodbine,298,0
+stockman,484,8
+hiteman,710,4
+leonardo,1009,11
+newfields,375,0
+shelbyville,2131,8
+ranchester,761,0
+beechwood,440,3
+hanson,1648,1
+shelbyville,989,3
+newfields,85,4
+beechwood,1100,0
+coffeen,780,6
+beechwood,280,5
+hiteman,837,0
+pomaria,263,5
+lindenwood,1351,6
+newfields,45,0
+klickitat,2234,1
+lindenwood,371,3
+tolstoy,813,2
+hanson,741,11
+klickitat,1524,0
+merom,500,2
+marstons,332,1
+shelbyville,526,2
+shelbyville,1050,2
+pinesdale,75,1
+hiteman,520,2
+cosmos,12,0
+pomaria,939,0
+klickitat,2160,7
+forkland,989,5
+wainscott,445,4
+merom,95,2
+hanson,1459,16
+stockman,1061,2
+wainscott,539,8
+woodbine,1270,11
+klickitat,2238,1
+forkland,304,2
+merom,552,2
+cosmos,128,0
+pinesdale,1041,2
+wainscott,1440,6
+lindenwood,1452,3
+beechwood,792,0
+tolstoy,1638,5
+ranchester,864,7
+onaga,581,1
+stockman,1355,1
+hanson,1297,0
+klickitat,1065,3
+merom,505,1
+hanson,1451,7
+lindenwood,1746,6
+shelbyville,1697,2
+pomaria,99,5
+woodbine,1354,4
+shelbyville,1400,8
+pomaria,249,4
+ranchester,615,5
+shelbyville,1667,2
+tolstoy,237,0
+hanson,1441,0
+stockman,1360,0
+benevolence,622,0
+forkland,566,1
+allensville,497,7
+stockman,1022,5
+shelbyville,1655,1
+marstons,17,3
+forkland,512,10
+ranchester,193,7
+hiteman,1213,12
+pomaria,1471,1
+pomaria,1305,0
+marstons,2295,7
+wainscott,172,3
+mifflinburg,97,3
+wainscott,297,10
+merom,1008,6
+merom,930,2
+pinesdale,1019,3
+wainscott,17,0
+allensville,350,2
+merom,114,2
+pomaria,182,1
+woodbine,794,5
+stockman,137,6
+woodbine,285,10
+wainscott,29,2
+cosmos,859,0
+pinesdale,1357,3
+cosmos,828,8
+lindenwood,652,16
+hiteman,265,3
+leonardo,578,0
+leonardo,1830,14
+ranchester,1321,3
+woodbine,1738,5
+coffeen,524,0
+leonardo,2037,0
+hiteman,1554,0
+coffeen,359,1
+newfields,851,5
+ranchester,1280,4
+onaga,100,6
+beechwood,478,3
+leonardo,1863,8
+forkland,433,1
+lindenwood,1606,8
+tolstoy,409,3
+marstons,359,6
+shelbyville,1104,3
+forkland,795,4
+klickitat,1695,2
+woodbine,176,4
+ranchester,525,5
+lindenwood,291,4
+pomaria,899,0
+leonardo,1400,4
+cosmos,77,4
+tolstoy,754,2
+hanson,1647,2
+tolstoy,523,1
+hiteman,464,1
+leonardo,1456,4
+marstons,2248,6
+onaga,552,0
+klickitat,8,3
+lakeville,424,3
+klickitat,1474,3
+hanson,867,1
+pinesdale,987,7
+coffeen,513,4
+pomaria,1075,13
+shelbyville,1901,6
+hanson,1116,2
+woodbine,132,7
+hiteman,499,2
+ranchester,366,2
+ranchester,1581,3
+lakeville,315,0
+lindenwood,296,6
+wainscott,1019,12
+ranchester,902,7
+marstons,815,1
+allensville,484,3
+coffeen,469,1
+klickitat,1598,1
+marstons,1881,12
+shelbyville,1133,8
+coffeen,785,4
+pomaria,885,0
+lindenwood,2043,6
+klickitat,1137,6
+klickitat,1637,13
+shelbyville,763,6
+hiteman,1093,1
+pomaria,48,0
+lindenwood,1089,1
+hiteman,872,6
+leonardo,1356,0
+lakeville,1589,1
+shelbyville,259,9
+stockman,1566,0
+coffeen,381,1
+hiteman,60,4
+newfields,376,1
+ranchester,947,7
+marstons,2443,1
+lindenwood,892,6
+shelbyville,527,2
+leonardo,1152,0
+forkland,11,8
+pinesdale,102,3
+lindenwood,1763,1
+leonardo,2009,3
+woodbine,576,5
+lindenwood,1619,2
+ranchester,823,13
+ranchester,872,2
+allensville,26,2
+marstons,2588,1
+newfields,956,1
+marstons,634,3
+leonardo,762,3
+leonardo,1173,3
+marstons,112,2
+onaga,163,0
+wainscott,377,2
+woodbine,691,8
+mifflinburg,16,1
+klickitat,2188,14
+pinesdale,736,8
+ranchester,1413,1
+leonardo,1612,5
+wainscott,197,6
+hiteman,751,4
+leonardo,1272,2
+lindenwood,2527,7
+klickitat,2165,0
+pinesdale,614,4
+onaga,260,5
+stockman,261,3
+lindenwood,219,10
+stockman,1210,2
+klickitat,653,6
+ranchester,1527,0
+lindenwood,1108,1
+klickitat,524,0
+shelbyville,201,1
+coffeen,299,4
+hanson,1071,2
+leonardo,1343,1
+woodbine,1060,4
+marstons,2595,8
+shelbyville,1962,13
+hanson,918,2
+stockman,944,3
+hiteman,863,2
+leonardo,747,0
+woodbine,230,8
+woodbine,1988,4
+forkland,1186,3
+marstons,595,5
+klickitat,2362,13
+hiteman,1493,5
+beechwood,807,6
+shelbyville,2614,18
+lakeville,220,5
+ranchester,1166,2
+hiteman,439,1
+leonardo,578,3
+marstons,1757,11
+lindenwood,972,5
+cosmos,556,3
+stockman,1610,0
+lakeville,59,6
+hanson,1159,4
+tolstoy,1564,2
+hanson,1628,1
+tolstoy,1615,5
+pomaria,267,8
+newfields,420,4
+woodbine,1761,3
+pinesdale,880,12
+pinesdale,42,0
+lakeville,1427,0
+merom,72,4
+onaga,355,2
+hanson,923,15
+forkland,501,4
+marstons,669,10
+stockman,1467,8
+hiteman,793,5
+hiteman,1186,5
+lindenwood,1856,0
+merom,1117,1
+klickitat,1980,6
+pinesdale,184,9
+lindenwood,2307,6
+leonardo,665,11
+hiteman,1162,3
+stockman,384,3
+newfields,62,4
+hiteman,1329,5
+ranchester,516,7
+forkland,350,1
+marstons,1393,2
+leonardo,1082,4
+pomaria,997,13
+pomaria,1079,5
+klickitat,102,2
+lindenwood,2651,16
+ranchester,1636,2
+marstons,1752,11
+leonardo,1739,6
+pomaria,1008,9
+lindenwood,686,4
+stockman,1037,2
+wainscott,1156,10
+wainscott,1257,0
+tolstoy,413,11
+wainscott,1167,7
+cosmos,283,2
+wainscott,1630,1
+shelbyville,1566,17
+newfields,1202,6
+lakeville,1608,2
+woodbine,1798,3
+stockman,584,1
+leonardo,989,1
+pomaria,288,2
+pinesdale,1416,6
+woodbine,2014,1
+marstons,1579,1
+forkland,147,2
+leonardo,248,7
+hanson,1241,2
+stockman,1012,0
+ranchester,1518,3
+shelbyville,1488,5
+woodbine,1855,1
+lindenwood,2444,1
+marstons,518,5
+leonardo,792,2
+hiteman,1319,2
+lakeville,1305,1
+ranchester,1384,2
+wainscott,1704,3
+beechwood,738,2
+cosmos,405,13
+pomaria,299,4
+shelbyville,1387,3
+shelbyville,2150,8
+mifflinburg,304,4
+shelbyville,1080,11
+leonardo,1627,0
+beechwood,160,3
+newfields,1145,3
+wainscott,1235,1
+wainscott,1153,0
+wainscott,1379,6
+shelbyville,1354,8
+klickitat,843,12
+beechwood,264,3
+tolstoy,684,2
+onaga,630,3
+coffeen,94,0
+lakeville,376,6
+klickitat,518,6
+klickitat,1820,9
+marstons,2197,3
+pomaria,981,1
+woodbine,230,5
+wainscott,700,0
+shelbyville,1732,7
+lindenwood,827,7
+klickitat,464,4
+tolstoy,985,4
+woodbine,1082,3
+ranchester,837,3
+klickitat,1712,1
+tolstoy,1522,1
+pomaria,885,3
+lindenwood,825,10
+klickitat,2140,1
+woodbine,1306,2
+shelbyville,1814,1
+pomaria,1202,2
+klickitat,215,0
+marstons,2379,1
+woodbine,478,2
+forkland,819,3
+lindenwood,2092,1
+klickitat,533,2
+cosmos,369,2
+forkland,442,9
+pinesdale,1174,9
+pinesdale,223,0
+lindenwood,1416,5
+marstons,327,0
+leonardo,1969,5
+lakeville,1770,3
+newfields,217,0
+lindenwood,1016,1
+woodbine,999,2
+newfields,557,1
+pomaria,1492,5
+lindenwood,2538,7
+cosmos,385,0
+hanson,1510,7
+shelbyville,2249,0
+lindenwood,1691,9
+mifflinburg,514,5
+wainscott,22,2
+pomaria,1160,9
+lindenwood,414,0
+ranchester,859,2
+merom,184,1
+cosmos,962,0
+woodbine,1285,0
+wainscott,499,1
+klickitat,1488,1
+marstons,1650,9
+beechwood,304,1
+leonardo,1686,2
+klickitat,1770,4
+newfields,664,0
+pinesdale,155,9
+wainscott,1145,14
+wainscott,644,6
+lindenwood,2531,4
+lakeville,92,6
+klickitat,938,9
+pinesdale,809,0
+stockman,606,1
+mifflinburg,852,3
+lindenwood,1157,3
+wainscott,1048,1
+coffeen,211,1
+lindenwood,1501,0
+ranchester,161,0
+klickitat,1605,0
+pinesdale,854,3
+lakeville,1892,0
+ranchester,1639,3
+ranchester,535,2
+lindenwood,1931,6
+newfields,877,3
+wainscott,1166,9
+wainscott,1388,5
+wainscott,206,3
+marstons,1601,3
+lakeville,1352,4
+onaga,593,0
+allensville,488,1
+hanson,1320,2
+klickitat,950,0
+shelbyville,531,5
+klickitat,225,8
+hanson,422,7
+pomaria,1179,9
+hiteman,1746,7
+klickitat,48,6
+coffeen,121,5
+woodbine,3,5
+pomaria,83,2
+lakeville,57,12
+tolstoy,650,16
+leonardo,607,1
+lakeville,1163,4
+klickitat,1260,1
+hanson,357,12
+forkland,402,3
+woodbine,1693,3
+ranchester,1260,7
+klickitat,12,2
+leonardo,652,15
+tolstoy,436,4
+klickitat,1294,7
+woodbine,1849,5
+newfields,872,6
+marstons,528,0
+pomaria,663,0
+mifflinburg,585,1
+pinesdale,787,2
+stockman,1125,6
+ranchester,694,4
+onaga,598,2
+shelbyville,825,0
+tolstoy,88,7
+woodbine,21,7
+klickitat,279,5
+lindenwood,1765,9
+tolstoy,1450,0
+beechwood,54,4
+pomaria,476,7
+wainscott,1174,4
+lindenwood,630,3
+ranchester,216,6
+ranchester,901,2
+shelbyville,98,4
+klickitat,997,1
+lakeville,105,2
+klickitat,1473,2
+beechwood,144,4
+wainscott,289,0
+marstons,2231,4
+newfields,1270,2
+lakeville,844,2
+hanson,1050,0
+beechwood,1141,0
+woodbine,1134,2
+klickitat,2152,7
+marstons,2499,1
+stockman,414,1
+mifflinburg,375,5
+beechwood,693,3
+shelbyville,26,10
+shelbyville,843,2
+hiteman,1646,6
+leonardo,688,5
+marstons,1412,2
+woodbine,1209,0
+forkland,632,5
+lindenwood,2281,18
+lindenwood,2015,3
+allensville,441,5
+pomaria,470,8
+leonardo,690,6
+beechwood,740,2
+stockman,1095,1
+pinesdale,1089,4
+cosmos,747,2
+benevolence,902,7
+lindenwood,96,5
+mifflinburg,53,7
+ranchester,49,2
+wainscott,1633,3
+coffeen,661,5
+newfields,1405,9
+pinesdale,1008,0
+cosmos,343,9
+marstons,2259,4
+coffeen,1164,3
+tolstoy,1276,9
+ranchester,1496,1
+pinesdale,1305,0
+allensville,263,3
+marstons,903,1
+ranchester,1309,5
+merom,620,0
+shelbyville,88,6
+allensville,18,2
+leonardo,885,6
+coffeen,588,3
+klickitat,982,4
+ranchester,541,6
+woodbine,1139,2
+lakeville,521,0
+ranchester,589,0
+lakeville,724,7
+hanson,901,1
+tolstoy,1458,1
+klickitat,1118,4
+forkland,840,0
+beechwood,682,0
+hanson,1235,8
+shelbyville,2077,3
+shelbyville,1761,3
+woodbine,1778,0
+lindenwood,2531,9
+mifflinburg,758,0
+benevolence,689,0
+ranchester,1260,1
+marstons,1092,1
+leonardo,1139,6
+lakeville,1045,14
+hanson,1378,8
+onaga,35,0
+lakeville,123,5
+newfields,1389,2
+pinesdale,178,2
+leonardo,637,3
+stockman,887,1
+marstons,892,11
+hanson,967,0
+klickitat,602,1
+benevolence,582,11
+wainscott,1162,18
+forkland,800,2
+leonardo,1239,3
+tolstoy,490,5
+hanson,981,0
+shelbyville,1491,1
+hiteman,456,4
+pinesdale,1276,0
+klickitat,68,5
+tolstoy,907,3
+marstons,1195,8
+ranchester,1429,0
+klickitat,1572,2
+beechwood,901,0
+pomaria,1496,1
+hiteman,1169,2
+forkland,662,7
+cosmos,579,0
+klickitat,649,5
+leonardo,337,10
+onaga,539,2
+ranchester,1154,11
+benevolence,404,7
+forkland,64,8
+marstons,1142,0
+woodbine,612,12
+klickitat,90,7
+shelbyville,652,0
+newfields,865,8
+shelbyville,2161,5
+hiteman,385,1
+merom,633,1
+klickitat,1916,10
+lindenwood,403,0
+pinesdale,824,7
+lindenwood,1076,1
+lindenwood,572,12
+tolstoy,645,2
+klickitat,52,11
+marstons,1047,6
+leonardo,601,6
+tolstoy,720,3
+shelbyville,1521,2
+leonardo,2087,5
+shelbyville,678,0
+shelbyville,376,2
+lakeville,1245,4
+woodbine,934,7
+stockman,1013,0
+woodbine,1900,5
+forkland,88,7
+klickitat,25,1
+woodbine,124,1
+lindenwood,990,3
+merom,173,0
+merom,558,11
+pomaria,622,3
+pomaria,207,4
+marstons,1668,8
+pomaria,295,7
+onaga,112,1
+merom,324,5
+marstons,1966,1
+beechwood,378,3
+shelbyville,2685,3
+lakeville,36,5
+ranchester,1229,0
+pinesdale,867,9
+marstons,468,6
+tolstoy,208,1
+wainscott,1253,2
+pinesdale,268,8
+stockman,1006,1
+lakeville,1671,5
+tolstoy,767,0
+woodbine,1670,6
+shelbyville,672,12
+merom,604,4
+pomaria,36,4
+marstons,1752,12
+pinesdale,269,1
+beechwood,350,7
+klickitat,1277,1
+klickitat,988,2
+hanson,490,14
+wainscott,924,6
+marstons,1805,10
+pinesdale,618,0
+pinesdale,938,2
+klickitat,699,3
+leonardo,83,3
+stockman,1459,0
+coffeen,644,3
+pomaria,750,8
+wainscott,1036,0
+beechwood,362,1
+pomaria,1276,1
+beechwood,297,3
+lakeville,1173,3
+lakeville,479,1
+wainscott,1639,2
+lindenwood,1943,0
+pinesdale,534,0
+shelbyville,396,0
+woodbine,310,8
+stockman,653,3
+shelbyville,893,8
+lindenwood,690,3
+mifflinburg,917,3
+allensville,144,4
+ranchester,1040,1
+woodbine,1502,7
+mifflinburg,60,0
+hanson,806,7
+pomaria,288,13
+lakeville,1343,11
+ranchester,1409,0
+hiteman,1460,5
+pinesdale,1518,0
+pinesdale,43,3
+marstons,2592,4
+leonardo,842,7
+pomaria,1506,1
+woodbine,1318,5
+woodbine,542,4
+merom,207,1
+pinesdale,183,4
+merom,639,0
+klickitat,1017,3
+pomaria,1046,0
+klickitat,1001,3
+pinesdale,206,7
+pomaria,182,3
+merom,793,3
+ranchester,704,3
+pomaria,1186,12
+coffeen,1228,2
+ranchester,1098,8
+merom,131,7
+shelbyville,2461,2
+coffeen,104,3
+stockman,546,0
+pomaria,1253,4
+klickitat,479,17
+klickitat,2178,0
+ranchester,608,3
+lakeville,438,4
+klickitat,1561,17
+woodbine,1896,0
+onaga,637,7
+lindenwood,1497,1
+leonardo,244,0
+pomaria,962,2
+lakeville,1193,12
+woodbine,1605,4
+woodbine,1909,2
+lindenwood,2487,9
+coffeen,544,1
+lindenwood,2083,11
+leonardo,1205,6
+shelbyville,2351,5
+cosmos,7,9
+hanson,229,2
+merom,87,2
+merom,295,4
+hanson,1600,1
+beechwood,822,1
+pomaria,1666,2
+shelbyville,2449,3
+klickitat,1606,10
+woodbine,1215,0
+pomaria,1676,5
+ranchester,1263,4
+shelbyville,2685,6
+lindenwood,1103,0
+leonardo,377,2
+mifflinburg,352,3
+klickitat,1905,10
+hiteman,779,16
+klickitat,171,21
+tolstoy,220,0
+beechwood,44,7
+woodbine,1366,4
+cosmos,595,5
+shelbyville,574,6
+leonardo,38,3
+tolstoy,381,4
+tolstoy,1184,5
+woodbine,1267,4
+newfields,534,1
+forkland,1143,4
+pinesdale,925,9
+shelbyville,492,1
+ranchester,552,0
+marstons,947,8
+marstons,2010,1
+lakeville,587,2
+onaga,554,3
+marstons,659,10
+stockman,704,5
+hanson,1562,10
+lakeville,486,1
+pomaria,101,11
+pinesdale,1389,4
+newfields,385,5
+shelbyville,2303,0
+lakeville,1759,3
+woodbine,1349,0
+pinesdale,663,0
+lindenwood,1503,6
+stockman,326,0
+klickitat,1018,7
+coffeen,180,0
+ranchester,418,4
+pomaria,300,5
+stockman,720,3
+lindenwood,1787,4
+hiteman,437,3
+newfields,888,4
+forkland,830,2
+shelbyville,1846,6
+shelbyville,1427,3
+leonardo,549,1
+benevolence,519,0
+tolstoy,936,2
+wainscott,1559,3
+pomaria,1339,6
+lindenwood,692,2
+cosmos,240,10
+benevolence,25,1
+merom,384,3
+merom,164,7
+marstons,882,4
+coffeen,1352,0
+beechwood,500,1
+woodbine,633,4
+klickitat,967,0
+wainscott,259,3
+woodbine,361,3
+pomaria,520,9
+wainscott,69,6
+marstons,2525,2
+marstons,2036,2
+stockman,783,1
+forkland,664,3
+lindenwood,1128,1
+hanson,401,11
+newfields,552,1
+klickitat,73,6
+pinesdale,1050,3
+lindenwood,819,12
+hiteman,1706,0
+stockman,260,1
+newfields,296,2
+ranchester,615,7
+pomaria,811,10
+newfields,739,2
+marstons,698,6
+klickitat,996,4
+lindenwood,306,1
+leonardo,1015,2
+hiteman,459,3
+klickitat,1980,4
+lindenwood,996,6
+cosmos,494,6
+lindenwood,585,5
+lindenwood,273,16
+woodbine,1175,1
+wainscott,250,9
+pomaria,705,4
+onaga,295,1
+wainscott,1684,5
+hiteman,1046,0
+pinesdale,457,0
+lindenwood,654,4
+lakeville,983,3
+lindenwood,1659,3
+shelbyville,681,3
+marstons,1474,3
+lindenwood,1770,1
+woodbine,1672,13
+lakeville,402,0
+klickitat,563,0
+lindenwood,2023,0
+ranchester,358,8
+klickitat,263,0
+hanson,1598,7
+marstons,1534,2
+shelbyville,2595,12
+marstons,587,7
+marstons,1280,0
+wainscott,767,1
+forkland,1154,2
+newfields,40,3
+hanson,1608,2
+shelbyville,345,2
+marstons,1668,7
+hanson,576,6
+pomaria,713,4
+hiteman,657,3
+hiteman,916,0
+hiteman,1308,3
+pomaria,1000,2
+tolstoy,1214,2
+shelbyville,1516,0
+lakeville,804,3
+stockman,271,1
+marstons,1705,8
+stockman,647,1
+benevolence,600,8
+lindenwood,2325,6
+ranchester,973,0
+woodbine,791,2
+cosmos,568,0
+pomaria,1427,14
+leonardo,521,6
+marstons,1510,0
+woodbine,1094,16
+beechwood,505,4
+shelbyville,282,8
+newfields,1488,0
+wainscott,437,3
+beechwood,521,4
+coffeen,511,0
+lakeville,831,3
+woodbine,1877,13
+cosmos,190,0
+shelbyville,4,2
+hanson,536,0
+klickitat,251,2
+hiteman,590,3
+klickitat,1801,7
+pinesdale,120,2
+ranchester,515,4
+marstons,472,1
+marstons,212,4
+lindenwood,264,1
+shelbyville,2137,3
+beechwood,609,2
+pomaria,1651,9
+pomaria,1233,9
+pinesdale,1180,3
+cosmos,955,1
+lakeville,1808,4
+cosmos,581,3
+shelbyville,1839,3
+beechwood,1043,5
+klickitat,2098,0
+hiteman,1688,5
+shelbyville,1633,10
+leonardo,1362,3
+ranchester,1092,0
+beechwood,746,1
+shelbyville,749,6
+pomaria,474,0
+hanson,812,10
+beechwood,1004,0
+lindenwood,2095,0
+lakeville,1288,2
+forkland,538,2
+lindenwood,838,0
+hanson,956,0
+cosmos,578,4
+hiteman,925,2
+tolstoy,504,9
+leonardo,1881,3
+ranchester,871,1
+coffeen,538,3
+mifflinburg,29,2
+leonardo,1783,13
+lindenwood,2601,7
+shelbyville,399,3
+ranchester,966,6
+coffeen,673,0
+ranchester,921,3
+lindenwood,2199,1
+ranchester,345,9
+woodbine,25,12
+stockman,588,0
+leonardo,858,6
+tolstoy,717,7
+lindenwood,496,3
+coffeen,174,0
+hiteman,1652,1
+lindenwood,1130,4
+onaga,624,5
+onaga,662,4
+ranchester,592,14
+lakeville,1594,2
+leonardo,1569,3
+marstons,529,9
+shelbyville,1686,2
+forkland,344,5
+ranchester,560,1
+onaga,377,4
+lindenwood,1798,2
+hanson,997,1
+tolstoy,1136,5
+pinesdale,1384,4
+coffeen,1427,2
+benevolence,548,12
+marstons,587,0
+ranchester,452,2
+leonardo,686,9
+leonardo,1238,10
+tolstoy,1386,3
+ranchester,1313,3
+merom,432,2
+leonardo,1656,2
+mifflinburg,264,0
+forkland,375,1
+lindenwood,2649,3
+shelbyville,2733,2
+tolstoy,1267,7
+beechwood,999,2
+shelbyville,2494,15
+lakeville,405,10
+onaga,273,1
+marstons,1570,3
+klickitat,1306,6
+lindenwood,2437,2
+klickitat,1392,0
+tolstoy,441,4
+onaga,479,1
+newfields,900,0
+stockman,243,1
+tolstoy,1638,10
+newfields,1173,4
+shelbyville,2262,4
+newfields,8,0
+lindenwood,2210,11
+ranchester,443,0
+lakeville,1327,11
+cosmos,526,10
+klickitat,1104,1
+coffeen,414,5
+hiteman,30,1
+leonardo,1892,2
+pomaria,247,5
+leonardo,25,6
+lakeville,923,2
+lindenwood,2140,12
+mifflinburg,467,0
+lindenwood,64,1
+onaga,520,2
+pomaria,526,2
+beechwood,853,2
+cosmos,918,2
+shelbyville,1783,8
+marstons,2157,0
+stockman,240,3
+mifflinburg,569,1
+lindenwood,538,12
+woodbine,1148,2
+pinesdale,325,10
+merom,735,1
+shelbyville,2137,0
+woodbine,1159,0
+shelbyville,632,19
+lindenwood,1421,0
+pomaria,849,7
+shelbyville,2126,2
+leonardo,2083,5
+woodbine,576,2
+tolstoy,790,7
+pinesdale,1098,4
+marstons,793,3
+hanson,944,11
+tolstoy,1507,6
+marstons,1459,1
+merom,666,2
+mifflinburg,870,2
+mifflinburg,710,2
+marstons,1942,2
+tolstoy,1177,1
+merom,629,0
+pinesdale,15,3
+shelbyville,1156,6
+lindenwood,1127,0
+pomaria,617,2
+shelbyville,1386,8
+klickitat,2069,3
+shelbyville,2322,4
+cosmos,339,0
+hiteman,1030,4
+coffeen,666,0
+lindenwood,2521,8
+ranchester,1154,15
+leonardo,259,1
+pomaria,399,0
+lindenwood,1701,9
+pinesdale,1269,3
+newfields,36,11
+leonardo,1510,0
+stockman,1194,0
+woodbine,54,3
+shelbyville,224,2
+lindenwood,393,2
+klickitat,1493,1
+wainscott,513,10
+leonardo,1441,5
+klickitat,438,2
+ranchester,1537,0
+onaga,33,2
+lakeville,20,2
+marstons,2356,0
+onaga,53,6
+pomaria,463,5
+cosmos,504,11
+newfields,454,12
+shelbyville,902,5
+ranchester,511,2
+coffeen,610,5
+hanson,1581,0
+klickitat,1779,10
+wainscott,1505,1
+shelbyville,1779,3
+leonardo,794,3
+ranchester,1369,1
+tolstoy,585,9
+hanson,56,8
+cosmos,640,3
+klickitat,1861,3
+benevolence,566,1
+hanson,1631,5
+pomaria,377,10
+woodbine,108,1
+klickitat,1759,1
+pomaria,1043,4
+lakeville,1011,2
+marstons,794,3
+shelbyville,1784,0
+leonardo,212,2
+coffeen,402,3
+hiteman,1492,1
+woodbine,1930,4
+pinesdale,965,2
+woodbine,921,1
+ranchester,1510,3
+shelbyville,2711,3
+lindenwood,1675,9
+newfields,1429,0
+lindenwood,460,14
+lindenwood,91,1
+stockman,234,2
+hanson,41,1
+shelbyville,786,10
+shelbyville,1212,0
+cosmos,957,1
+woodbine,413,6
+shelbyville,2528,9
+lindenwood,2429,0
+tolstoy,1656,5
+klickitat,882,1
+pinesdale,913,3
+woodbine,408,3
+beechwood,172,0
+shelbyville,1507,8
+wainscott,1340,7
+hanson,591,1
+cosmos,826,7
+marstons,313,0
+hiteman,1461,4
+lindenwood,613,5
+coffeen,1492,3
+tolstoy,438,10
+woodbine,280,2
+pomaria,336,1
+benevolence,743,9
+shelbyville,2670,10
+klickitat,1717,3
+wainscott,666,3
+coffeen,672,0
+hanson,1515,0
+beechwood,131,5
+ranchester,585,0
+lindenwood,1802,3
+wainscott,469,0
+marstons,555,9
+shelbyville,441,13
+stockman,152,6
+lakeville,136,3
+shelbyville,1975,5
+allensville,462,7
+hanson,738,9
+stockman,142,5
+merom,1115,1
+onaga,280,0
+marstons,2555,3
+marstons,1045,12
+leonardo,957,15
+pomaria,263,9
+leonardo,982,2
+wainscott,704,2
+merom,78,3
+klickitat,1955,4
+forkland,1129,2
+woodbine,929,10
+pinesdale,1298,0
+shelbyville,445,17
+cosmos,198,1
+hiteman,1622,0
+leonardo,316,14
+forkland,371,0
+forkland,1096,7
+pomaria,1006,0
+lindenwood,1001,0
+merom,484,1
+woodbine,169,0
+marstons,2104,1
+leonardo,1155,7
+forkland,118,1
+klickitat,781,5
+lakeville,927,12
+hanson,1656,15
+lakeville,1772,14
+lindenwood,1696,2
+hiteman,1734,1
+pomaria,248,0
+lindenwood,1360,2
+klickitat,1731,1
+lakeville,1374,6
+onaga,475,1
+shelbyville,251,6
+tolstoy,1592,5
+marstons,1189,2
+hanson,1374,3
+pomaria,802,0
+pomaria,680,1
+wainscott,575,5
+onaga,80,2
+leonardo,1383,5
+shelbyville,487,11
+klickitat,1529,0
+cosmos,21,0
+marstons,1420,5
+woodbine,145,6
+woodbine,340,3
+leonardo,40,7
+coffeen,1317,2
+hanson,831,4
+shelbyville,632,5
+klickitat,711,5
+lindenwood,2374,3
+shelbyville,2399,8
+lakeville,254,4
+ranchester,1056,2
+marstons,529,11
+beechwood,877,6
+marstons,569,0
+lindenwood,17,6
+hanson,1286,8
+hiteman,1717,10
+shelbyville,499,3
+pomaria,1249,6
+wainscott,1737,4
+lindenwood,234,2
+lakeville,1299,4
+woodbine,873,4
+ranchester,1449,2
+woodbine,901,0
+klickitat,2099,0
+shelbyville,1962,15
+shelbyville,1766,2
+ranchester,1056,5
+woodbine,517,0
+marstons,1938,11
+lakeville,569,6
+shelbyville,356,5
+shelbyville,1157,6
+hiteman,146,6
+pomaria,1075,6
+shelbyville,120,4
+shelbyville,815,4
+lindenwood,936,9
+klickitat,2387,0
+shelbyville,2571,2
+lindenwood,1243,4
+marstons,947,13
+coffeen,355,5
+shelbyville,2377,2
+hiteman,66,3
+leonardo,1853,2
+leonardo,80,1
+hanson,1258,3
+lindenwood,1341,3
+shelbyville,1410,1
+hanson,1000,1
+marstons,865,4
+stockman,1062,3
+lakeville,583,7
+klickitat,209,3
+lindenwood,21,1
+leonardo,704,0
+pinesdale,248,0
+woodbine,114,1
+pomaria,1423,0
+pinesdale,303,3
+wainscott,437,8
+lindenwood,940,6
+stockman,386,1
+lindenwood,2568,7
+marstons,201,3
+hiteman,8,3
+leonardo,790,1
+klickitat,2069,7
+tolstoy,309,14
+lakeville,111,11
+tolstoy,1626,1
+ranchester,840,3
+lindenwood,1542,4
+newfields,613,1
+pinesdale,470,3
+leonardo,1012,4
+merom,350,1
+pomaria,1367,2
+stockman,793,11
+klickitat,1159,5
+klickitat,2314,0
+newfields,433,1
+coffeen,1281,0
+ranchester,718,2
+klickitat,2349,5
+leonardo,1153,7
+shelbyville,1783,13
+marstons,99,0
+ranchester,796,0
+klickitat,2218,11
+cosmos,591,7
+shelbyville,278,5
+forkland,374,3
+tolstoy,829,2
+forkland,496,2
+klickitat,419,1
+ranchester,611,7
+newfields,836,3
+pomaria,1254,17
+marstons,2165,6
+woodbine,1871,3
+woodbine,591,9
+newfields,1652,5
+lakeville,44,3
+hiteman,1109,3
+klickitat,2123,7
+marstons,1355,6
+lindenwood,2069,3
+forkland,246,6
+onaga,410,2
+hanson,777,6
+hiteman,1124,1
+shelbyville,1509,4
+merom,759,3
+leonardo,1422,10
+klickitat,2357,4
+shelbyville,322,4
+shelbyville,576,5
+shelbyville,2355,1
+allensville,384,4
+wainscott,242,3
+merom,691,2
+lakeville,199,2
+wainscott,214,1
+marstons,1761,6
+ranchester,178,1
+newfields,618,3
+coffeen,1041,0
+onaga,610,2
+tolstoy,157,4
+beechwood,221,2
+lakeville,1406,8
+shelbyville,697,5
+klickitat,99,1
+ranchester,1311,4
+pomaria,1643,7
+wainscott,179,9
+shelbyville,2159,6
+lindenwood,1491,1
+hiteman,236,5
+klickitat,1384,12
+lakeville,1310,2
+pomaria,241,7
+cosmos,873,3
+newfields,962,3
+tolstoy,1143,1
+lakeville,1265,2
+newfields,61,2
+tolstoy,493,8
+newfields,1253,4
+pinesdale,780,1
+pinesdale,1371,5
+lindenwood,1562,5
+forkland,598,2
+lakeville,1308,4
+benevolence,505,1
+newfields,622,2
+marstons,2354,5
+marstons,1207,5
+cosmos,975,1
+tolstoy,1277,2
+beechwood,209,0
+klickitat,1133,1
+lakeville,168,0
+coffeen,1499,0
+allensville,432,2
+klickitat,404,2
+lakeville,660,7
+hanson,473,13
+allensville,499,2
+forkland,254,3
+wainscott,1668,4
+beechwood,121,4
+hiteman,1373,6
+coffeen,1214,3
+lakeville,1140,10
+pinesdale,243,6
+coffeen,190,2
+marstons,2571,2
+shelbyville,1771,2
+ranchester,1594,6
+lakeville,389,1
+coffeen,486,4
+lindenwood,2299,7
+beechwood,79,10
+stockman,711,6
+klickitat,1765,1
+shelbyville,2444,3
+pomaria,450,3
+woodbine,1939,1
+klickitat,1415,8
+benevolence,601,3
+hanson,1420,3
+klickitat,2090,5
+hanson,518,6
+pomaria,730,6
+lindenwood,841,4
+pinesdale,245,0
+leonardo,25,2
+lakeville,841,5
+stockman,1476,2
+forkland,232,1
+pomaria,696,6
+lindenwood,2181,2
+tolstoy,420,10
+klickitat,1182,13
+marstons,1240,0
+shelbyville,1041,0
+leonardo,309,1
+klickitat,455,2
+klickitat,1077,0
+shelbyville,1696,0
+lindenwood,133,0
+woodbine,1357,0
+lakeville,87,14
+tolstoy,366,4
+pomaria,676,2
+lakeville,1132,0
+beechwood,559,8
+coffeen,121,2
+pinesdale,87,9
+lindenwood,1093,0
+pomaria,1619,2
+merom,501,7
+leonardo,1869,7
+onaga,201,0
+benevolence,548,0
+pomaria,895,11
+klickitat,1228,2
+leonardo,3,5
+ranchester,1365,10
+merom,155,1
+pomaria,303,1
+newfields,1030,10
+hiteman,1678,3
+newfields,1392,2
+marstons,1644,1
+lakeville,1850,0
+hanson,97,3
+pomaria,35,4
+pinesdale,1373,3
+stockman,348,2
+leonardo,1683,0
+leonardo,1778,2
+leonardo,995,3
+benevolence,869,6
+pomaria,392,5
+beechwood,234,5
+pomaria,253,9
+leonardo,1682,6
+mifflinburg,340,2
+pomaria,1253,13
+woodbine,1932,3
+hanson,423,13
+marstons,417,10
+marstons,2102,0
+woodbine,520,1
+stockman,1509,3
+wainscott,535,0
+shelbyville,193,3
+newfields,224,3
+woodbine,234,5
+pomaria,1289,6
+allensville,104,1
+mifflinburg,650,1
+shelbyville,2108,6
+lindenwood,1675,10
+forkland,545,6
+klickitat,1178,6
+beechwood,56,5
+lakeville,1784,4
+woodbine,478,4
+hiteman,474,4
+lakeville,1201,6
+forkland,1131,12
+merom,797,1
+wainscott,1064,0
+ranchester,185,2
+klickitat,1357,1
+woodbine,1897,3
+marstons,927,2
+lindenwood,2337,0
+lakeville,1002,1
+tolstoy,626,0
+klickitat,2373,5
+leonardo,478,2
+tolstoy,428,2
+coffeen,1093,2
+stockman,1122,0
+hanson,105,9
+coffeen,755,0
+stockman,265,6
+cosmos,1033,3
+hiteman,1325,3
+shelbyville,1494,14
+leonardo,1522,5
+merom,952,0
+wainscott,1641,7
+pinesdale,1449,11
+allensville,110,5
+klickitat,530,9
+tolstoy,125,0
+tolstoy,490,4
+hanson,173,1
+beechwood,1116,6
+merom,777,0
+beechwood,841,6
+hiteman,909,5
+hanson,681,4
+woodbine,840,13
+newfields,982,1
+ranchester,307,6
+pomaria,1653,6
+lindenwood,1055,2
+hanson,1611,0
+hanson,1144,9
+hanson,1603,4
+woodbine,276,5
+klickitat,1268,0
+newfields,322,10
+klickitat,1984,0
+forkland,639,5
+lindenwood,440,3
+klickitat,2381,7
+pinesdale,722,4
+newfields,187,6
+coffeen,409,1
+ranchester,99,3
+tolstoy,507,3
+shelbyville,2381,0
+newfields,203,8
+marstons,2608,5
+ranchester,760,11
+newfields,49,1
+shelbyville,241,2
+onaga,419,1
+marstons,485,10
+coffeen,1190,2
+ranchester,771,0
+allensville,298,1
+coffeen,294,3
+wainscott,730,7
+leonardo,374,3
+cosmos,601,6
+shelbyville,2629,5
+coffeen,640,3
+hanson,241,1
+marstons,691,1
+klickitat,2267,0
+klickitat,2121,3
+beechwood,602,1
+shelbyville,2195,2
+shelbyville,699,1
+klickitat,2282,11
+lindenwood,1562,3
+wainscott,1467,1
+wainscott,596,4
+benevolence,252,4
+forkland,1171,1
+coffeen,909,7
+shelbyville,1619,13
+coffeen,1104,0
+newfields,221,18
+klickitat,131,6
+leonardo,2100,7
+wainscott,837,15
+onaga,454,1
+klickitat,887,3
+hiteman,1788,5
+beechwood,531,3
+woodbine,507,7
+shelbyville,1020,2
+lakeville,1057,7
+klickitat,2049,11
+wainscott,794,6
+lakeville,687,4
+hanson,431,1
+cosmos,515,1
+shelbyville,1853,3
+shelbyville,1043,3
+lakeville,365,6
+marstons,2146,1
+hanson,693,8
+lindenwood,1944,10
+newfields,252,8
+hanson,1009,9
+marstons,1181,7
+ranchester,140,4
+ranchester,1143,1
+hiteman,376,9
+shelbyville,2091,0
+stockman,843,2
+leonardo,1398,9
+coffeen,1063,1
+lakeville,289,2
+klickitat,2237,4
+klickitat,895,2
+wainscott,103,7
+klickitat,1849,13
+newfields,252,11
+lakeville,1266,2
+wainscott,1431,5
+lindenwood,1988,7
+leonardo,1545,4
+leonardo,1634,4
+stockman,1076,2
+lindenwood,315,0
+pomaria,19,2
+klickitat,2293,5
+merom,909,12
+cosmos,143,4
+klickitat,1575,2
+hiteman,854,0
+forkland,370,0
+shelbyville,2480,0
+stockman,1198,14
+hiteman,809,0
+lindenwood,57,2
+shelbyville,1302,12
+ranchester,1128,2
+lakeville,504,1
+marstons,716,1
+wainscott,1248,9
+klickitat,389,9
+lakeville,1065,4
+newfields,1099,1
+marstons,319,15
+newfields,855,0
+newfields,1223,0
+hanson,1369,0
+benevolence,901,3
+ranchester,508,1
+klickitat,95,0
+klickitat,1105,2
+shelbyville,517,0
+leonardo,1134,1
+merom,988,0
+shelbyville,2425,8
+beechwood,384,3
+coffeen,567,11
+klickitat,2222,9
+shelbyville,2300,2
+coffeen,1394,2
+lakeville,1063,5
+lindenwood,2544,1
+lindenwood,1773,8
+forkland,1094,2
+klickitat,2394,4
+tolstoy,1535,9
+lindenwood,381,3
+hanson,604,5
+klickitat,259,0
+wainscott,1765,3
+forkland,1134,1
+klickitat,1878,0
+hiteman,1479,8
+allensville,387,0
+wainscott,1230,2
+newfields,266,0
+tolstoy,423,2
+lakeville,956,5
+marstons,1777,1
+cosmos,354,3
+cosmos,807,0
+merom,960,4
+mifflinburg,454,7
+ranchester,274,2
+stockman,903,1
+hanson,1051,1
+lindenwood,2161,6
+lindenwood,1109,1
+ranchester,1018,1
+beechwood,966,6
+wainscott,733,0
+klickitat,2316,0
+marstons,2610,3
+lindenwood,930,0
+cosmos,317,4
+cosmos,1059,5
+tolstoy,1562,10
+coffeen,1075,2
+tolstoy,1053,2
+stockman,1453,7
+pomaria,961,10
+merom,597,5
+pinesdale,1257,11
+lindenwood,2025,0
+marstons,1184,3
+lindenwood,913,9
+woodbine,1200,3
+pinesdale,769,5
+lindenwood,1148,19
+shelbyville,2161,10
+allensville,240,2
+woodbine,1754,5
+mifflinburg,166,7
+newfields,612,10
+coffeen,1503,6
+pinesdale,1494,7
+leonardo,1649,0
+klickitat,1577,17
+pinesdale,32,7
+hanson,1377,10
+stockman,502,0
+lindenwood,1479,4
+lakeville,337,4
+woodbine,95,13
+marstons,711,4
+pomaria,798,13
+shelbyville,2417,1
+woodbine,642,3
+shelbyville,2813,4
+lakeville,35,13
+hanson,1633,3
+marstons,2500,2
+lindenwood,2148,3
+woodbine,1005,4
+hanson,876,10
+newfields,717,9
+pomaria,267,9
+allensville,441,2
+woodbine,459,0
+pomaria,153,3
+woodbine,615,5
+leonardo,1777,3
+pinesdale,1163,4
+hiteman,1237,0
+wainscott,879,1
+leonardo,125,2
+shelbyville,1876,1
+lakeville,248,7
+lindenwood,473,10
+coffeen,1289,3
+cosmos,665,13
+klickitat,1933,9
+woodbine,1643,6
+lindenwood,592,1
+cosmos,172,2
+hanson,849,3
+shelbyville,2436,6
+hiteman,821,1
+marstons,2135,1
+benevolence,677,3
+lakeville,1515,4
+klickitat,717,3
+leonardo,1260,3
+ranchester,745,4
+newfields,752,6
+ranchester,216,5
+onaga,645,2
+klickitat,810,9
+shelbyville,1100,2
+pomaria,1470,14
+hanson,944,16
+forkland,343,2
+hanson,949,5
+merom,647,2
+mifflinburg,712,5
+shelbyville,1410,5
+forkland,922,2
+shelbyville,1338,0
+lakeville,1623,3
+newfields,309,1
+lakeville,756,10
+marstons,2378,4
+klickitat,1502,3
+benevolence,24,1
+newfields,892,8
+shelbyville,2025,5
+hanson,117,1
+hiteman,481,7
+pomaria,1645,3
+coffeen,444,5
+benevolence,753,2
+ranchester,366,4
+cosmos,686,2
+lindenwood,2199,0
+cosmos,258,0
+lakeville,1247,11
+ranchester,597,0
+pinesdale,244,2
+pinesdale,1207,7
+marstons,1948,4
+benevolence,962,3
+leonardo,1883,7
+marstons,617,1
+klickitat,2049,8
+pomaria,636,6
+klickitat,1715,2
+woodbine,1653,9
+pomaria,177,2
+wainscott,1652,2
+ranchester,1193,3
+marstons,2233,1
+pinesdale,752,5
+marstons,908,0
+beechwood,125,3
+woodbine,1108,7
+onaga,447,1
+pomaria,1667,1
+wainscott,838,12
+lakeville,515,0
+mifflinburg,461,3
+wainscott,278,3
+lakeville,84,3
+pomaria,1333,0
+marstons,1052,3
+pomaria,20,0
+newfields,78,0
+lindenwood,1909,4
+lakeville,755,6
+cosmos,436,0
+marstons,1179,4
+woodbine,262,1
+wainscott,789,3
+shelbyville,763,0
+stockman,1238,6
+ranchester,338,4
+tolstoy,1489,7
+lindenwood,533,4
+shelbyville,2061,1
+benevolence,283,0
+beechwood,1100,5
+forkland,590,2
+onaga,91,1
+woodbine,1440,6
+hiteman,159,5
+tolstoy,313,2
+woodbine,510,2
+newfields,1480,5
+ranchester,1286,5
+wainscott,396,2
+tolstoy,877,3
+woodbine,1328,6
+lindenwood,2125,1
+wainscott,482,10
+merom,756,3
+wainscott,1296,5
+lakeville,795,0
+ranchester,1443,4
+lindenwood,1625,1
+ranchester,222,6
+hanson,555,4
+shelbyville,220,0
+pomaria,330,7
+lindenwood,1687,11
+hiteman,770,3
+tolstoy,123,1
+beechwood,468,13
+shelbyville,2159,8
+merom,504,2
+merom,470,8
+newfields,321,6
+pomaria,1013,2
+woodbine,1654,1
+wainscott,750,2
+woodbine,566,13
+cosmos,780,2
+pomaria,1210,7
+lindenwood,1101,5
+marstons,2447,4
+hanson,1384,1
+marstons,1076,0
+merom,635,8
+leonardo,1250,1
+wainscott,1024,2
+klickitat,225,3
+klickitat,506,1
+beechwood,233,1
+mifflinburg,158,4
+mifflinburg,610,0
+pinesdale,819,1
+ranchester,938,4
+shelbyville,1291,1
+lakeville,808,8
+hanson,923,8
+pomaria,1137,0
+pinesdale,455,5
+hanson,1248,1
+benevolence,905,0
+allensville,399,3
+klickitat,244,2
+shelbyville,718,9
+pinesdale,275,4
+leonardo,1533,4
+ranchester,1472,7
+stockman,888,2
+coffeen,404,3
+leonardo,1913,2
+pomaria,885,4
+pomaria,42,9
+pomaria,1073,1
+lindenwood,2038,0
+woodbine,68,2
+shelbyville,418,1
+shelbyville,2045,2
+lakeville,1836,0
+onaga,282,2
+hiteman,1460,0
+lakeville,1120,4
+pinesdale,214,3
+leonardo,971,6
+marstons,1683,4
+lindenwood,2259,2
+leonardo,1461,0
+hanson,1215,0
+stockman,339,4
+coffeen,1389,0
+beechwood,775,12
+lakeville,1311,2
+lakeville,1384,10
+tolstoy,361,1
+stockman,1615,2
+hiteman,1509,3
+hiteman,1735,5
+tolstoy,1711,4
+leonardo,1270,5
+hiteman,1221,3
+stockman,96,7
+lindenwood,397,0
+woodbine,539,1
+woodbine,336,6
+klickitat,1884,6
+pomaria,1337,12
+ranchester,976,1
+stockman,1619,0
+cosmos,195,7
+pinesdale,749,0
+tolstoy,647,0
+merom,111,3
+lakeville,1011,3
+lakeville,89,5
+benevolence,597,6
+hiteman,152,5
+shelbyville,1013,4
+leonardo,1964,1
+tolstoy,1507,7
+pomaria,1404,3
+onaga,23,6
+hanson,354,7
+woodbine,1821,8
+tolstoy,858,4
+onaga,115,2
+leonardo,1850,6
+pinesdale,1470,0
+coffeen,175,0
+woodbine,1898,1
+lindenwood,931,5
+pinesdale,1089,3
+mifflinburg,489,3
+lindenwood,1930,3
+wainscott,898,8
+lindenwood,958,1
+leonardo,923,2
+pomaria,1597,8
+ranchester,135,4
+newfields,481,20
+lindenwood,255,1
+hanson,1603,0
+marstons,2408,0
+ranchester,1241,3
+leonardo,1537,6
+hiteman,874,4
+marstons,1956,2
+lindenwood,133,3
+hanson,253,5
+marstons,934,1
+stockman,1023,4
+onaga,257,2
+marstons,2410,3
+newfields,1261,5
+woodbine,1480,4
+marstons,457,3
+hiteman,1157,3
+wainscott,1620,0
+leonardo,1317,2
+hanson,801,1
+shelbyville,1565,3
+leonardo,1771,1
+merom,456,6
+benevolence,927,0
+allensville,313,2
+leonardo,359,2
+beechwood,981,1
+woodbine,1532,5
+marstons,149,1
+newfields,297,4
+beechwood,703,8
+lindenwood,1202,1
+shelbyville,1048,1
+merom,116,5
+hanson,1280,1
+klickitat,1706,6
+lakeville,147,2
+tolstoy,712,4
+ranchester,210,14
+leonardo,754,8
+beechwood,849,8
+shelbyville,1323,6
+mifflinburg,490,3
+shelbyville,26,2
+shelbyville,2172,9
+klickitat,2271,5
+woodbine,1303,8
+stockman,404,3
+tolstoy,142,9
+hiteman,1740,5
+marstons,1583,2
+mifflinburg,614,2
+tolstoy,1755,3
+lindenwood,211,1
+lakeville,564,3
+stockman,913,0
+shelbyville,1383,2
+ranchester,1304,4
+marstons,2112,1
+coffeen,430,5
+lindenwood,755,3
+shelbyville,819,1
+hanson,1218,18
+forkland,664,4
+marstons,1357,2
+lakeville,1108,2
+allensville,279,0
+marstons,2478,0
+coffeen,1180,6
+allensville,370,5
+tolstoy,1684,4
+ranchester,850,4
+klickitat,1955,2
+lindenwood,1897,11
+hiteman,645,3
+newfields,696,6
+ranchester,62,0
+lakeville,1474,10
+forkland,786,0
+woodbine,726,3
+hanson,776,12
+coffeen,1469,1
+benevolence,820,4
+onaga,358,2
+pinesdale,1095,5
+tolstoy,8,1
+wainscott,1281,7
+forkland,140,7
+cosmos,560,4
+marstons,1840,2
+hanson,1130,8
+marstons,419,7
+lindenwood,404,2
+ranchester,646,0
+woodbine,1316,2
+newfields,1229,4
+pinesdale,1235,8
+ranchester,69,10
+coffeen,1359,5
+lindenwood,146,5
+lindenwood,955,5
+coffeen,1163,0
+woodbine,140,2
+beechwood,1132,1
+klickitat,1833,3
+beechwood,790,2
+tolstoy,66,4
+coffeen,638,3
+klickitat,962,0
+hiteman,997,4
+coffeen,644,4
+tolstoy,822,8
+marstons,739,1
+shelbyville,1740,0
+wainscott,517,1
+stockman,563,4
+klickitat,2110,1
+marstons,526,1
+hiteman,1082,0
+woodbine,873,11
+hiteman,1206,2
+ranchester,941,3
+lindenwood,2674,10
+klickitat,2349,10
+leonardo,1480,6
+tolstoy,625,2
+klickitat,1052,0
+woodbine,1815,1
+tolstoy,1234,6
+pinesdale,102,1
+hiteman,276,1
+leonardo,1049,5
+lindenwood,274,3
+leonardo,933,4
+shelbyville,270,13
+ranchester,1458,0
+klickitat,118,0
+marstons,1591,9
+marstons,469,6
+pinesdale,102,5
+lindenwood,2176,2
+cosmos,988,7
+lakeville,30,0
+newfields,953,4
+hanson,1597,3
+marstons,2616,0
+ranchester,926,0
+beechwood,775,14
+klickitat,402,7
+leonardo,7,11
+woodbine,286,2
+tolstoy,542,6
+lindenwood,2508,1
+lakeville,1207,1
+benevolence,413,1
+newfields,397,3
+klickitat,2012,10
+pomaria,1649,0
+cosmos,278,0
+wainscott,834,0
+klickitat,606,2
+ranchester,1001,2
+tolstoy,1831,0
+lindenwood,1952,4
+wainscott,1170,0
+allensville,501,1
+leonardo,694,0
+pinesdale,1016,1
+lakeville,350,9
+stockman,1461,0
+klickitat,456,0
+pinesdale,411,5
+coffeen,667,2
+hiteman,860,12
+marstons,2658,2
+onaga,22,3
+stockman,947,2
+marstons,2231,1
+merom,1106,2
+newfields,865,10
+woodbine,463,7
+cosmos,277,1
+newfields,1354,9
+shelbyville,1359,2
+coffeen,1203,4
+cosmos,291,7
+stockman,1152,0
+coffeen,76,4
+coffeen,750,1
+hanson,1063,0
+tolstoy,1473,13
+lindenwood,1360,1
+marstons,2295,2
+stockman,1291,6
+newfields,287,7
+ranchester,1450,7
+lindenwood,652,7
+marstons,800,0
+wainscott,364,8
+beechwood,1069,9
+pomaria,819,4
+merom,1071,8
+hiteman,384,1
+klickitat,611,21
+pomaria,501,2
+marstons,1251,4
+onaga,545,1
+lindenwood,2008,3
+hiteman,74,6
+ranchester,962,4
+leonardo,85,8
+hiteman,1443,1
+lakeville,925,2
+hanson,916,1
+wainscott,45,10
+ranchester,1134,0
+newfields,1202,1
+lakeville,859,5
+wainscott,117,4
+shelbyville,1678,11
+woodbine,1862,13
+newfields,1182,9
+klickitat,978,6
+merom,975,0
+wainscott,1262,7
+merom,871,4
+newfields,635,2
+woodbine,1510,7
+lindenwood,1425,12
+stockman,1238,0
+shelbyville,1820,1
+lindenwood,159,2
+pinesdale,1070,3
+lindenwood,2142,5
+coffeen,226,1
+wainscott,1019,7
+coffeen,1118,1
+stockman,204,2
+shelbyville,128,10
+klickitat,1158,6
+hanson,835,2
+ranchester,291,0
+onaga,83,1
+shelbyville,2243,0
+coffeen,975,2
+pinesdale,229,0
+woodbine,903,14
+stockman,129,0
+tolstoy,1228,3
+woodbine,1167,0
+leonardo,1356,7
+beechwood,247,3
+shelbyville,2185,0
+lindenwood,709,7
+forkland,44,2
+marstons,1495,3
+stockman,595,1
+marstons,752,0
+ranchester,1318,0
+leonardo,608,1
+ranchester,832,2
+stockman,1497,4
+lindenwood,1694,9
+marstons,1533,10
+lakeville,1862,6
+leonardo,1255,7
+lakeville,1400,4
+newfields,710,4
+marstons,2232,12
+stockman,44,0
+leonardo,201,1
+pomaria,1650,6
+coffeen,876,0
+klickitat,1507,5
+lindenwood,773,3
+stockman,489,2
+lakeville,603,5
+leonardo,780,6
+allensville,107,0
+pinesdale,920,10
+pomaria,1392,0
+onaga,643,2
+lakeville,1384,4
+marstons,1660,6
+lindenwood,1175,2
+woodbine,1936,2
+shelbyville,1019,4
+lakeville,909,12
+shelbyville,695,2
+mifflinburg,350,0
+mifflinburg,343,0
+pinesdale,708,0
+newfields,1114,2
+klickitat,664,1
+stockman,1289,3
+hiteman,16,10
+hiteman,1844,3
+onaga,600,2
+pomaria,335,2
+wainscott,1700,3
+lindenwood,369,1
+lakeville,114,2
+leonardo,902,0
+marstons,1070,6
+newfields,1490,4
+tolstoy,537,1
+benevolence,336,4
+pomaria,589,0
+shelbyville,975,3
+marstons,2369,5
+pomaria,822,7
+hanson,990,3
+klickitat,1619,0
+tolstoy,47,5
+mifflinburg,722,3
+marstons,1142,3
+klickitat,811,5
+marstons,2072,1
+lindenwood,1667,3
+merom,1097,2
+woodbine,50,3
+ranchester,433,1
+woodbine,150,12
+woodbine,1951,3
+shelbyville,2345,2
+tolstoy,1203,6
+cosmos,748,3
+hanson,1598,5
+woodbine,105,1
+hanson,460,3
+shelbyville,1438,6
+newfields,1635,1
+leonardo,1467,5
+marstons,1637,0
+lindenwood,2212,6
+stockman,1411,2
+pomaria,675,1
+hanson,813,5
+marstons,2176,12
+pinesdale,420,4
+wainscott,686,2
+woodbine,1281,2
+woodbine,625,4
+pomaria,452,2
+pinesdale,620,1
+cosmos,753,4
+leonardo,432,2
+pinesdale,475,2
+klickitat,2202,15
+leonardo,664,4
+newfields,625,0
+newfields,1112,3
+wainscott,356,5
+hiteman,354,1
+pinesdale,1021,7
+newfields,1598,3
+woodbine,738,1
+woodbine,1621,1
+shelbyville,124,0
+hiteman,518,6
+forkland,1029,6
+hiteman,151,0
+pinesdale,359,3
+woodbine,552,1
+klickitat,23,1
+coffeen,1192,1
+pomaria,1085,3
+tolstoy,1577,2
+pomaria,1277,1
+shelbyville,2819,3
+wainscott,1745,4
+shelbyville,2510,1
+benevolence,840,1
+ranchester,1455,2
+hanson,766,3
+lindenwood,322,0
+tolstoy,1444,9
+lindenwood,1231,3
+marstons,1462,3
+ranchester,129,3
+woodbine,697,5
+leonardo,1021,1
+hanson,1257,3
+marstons,1755,0
+hanson,504,13
+beechwood,48,11
+cosmos,831,0
+shelbyville,2122,0
+marstons,2439,4
+lakeville,122,4
+pinesdale,876,2
+woodbine,1403,0
+klickitat,1301,7
+marstons,764,5
+forkland,684,1
+hiteman,1318,4
+wainscott,444,7
+lindenwood,2158,6
+allensville,8,5
+klickitat,56,6
+wainscott,1274,6
+hiteman,1223,5
+newfields,341,5
+leonardo,628,0
+lakeville,466,6
+woodbine,1966,11
+coffeen,1292,2
+marstons,2636,8
+cosmos,434,4
+leonardo,1658,4
+coffeen,730,0
+beechwood,1135,1
+shelbyville,42,5
+pinesdale,403,1
+woodbine,554,9
+beechwood,298,1
+shelbyville,2087,8
+lindenwood,269,3
+newfields,1258,7
+wainscott,660,3
+onaga,606,0
+lindenwood,1853,7
+lindenwood,2086,7
+cosmos,532,4
+leonardo,2068,10
+onaga,647,3
+woodbine,96,0
+shelbyville,738,4
+woodbine,1503,3
+pinesdale,1241,2
+klickitat,1026,6
+leonardo,1203,9
+pinesdale,955,12
+ranchester,387,0
+pomaria,673,11
+pinesdale,1021,1
+merom,101,0
+hiteman,422,1
+pinesdale,599,4
+klickitat,2399,6
+cosmos,572,0
+klickitat,2087,13
+newfields,1578,5
+tolstoy,514,0
+hanson,1005,5
+pomaria,129,4
+leonardo,713,4
+lindenwood,566,0
+marstons,2366,8
+pinesdale,704,3
+wainscott,1371,11
+shelbyville,1292,7
+hiteman,1056,2
+hanson,419,0
+leonardo,1529,0
+onaga,141,6
+marstons,1593,0
+lakeville,1857,1
+shelbyville,2188,0
+benevolence,501,4
+marstons,1250,3
+klickitat,847,4
+lindenwood,1259,6
+klickitat,128,7
+newfields,369,7
+newfields,1602,2
+lindenwood,375,6
+hiteman,20,3
+wainscott,1462,18
+pomaria,888,4
+newfields,713,8
+lakeville,689,1
+pinesdale,298,3
+onaga,504,3
+lindenwood,2470,0
+leonardo,2077,0
+hiteman,1577,4
+newfields,1246,2
+leonardo,193,4
+pinesdale,350,3
+wainscott,449,12
+coffeen,1249,4
+stockman,1145,0
+newfields,641,0
+pinesdale,847,1
+lakeville,57,3
+ranchester,289,5
+klickitat,902,5
+lakeville,1738,0
+tolstoy,294,0
+shelbyville,246,1
+woodbine,1492,0
+beechwood,281,4
+cosmos,398,5
+ranchester,74,1
+marstons,1317,0
+coffeen,1008,0
+lakeville,566,16
+merom,453,1
+shelbyville,780,3
+hiteman,756,2
+stockman,1059,2
+merom,1042,3
+klickitat,1444,2
+forkland,559,0
+leonardo,776,4
+leonardo,1658,3
+shelbyville,2113,2
+coffeen,775,5
+hanson,673,13
+forkland,1129,7
+lindenwood,913,0
+lindenwood,1443,1
+klickitat,680,3
+marstons,208,1
+pinesdale,918,5
+shelbyville,790,1
+pomaria,1431,4
+forkland,1016,3
+marstons,1062,14
+ranchester,582,3
+mifflinburg,43,1
+cosmos,644,7
+klickitat,2,2
+leonardo,100,1
+lakeville,656,0
+merom,604,3
+newfields,482,1
+tolstoy,471,3
+beechwood,911,3
+hiteman,554,5
+lindenwood,1706,2
+lakeville,1010,9
+allensville,246,10
+lindenwood,1048,4
+onaga,375,0
+coffeen,419,0
+stockman,215,3
+hanson,86,4
+onaga,667,2
+klickitat,1124,2
+leonardo,861,11
+ranchester,88,1
+shelbyville,2702,6
+ranchester,365,0
+newfields,22,3
+woodbine,340,6
+marstons,187,2
+merom,825,3
+leonardo,1728,0
+allensville,399,1
+hanson,1517,0
+lakeville,548,2
+marstons,61,6
+tolstoy,521,2
+newfields,1175,0
+stockman,776,4
+merom,940,3
+marstons,1866,2
+lakeville,586,0
+shelbyville,1496,0
+wainscott,110,0
+woodbine,891,3
+beechwood,1077,5
+lindenwood,1374,3
+lindenwood,23,0
+lindenwood,1358,5
+coffeen,1391,3
+shelbyville,2487,0
+hiteman,265,6
+newfields,421,3
+tolstoy,1211,0
+shelbyville,1466,0
+newfields,1116,6
+hiteman,257,1
+coffeen,1241,8
+woodbine,1958,3
+coffeen,589,2
+woodbine,1469,4
+shelbyville,1472,1
+lindenwood,1973,3
+klickitat,1368,2
+klickitat,956,2
+merom,651,0
+wainscott,398,11
+mifflinburg,754,4
+marstons,189,2
+shelbyville,784,0
+klickitat,1774,0
+lakeville,1164,3
+pinesdale,49,2
+ranchester,555,7
+leonardo,597,7
+marstons,2262,0
+klickitat,2392,4
+wainscott,825,0
+klickitat,1994,1
+stockman,100,2
+tolstoy,1295,5
+hanson,662,0
+woodbine,1481,4
+shelbyville,598,1
+shelbyville,1423,0
+forkland,822,7
+hiteman,802,3
+merom,112,2
+lindenwood,25,2
+shelbyville,1251,1
+cosmos,139,3
+marstons,2525,3
+klickitat,975,0
+newfields,466,1
+lindenwood,2646,8
+pinesdale,1468,15
+beechwood,108,0
+lakeville,1650,0
+marstons,2351,8
+klickitat,1702,2
+hanson,921,2
+newfields,722,4
+forkland,321,0
+merom,524,2
+merom,573,5
+hanson,1291,1
+shelbyville,320,2
+merom,402,1
+lindenwood,1843,0
+benevolence,830,3
+lakeville,692,12
+klickitat,1698,4
+ranchester,1617,8
+woodbine,1529,0
+klickitat,519,9
+woodbine,708,8
+cosmos,564,5
+ranchester,1568,4
+shelbyville,219,6
+shelbyville,1830,1
+hiteman,1087,0
+ranchester,476,2
+leonardo,1456,0
+onaga,363,0
+mifflinburg,140,6
+stockman,966,1
+ranchester,1487,1
+tolstoy,1112,10
+lakeville,25,1
+klickitat,159,6
+ranchester,1072,4
+pomaria,989,1
+lakeville,1538,7
+pinesdale,137,0
+onaga,421,1
+woodbine,199,2
+tolstoy,231,10
+shelbyville,122,13
+hanson,514,10
+lakeville,766,2
+leonardo,1954,9
+hiteman,1082,1
+ranchester,286,6
+klickitat,1237,4
+lakeville,1823,6
+ranchester,95,3
+klickitat,1814,3
+allensville,202,0
+leonardo,1669,0
+benevolence,924,7
+tolstoy,1009,2
+stockman,404,7
+lindenwood,1359,1
+hiteman,511,7
+stockman,1136,6
+klickitat,2134,1
+klickitat,226,2
+woodbine,810,0
+hiteman,1672,7
+beechwood,885,1
+pomaria,901,3
+shelbyville,1549,0
+shelbyville,2321,0
+stockman,823,2
+wainscott,336,3
+tolstoy,1821,4
+newfields,1544,4
+hiteman,1142,7
+hiteman,1195,0
+coffeen,85,0
+pomaria,1023,7
+beechwood,915,2
+hanson,644,6
+shelbyville,1234,0
+shelbyville,1469,14
+shelbyville,157,3
+allensville,507,0
+woodbine,121,0
+forkland,1092,0
+coffeen,1040,1
+wainscott,559,4
+newfields,983,3
+beechwood,400,1
+wainscott,531,2
+marstons,1374,1
+klickitat,1763,3
+ranchester,1182,0
+stockman,1365,0
+shelbyville,183,0
+lindenwood,2468,8
+pomaria,1470,0
+lindenwood,169,0
+newfields,1073,0
+coffeen,35,3
+lindenwood,596,8
+onaga,34,0
+woodbine,1763,8
+wainscott,1790,16
+newfields,1246,3
+shelbyville,2814,0
+allensville,149,0
+tolstoy,1350,2
+pinesdale,1497,2
+ranchester,1190,5
+wainscott,1424,16
+wainscott,599,11
+ranchester,129,0
+cosmos,890,0
+beechwood,365,2
+lindenwood,1461,1
+benevolence,861,1
+stockman,1537,3
+pomaria,835,0
+leonardo,1451,2
+coffeen,958,0
+lindenwood,674,1
+merom,42,1
+mifflinburg,687,4
+beechwood,764,3
+marstons,1473,1
+wainscott,796,6
+pomaria,200,1
+hanson,744,2
+shelbyville,1055,11
+newfields,1041,5
+lindenwood,1621,8
+mifflinburg,124,0
+marstons,2151,6
+cosmos,959,2
+klickitat,1007,1
+leonardo,614,2
+merom,757,5
+hanson,297,3
+leonardo,656,5
+tolstoy,1768,9
+beechwood,931,2
+newfields,456,6
+pinesdale,4,1
+woodbine,157,6
+marstons,135,1
+pomaria,1485,0
+lakeville,1044,6
+wainscott,1459,2
+marstons,1371,1
+marstons,1226,2
+wainscott,25,4
+pomaria,1009,12
+wainscott,691,0
+leonardo,1724,0
+woodbine,1817,5
+tolstoy,736,9
+klickitat,158,4
+coffeen,1430,4
+wainscott,1312,2
+shelbyville,170,8
+pinesdale,554,5
+lakeville,87,6
+hiteman,19,4
+pomaria,186,1
+allensville,361,0
+wainscott,1118,0
+klickitat,2340,5
+coffeen,828,4
+lindenwood,1481,5
+lakeville,393,0
+beechwood,1133,2
+shelbyville,1035,4
+marstons,650,3
+marstons,2653,5
+mifflinburg,858,2
+wainscott,1326,4
+coffeen,1382,4
+forkland,455,2
+benevolence,665,2
+leonardo,523,3
+lindenwood,906,0
+pomaria,856,0
+pinesdale,148,4
+leonardo,1366,7
+beechwood,276,0
+pomaria,743,0
+ranchester,1267,3
+hiteman,1425,4
+hanson,947,4
+tolstoy,206,1
+benevolence,40,2
+marstons,2468,0
+wainscott,889,10
+lakeville,172,0
+ranchester,987,3
+cosmos,730,2
+marstons,606,1
+stockman,821,2
+cosmos,1065,0
+allensville,323,11
+lakeville,1886,11
+shelbyville,792,4
+shelbyville,925,7
+marstons,2552,0
+hiteman,1258,1
+pinesdale,1103,2
+hiteman,477,14
+ranchester,1348,7
+beechwood,570,5
+wainscott,229,15
+lakeville,1629,1
+woodbine,1795,5
+klickitat,142,0
+tolstoy,1760,6
+woodbine,1810,2
+hiteman,1562,12
+allensville,350,5
+pinesdale,659,4
+newfields,204,4
+lakeville,483,8
+ranchester,1132,6
+coffeen,595,4
+klickitat,1347,1
+leonardo,2092,3
+mifflinburg,237,2
+woodbine,595,1
+pomaria,1320,3
+klickitat,663,4
+shelbyville,2471,13
+newfields,765,6
+klickitat,14,16
+woodbine,1869,4
+marstons,1617,2
+ranchester,751,0
+shelbyville,1211,2
+benevolence,70,3
+klickitat,261,3
+forkland,945,0
+pinesdale,1115,3
+marstons,264,5
+pomaria,1457,4
+wainscott,1526,1
+leonardo,1811,3
+tolstoy,279,6
+newfields,1245,6
+marstons,628,1
+pinesdale,457,10
+leonardo,11,3
+marstons,879,7
+pinesdale,635,4
+lindenwood,505,5
+ranchester,429,1
+klickitat,1988,3
+klickitat,134,3
+leonardo,1225,0
+woodbine,395,2
+lindenwood,1496,9
+lindenwood,1574,1
+coffeen,64,2
+ranchester,1009,2
+forkland,238,3
+shelbyville,435,1
+marstons,1358,3
+pinesdale,931,2
+pinesdale,1163,0
+newfields,1580,1
+woodbine,203,2
+cosmos,430,4
+marstons,1531,5
+merom,380,5
+woodbine,1077,3
+shelbyville,1484,0
+klickitat,408,0
+shelbyville,2219,8
+lakeville,1344,7
+klickitat,1991,1
+wainscott,1100,2
+stockman,1274,0
+shelbyville,406,0
+tolstoy,1528,3
+woodbine,686,6
+leonardo,1176,3
+merom,159,2
+marstons,473,0
+woodbine,1395,0
+forkland,1165,0
+mifflinburg,529,3
+hanson,398,2
+marstons,1186,4
+hanson,256,4
+klickitat,1938,7
+wainscott,1080,0
+coffeen,635,1
+lindenwood,1094,6
+hanson,774,1
+wainscott,1379,2
+ranchester,114,2
+lindenwood,1427,1
+woodbine,1371,1
+lindenwood,1959,0
+lakeville,1346,4
+hanson,1119,3
+pomaria,634,0
+beechwood,559,11
+benevolence,676,0
+pomaria,1323,0
+tolstoy,888,5
+marstons,1486,4
+allensville,188,1
+wainscott,753,0
+klickitat,123,12
+beechwood,826,2
+lindenwood,2120,9
+tolstoy,157,0
+klickitat,1368,0
+hiteman,1350,1
+wainscott,310,4
+tolstoy,1230,6
+tolstoy,1312,5
+merom,659,1
+marstons,646,10
+lakeville,243,1
+lindenwood,2402,2
+pomaria,1554,0
+ranchester,398,7
+tolstoy,563,4
+coffeen,1132,2
+marstons,769,4
+woodbine,1626,2
+marstons,1941,1
+coffeen,722,1
+newfields,1211,11
+leonardo,1783,1
+tolstoy,877,1
+pomaria,1606,2
+hiteman,977,5
+merom,66,11
+wainscott,155,3
+forkland,750,1
+shelbyville,664,2
+leonardo,626,3
+beechwood,288,1
+forkland,1129,0
+tolstoy,1505,1
+woodbine,713,5
+ranchester,148,2
+allensville,391,10
+tolstoy,1642,0
+leonardo,1586,1
+beechwood,393,1
+pomaria,118,4
+hanson,378,0
+beechwood,445,1
+klickitat,750,3
+stockman,231,0
+woodbine,1724,7
+wainscott,373,0
+klickitat,1176,1
+allensville,189,5
+cosmos,272,1
+benevolence,206,5
+benevolence,441,2
+lakeville,1408,0
+forkland,829,3
+ranchester,72,0
+stockman,240,6
+ranchester,1207,6
+marstons,1567,4
+lakeville,301,0
+shelbyville,893,3
+lindenwood,1599,4
+cosmos,332,7
+lindenwood,2158,7
+hiteman,594,7
+ranchester,274,0
+pomaria,934,0
+klickitat,1568,9
+hiteman,977,4
+leonardo,661,8
+marstons,1955,0
+onaga,492,2
+shelbyville,945,4
+hanson,1201,6
+stockman,1477,1
+wainscott,540,0
+marstons,318,0
+shelbyville,2124,8
+marstons,939,8
+newfields,1444,2
+shelbyville,1041,4
+merom,703,0
+pinesdale,1317,10
+pomaria,1097,2
+lindenwood,1508,1
+klickitat,1933,1
+coffeen,680,2
+leonardo,1912,4
+lindenwood,2044,1
+newfields,881,4
+lakeville,502,5
+ranchester,1356,4
+shelbyville,2123,9
+klickitat,228,1
+shelbyville,150,3
+beechwood,572,5
+hiteman,1174,6
+lindenwood,2346,0
+lindenwood,485,9
+stockman,652,4
+hiteman,1063,1
+wainscott,457,1
+wainscott,687,3
+shelbyville,881,5
+marstons,2179,2
+hiteman,687,1
+beechwood,128,0
+lindenwood,1064,2
+wainscott,1039,7
+klickitat,1967,5
+shelbyville,2422,1
+lindenwood,1027,6
+ranchester,479,4
+woodbine,1196,0
+pomaria,886,0
+merom,668,0
+klickitat,1702,3
+cosmos,996,0
+hanson,310,3
+marstons,1055,2
+allensville,191,1
+leonardo,826,4
+klickitat,23,8
+hiteman,1791,0
+ranchester,810,9
+tolstoy,768,6
+lindenwood,1598,2
+lakeville,69,6
+pinesdale,840,2
+wainscott,497,2
+leonardo,1204,1
+tolstoy,1433,4
+hanson,1331,3
+ranchester,420,19
+lindenwood,538,13
+ranchester,1262,5
+stockman,29,8
+leonardo,1676,3
+onaga,590,2
+woodbine,1052,7
+merom,1093,0
+hanson,78,0
+allensville,231,2
+merom,787,1
+merom,836,4
+shelbyville,33,3
+beechwood,726,2
+hiteman,403,4
+wainscott,540,4
+cosmos,518,8
+woodbine,37,5
+merom,595,1
+newfields,637,10
+tolstoy,478,10
+pomaria,1021,13
+coffeen,819,0
+pinesdale,451,0
+onaga,352,2
+marstons,405,9
+cosmos,795,2
+ranchester,1501,0
+pinesdale,557,3
+woodbine,1531,0
+lindenwood,217,1
+lakeville,1689,5
+leonardo,1893,1
+wainscott,1630,13
+marstons,128,2
+beechwood,1074,0
+mifflinburg,325,0
+pinesdale,1021,0
+shelbyville,725,3
+stockman,879,3
+klickitat,390,4
+ranchester,1631,2
+marstons,174,0
+leonardo,967,3
+lakeville,571,1
+allensville,483,4
+klickitat,1455,6
+marstons,874,8
+lakeville,826,5
+klickitat,1402,4
+klickitat,75,7
+benevolence,181,7
+newfields,458,3
+lindenwood,2269,0
+hiteman,827,1
+pomaria,1542,3
+woodbine,823,7
+ranchester,303,4
+pomaria,1293,5
+lindenwood,2312,9
+woodbine,1446,11
+mifflinburg,292,0
+klickitat,558,6
+tolstoy,172,1
+lindenwood,1943,4
+mifflinburg,265,3
+shelbyville,454,0
+hanson,89,17
+hiteman,841,9
+forkland,173,1
+beechwood,317,6
+hanson,1553,2
+ranchester,1154,14
+tolstoy,1427,4
+ranchester,789,1
+mifflinburg,524,8
+woodbine,1715,2
+cosmos,512,7
+tolstoy,1390,2
+stockman,443,0
+shelbyville,2253,3
+shelbyville,2399,0
+lindenwood,982,2
+ranchester,657,1
+newfields,474,0
+leonardo,1414,7
+klickitat,2127,14
+pomaria,434,0
+coffeen,1371,3
+pinesdale,727,2
+pinesdale,442,1
+woodbine,1576,1
+mifflinburg,887,2
+lindenwood,2313,3
+stockman,1530,1
+leonardo,559,2
+lakeville,144,0
+marstons,2063,6
+marstons,792,1
+marstons,491,2
+lakeville,306,1
+marstons,612,4
+woodbine,1549,3
+onaga,550,0
+pomaria,1568,0
+tolstoy,230,4
+shelbyville,1883,3
+stockman,750,1
+hanson,359,2
+woodbine,2044,1
+coffeen,79,1
+marstons,2562,1
+hanson,300,11
+newfields,279,2
+woodbine,2007,11
+marstons,1550,8
+hiteman,474,14
+onaga,616,8
+hiteman,793,3
+klickitat,937,1
+klickitat,1163,4
+mifflinburg,72,3
+hanson,402,0
+forkland,1194,2
+newfields,246,0
+klickitat,792,1
+onaga,181,1
+forkland,676,9
+klickitat,1930,6
+cosmos,293,8
+merom,614,4
+woodbine,1408,5
+mifflinburg,492,1
+pinesdale,677,3
+coffeen,564,0
+woodbine,350,6
+klickitat,935,0
+tolstoy,559,3
+beechwood,306,2
+tolstoy,89,3
+klickitat,2171,0
+klickitat,2049,0
+pomaria,1239,3
+klickitat,2205,3
+shelbyville,2174,13
+wainscott,201,2
+forkland,1003,5
+shelbyville,1981,9
+klickitat,714,4
+pinesdale,679,4
+woodbine,1605,5
+shelbyville,1921,1
+leonardo,289,4
+lakeville,1494,2
+lakeville,1704,17
+lindenwood,1511,14
+marstons,466,2
+tolstoy,1790,4
+pomaria,538,5
+shelbyville,1162,0
+woodbine,770,10
+woodbine,811,2
+stockman,1366,4
+ranchester,1150,16
+lakeville,162,3
+coffeen,1382,3
+newfields,1200,0
+wainscott,1419,4
+hanson,518,0
+onaga,275,3
+tolstoy,1443,5
+newfields,1144,5
+stockman,345,0
+newfields,264,1
+hiteman,156,0
+lakeville,1659,0
+shelbyville,1687,1
+ranchester,1450,0
+merom,100,3
+lindenwood,1024,0
+tolstoy,1787,2
+cosmos,161,4
+newfields,245,7
+merom,833,6
+leonardo,212,6
+lindenwood,1963,3
+shelbyville,1274,3
+lindenwood,2108,12
+lakeville,983,0
+shelbyville,1867,3
+hiteman,973,0
+leonardo,229,3
+wainscott,778,7
+benevolence,19,2
+leonardo,1422,9
+forkland,1131,0
+hanson,1145,2
+hiteman,907,4
+benevolence,322,6
+hanson,385,2
+lindenwood,1082,6
+newfields,1324,2
+tolstoy,1276,17
+pomaria,655,0
+shelbyville,2497,1
+hiteman,749,1
+pinesdale,231,13
+tolstoy,1717,1
+shelbyville,1460,0
+marstons,1164,3
+klickitat,1008,1
+stockman,1079,1
+cosmos,625,10
+mifflinburg,470,0
+klickitat,2190,5
+hiteman,730,3
+beechwood,306,1
+forkland,857,0
+pomaria,641,4
+hanson,580,8
+cosmos,433,1
+stockman,106,0
+newfields,1178,4
+lindenwood,1079,3
+woodbine,1849,10
+lindenwood,1272,0
+hiteman,339,2
+coffeen,399,3
+wainscott,1578,10
+hanson,1178,9
+lindenwood,2286,1
+shelbyville,1004,5
+klickitat,2334,10
+benevolence,174,2
+hanson,136,3
+lakeville,1132,2
+woodbine,475,0
+marstons,1013,4
+beechwood,227,4
+woodbine,646,4
+hiteman,1253,3
+cosmos,782,2
+coffeen,157,2
+marstons,438,2
+forkland,791,1
+lindenwood,1830,2
+klickitat,1567,0
+shelbyville,2336,5
+lindenwood,2083,15
+ranchester,1240,0
+hanson,698,3
+hiteman,1512,1
+marstons,881,3
+ranchester,841,2
+klickitat,1801,1
+lindenwood,1297,2
+stockman,907,6
+ranchester,1521,5
+beechwood,627,0
+tolstoy,1202,3
+shelbyville,1516,2
+klickitat,158,2
+lakeville,1212,2
+shelbyville,1595,14
+shelbyville,2655,4
+pomaria,1555,0
+pinesdale,897,6
+hiteman,12,8
+woodbine,1361,1
+hanson,486,1
+shelbyville,10,4
+allensville,330,4
+ranchester,456,1
+leonardo,545,3
+onaga,353,2
+woodbine,72,5
+klickitat,519,3
+marstons,2599,5
+pinesdale,1490,9
+coffeen,283,1
+lindenwood,2552,9
+newfields,1572,2
+leonardo,113,3
+shelbyville,1748,2
+tolstoy,20,6
+lindenwood,2581,11
+hiteman,464,6
+newfields,713,13
+mifflinburg,72,5
+ranchester,139,7
+klickitat,338,12
+marstons,1720,6
+pomaria,973,5
+pomaria,658,0
+wainscott,584,10
+tolstoy,131,6
+shelbyville,2610,2
+klickitat,1626,3
+hanson,1473,7
+newfields,1339,7
+pinesdale,1310,5
+coffeen,6,3
+pinesdale,367,2
+woodbine,1616,8
+hiteman,1153,0
+hanson,1238,9
+leonardo,1867,4
+lakeville,14,0
+ranchester,138,3
+stockman,1571,5
+wainscott,923,8
+forkland,1155,4
+stockman,705,4
+marstons,689,5
+lindenwood,527,6
+lakeville,1787,7
+lakeville,1615,3
+woodbine,117,3
+marstons,2286,5
+stockman,1109,1
+shelbyville,1724,16
+pomaria,998,0
+pomaria,1628,11
+merom,662,1
+allensville,396,5
+klickitat,1777,5
+shelbyville,2700,3
+wainscott,1135,7
+marstons,2113,15
+leonardo,78,0
+newfields,1540,1
+lindenwood,965,7
+pomaria,1026,4
+shelbyville,1245,4
+hanson,528,0
+wainscott,558,7
+newfields,641,5
+lindenwood,1404,4
+lindenwood,1602,5
+hiteman,1650,1
+shelbyville,2450,4
+lakeville,876,0
+onaga,666,0
+shelbyville,1228,1
+newfields,741,4
+pinesdale,916,9
+hiteman,891,1
+coffeen,1288,0
+lindenwood,1817,9
+marstons,841,13
+tolstoy,893,4
+coffeen,972,3
+forkland,553,1
+klickitat,1849,20
+marstons,1623,6
+woodbine,1544,9
+leonardo,1870,1
+ranchester,784,3
+marstons,2069,12
+leonardo,555,12
+stockman,388,1
+cosmos,234,1
+stockman,1522,1
+cosmos,872,1
+pinesdale,67,1
+wainscott,307,7
+allensville,496,1
+coffeen,892,2
+beechwood,473,7
+leonardo,1065,4
+mifflinburg,300,3
+hanson,667,3
+forkland,490,4
+leonardo,1528,1
+marstons,460,0
+beechwood,1156,5
+woodbine,34,1
+pinesdale,326,4
+wainscott,834,10
+cosmos,1068,3
+leonardo,969,4
+hanson,213,5
+pinesdale,1087,0
+cosmos,434,10
+klickitat,953,9
+cosmos,868,9
+newfields,1399,9
+forkland,52,1
+shelbyville,2062,0
+hanson,384,18
+hiteman,1773,6
+klickitat,170,7
+newfields,59,1
+klickitat,1285,3
+hanson,602,4
+pinesdale,856,2
+hanson,767,11
+leonardo,1127,5
+allensville,337,4
+wainscott,241,2
+lindenwood,424,3
+hiteman,1769,4
+ranchester,1140,5
+pomaria,254,0
+wainscott,846,2
+lindenwood,1762,4
+hiteman,826,5
+stockman,327,4
+ranchester,1197,1
+stockman,166,7
+cosmos,435,1
+stockman,1002,4
+woodbine,996,0
+beechwood,625,1
+lakeville,1000,0
+marstons,1628,0
+shelbyville,2376,3
+onaga,279,1
+leonardo,1976,12
+pinesdale,452,5
+newfields,687,4
+mifflinburg,447,7
+lakeville,1024,7
+lakeville,1586,15
+marstons,1302,14
+shelbyville,2137,5
+cosmos,825,5
+tolstoy,1450,2
+pinesdale,548,0
+mifflinburg,920,2
+hiteman,926,12
+shelbyville,15,11
+beechwood,770,9
+klickitat,1094,8
+benevolence,611,3
+shelbyville,1151,4
+forkland,218,3
+lakeville,1144,1
+leonardo,799,7
+ranchester,1144,2
+lindenwood,801,4
+klickitat,1545,4
+shelbyville,354,4
+ranchester,1313,6
+lakeville,259,3
+lakeville,1106,1
+shelbyville,1557,3
+cosmos,855,0
+klickitat,2305,4
+hanson,1244,5
+woodbine,1568,5
+marstons,2062,3
+coffeen,327,0
+lakeville,1625,0
+tolstoy,924,15
+leonardo,145,2
+klickitat,236,5
+merom,630,4
+forkland,808,9
+stockman,148,4
+marstons,1950,4
+wainscott,209,10
+marstons,371,3
+newfields,1521,2
+leonardo,2021,6
+lakeville,1590,2
+hiteman,416,3
+klickitat,695,3
+allensville,464,6
+stockman,1425,0
+marstons,2325,0
+hanson,1327,13
+marstons,1025,5
+lindenwood,491,7
+klickitat,718,4
+lindenwood,135,2
+tolstoy,1027,4
+pomaria,1354,5
+wainscott,1523,4
+cosmos,480,2
+wainscott,1540,7
+forkland,789,2
+marstons,2647,0
+pomaria,321,2
+leonardo,1825,7
+ranchester,693,2
+pinesdale,1467,4
+shelbyville,340,6
+onaga,529,0
+lakeville,1098,2
+wainscott,633,0
+newfields,1074,6
+newfields,579,2
+lindenwood,1963,2
+klickitat,1767,5
+pinesdale,739,5
+klickitat,847,2
+tolstoy,964,1
+shelbyville,77,2
+beechwood,593,2
+lindenwood,1004,0
+hiteman,481,6
+ranchester,1539,1
+forkland,169,1
+newfields,588,17
+lindenwood,1425,9
+wainscott,881,3
+klickitat,629,2
+stockman,1135,5
+ranchester,550,6
+woodbine,533,2
+pomaria,1080,14
+wainscott,821,12
+tolstoy,582,12
+allensville,96,3
+tolstoy,1456,4
+stockman,1006,2
+cosmos,467,2
+woodbine,1077,0
+ranchester,1271,0
+lakeville,1643,1
+woodbine,224,0
+forkland,628,0
+hiteman,1376,8
+coffeen,1505,0
+coffeen,355,2
+lakeville,1452,2
+ranchester,1116,1
+shelbyville,2780,0
+lakeville,1821,0
+coffeen,74,2
+hanson,1324,4
+newfields,458,13
+hanson,929,1
+shelbyville,1260,4
+stockman,576,1
+shelbyville,128,8
+stockman,945,4
+pinesdale,1094,1
+forkland,853,0
+wainscott,237,0
+hiteman,1794,3
+newfields,1089,3
+newfields,775,2
+leonardo,276,1
+ranchester,1585,6
+hanson,1280,2
+lindenwood,178,1
+tolstoy,1601,1
+klickitat,256,9
+pomaria,172,2
+onaga,679,4
+newfields,1263,3
+benevolence,418,2
+hiteman,565,3
+merom,700,6
+pomaria,158,8
+shelbyville,2669,3
+pomaria,879,0
+newfields,812,8
+shelbyville,753,0
+woodbine,1903,5
+marstons,309,2
+hanson,1092,2
+pomaria,955,0
+pomaria,757,0
+lakeville,1424,2
+klickitat,1795,3
+shelbyville,1352,0
+klickitat,1967,1
+marstons,175,4
+shelbyville,2479,4
+hiteman,1135,2
+lindenwood,181,0
+marstons,1164,6
+klickitat,1436,6
+pomaria,1677,14
+merom,541,0
+hanson,1461,5
+pomaria,1235,10
+ranchester,168,3
+marstons,844,1
+stockman,577,1
+woodbine,1401,5
+lindenwood,2137,6
+newfields,86,1
+pomaria,511,12
+hiteman,101,6
+stockman,122,12
+beechwood,770,10
+lindenwood,2030,2
+marstons,1733,7
+tolstoy,529,0
+hiteman,1057,4
+newfields,1525,3
+wainscott,9,1
+lindenwood,130,9
+woodbine,1211,7
+shelbyville,140,1
+tolstoy,1637,8
+pinesdale,1322,1
+onaga,356,1
+mifflinburg,185,1
+pomaria,1534,10
+coffeen,33,0
+lindenwood,2125,2
+klickitat,2109,16
+onaga,589,3
+benevolence,863,2
+hanson,1489,0
+woodbine,1132,10
+marstons,1582,3
+leonardo,335,3
+marstons,589,0
+shelbyville,873,9
+hanson,1323,6
+lindenwood,2408,5
+klickitat,857,2
+merom,591,4
+pinesdale,331,10
+newfields,52,2
+benevolence,61,1
+woodbine,987,4
+pinesdale,141,2
+cosmos,358,5
+pinesdale,830,0
+cosmos,168,8
+beechwood,1001,0
+woodbine,192,3
+newfields,862,2
+marstons,1220,19
+benevolence,23,2
+stockman,434,1
+shelbyville,2354,2
+woodbine,117,5
+lakeville,273,2
+woodbine,393,11
+wainscott,1183,1
+wainscott,890,10
+wainscott,1035,6
+hiteman,1826,2
+hiteman,1067,2
+tolstoy,1776,14
+lakeville,306,3
+ranchester,126,5
+merom,155,3
+shelbyville,986,0
+marstons,792,2
+beechwood,929,11
+stockman,876,0
+stockman,911,1
+shelbyville,2405,13
+hiteman,277,1
+shelbyville,1149,6
+hiteman,47,4
+shelbyville,2668,1
+wainscott,783,14
+ranchester,1191,0
+lindenwood,2628,2
+shelbyville,1883,0
+hanson,253,1
+cosmos,1034,1
+coffeen,616,4
+onaga,280,2
+onaga,212,9
+pomaria,516,1
+beechwood,582,3
+wainscott,177,1
+shelbyville,465,7
+coffeen,170,0
+beechwood,1000,2
+tolstoy,1111,3
+marstons,639,0
+pomaria,881,5
+klickitat,622,0
+lindenwood,377,3
+wainscott,1240,4
+lakeville,780,7
+shelbyville,1303,8
+stockman,313,1
+merom,909,7
+hanson,210,0
+stockman,1230,0
+ranchester,1300,9
+marstons,297,4
+newfields,1410,4
+coffeen,823,5
+ranchester,666,1
+beechwood,594,7
+merom,982,1
+lakeville,608,11
+woodbine,1807,0
+woodbine,833,1
+benevolence,385,3
+pinesdale,159,12
+beechwood,128,2
+ranchester,330,0
+shelbyville,343,0
+hiteman,204,8
+hanson,344,9
+newfields,545,19
+klickitat,1752,2
+hiteman,1510,8
+lakeville,1205,4
+shelbyville,1334,3
+klickitat,1574,7
+forkland,622,5
+woodbine,1919,9
+tolstoy,1179,13
+newfields,943,3
+klickitat,2379,17
+hiteman,1208,2
+lindenwood,326,3
+coffeen,144,0
+pinesdale,1498,0
+stockman,1593,4
+ranchester,1152,9
+woodbine,1842,1
+marstons,743,1
+shelbyville,616,3
+forkland,1097,1
+tolstoy,1734,3
+merom,9,0
+tolstoy,864,14
+hanson,1269,1
+hiteman,1434,2
+hiteman,1141,1
+lakeville,1029,10
+klickitat,2334,19
+lindenwood,1921,7
+lakeville,567,0
+forkland,1194,4
+klickitat,1198,0
+onaga,232,1
+hanson,202,14
+cosmos,499,7
+klickitat,233,10
+wainscott,220,7
+stockman,380,5
+shelbyville,287,3
+lindenwood,1749,2
+marstons,936,0
+pinesdale,1068,4
+lindenwood,814,16
+ranchester,642,1
+mifflinburg,901,3
+leonardo,616,1
+lindenwood,1182,0
+shelbyville,2068,6
+lindenwood,2658,3
+lakeville,1724,0
+coffeen,959,2
+lakeville,1397,5
+benevolence,881,5
+lakeville,772,0
+klickitat,1177,0
+lakeville,32,3
+shelbyville,1512,0
+leonardo,986,8
+pomaria,575,4
+wainscott,95,4
+hiteman,468,5
+woodbine,731,1
+wainscott,127,2
+lindenwood,2369,3
+woodbine,1932,2
+hiteman,841,2
+lindenwood,1487,0
+pinesdale,1155,2
+newfields,812,12
+stockman,768,3
+pinesdale,87,0
+cosmos,50,9
+marstons,600,2
+forkland,919,4
+shelbyville,453,8
+lindenwood,548,2
+cosmos,844,9
+marstons,827,1
+pomaria,621,1
+hanson,346,1
+woodbine,1850,2
+hanson,164,7
+shelbyville,2024,2
+marstons,1202,0
+woodbine,1067,6
+wainscott,1488,9
+woodbine,346,0
+onaga,290,1
+ranchester,823,10
+klickitat,1980,7
+leonardo,1942,2
+stockman,741,4
+hanson,931,11
+tolstoy,1076,6
+hanson,1582,1
+stockman,1141,0
+shelbyville,863,8
+stockman,970,2
+ranchester,65,1
+woodbine,528,3
+lindenwood,2607,0
+tolstoy,196,3
+klickitat,33,5
+shelbyville,1676,4
+pinesdale,1067,0
+woodbine,801,1
+hiteman,1400,0
+hiteman,1511,0
+pomaria,560,15
+pomaria,455,2
+ranchester,1455,1
+marstons,532,1
+hanson,812,5
+cosmos,567,5
+allensville,26,3
+shelbyville,1602,1
+lindenwood,1616,16
+hiteman,894,6
+newfields,87,3
+lakeville,840,2
+tolstoy,1223,4
+wainscott,834,2
+marstons,625,8
+lakeville,1469,1
+lakeville,1457,6
+lakeville,691,8
+pomaria,976,14
+leonardo,1594,7
+onaga,136,2
+tolstoy,158,1
+shelbyville,68,0
+klickitat,606,7
+lindenwood,812,0
+lakeville,1132,14
+ranchester,1294,1
+wainscott,1266,4
+cosmos,84,2
+hanson,1545,8
+leonardo,1691,1
+hiteman,1432,2
+marstons,13,7
+marstons,1080,14
+beechwood,928,4
+onaga,106,0
+woodbine,1243,11
+onaga,232,0
+marstons,2094,6
+leonardo,1612,3
+ranchester,97,2
+hanson,994,3
+hiteman,1357,6
+newfields,27,1
+lakeville,1286,1
+woodbine,2012,4
+klickitat,1249,6
+wainscott,1641,5
+woodbine,1501,6
+marstons,1489,3
+benevolence,470,7
+merom,307,4
+allensville,32,7
+hiteman,1775,0
+shelbyville,1613,7
+lindenwood,166,4
+hiteman,1112,6
+shelbyville,957,6
+lindenwood,1939,4
+pomaria,1154,6
+klickitat,1590,1
+tolstoy,531,3
+ranchester,969,1
+tolstoy,945,4
+forkland,177,2
+klickitat,1238,0
+shelbyville,284,10
+marstons,1830,0
+mifflinburg,606,0
+coffeen,611,4
+klickitat,2033,3
+coffeen,503,10
+hanson,1245,4
+stockman,1410,1
+lindenwood,2301,3
+cosmos,965,1
+hanson,136,4
+shelbyville,1748,4
+wainscott,245,1
+hiteman,1456,1
+stockman,167,0
+lakeville,690,3
+tolstoy,928,1
+newfields,3,14
+coffeen,1394,3
+leonardo,1394,8
+woodbine,699,0
+shelbyville,1221,1
+lakeville,1045,10
+hanson,832,5
+pomaria,1016,2
+stockman,788,2
+forkland,1005,5
+pinesdale,1068,7
+wainscott,1661,3
+woodbine,375,0
+benevolence,960,3
+merom,518,1
+tolstoy,222,8
+allensville,263,5
+coffeen,660,7
+hiteman,1191,9
+shelbyville,1684,3
+lakeville,303,6
+ranchester,1512,2
+tolstoy,509,0
+wainscott,979,9
+woodbine,69,9
+stockman,275,6
+marstons,1266,6
+lakeville,904,9
+wainscott,1666,10
+hiteman,1450,0
+leonardo,860,1
+hanson,1323,12
+ranchester,748,3
+woodbine,593,13
+lindenwood,27,4
+mifflinburg,593,4
+marstons,1422,9
+newfields,1458,0
+marstons,2558,6
+mifflinburg,847,11
+allensville,461,4
+forkland,161,3
+forkland,749,3
+pomaria,737,8
+klickitat,1552,8
+pinesdale,1193,4
+klickitat,511,3
+lakeville,459,11
+leonardo,1719,2
+merom,1016,0
+leonardo,83,0
+wainscott,1339,4
+coffeen,1285,3
+tolstoy,1299,0
+shelbyville,2524,1
+marstons,1638,1
+klickitat,1430,17
+wainscott,1261,0
+pomaria,596,0
+stockman,358,4
+lindenwood,2455,6
+leonardo,391,5
+pomaria,840,0
+pinesdale,570,2
+pomaria,1539,2
+shelbyville,2062,2
+hiteman,1441,6
+coffeen,1182,3
+tolstoy,1701,2
+newfields,1333,1
+tolstoy,1798,1
+hiteman,1287,1
+stockman,1308,2
+ranchester,645,0
+allensville,103,0
+marstons,679,3
+ranchester,347,4
+hiteman,1001,9
+marstons,263,1
+onaga,180,0
+pinesdale,458,3
+pomaria,88,0
+woodbine,1157,0
+tolstoy,940,4
+marstons,1534,6
+lindenwood,1048,5
+hanson,1493,9
+newfields,649,1
+pinesdale,356,0
+tolstoy,1350,5
+shelbyville,425,1
+klickitat,650,0
+merom,771,2
+hiteman,1124,3
+klickitat,1636,4
+shelbyville,2090,1
+marstons,1194,11
+lakeville,1815,2
+lindenwood,1057,9
+cosmos,740,9
+marstons,902,2
+wainscott,218,12
+ranchester,144,5
+newfields,966,13
+ranchester,573,8
+shelbyville,1467,5
+shelbyville,451,12
+leonardo,2036,4
+beechwood,389,4
+cosmos,746,0
+hanson,727,9
+lindenwood,80,3
+cosmos,613,0
+wainscott,1597,6
+pinesdale,1428,10
+marstons,1522,3
+woodbine,1633,1
+stockman,1095,3
+mifflinburg,734,2
+leonardo,2093,6
+woodbine,564,5
+tolstoy,127,1
+wainscott,107,8
+shelbyville,2464,3
+shelbyville,1877,4
+woodbine,1734,2
+pomaria,1277,4
+cosmos,830,1
+pomaria,1237,10
+tolstoy,702,1
+forkland,140,4
+shelbyville,2105,12
+tolstoy,973,2
+tolstoy,223,4
+lakeville,1686,1
+pomaria,792,5
+lindenwood,1231,4
+forkland,243,3
+cosmos,540,1
+hiteman,634,4
+pomaria,1042,7
+hiteman,1152,4
+lindenwood,980,1
+tolstoy,448,2
+hanson,393,2
+shelbyville,51,4
+hiteman,294,0
+wainscott,986,0
+wainscott,677,6
+wainscott,675,5
+hiteman,309,0
+lakeville,1743,5
+wainscott,1637,0
+allensville,362,0
+mifflinburg,695,4
+woodbine,1894,2
+benevolence,690,1
+leonardo,1126,1
+lakeville,1599,5
+woodbine,1071,5
+marstons,2507,2
+hiteman,549,8
+shelbyville,1985,5
+klickitat,1322,0
+hanson,17,16
+shelbyville,1987,2
+shelbyville,1365,3
+woodbine,1813,6
+pomaria,788,7
+tolstoy,1508,3
+leonardo,1046,3
+tolstoy,1793,4
+woodbine,2059,7
+shelbyville,1922,2
+hiteman,1595,1
+lindenwood,800,6
+hiteman,247,2
+lindenwood,1021,4
+marstons,1697,4
+leonardo,690,14
+coffeen,106,4
+pomaria,947,0
+wainscott,364,9
+woodbine,736,5
+cosmos,320,6
+pomaria,1046,1
+forkland,313,3
+marstons,1381,4
+hanson,363,10
+pinesdale,885,2
+pinesdale,734,5
+coffeen,1104,10
+stockman,1317,2
+beechwood,1,2
+lakeville,1755,0
+stockman,761,3
+leonardo,2041,3
+shelbyville,1904,3
+cosmos,588,8
+woodbine,343,3
+klickitat,88,19
+hiteman,1308,6
+woodbine,1094,9
+marstons,1149,0
+stockman,145,9
+tolstoy,1208,1
+ranchester,413,6
+newfields,325,13
+hanson,563,8
+marstons,2122,4
+tolstoy,1488,1
+klickitat,738,13
+pinesdale,950,13
+stockman,1591,5
+hanson,1409,2
+hiteman,561,0
+mifflinburg,911,1
+forkland,760,1
+klickitat,708,21
+woodbine,2009,4
+coffeen,352,4
+hiteman,1399,2
+wainscott,164,5
+ranchester,1566,2
+benevolence,157,4
+lindenwood,1902,0
+merom,424,2
+tolstoy,541,3
+ranchester,555,11
+hiteman,494,2
+hiteman,130,7
+woodbine,1801,0
+cosmos,1005,2
+hiteman,1530,6
+shelbyville,1637,0
+newfields,1189,3
+marstons,1615,1
+mifflinburg,764,3
+mifflinburg,144,3
+woodbine,1223,6
+marstons,1002,0
+forkland,39,2
+mifflinburg,453,4
+marstons,2439,3
+marstons,1243,7
+klickitat,323,2
+lakeville,1459,7
+shelbyville,2526,1
+klickitat,1452,1
+hiteman,668,1
+marstons,1910,6
+lakeville,1846,6
+tolstoy,1514,3
+wainscott,1329,10
+hiteman,135,6
+coffeen,704,5
+pomaria,662,8
+lindenwood,512,9
+pomaria,782,1
+leonardo,862,1
+shelbyville,1305,1
+woodbine,680,1
+hiteman,224,7
+mifflinburg,528,5
+klickitat,2198,2
+lakeville,10,7
+ranchester,112,10
+tolstoy,1058,1
+stockman,848,2
+hanson,60,13
+hiteman,880,14
+hanson,307,7
+benevolence,844,5
+leonardo,596,9
+tolstoy,410,7
+leonardo,1676,1
+klickitat,2164,8
+ranchester,321,0
+ranchester,1110,9
+ranchester,1315,2
+klickitat,1556,5
+mifflinburg,149,9
+tolstoy,1057,1
+pinesdale,708,4
+hiteman,1369,4
+newfields,849,4
+shelbyville,985,6
+merom,971,0
+woodbine,757,3
+woodbine,818,3
+marstons,2086,3
+lakeville,1086,7
+coffeen,1339,2
+mifflinburg,37,5
+woodbine,364,5
+leonardo,1152,4
+cosmos,899,2
+coffeen,1068,1
+lakeville,59,18
+ranchester,1527,3
+cosmos,236,5
+lakeville,60,6
+newfields,844,3
+stockman,1008,0
+stockman,1005,2
+shelbyville,1593,3
+pinesdale,1433,3
+coffeen,474,1
+pomaria,1022,2
+lindenwood,1664,1
+wainscott,24,0
+beechwood,849,9
+hiteman,1387,0
+shelbyville,2199,2
+klickitat,1174,1
+leonardo,1569,1
+woodbine,1639,14
+merom,966,3
+marstons,308,7
+klickitat,1647,2
+shelbyville,1076,0
+pinesdale,927,7
+merom,635,3
+pomaria,1265,4
+merom,244,0
+hanson,1313,1
+hiteman,393,16
+leonardo,479,2
+pomaria,232,19
+klickitat,662,0
+newfields,1040,4
+pinesdale,1029,9
+beechwood,366,6
+beechwood,1013,7
+merom,135,1
+tolstoy,1513,5
+leonardo,1264,0
+tolstoy,1099,5
+coffeen,553,0
+pinesdale,1078,3
+marstons,1217,1
+hanson,383,11
+klickitat,1528,0
+klickitat,2127,10
+marstons,444,5
+hanson,1316,17
+tolstoy,1493,0
+beechwood,784,3
+leonardo,2034,2
+pinesdale,1389,3
+woodbine,974,7
+lindenwood,2540,0
+klickitat,345,1
+pomaria,481,5
+pinesdale,869,9
+mifflinburg,602,3
+stockman,1110,5
+marstons,2060,1
+pinesdale,1066,7
+pinesdale,1430,0
+ranchester,1379,5
+woodbine,383,6
+tolstoy,834,4
+leonardo,1800,9
+lakeville,1526,9
+shelbyville,1092,1
+leonardo,1222,2
+tolstoy,294,12
+klickitat,1304,5
+lindenwood,151,1
+shelbyville,501,3
+klickitat,1497,3
+marstons,2377,5
+klickitat,143,3
+shelbyville,1373,4
+lindenwood,1625,6
+allensville,252,6
+stockman,829,8
+stockman,797,6
+cosmos,333,1
+hanson,1016,4
+hiteman,88,7
+forkland,559,2
+cosmos,869,8
+klickitat,1119,4
+lakeville,1311,1
+shelbyville,781,6
+beechwood,1112,13
+newfields,1615,6
+woodbine,591,14
+ranchester,209,1
+newfields,478,5
+tolstoy,1105,0
+lindenwood,2266,7
+merom,1021,1
+lakeville,850,5
+coffeen,539,0
+lindenwood,1539,1
+woodbine,1079,2
+shelbyville,406,3
+tolstoy,1466,8
+wainscott,823,9
+mifflinburg,756,2
+benevolence,666,3
+stockman,1110,2
+forkland,3,0
+lindenwood,907,5
+marstons,1583,10
+leonardo,27,1
+shelbyville,556,9
+woodbine,1160,3
+tolstoy,1503,8
+klickitat,13,3
+wainscott,1507,2
+hanson,1277,9
+shelbyville,2506,2
+pomaria,1312,7
+tolstoy,1831,1
+forkland,572,1
+klickitat,1815,0
+coffeen,226,0
+lakeville,1434,1
+newfields,816,1
+wainscott,1618,13
+klickitat,1298,2
+shelbyville,1136,3
+forkland,776,2
+klickitat,2196,4
+hanson,647,5
+tolstoy,176,1
+hiteman,769,9
+klickitat,1539,7
+shelbyville,1423,1
+klickitat,481,2
+wainscott,876,0
+lindenwood,86,4
+pinesdale,864,3
+forkland,714,3
+klickitat,2395,2
+pomaria,1361,7
+marstons,1487,1
+wainscott,970,7
+leonardo,1507,12
+leonardo,838,3
+lindenwood,843,1
+mifflinburg,387,1
+newfields,101,4
+wainscott,1292,3
+coffeen,1302,3
+hanson,1601,1
+lindenwood,2525,5
+shelbyville,156,4
+forkland,258,3
+hanson,1184,4
+shelbyville,788,7
+shelbyville,1884,0
+lindenwood,1653,3
+forkland,665,3
+coffeen,82,3
+newfields,953,7
+leonardo,924,1
+cosmos,739,0
+newfields,353,0
+woodbine,1984,1
+lindenwood,856,7
+lindenwood,570,8
+hiteman,449,1
+klickitat,994,4
+lakeville,1164,8
+newfields,919,11
+klickitat,1242,2
+ranchester,320,4
+cosmos,934,8
+mifflinburg,841,2
+shelbyville,429,7
+coffeen,778,5
+pomaria,789,0
+stockman,858,0
+coffeen,1324,1
+tolstoy,1263,2
+beechwood,965,0
+wainscott,1602,3
+pomaria,1281,4
+hiteman,1473,2
+wainscott,228,10
+marstons,1552,2
+ranchester,123,4
+pomaria,308,2
+pinesdale,404,3
+pinesdale,61,3
+newfields,1487,14
+forkland,1073,1
+wainscott,1463,3
+tolstoy,236,8
+pinesdale,740,1
+wainscott,645,12
+klickitat,863,10
+hiteman,353,2
+shelbyville,1659,2
+beechwood,732,3
+lakeville,342,0
+klickitat,2400,2
+wainscott,137,2
+lindenwood,929,3
+coffeen,632,3
+woodbine,1661,5
+wainscott,112,1
+mifflinburg,876,2
+newfields,399,2
+hanson,617,2
+hanson,986,2
+marstons,722,2
+klickitat,927,3
+ranchester,824,4
+shelbyville,1820,15
+hanson,1609,4
+newfields,1317,7
+pinesdale,1141,8
+newfields,634,3
+woodbine,267,6
+ranchester,1494,15
+newfields,456,11
+pinesdale,433,1
+newfields,581,10
+lindenwood,432,4
+pomaria,100,0
+marstons,1817,3
+tolstoy,463,5
+forkland,951,1
+marstons,876,0
+hiteman,1282,5
+pomaria,501,1
+lindenwood,731,1
+pomaria,1646,4
+woodbine,1884,10
+lakeville,289,1
+marstons,2167,0
+woodbine,1313,11
+coffeen,844,5
+lakeville,1348,3
+benevolence,40,3
+marstons,1287,2
+shelbyville,402,5
+onaga,195,1
+coffeen,115,0
+wainscott,364,1
+marstons,1251,1
+merom,690,0
+shelbyville,387,3
+lindenwood,1782,4
+coffeen,1316,3
+klickitat,176,6
+lindenwood,1044,4
+shelbyville,1871,5
+lindenwood,538,4
+hiteman,1152,2
+forkland,45,1
+wainscott,1143,0
+pomaria,782,3
+klickitat,1100,6
+ranchester,604,5
+pinesdale,560,3
+hanson,155,2
+benevolence,576,0
+lakeville,491,1
+ranchester,1602,2
+newfields,1096,1
+cosmos,276,10
+coffeen,954,3
+hanson,161,5
+forkland,1162,0
+tolstoy,1586,3
+klickitat,860,5
+marstons,1794,7
+beechwood,530,3
+forkland,1007,3
+klickitat,1628,2
+wainscott,1048,4
+wainscott,484,1
+forkland,136,5
+leonardo,957,3
+leonardo,226,0
+pinesdale,1489,1
+pomaria,189,6
+ranchester,1517,1
+beechwood,559,12
+wainscott,1314,8
+klickitat,477,2
+lakeville,1800,5
+klickitat,32,5
+shelbyville,2696,0
+klickitat,1990,0
+wainscott,785,7
+leonardo,2055,2
+merom,855,0
+forkland,131,1
+lakeville,1620,2
+woodbine,1904,6
+pinesdale,1326,1
+newfields,332,5
+shelbyville,1659,6
+klickitat,646,0
+benevolence,436,4
+lindenwood,245,0
+coffeen,791,2
+marstons,151,4
+woodbine,1330,2
+tolstoy,1767,2
+shelbyville,1038,0
+beechwood,185,0
+leonardo,2073,6
+stockman,60,0
+leonardo,2063,3
+tolstoy,99,5
+hiteman,383,3
+pomaria,219,1
+marstons,358,5
+wainscott,1654,2
+pomaria,1606,6
+shelbyville,928,10
+onaga,52,4
+marstons,1339,12
+lakeville,1705,6
+pinesdale,128,12
+beechwood,859,0
+leonardo,452,1
+stockman,860,2
+coffeen,63,4
+hanson,1644,1
+forkland,413,7
+lindenwood,222,0
+leonardo,1459,2
+allensville,366,0
+newfields,1025,7
+coffeen,565,5
+shelbyville,1069,11
+marstons,1527,0
+leonardo,1844,6
+hiteman,81,3
+leonardo,1376,8
+shelbyville,2273,1
+coffeen,940,13
+pinesdale,161,3
+tolstoy,817,2
+tolstoy,417,0
+stockman,462,0
+lakeville,208,2
+ranchester,369,0
+pomaria,1299,10
+cosmos,473,3
+stockman,1354,2
+tolstoy,523,5
+shelbyville,1951,5
+marstons,842,2
+marstons,2565,1
+pinesdale,736,3
+forkland,738,0
+newfields,1003,7
+wainscott,1012,5
+allensville,52,0
+wainscott,64,0
+marstons,1154,0
+lindenwood,921,3
+forkland,20,2
+allensville,166,8
+lakeville,177,5
+newfields,1109,9
+marstons,2091,16
+woodbine,1873,10
+merom,500,0
+leonardo,1679,2
+beechwood,861,9
+hiteman,1759,0
+klickitat,597,2
+klickitat,967,1
+forkland,1051,6
+woodbine,809,0
+klickitat,346,1
+lindenwood,1579,1
+lakeville,1031,4
+marstons,2087,4
+pinesdale,869,10
+lindenwood,1865,1
+woodbine,747,6
+lakeville,1374,5
+marstons,1782,2
+lakeville,1741,6
+forkland,912,2
+mifflinburg,780,3
+newfields,1054,0
+ranchester,100,1
+tolstoy,36,0
+marstons,395,11
+cosmos,184,0
+klickitat,407,4
+newfields,84,5
+pinesdale,72,2
+lindenwood,2344,2
+shelbyville,2578,1
+leonardo,785,1
+lindenwood,1347,0
+lindenwood,616,0
+woodbine,1583,7
+woodbine,1005,3
+hanson,1463,4
+pinesdale,885,3
+lindenwood,560,7
+beechwood,364,5
+wainscott,757,5
+beechwood,105,6
+pomaria,750,9
+newfields,1642,0
+lindenwood,1048,7
+woodbine,192,6
+coffeen,317,6
+marstons,1023,1
+lindenwood,101,1
+pomaria,698,1
+coffeen,1062,2
+hiteman,1732,5
+woodbine,1424,1
+cosmos,540,9
+klickitat,1504,2
+woodbine,169,6
+lakeville,239,13
+newfields,799,3
+pomaria,642,2
+klickitat,2160,0
+lakeville,1733,3
+pinesdale,93,2
+coffeen,798,2
+shelbyville,2385,6
+pomaria,510,6
+pinesdale,517,3
+hiteman,1564,0
+coffeen,1163,1
+coffeen,177,4
+coffeen,478,9
+newfields,21,1
+woodbine,789,10
+pomaria,1607,3
+pomaria,348,1
+merom,523,1
+pomaria,626,1
+mifflinburg,535,2
+shelbyville,2541,2
+pomaria,1244,1
+klickitat,1254,2
+leonardo,163,2
+newfields,1169,1
+cosmos,960,3
+marstons,1879,6
+pomaria,1661,2
+klickitat,1753,0
+klickitat,1225,0
+pinesdale,552,0
+shelbyville,1654,13
+woodbine,1848,5
+pinesdale,819,2
+newfields,656,1
+klickitat,2308,0
+lakeville,939,3
+hanson,589,4
+beechwood,321,7
+pomaria,132,2
+stockman,428,6
+leonardo,817,3
+cosmos,961,0
+newfields,245,3
+marstons,1142,1
+forkland,969,1
+newfields,551,4
+hanson,1058,8
+leonardo,1074,2
+hiteman,1518,0
+shelbyville,2067,0
+pomaria,1415,11
+marstons,168,10
+shelbyville,490,14
+cosmos,428,4
+pinesdale,349,7
+pinesdale,1484,3
+marstons,2363,5
+wainscott,1373,2
+hanson,60,0
+tolstoy,1358,0
+coffeen,441,3
+wainscott,907,2
+hiteman,647,0
+hanson,1411,3
+ranchester,1049,10
+ranchester,1074,1
+wainscott,38,3
+wainscott,407,0
+marstons,811,5
+hanson,625,7
+lindenwood,1108,12
+marstons,1718,16
+ranchester,373,5
+lindenwood,1391,8
+pinesdale,167,0
+klickitat,315,5
+hanson,1173,7
+cosmos,113,1
+hanson,362,9
+tolstoy,572,5
+wainscott,1203,2
+beechwood,423,5
+shelbyville,650,0
+lakeville,1512,3
+lindenwood,1332,1
+newfields,1476,4
+merom,167,0
+onaga,54,2
+hiteman,989,4
+beechwood,434,2
+klickitat,333,3
+coffeen,1002,2
+woodbine,1176,5
+klickitat,316,2
+woodbine,1052,1
+ranchester,356,5
+hiteman,1030,0
+ranchester,1490,12
+wainscott,186,0
+merom,283,3
+shelbyville,729,0
+leonardo,392,2
+tolstoy,1704,3
+stockman,1145,3
+wainscott,1049,2
+cosmos,747,8
+klickitat,2331,7
+mifflinburg,322,0
+wainscott,1387,15
+wainscott,1156,1
+cosmos,130,11
+forkland,294,6
+lakeville,65,6
+wainscott,316,1
+merom,909,13
+woodbine,186,7
+lakeville,661,3
+newfields,588,11
+marstons,2189,7
+shelbyville,2106,8
+cosmos,528,0
+leonardo,1359,1
+woodbine,10,3
+cosmos,400,0
+leonardo,359,20
+coffeen,1271,2
+newfields,272,4
+shelbyville,2385,0
+tolstoy,1284,6
+marstons,2298,0
+hiteman,1455,6
+shelbyville,1951,8
+hanson,150,0
+woodbine,795,11
+leonardo,673,1
+ranchester,1329,2
+hiteman,348,0
+stockman,781,2
+coffeen,734,4
+hanson,1535,1
+pomaria,86,11
+wainscott,645,9
+tolstoy,304,1
+hiteman,1363,1
+lindenwood,1278,7
+hiteman,1803,1
+allensville,127,2
+allensville,15,5
+beechwood,1014,2
+klickitat,1495,11
+marstons,2114,1
+hanson,996,0
+lakeville,1673,0
+ranchester,786,11
+hiteman,1007,9
+cosmos,306,5
+hanson,421,2
+marstons,909,9
+wainscott,1304,1
+woodbine,596,2
+stockman,1154,4
+wainscott,512,3
+beechwood,729,4
+lindenwood,393,4
+lindenwood,843,7
+tolstoy,1610,6
+marstons,689,8
+hiteman,745,10
+ranchester,1553,6
+lakeville,1785,1
+beechwood,529,6
+lindenwood,638,3
+lindenwood,1457,4
+wainscott,1554,8
+lindenwood,996,2
+klickitat,795,2
+coffeen,392,5
+newfields,2,4
+tolstoy,1816,2
+leonardo,316,19
+onaga,539,7
+ranchester,1278,1
+hiteman,12,7
+woodbine,1348,3
+pomaria,481,2
+hanson,1602,0
+wainscott,218,3
+shelbyville,1120,5
+newfields,547,8
+klickitat,2347,1
+wainscott,366,13
+marstons,2213,0
+beechwood,235,0
+shelbyville,1529,1
+tolstoy,296,1
+klickitat,1880,6
+shelbyville,1858,1
+klickitat,1403,6
+newfields,1547,6
+klickitat,2358,17
+hiteman,107,2
+benevolence,128,2
+newfields,420,2
+coffeen,937,0
+hiteman,722,1
+newfields,1436,3
+mifflinburg,485,0
+tolstoy,1711,1
+pomaria,1009,11
+tolstoy,1454,17
+shelbyville,2036,8
+klickitat,2209,3
+leonardo,1154,4
+hiteman,1367,1
+klickitat,1716,0
+cosmos,428,5
+marstons,2302,2
+klickitat,703,0
+leonardo,300,2
+leonardo,220,4
+leonardo,801,1
+shelbyville,499,5
+pomaria,1100,6
+marstons,2533,3
+merom,262,2
+lakeville,458,5
+cosmos,345,2
+woodbine,1495,1
+leonardo,564,1
+woodbine,1483,0
+pomaria,927,0
+leonardo,1814,4
+pomaria,720,3
+hanson,1349,5
+coffeen,240,1
+newfields,1032,2
+shelbyville,2219,0
+shelbyville,1709,2
+ranchester,1410,5
+ranchester,1458,3
+lindenwood,2556,6
+pinesdale,207,0
+hiteman,1134,2
+beechwood,443,6
+coffeen,983,0
+onaga,139,4
+wainscott,22,5
+leonardo,42,3
+newfields,1098,0
+ranchester,114,0
+leonardo,48,2
+hiteman,1369,1
+ranchester,15,4
+lakeville,819,5
+pomaria,865,2
+hiteman,1108,2
+coffeen,108,0
+hiteman,1752,1
+leonardo,1829,0
+newfields,354,1
+leonardo,1036,0
+hiteman,301,6
+cosmos,1054,3
+wainscott,51,9
+tolstoy,535,7
+cosmos,924,2
+shelbyville,614,11
+wainscott,1431,11
+mifflinburg,445,3
+lindenwood,1125,9
+leonardo,1813,13
+lakeville,1085,0
+woodbine,572,0
+hanson,1316,4
+tolstoy,653,1
+coffeen,191,1
+coffeen,297,3
+lindenwood,850,2
+beechwood,48,3
+lakeville,659,6
+leonardo,1009,9
+cosmos,465,0
+wainscott,546,4
+shelbyville,1347,16
+benevolence,456,11
+newfields,727,3
+wainscott,1678,3
+marstons,1204,6
+wainscott,1525,2
+wainscott,978,12
+pomaria,560,0
+leonardo,526,0
+cosmos,1065,1
+klickitat,1678,2
+klickitat,53,3
+tolstoy,318,1
+marstons,2409,5
+lindenwood,2314,4
+beechwood,1076,4
+pomaria,470,13
+coffeen,1301,5
+leonardo,114,1
+lindenwood,179,2
+newfields,94,1
+woodbine,733,2
+forkland,529,5
+pinesdale,124,1
+lindenwood,2553,8
+leonardo,1113,1
+marstons,981,1
+tolstoy,1562,1
+newfields,1490,6
+marstons,70,3
+beechwood,1032,3
+lakeville,993,1
+klickitat,983,7
+lakeville,639,2
+pomaria,1323,2
+klickitat,1735,13
+ranchester,278,4
+pinesdale,572,11
+shelbyville,1777,6
+hiteman,1668,0
+lindenwood,899,8
+pinesdale,968,4
+hanson,336,9
+leonardo,355,4
+benevolence,897,6
+shelbyville,2767,2
+lindenwood,390,12
+ranchester,94,7
+shelbyville,520,5
+pinesdale,922,5
+ranchester,240,1
+lakeville,1100,0
+wainscott,343,1
+newfields,68,2
+pinesdale,1132,3
+wainscott,1648,1
+hanson,96,1
+merom,115,2
+ranchester,1468,2
+shelbyville,1338,9
+ranchester,1311,0
+leonardo,824,7
+klickitat,2413,7
+lindenwood,1720,5
+shelbyville,264,8
+cosmos,33,9
+forkland,805,5
+woodbine,1714,1
+hiteman,1601,2
+tolstoy,200,5
+leonardo,1443,0
+stockman,498,1
+klickitat,1302,4
+tolstoy,353,0
+tolstoy,1826,0
+klickitat,2405,3
+lindenwood,1028,0
+shelbyville,2490,1
+hiteman,838,0
+pinesdale,679,0
+shelbyville,49,13
+hanson,58,17
+leonardo,1962,6
+merom,118,6
+newfields,986,2
+forkland,832,2
+woodbine,1908,7
+forkland,247,4
+forkland,606,6
+tolstoy,1540,8
+mifflinburg,720,4
+leonardo,733,6
+newfields,1608,12
+lindenwood,712,0
+leonardo,1400,7
+woodbine,798,6
+wainscott,364,6
+cosmos,628,2
+ranchester,1300,7
+lakeville,984,0
+leonardo,1004,1
+tolstoy,923,5
+shelbyville,1687,5
+hanson,1346,17
+lakeville,537,2
+newfields,613,11
+klickitat,841,13
+newfields,1177,3
+tolstoy,47,0
+ranchester,24,0
+newfields,1597,15
+forkland,1196,0
+woodbine,1939,7
+beechwood,49,3
+shelbyville,944,1
+lakeville,138,1
+pomaria,712,3
+coffeen,577,3
+lakeville,1040,2
+coffeen,603,0
+pomaria,396,0
+pinesdale,548,3
+beechwood,1144,6
+hanson,367,1
+woodbine,1813,14
+forkland,757,0
+shelbyville,1873,10
+newfields,497,2
+cosmos,539,9
+tolstoy,594,0
+stockman,561,3
+hiteman,777,4
+klickitat,1443,5
+onaga,417,0
+tolstoy,968,10
+ranchester,1291,0
+stockman,965,2
+klickitat,581,9
+marstons,2011,3
+shelbyville,162,1
+marstons,1295,4
+coffeen,268,1
+mifflinburg,529,0
+shelbyville,1066,0
+hanson,1198,3
+lindenwood,2400,3
+pomaria,304,2
+shelbyville,1007,2
+tolstoy,1172,3
+shelbyville,938,5
+leonardo,2091,3
+shelbyville,950,0
+stockman,1503,0
+leonardo,1695,0
+pinesdale,1199,5
+leonardo,1482,4
+klickitat,2299,1
+coffeen,412,0
+hanson,820,15
+pinesdale,1243,2
+coffeen,284,1
+lakeville,366,2
+klickitat,467,18
+hanson,1331,9
+stockman,454,3
+shelbyville,2477,1
+pinesdale,43,1
+coffeen,583,4
+klickitat,831,3
+lakeville,232,5
+wainscott,1549,4
+beechwood,295,1
+tolstoy,654,0
+lakeville,256,13
+lindenwood,727,0
+klickitat,1471,11
+wainscott,443,7
+shelbyville,2801,4
+newfields,889,7
+marstons,2188,2
+stockman,378,3
+klickitat,278,3
+ranchester,775,14
+tolstoy,401,12
+hanson,1588,4
+pomaria,1558,8
+pomaria,536,8
+shelbyville,2471,4
+marstons,103,6
+stockman,822,1
+ranchester,617,4
+tolstoy,375,3
+leonardo,1985,7
+marstons,1477,8
+klickitat,437,9
+wainscott,1378,1
+hanson,1411,7
+marstons,2129,15
+leonardo,552,10
+coffeen,33,4
+hanson,1065,6
+stockman,812,1
+hanson,67,6
+hanson,973,10
+leonardo,613,1
+hanson,1,1
+newfields,811,3
+marstons,1859,0
+klickitat,529,1
+beechwood,1039,3
+mifflinburg,319,0
+klickitat,2358,10
+klickitat,1313,3
+woodbine,1476,1
+leonardo,309,0
+marstons,1164,4
+tolstoy,403,7
+woodbine,98,3
+benevolence,496,6
+klickitat,2161,2
+lakeville,428,3
+pomaria,918,1
+woodbine,1949,6
+wainscott,250,1
+beechwood,409,2
+cosmos,252,3
+hiteman,1221,5
+stockman,265,1
+wainscott,898,1
+cosmos,919,1
+lakeville,1856,0
+leonardo,2005,2
+shelbyville,2736,3
+klickitat,582,2
+pomaria,132,5
+marstons,2532,12
+tolstoy,1031,4
+coffeen,394,2
+lindenwood,1144,4
+allensville,508,2
+woodbine,1797,4
+pomaria,403,2
+lakeville,1692,0
+ranchester,959,0
+klickitat,1695,10
+wainscott,517,3
+pomaria,760,1
+ranchester,749,1
+hanson,1518,7
+woodbine,220,1
+woodbine,1871,8
+klickitat,1125,2
+marstons,547,13
+woodbine,2059,4
+leonardo,397,4
+newfields,1619,0
+onaga,571,0
+woodbine,2032,2
+woodbine,1262,7
+lakeville,1859,6
+leonardo,1954,10
+leonardo,1880,6
+woodbine,1291,12
+shelbyville,1055,3
+marstons,897,1
+hanson,575,4
+wainscott,1053,9
+ranchester,399,13
+klickitat,942,4
+allensville,347,7
+mifflinburg,330,2
+lakeville,1278,0
+pomaria,324,1
+woodbine,248,4
+lakeville,153,6
+mifflinburg,406,2
+ranchester,1218,3
+lakeville,295,1
+woodbine,820,3
+shelbyville,1318,10
+marstons,527,2
+woodbine,529,8
+woodbine,371,2
+cosmos,892,3
+cosmos,340,0
+shelbyville,2200,4
+merom,450,2
+hanson,1065,10
+shelbyville,602,1
+lakeville,810,0
+pomaria,67,3
+ranchester,979,4
+beechwood,55,2
+leonardo,312,7
+forkland,1088,1
+shelbyville,1360,1
+benevolence,418,3
+lakeville,1081,2
+shelbyville,2746,3
+newfields,528,17
+tolstoy,1006,1
+pomaria,421,1
+wainscott,1172,3
+woodbine,1508,5
+shelbyville,2310,1
+hanson,803,0
+pinesdale,1224,0
+newfields,776,2
+pinesdale,1132,1
+leonardo,1323,0
+lakeville,1784,2
+stockman,562,2
+hanson,1502,2
+lakeville,1622,2
+stockman,1575,7
+woodbine,270,0
+lindenwood,2393,16
+onaga,27,7
+woodbine,777,1
+marstons,1465,3
+newfields,789,1
+lindenwood,2309,0
+wainscott,409,8
+stockman,598,18
+benevolence,355,3
+ranchester,1060,6
+lakeville,1470,9
+stockman,1099,5
+mifflinburg,240,9
+ranchester,541,4
+tolstoy,803,10
+lakeville,1797,4
+pomaria,1329,4
+klickitat,940,2
+coffeen,62,2
+klickitat,35,3
+newfields,322,2
+pomaria,968,12
+ranchester,1532,7
+marstons,1946,0
+woodbine,2027,1
+hiteman,1824,5
+hanson,1240,2
+pomaria,874,1
+merom,519,3
+hiteman,1518,5
+klickitat,284,1
+lindenwood,833,3
+klickitat,1706,13
+shelbyville,667,0
+marstons,288,4
+lindenwood,712,2
+shelbyville,965,4
+beechwood,1011,3
+coffeen,761,2
+marstons,1879,0
+tolstoy,1361,5
+beechwood,224,1
+leonardo,2054,0
+beechwood,675,2
+woodbine,259,5
+klickitat,1025,4
+lindenwood,1676,5
+shelbyville,2322,10
+newfields,81,7
+stockman,840,4
+wainscott,258,0
+mifflinburg,249,5
+newfields,493,7
+lindenwood,1402,3
+stockman,468,8
+hiteman,1800,10
+mifflinburg,158,1
+cosmos,817,3
+hanson,664,6
+newfields,1146,4
+ranchester,1215,1
+lindenwood,747,0
+wainscott,1083,11
+newfields,726,0
+lindenwood,2555,2
+stockman,1580,0
+leonardo,1152,8
+forkland,600,1
+lindenwood,1517,11
+hanson,1284,14
+hanson,337,9
+hanson,500,2
+klickitat,2285,9
+leonardo,1163,14
+pomaria,177,8
+pinesdale,965,4
+wainscott,69,2
+coffeen,608,2
+wainscott,1710,11
+ranchester,1140,0
+leonardo,1970,1
+lakeville,1388,4
+hanson,1132,3
+klickitat,863,2
+forkland,129,1
+ranchester,411,1
+klickitat,2379,6
+shelbyville,2583,5
+benevolence,775,1
+lakeville,399,10
+forkland,71,5
+shelbyville,1090,7
+shelbyville,1778,4
+marstons,1620,1
+hiteman,1128,1
+klickitat,2116,6
+marstons,1857,1
+woodbine,1700,8
+tolstoy,1368,9
+leonardo,933,2
+hanson,664,2
+newfields,1087,2
+leonardo,1851,0
+tolstoy,1466,1
+woodbine,562,4
+klickitat,1884,8
+pomaria,416,3
+marstons,2440,3
+lakeville,484,0
+hiteman,1503,0
+leonardo,1353,6
+klickitat,612,3
+leonardo,1131,1
+newfields,996,2
+hiteman,1703,6
+klickitat,171,11
+shelbyville,304,8
+ranchester,757,3
+klickitat,425,1
+newfields,80,1
+shelbyville,1971,7
+marstons,546,1
+lakeville,1625,4
+tolstoy,629,5
+pomaria,1553,2
+ranchester,412,0
+stockman,1188,2
+wainscott,1644,2
+woodbine,976,2
+newfields,1109,0
+tolstoy,453,2
+stockman,690,1
+hiteman,567,2
+hanson,309,5
+lindenwood,1921,4
+lakeville,632,3
+lindenwood,254,0
+pomaria,1054,4
+marstons,1166,0
+hiteman,862,3
+onaga,190,1
+hanson,995,1
+newfields,1270,8
+wainscott,539,13
+coffeen,564,2
+lindenwood,966,7
+shelbyville,128,0
+leonardo,499,2
+coffeen,1047,4
+leonardo,436,7
+allensville,319,2
+marstons,275,2
+klickitat,841,7
+mifflinburg,113,0
+lakeville,480,0
+marstons,1355,3
+shelbyville,2572,2
+shelbyville,142,9
+wainscott,1584,9
+tolstoy,1273,7
+coffeen,626,3
+klickitat,1677,2
+lakeville,1749,5
+pomaria,127,7
+lindenwood,2319,5
+klickitat,223,0
+wainscott,141,0
+benevolence,204,0
+wainscott,811,4
+pomaria,1479,1
+leonardo,523,4
+ranchester,405,0
+woodbine,69,8
+klickitat,1447,11
+lakeville,1830,4
+pomaria,1235,6
+ranchester,1100,0
+coffeen,738,3
+shelbyville,2649,1
+allensville,16,6
+klickitat,1373,4
+lakeville,532,5
+klickitat,861,11
+leonardo,1933,15
+hiteman,162,1
+shelbyville,1844,1
+stockman,672,0
+lakeville,247,6
+klickitat,55,8
+coffeen,606,0
+hanson,929,5
+shelbyville,1051,4
+coffeen,653,1
+marstons,600,1
+lakeville,1140,16
+lindenwood,2605,4
+pomaria,1068,1
+pomaria,177,7
+lindenwood,2371,19
+wainscott,781,10
+wainscott,377,1
+hanson,1067,15
+allensville,400,0
+marstons,2090,7
+ranchester,168,5
+marstons,1478,12
+newfields,114,5
+shelbyville,949,0
+hanson,892,1
+benevolence,881,3
+lakeville,1775,6
+leonardo,487,1
+ranchester,894,4
+marstons,2548,9
+leonardo,753,1
+marstons,2054,2
+onaga,517,6
+benevolence,147,1
+ranchester,565,6
+marstons,250,2
+hanson,257,12
+pomaria,1316,3
+klickitat,1679,20
+tolstoy,425,2
+shelbyville,1267,0
+mifflinburg,30,9
+marstons,921,16
+tolstoy,1301,7
+pomaria,1085,6
+klickitat,65,19
+onaga,243,2
+lindenwood,2115,1
+hanson,1411,1
+shelbyville,852,3
+merom,1116,0
+newfields,298,3
+coffeen,459,2
+allensville,485,0
+lindenwood,2202,0
+tolstoy,1381,4
+wainscott,140,3
+hanson,1457,5
+hanson,318,3
+wainscott,649,0
+shelbyville,2326,2
+cosmos,1059,1
+marstons,606,3
+hanson,428,18
+mifflinburg,869,5
+tolstoy,954,0
+tolstoy,535,0
+shelbyville,2606,1
+leonardo,551,9
+hiteman,13,5
+klickitat,2373,6
+stockman,108,2
+shelbyville,196,5
+leonardo,1847,0
+stockman,539,13
+pomaria,631,3
+hanson,1440,3
+tolstoy,1061,10
+merom,29,4
+lakeville,945,5
+lakeville,1335,3
+newfields,1587,5
+beechwood,909,0
+ranchester,1434,7
+forkland,761,2
+wainscott,377,16
+shelbyville,1670,13
+ranchester,1125,8
+lindenwood,2469,1
+newfields,1044,1
+wainscott,573,3
+hanson,1161,14
+newfields,594,8
+ranchester,636,0
+ranchester,828,1
+lakeville,738,8
+lindenwood,2325,8
+klickitat,1365,4
+woodbine,174,5
+ranchester,704,1
+wainscott,1231,1
+hanson,1379,15
+cosmos,708,7
+allensville,435,0
+hanson,1050,6
+klickitat,640,6
+shelbyville,466,3
+wainscott,720,8
+coffeen,739,2
+klickitat,1780,2
+woodbine,466,9
+klickitat,122,2
+newfields,512,0
+leonardo,794,12
+tolstoy,1832,8
+lindenwood,1415,1
+woodbine,446,2
+leonardo,341,4
+ranchester,83,4
+benevolence,537,0
+pomaria,1604,1
+mifflinburg,707,0
+onaga,213,5
+forkland,762,4
+wainscott,1171,7
+merom,246,1
+lindenwood,1931,15
+marstons,818,3
+forkland,610,2
+beechwood,1066,3
+beechwood,516,2
+merom,844,6
+stockman,1449,5
+klickitat,11,7
+leonardo,1256,7
+tolstoy,88,20
+shelbyville,1839,1
+ranchester,40,4
+ranchester,795,0
+lindenwood,1159,9
+klickitat,101,5
+wainscott,523,11
+newfields,276,4
+woodbine,594,3
+lindenwood,2552,4
+pomaria,997,4
+newfields,750,1
+cosmos,708,6
+lindenwood,640,2
+shelbyville,268,5
+shelbyville,2402,5
+leonardo,1051,7
+klickitat,1906,5
+leonardo,774,3
+lindenwood,2120,6
+stockman,200,4
+tolstoy,1629,11
+beechwood,839,0
+pomaria,96,8
+mifflinburg,34,2
+pinesdale,143,0
+forkland,377,0
+merom,547,3
+newfields,307,9
+marstons,1413,4
+shelbyville,585,1
+woodbine,925,7
+stockman,1189,2
+klickitat,805,2
+hiteman,625,5
+woodbine,514,11
+woodbine,1598,14
+mifflinburg,16,2
+hanson,1161,4
+marstons,1086,7
+ranchester,298,4
+hiteman,1799,3
+cosmos,1038,8
+hiteman,242,10
+lakeville,925,3
+lindenwood,2302,8
+klickitat,1006,1
+hanson,1219,4
+lakeville,1853,1
+pomaria,926,5
+stockman,1423,1
+hiteman,818,3
+ranchester,1148,2
+ranchester,512,6
+pomaria,375,5
+marstons,2214,3
+ranchester,1502,5
+ranchester,1535,1
+tolstoy,1247,5
+coffeen,792,11
+hiteman,898,0
+allensville,357,7
+leonardo,1777,6
+hiteman,1606,2
+pomaria,1591,1
+merom,874,1
+stockman,442,3
+woodbine,840,3
+klickitat,1093,6
+newfields,1372,4
+shelbyville,420,1
+pinesdale,132,3
+leonardo,206,2
+coffeen,611,2
+leonardo,1611,0
+shelbyville,1363,13
+pomaria,342,3
+hanson,452,9
+leonardo,1022,1
+hiteman,901,2
+coffeen,481,3
+klickitat,948,1
+lakeville,1175,0
+klickitat,782,14
+merom,873,2
+newfields,754,5
+beechwood,380,10
+lakeville,383,0
+pomaria,1265,0
+wainscott,991,2
+hiteman,228,1
+woodbine,1356,9
+wainscott,517,6
+shelbyville,1368,8
+hanson,1162,6
+shelbyville,128,2
+pinesdale,603,11
+lindenwood,2276,1
+wainscott,851,15
+merom,919,9
+klickitat,734,2
+pinesdale,1437,4
+hiteman,109,5
+benevolence,322,9
+woodbine,527,2
+newfields,691,1
+cosmos,215,1
+leonardo,257,22
+mifflinburg,880,0
+mifflinburg,396,1
+marstons,1463,6
+woodbine,768,4
+hanson,324,5
+lakeville,1860,5
+leonardo,298,6
+lakeville,1805,5
+klickitat,1732,3
+pinesdale,789,5
+shelbyville,2530,5
+klickitat,2089,2
+hanson,771,7
+coffeen,87,2
+hanson,352,8
+leonardo,1229,6
+pomaria,856,1
+hanson,464,3
+wainscott,21,1
+woodbine,1757,5
+wainscott,1387,5
+merom,1063,2
+coffeen,743,2
+pinesdale,743,1
+newfields,1474,9
+wainscott,871,8
+marstons,1251,0
+leonardo,1559,6
+pomaria,1465,17
+lakeville,1115,2
+lakeville,160,2
+pinesdale,460,6
+pinesdale,1366,4
+shelbyville,2418,3
+hiteman,1810,2
+pinesdale,1321,6
+ranchester,1152,3
+shelbyville,2480,4
+lindenwood,1582,4
+tolstoy,530,2
+merom,860,2
+hanson,147,2
+merom,788,1
+newfields,467,4
+lakeville,642,1
+shelbyville,1707,5
+lakeville,1698,0
+hanson,1485,8
+leonardo,815,1
+lakeville,621,5
+lakeville,482,0
+forkland,643,9
+lindenwood,1251,0
+marstons,723,0
+shelbyville,480,8
+pinesdale,1114,8
+pinesdale,342,2
+klickitat,510,2
+klickitat,2140,3
+woodbine,133,1
+hanson,1324,3
+wainscott,1749,1
+leonardo,1858,3
+stockman,1473,3
+woodbine,120,6
+klickitat,159,3
+lindenwood,2248,3
+marstons,1367,7
+shelbyville,1469,16
+lakeville,380,10
+stockman,1298,5
+marstons,2116,0
+hanson,681,2
+hanson,1345,5
+mifflinburg,226,6
+hiteman,1755,2
+lindenwood,2055,9
+ranchester,1340,2
+stockman,720,2
+shelbyville,144,4
+hanson,1258,0
+lindenwood,1315,4
+woodbine,83,1
+forkland,377,3
+shelbyville,251,1
+onaga,222,1
+tolstoy,1391,8
+shelbyville,1139,4
+newfields,1174,6
+stockman,489,4
+marstons,1238,6
+newfields,1331,3
+hanson,150,9
+wainscott,1275,5
+wainscott,1137,4
+newfields,1105,1
+newfields,1198,1
+marstons,809,2
+coffeen,72,1
+mifflinburg,72,7
+marstons,1897,8
+hanson,925,0
+hiteman,1692,0
+hanson,758,1
+lindenwood,2550,3
+forkland,1101,2
+woodbine,1202,1
+lakeville,1255,3
+lakeville,549,3
+lindenwood,2261,7
+tolstoy,1743,2
+leonardo,521,8
+tolstoy,1116,4
+leonardo,1232,1
+hanson,1198,6
+cosmos,504,13
+lakeville,306,9
+ranchester,1610,3
+wainscott,135,5
+klickitat,1807,1
+lindenwood,1566,5
+hiteman,1147,2
+cosmos,384,3
+stockman,572,2
+newfields,43,1
+lindenwood,264,4
+hiteman,1350,10
+benevolence,237,1
+pinesdale,105,3
+ranchester,174,4
+wainscott,570,13
+stockman,543,0
+pinesdale,433,4
+benevolence,787,2
+mifflinburg,396,4
+pomaria,681,2
+hiteman,1028,5
+ranchester,995,0
+hiteman,1581,0
+pinesdale,285,2
+stockman,1033,0
+marstons,2263,2
+lakeville,1394,4
+benevolence,748,0
+wainscott,882,2
+hiteman,1190,2
+cosmos,747,10
+marstons,1629,4
+lindenwood,676,4
+klickitat,2286,10
+cosmos,1010,6
+woodbine,1380,7
+woodbine,529,2
+lindenwood,58,1
+ranchester,183,3
+onaga,128,2
+tolstoy,1447,3
+forkland,399,9
+marstons,1362,2
+woodbine,351,0
+lindenwood,1768,6
+lindenwood,161,5
+woodbine,1280,7
+marstons,624,2
+hiteman,16,3
+shelbyville,1454,7
+woodbine,1823,5
+forkland,269,6
+stockman,509,0
+forkland,910,1
+lakeville,138,2
+forkland,925,2
+wainscott,1348,9
+hanson,1174,1
+marstons,1422,13
+shelbyville,756,1
+mifflinburg,272,3
+klickitat,2116,14
+leonardo,24,3
+klickitat,482,8
+marstons,11,0
+tolstoy,1053,1
+tolstoy,516,2
+lakeville,1602,7
+merom,756,7
+marstons,1078,11
+tolstoy,20,11
+lakeville,1238,7
+shelbyville,2564,9
+marstons,2579,0
+stockman,225,0
+lindenwood,2407,3
+coffeen,518,3
+woodbine,1801,2
+lakeville,1443,7
+marstons,2162,2
+marstons,2147,7
+onaga,595,4
+stockman,779,1
+lakeville,218,8
+wainscott,548,10
+shelbyville,1142,1
+marstons,1392,5
+mifflinburg,102,2
+leonardo,522,10
+forkland,731,0
+leonardo,552,1
+ranchester,822,4
+tolstoy,1010,5
+coffeen,141,4
+klickitat,1327,2
+cosmos,963,4
+klickitat,62,2
+beechwood,1136,3
+pomaria,609,8
+pinesdale,1205,1
+tolstoy,1276,16
+ranchester,1094,0
+pomaria,693,7
+klickitat,1979,0
+shelbyville,1330,8
+klickitat,1348,5
+cosmos,290,0
+hiteman,602,6
+klickitat,718,2
+newfields,27,3
+mifflinburg,922,1
+ranchester,1126,4
+tolstoy,1790,1
+forkland,17,1
+mifflinburg,362,1
+pinesdale,1132,5
+stockman,747,1
+lakeville,964,4
+stockman,963,1
+newfields,17,11
+pinesdale,470,4
+marstons,2248,1
+marstons,1320,6
+hiteman,672,5
+lindenwood,1008,0
+klickitat,1160,2
+wainscott,1393,7
+lindenwood,1138,9
+pinesdale,1420,2
+klickitat,605,1
+wainscott,99,12
+marstons,934,9
+pomaria,1234,3
+marstons,2407,5
+marstons,2231,9
+shelbyville,2496,9
+coffeen,1207,3
+leonardo,846,1
+onaga,173,1
+lakeville,726,2
+hanson,688,0
+newfields,1481,6
+marstons,1249,3
+pinesdale,219,3
+marstons,1419,1
+tolstoy,756,3
+coffeen,787,2
+woodbine,1794,10
+lakeville,260,0
+newfields,958,5
+benevolence,530,6
+klickitat,1009,2
+pinesdale,1180,7
+leonardo,833,6
+wainscott,1419,6
+woodbine,74,7
+hiteman,1859,3
+lindenwood,1570,2
+leonardo,1869,0
+lakeville,1642,2
+klickitat,630,4
+wainscott,1738,10
+shelbyville,1188,2
+beechwood,819,1
+lindenwood,303,1
+ranchester,1047,1
+merom,761,2
+newfields,1104,8
+lindenwood,2576,0
+woodbine,693,2
+ranchester,370,7
+shelbyville,2594,13
+leonardo,1656,8
+klickitat,708,7
+klickitat,1733,3
+onaga,562,0
+shelbyville,1489,7
+klickitat,526,5
+lindenwood,1574,4
+pomaria,1529,14
+cosmos,453,0
+cosmos,852,0
+woodbine,760,5
+tolstoy,724,12
+coffeen,700,4
+pinesdale,234,1
+stockman,1081,9
+stockman,776,2
+marstons,1534,5
+wainscott,1543,9
+shelbyville,1591,6
+shelbyville,310,1
+klickitat,908,7
+ranchester,672,3
+forkland,92,2
+klickitat,2416,5
+marstons,1574,18
+wainscott,248,4
+lindenwood,1796,2
+woodbine,285,14
+ranchester,1248,3
+merom,627,1
+leonardo,1745,2
+newfields,170,3
+marstons,417,5
+wainscott,243,2
+marstons,909,7
+wainscott,720,3
+lakeville,817,2
+wainscott,1166,16
+leonardo,2089,6
+lindenwood,466,4
+lindenwood,2399,2
+marstons,217,4
+woodbine,329,3
+onaga,13,2
+leonardo,528,9
+pinesdale,68,12
+wainscott,263,1
+woodbine,389,1
+tolstoy,330,1
+pinesdale,692,2
+leonardo,624,4
+beechwood,404,2
+woodbine,1558,4
+wainscott,756,2
+pinesdale,594,7
+marstons,1032,1
+benevolence,858,4
+woodbine,1096,3
+tolstoy,958,8
+klickitat,2007,2
+shelbyville,1444,2
+lindenwood,1262,3
+beechwood,943,3
+newfields,816,5
+marstons,509,6
+woodbine,670,8
+beechwood,483,0
+lakeville,345,1
+hanson,217,15
+wainscott,1111,7
+lindenwood,2600,0
+lindenwood,917,0
+hiteman,283,2
+merom,808,1
+leonardo,1451,1
+hanson,27,1
+pomaria,1312,1
+merom,999,3
+ranchester,808,0
+woodbine,1751,1
+forkland,886,4
+pinesdale,1461,6
+pomaria,1662,0
+stockman,778,1
+benevolence,32,3
+pinesdale,71,0
+shelbyville,1791,2
+pinesdale,398,5
+coffeen,222,1
+merom,813,2
+klickitat,1880,1
+woodbine,1821,3
+wainscott,603,0
+woodbine,332,2
+cosmos,570,5
+marstons,1282,0
+leonardo,1086,3
+ranchester,168,4
+allensville,396,1
+lakeville,1611,3
+merom,1075,6
+hiteman,1716,3
+marstons,841,6
+pomaria,1490,2
+onaga,669,0
+lindenwood,1377,3
+allensville,416,4
+stockman,1077,6
+pinesdale,502,0
+woodbine,393,4
+shelbyville,1205,1
+pinesdale,525,4
+lakeville,655,4
+klickitat,144,0
+woodbine,718,6
+woodbine,616,5
+lakeville,904,7
+stockman,1048,3
+hanson,923,0
+forkland,106,5
+stockman,79,1
+marstons,1137,0
+benevolence,415,2
+marstons,1745,3
+pinesdale,631,7
+hiteman,409,7
+wainscott,790,0
+pomaria,1189,9
+tolstoy,157,1
+leonardo,1148,0
+woodbine,469,8
+lindenwood,638,7
+newfields,445,12
+hanson,1037,0
+marstons,1613,3
+newfields,581,3
+hanson,1546,1
+hanson,738,5
+lakeville,284,19
+newfields,508,1
+wainscott,858,1
+forkland,287,1
+beechwood,1089,0
+pomaria,383,6
+wainscott,373,6
+shelbyville,1787,0
+woodbine,1736,0
+lindenwood,1104,6
+coffeen,1478,0
+ranchester,342,3
+forkland,484,2
+woodbine,1078,0
+woodbine,2040,5
+lindenwood,1483,5
+pomaria,1305,14
+shelbyville,782,0
+lakeville,1886,2
+shelbyville,2731,1
+newfields,606,2
+leonardo,1703,5
+pomaria,1068,9
+shelbyville,2758,1
+lakeville,375,0
+stockman,507,1
+shelbyville,1163,0
+woodbine,1132,4
+shelbyville,2222,1
+wainscott,483,12
+beechwood,814,3
+lakeville,974,2
+leonardo,886,0
+leonardo,2023,4
+beechwood,512,0
+hanson,1395,3
+newfields,1654,9
+coffeen,65,3
+shelbyville,332,0
+lindenwood,1696,0
+forkland,268,1
+marstons,1217,5
+hanson,533,1
+klickitat,1940,4
+stockman,211,3
+ranchester,1100,4
+cosmos,775,5
+tolstoy,783,1
+woodbine,1969,3
+shelbyville,2771,10
+coffeen,128,0
+coffeen,245,2
+hiteman,1578,10
+shelbyville,1267,5
+lindenwood,2467,2
+newfields,535,14
+newfields,129,2
+lakeville,1325,0
+lakeville,1190,0
+woodbine,518,6
+pinesdale,1207,3
+leonardo,1065,5
+lakeville,276,2
+coffeen,204,1
+leonardo,550,0
+merom,41,9
+hiteman,1484,3
+shelbyville,889,6
+ranchester,607,6
+ranchester,421,5
+hanson,1386,3
+shelbyville,985,8
+klickitat,102,8
+lindenwood,2218,1
+shelbyville,254,3
+mifflinburg,15,0
+cosmos,600,0
+lindenwood,2628,8
+coffeen,928,1
+pomaria,1677,15
+marstons,2321,1
+marstons,1818,2
+woodbine,1349,4
+leonardo,1371,4
+lindenwood,341,7
+stockman,653,10
+ranchester,748,2
+pomaria,1044,0
+hanson,1031,2
+lindenwood,1092,4
+marstons,1601,2
+ranchester,1445,4
+marstons,725,3
+onaga,581,0
+forkland,705,7
+merom,192,2
+klickitat,1267,5
+benevolence,942,0
+hanson,1553,10
+leonardo,1755,2
+stockman,1001,3
+newfields,920,1
+marstons,681,3
+hiteman,1818,2
+lakeville,175,4
+cosmos,97,5
+coffeen,454,4
+forkland,1107,2
+woodbine,313,14
+ranchester,826,1
+lindenwood,990,7
+lakeville,1874,1
+wainscott,840,2
+pomaria,320,0
+hiteman,1283,1
+klickitat,366,4
+allensville,240,4
+hiteman,1624,0
+wainscott,758,0
+marstons,659,5
+hanson,1024,7
+wainscott,1347,2
+klickitat,256,10
+newfields,1109,6
+merom,317,0
+marstons,1598,7
+marstons,1983,2
+stockman,1282,0
+onaga,364,3
+klickitat,1115,4
+lindenwood,1515,2
+pomaria,1526,4
+hiteman,1324,2
+marstons,731,3
+lindenwood,2264,3
+wainscott,1740,4
+hanson,1286,7
+shelbyville,1881,7
+klickitat,1315,0
+hiteman,893,5
+shelbyville,265,1
+klickitat,1629,7
+forkland,615,3
+mifflinburg,763,1
+pinesdale,596,11
+klickitat,1643,2
+pinesdale,1343,1
+lindenwood,120,3
+klickitat,902,4
+beechwood,871,4
+stockman,560,3
+coffeen,452,0
+shelbyville,2482,1
+lakeville,1071,0
+lindenwood,38,3
+lindenwood,1422,2
+stockman,696,4
+newfields,105,2
+pomaria,419,6
+lindenwood,1488,5
+lakeville,1769,11
+stockman,605,4
+wainscott,601,11
+klickitat,230,7
+hiteman,1557,3
+klickitat,3,13
+pomaria,1469,4
+shelbyville,9,5
+leonardo,597,1
+lindenwood,2611,4
+marstons,230,3
+wainscott,1280,5
+onaga,9,6
+shelbyville,2072,2
+woodbine,994,4
+tolstoy,809,1
+benevolence,902,0
+hiteman,88,3
+klickitat,1811,5
+lakeville,1535,4
+wainscott,190,6
+wainscott,751,5
+marstons,2202,2
+lindenwood,1325,5
+ranchester,261,0
+leonardo,1593,5
+lindenwood,1537,2
+forkland,440,1
+shelbyville,2463,2
+pomaria,627,1
+tolstoy,599,3
+woodbine,784,0
+coffeen,1483,0
+tolstoy,1182,1
+marstons,2213,3
+shelbyville,1077,6
+lakeville,1337,1
+shelbyville,1419,1
+wainscott,1272,5
+pinesdale,241,1
+klickitat,740,2
+hiteman,258,6
+coffeen,127,3
+wainscott,133,6
+hanson,445,1
+pomaria,961,11
+leonardo,1006,0
+coffeen,248,0
+lakeville,1104,2
+benevolence,741,9
+woodbine,1343,4
+ranchester,1328,1
+beechwood,1106,2
+shelbyville,1521,4
+shelbyville,2520,1
+woodbine,1982,4
+klickitat,145,5
+marstons,1916,7
+newfields,927,1
+forkland,840,7
+tolstoy,1220,4
+hanson,1333,7
+mifflinburg,144,1
+hanson,520,8
+klickitat,1721,2
+beechwood,818,1
+lindenwood,1281,5
+marstons,2375,1
+wainscott,236,2
+newfields,1215,1
+pomaria,1508,0
+beechwood,1167,4
+mifflinburg,715,3
+shelbyville,863,9
+pomaria,322,0
+forkland,771,1
+newfields,1412,1
+forkland,759,6
+wainscott,1314,1
+benevolence,940,1
+tolstoy,319,2
+hiteman,1556,0
+pomaria,874,9
+pinesdale,1492,1
+pinesdale,613,8
+lindenwood,1952,1
+shelbyville,193,7
+hiteman,649,2
+woodbine,498,2
+klickitat,989,9
+lakeville,32,4
+wainscott,394,9
+wainscott,56,1
+coffeen,178,7
+beechwood,770,4
+wainscott,779,0
+wainscott,1008,6
+wainscott,1065,10
+ranchester,683,3
+hiteman,1556,7
+onaga,576,4
+forkland,1113,5
+hanson,949,2
+hiteman,16,7
+tolstoy,49,3
+klickitat,1043,3
+forkland,233,2
+shelbyville,2468,14
+ranchester,1439,9
+cosmos,692,4
+lindenwood,570,2
+leonardo,1230,0
+lindenwood,944,8
+onaga,504,2
+wainscott,694,2
+klickitat,387,3
+shelbyville,929,5
+newfields,746,0
+woodbine,1007,1
+klickitat,1547,6
+merom,513,4
+cosmos,549,1
+cosmos,297,3
+pomaria,766,15
+klickitat,1246,1
+marstons,391,2
+woodbine,1068,2
+leonardo,530,9
+woodbine,1020,1
+stockman,879,0
+stockman,610,1
+coffeen,371,1
+benevolence,44,5
+pomaria,1032,7
+woodbine,766,16
+lindenwood,2106,4
+shelbyville,858,5
+tolstoy,1205,0
+klickitat,2331,3
+hanson,1034,5
+pomaria,1619,7
+wainscott,1599,17
+marstons,1925,14
+tolstoy,1363,4
+forkland,942,1
+hanson,593,4
+klickitat,1182,7
+lindenwood,1148,1
+wainscott,870,4
+leonardo,1879,6
+ranchester,24,16
+hiteman,939,8
+newfields,953,15
+lakeville,75,1
+newfields,1089,0
+ranchester,1491,8
+wainscott,149,8
+lindenwood,1969,1
+coffeen,1320,5
+allensville,12,2
+klickitat,1836,7
+marstons,1075,4
+lindenwood,1558,2
+cosmos,286,11
+marstons,2638,2
+ranchester,1007,1
+onaga,341,2
+ranchester,1412,3
+ranchester,58,16
+stockman,135,1
+tolstoy,700,7
+klickitat,1016,5
+hiteman,199,4
+onaga,60,2
+wainscott,742,2
+marstons,1424,3
+beechwood,468,7
+pinesdale,809,6
+ranchester,902,2
+beechwood,844,4
+lindenwood,2364,2
+klickitat,1909,3
+leonardo,380,0
+coffeen,1469,2
+lakeville,1424,3
+newfields,864,5
+cosmos,438,4
+marstons,528,6
+cosmos,504,10
+stockman,164,3
+beechwood,698,0
+hanson,993,0
+coffeen,6,11
+marstons,10,8
+wainscott,603,3
+cosmos,691,7
+cosmos,197,3
+ranchester,1320,4
+shelbyville,1694,15
+coffeen,735,0
+onaga,652,5
+newfields,425,1
+newfields,1220,1
+shelbyville,1749,4
+shelbyville,469,0
+ranchester,165,6
+marstons,1482,6
+leonardo,1389,2
+marstons,2629,0
+lindenwood,1055,0
+leonardo,1588,4
+klickitat,2204,4
+marstons,971,1
+cosmos,255,5
+tolstoy,796,5
+lakeville,733,3
+klickitat,1589,12
+lindenwood,1756,1
+leonardo,263,17
+leonardo,1504,3
+hanson,646,1
+hanson,605,0
+lindenwood,1432,3
+shelbyville,1881,11
+pomaria,1356,6
+pomaria,919,0
+shelbyville,1007,5
+shelbyville,83,5
+lindenwood,2557,11
+shelbyville,1564,7
+hanson,1144,16
+leonardo,1115,3
+onaga,669,11
+pomaria,1256,0
+mifflinburg,440,2
+marstons,1049,0
+wainscott,948,0
+leonardo,1459,7
+hanson,1171,8
+ranchester,63,5
+woodbine,1458,14
+ranchester,615,4
+lakeville,572,6
+lindenwood,401,5
+coffeen,1457,2
+hanson,1103,3
+hanson,827,5
+tolstoy,864,6
+leonardo,1192,3
+wainscott,1695,6
+allensville,290,12
+hanson,369,14
+klickitat,1024,0
+lindenwood,2116,7
+forkland,391,1
+marstons,1623,0
+pomaria,309,3
+woodbine,1325,8
+lakeville,1407,0
+klickitat,1277,4
+ranchester,687,3
+shelbyville,679,2
+tolstoy,1424,3
+stockman,107,0
+lakeville,1810,3
+beechwood,47,0
+pomaria,163,5
+marstons,617,5
+stockman,153,10
+beechwood,893,1
+leonardo,914,0
+stockman,784,2
+forkland,859,0
+pinesdale,728,5
+stockman,361,5
+wainscott,921,10
+shelbyville,2633,1
+klickitat,766,1
+lindenwood,35,3
+marstons,2179,1
+pomaria,1005,5
+merom,19,2
+hiteman,1539,0
+woodbine,1077,7
+lindenwood,318,1
+pomaria,967,6
+forkland,218,1
+wainscott,1538,4
+pomaria,982,5
+leonardo,1729,2
+tolstoy,631,14
+stockman,434,0
+leonardo,1647,1
+hiteman,1271,12
+coffeen,1091,5
+wainscott,1275,7
+hiteman,974,5
+benevolence,268,1
+stockman,331,3
+hiteman,692,2
+tolstoy,433,11
+pomaria,134,10
+tolstoy,375,14
+pinesdale,1114,3
+klickitat,762,4
+wainscott,1656,0
+wainscott,998,0
+hiteman,822,2
+tolstoy,6,2
+cosmos,866,2
+leonardo,1441,6
+forkland,1002,10
+leonardo,1020,1
+wainscott,782,1
+lindenwood,958,3
+shelbyville,66,3
+ranchester,1115,4
+pinesdale,955,14
+tolstoy,537,3
+shelbyville,1172,0
+wainscott,1525,3
+klickitat,794,1
+pomaria,978,5
+lindenwood,1768,1
+klickitat,535,6
+leonardo,694,2
+tolstoy,720,6
+lakeville,1735,1
+hanson,1516,3
+wainscott,536,3
+pinesdale,1386,1
+benevolence,931,1
+lakeville,842,13
+leonardo,874,9
+hanson,992,9
+ranchester,1191,10
+lakeville,1500,11
+onaga,497,2
+newfields,1608,7
+tolstoy,615,8
+ranchester,858,2
+marstons,2028,1
+lindenwood,2326,3
+coffeen,668,3
+wainscott,1661,4
+lindenwood,1270,0
+lakeville,735,0
+forkland,1157,4
+hiteman,1595,5
+marstons,2050,3
+lindenwood,1183,16
+shelbyville,2440,6
+wainscott,763,3
+hanson,776,4
+woodbine,964,1
+leonardo,826,13
+stockman,72,1
+pomaria,154,6
+mifflinburg,784,5
+pomaria,1394,2
+cosmos,159,5
+wainscott,1045,6
+klickitat,2073,3
+wainscott,1718,6
+lindenwood,645,9
+tolstoy,424,4
+klickitat,47,9
+lakeville,1110,3
+hanson,796,11
+pomaria,10,4
+cosmos,94,0
+ranchester,1490,8
+klickitat,1561,10
+pinesdale,951,0
+hiteman,1841,0
+merom,1009,1
+klickitat,595,2
+wainscott,727,2
+shelbyville,2127,2
+beechwood,787,3
+coffeen,321,7
+hiteman,1352,0
+woodbine,1549,0
+wainscott,1758,7
+lakeville,1407,2
+leonardo,1721,1
+leonardo,1061,0
+lindenwood,1619,1
+lindenwood,1104,4
+pomaria,795,1
+cosmos,410,0
+marstons,373,0
+wainscott,267,1
+lindenwood,1003,9
+forkland,1178,2
+marstons,1059,5
+forkland,323,3
+wainscott,1228,1
+leonardo,571,6
+shelbyville,1543,4
+tolstoy,180,2
+marstons,1619,0
+ranchester,544,0
+pomaria,1095,6
+marstons,2531,4
+pinesdale,609,9
+ranchester,99,5
+wainscott,883,8
+marstons,2049,4
+forkland,405,2
+hanson,602,2
+newfields,404,1
+lindenwood,2538,2
+marstons,982,2
+coffeen,311,0
+pinesdale,87,6
+marstons,2168,2
+pomaria,590,3
+lindenwood,412,0
+forkland,637,3
+newfields,256,1
+klickitat,1922,9
+newfields,156,1
+hanson,800,14
+shelbyville,1984,6
+lindenwood,1843,5
+forkland,7,4
+lakeville,1518,6
+lakeville,1154,5
+marstons,2183,3
+pinesdale,1105,1
+merom,898,0
+ranchester,1603,6
+pomaria,1367,11
+lakeville,192,0
+tolstoy,190,10
+leonardo,1454,11
+coffeen,196,5
+hanson,26,13
+wainscott,540,7
+pomaria,759,5
+hanson,964,2
+onaga,613,7
+mifflinburg,280,2
+tolstoy,236,2
+wainscott,132,1
+ranchester,1338,5
+stockman,553,2
+cosmos,925,2
+stockman,140,3
+merom,591,2
+hiteman,1696,1
+merom,159,5
+cosmos,922,2
+wainscott,1670,1
+onaga,189,0
+klickitat,1695,6
+klickitat,1084,3
+shelbyville,563,1
+coffeen,1294,1
+merom,722,1
+wainscott,1162,0
+wainscott,436,4
+shelbyville,329,8
+shelbyville,1782,3
+newfields,1412,3
+lakeville,1045,9
+onaga,219,1
+klickitat,1865,4
+shelbyville,1484,11
+klickitat,190,2
+cosmos,993,3
+shelbyville,1598,4
+klickitat,321,0
+coffeen,1371,1
+tolstoy,668,6
+tolstoy,815,1
+marstons,2207,3
+beechwood,1124,7
+marstons,2530,0
+benevolence,354,2
+stockman,1072,0
+newfields,471,2
+stockman,189,0
+hanson,1055,12
+woodbine,1538,6
+stockman,1584,0
+mifflinburg,707,2
+leonardo,1861,1
+hiteman,1749,5
+klickitat,2256,2
+ranchester,1416,8
+marstons,976,1
+newfields,128,1
+ranchester,1250,6
+hanson,543,0
+tolstoy,1394,6
+klickitat,1340,5
+newfields,883,3
+hanson,601,8
+newfields,624,1
+klickitat,1521,4
+mifflinburg,943,2
+leonardo,2086,6
+wainscott,1348,7
+ranchester,1561,3
+coffeen,113,4
+benevolence,779,3
+marstons,87,0
+lindenwood,2333,9
+tolstoy,1187,1
+newfields,869,2
+lakeville,654,0
+wainscott,1424,4
+tolstoy,100,0
+lakeville,1652,4
+wainscott,587,7
+shelbyville,72,0
+klickitat,448,5
+stockman,1509,1
+woodbine,946,5
+mifflinburg,60,3
+beechwood,926,1
+woodbine,15,15
+woodbine,780,12
+lindenwood,811,0
+pinesdale,56,3
+merom,718,3
+cosmos,820,3
+wainscott,1556,7
+lindenwood,288,0
+coffeen,458,1
+woodbine,325,4
+lindenwood,270,6
+leonardo,960,4
+tolstoy,1611,0
+tolstoy,781,3
+hiteman,215,1
+shelbyville,917,1
+tolstoy,174,5
+hiteman,1523,5
+stockman,43,0
+hanson,1608,4
+leonardo,788,9
+hiteman,1578,8
+ranchester,1060,5
+tolstoy,420,2
+pomaria,1419,2
+shelbyville,1926,6
+stockman,544,2
+lakeville,434,0
+marstons,1598,6
+marstons,1478,11
+ranchester,1524,5
+pomaria,983,2
+lindenwood,1003,7
+klickitat,1472,4
+shelbyville,1634,1
+ranchester,180,3
+mifflinburg,52,7
+marstons,1203,1
+merom,572,0
+lindenwood,1445,4
+lakeville,1184,7
+klickitat,1702,1
+marstons,891,2
+lindenwood,1027,3
+tolstoy,1640,5
+hanson,1168,4
+woodbine,1955,3
+newfields,1573,0
+onaga,435,2
+ranchester,1262,0
+klickitat,2329,6
+woodbine,219,0
+leonardo,914,4
+wainscott,228,5
+marstons,2320,3
+lindenwood,2002,2
+marstons,418,3
+klickitat,1035,0
+leonardo,54,1
+leonardo,837,1
+pinesdale,20,5
+newfields,445,15
+marstons,1074,3
+leonardo,1958,1
+ranchester,1083,2
+shelbyville,946,12
+pomaria,978,2
+pomaria,1233,4
+lindenwood,681,7
+wainscott,660,6
+lindenwood,1182,6
+beechwood,743,13
+hanson,624,0
+shelbyville,1361,1
+lakeville,232,3
+hanson,558,0
+wainscott,51,2
+pinesdale,726,2
+leonardo,1415,5
+marstons,2470,1
+pinesdale,1081,6
+shelbyville,2156,1
+klickitat,1552,15
+wainscott,83,2
+lindenwood,1459,3
+pomaria,1121,1
+wainscott,1550,12
+newfields,1437,0
+wainscott,136,3
+lindenwood,2189,2
+pomaria,890,2
+hiteman,917,5
+leonardo,901,0
+stockman,1508,5
+leonardo,1447,5
+forkland,996,1
+lakeville,1892,3
+klickitat,1291,15
+coffeen,818,7
+stockman,425,1
+klickitat,2062,5
+stockman,609,0
+pinesdale,139,2
+coffeen,1130,0
+marstons,831,0
+beechwood,834,0
+stockman,653,2
+leonardo,1282,0
+klickitat,341,0
+wainscott,782,4
+merom,580,2
+pomaria,757,2
+pomaria,955,3
+lindenwood,1126,6
+beechwood,881,0
+stockman,225,2
+ranchester,1520,0
+stockman,306,1
+pomaria,536,0
+lindenwood,1134,5
+merom,325,2
+forkland,27,3
+leonardo,268,6
+wainscott,1661,7
+leonardo,1471,4
+leonardo,604,10
+pomaria,127,0
+coffeen,765,2
+leonardo,190,13
+leonardo,1613,6
+klickitat,1462,2
+wainscott,4,1
+tolstoy,1119,6
+beechwood,665,4
+hiteman,728,2
+stockman,265,8
+marstons,2255,2
+mifflinburg,79,9
+marstons,1494,7
+marstons,2024,2
+woodbine,355,10
+lindenwood,1529,2
+marstons,211,4
+pinesdale,1146,1
+allensville,338,6
+woodbine,774,3
+leonardo,724,3
+lakeville,250,11
+pomaria,257,1
+stockman,1180,0
+onaga,58,4
+newfields,722,0
+newfields,294,13
+mifflinburg,220,3
+tolstoy,268,1
+hiteman,328,0
+mifflinburg,178,2
+coffeen,219,0
+lindenwood,484,9
+mifflinburg,782,0
+klickitat,2122,2
+pomaria,1036,7
+shelbyville,47,11
+stockman,1207,2
+tolstoy,1482,2
+newfields,1291,0
+shelbyville,922,1
+ranchester,1247,9
+woodbine,355,3
+wainscott,126,1
+hanson,318,5
+woodbine,81,4
+cosmos,61,1
+leonardo,2108,0
+onaga,199,7
+beechwood,712,0
+shelbyville,2003,11
+ranchester,653,5
+pomaria,928,3
+marstons,391,11
+wainscott,1431,12
+lakeville,1452,0
+klickitat,35,18
+klickitat,778,2
+leonardo,298,9
+leonardo,1569,9
+wainscott,297,5
+tolstoy,919,8
+hanson,1439,4
+newfields,96,4
+hanson,623,13
+lindenwood,2651,4
+ranchester,975,0
+cosmos,869,6
+marstons,2453,1
+lakeville,1201,5
+newfields,1077,6
+lakeville,1479,9
+pomaria,1020,1
+woodbine,358,1
+hanson,1117,2
+pomaria,1032,3
+tolstoy,263,4
+lakeville,1553,5
+shelbyville,2664,0
+wainscott,403,1
+leonardo,797,1
+lakeville,1100,1
+ranchester,472,2
+leonardo,462,1
+mifflinburg,581,0
+coffeen,848,5
+marstons,2350,7
+lindenwood,1349,6
+pinesdale,1097,2
+pinesdale,439,0
+woodbine,147,0
+ranchester,436,1
+pomaria,692,2
+coffeen,779,5
+marstons,795,1
+leonardo,1716,11
+klickitat,735,3
+mifflinburg,588,1
+mifflinburg,372,3
+pinesdale,775,1
+ranchester,1355,1
+klickitat,156,15
+leonardo,1592,2
+newfields,1262,2
+lakeville,151,1
+pomaria,1188,0
+lakeville,511,6
+lakeville,1088,4
+woodbine,1265,0
+newfields,1647,3
+pinesdale,1111,5
+ranchester,985,4
+lindenwood,1481,6
+mifflinburg,589,4
+klickitat,1363,22
+pinesdale,1363,14
+lindenwood,2421,0
+pomaria,962,3
+shelbyville,300,1
+marstons,1921,2
+klickitat,316,5
+forkland,630,2
+coffeen,1511,2
+newfields,752,11
+shelbyville,1107,1
+lindenwood,2054,6
+tolstoy,20,2
+leonardo,1147,0
+woodbine,743,0
+lakeville,1130,0
+wainscott,1115,2
+hiteman,1240,1
+tolstoy,1553,1
+hiteman,191,6
+stockman,1496,0
+wainscott,411,7
+shelbyville,911,1
+leonardo,1395,3
+lindenwood,2612,2
+shelbyville,275,13
+ranchester,1032,4
+woodbine,1042,2
+marstons,976,0
+allensville,195,1
+pomaria,1172,3
+beechwood,964,5
+lindenwood,2490,2
+merom,958,0
+lakeville,71,0
+wainscott,1405,1
+pinesdale,985,1
+lindenwood,2419,3
+klickitat,1198,4
+mifflinburg,399,1
+tolstoy,1132,5
+mifflinburg,873,3
+hiteman,187,0
+beechwood,385,2
+klickitat,2388,2
+pomaria,1272,1
+forkland,482,5
+lindenwood,1658,0
+klickitat,569,4
+leonardo,138,12
+klickitat,1977,4
+woodbine,74,8
+ranchester,829,1
+hanson,1173,5
+lindenwood,802,0
+mifflinburg,60,5
+hanson,1176,1
+klickitat,1043,16
+shelbyville,1391,1
+woodbine,811,6
+marstons,1661,12
+cosmos,485,2
+klickitat,1361,0
+hanson,198,1
+stockman,663,5
+hanson,793,6
+mifflinburg,424,3
+stockman,1547,13
+shelbyville,2444,8
+lakeville,835,1
+benevolence,595,7
+pomaria,157,1
+marstons,1952,4
+coffeen,710,5
+wainscott,1154,5
+shelbyville,826,1
+pomaria,933,8
+klickitat,535,9
+lakeville,369,2
+merom,148,3
+forkland,787,2
+lakeville,1474,7
+allensville,343,2
+ranchester,1040,4
+leonardo,543,1
+klickitat,624,2
+pinesdale,642,3
+pinesdale,264,1
+newfields,190,6
+pomaria,1414,1
+mifflinburg,91,0
+hanson,587,2
+klickitat,715,3
+merom,480,9
+lakeville,35,14
+beechwood,761,11
+beechwood,987,3
+hanson,1469,3
+stockman,1062,1
+merom,275,3
+coffeen,913,3
+ranchester,1108,9
+klickitat,2048,0
+ranchester,219,1
+klickitat,2322,10
+coffeen,73,0
+merom,401,2
+lakeville,130,3
+leonardo,1625,0
+klickitat,1446,3
+merom,605,4
+lindenwood,835,3
+newfields,332,4
+hiteman,776,0
+leonardo,1980,9
+stockman,1096,3
+woodbine,705,3
+woodbine,558,0
+lindenwood,2662,1
+pomaria,952,13
+newfields,7,0
+pinesdale,1123,0
+hanson,411,3
+benevolence,228,3
+pinesdale,1433,2
+merom,1056,10
+ranchester,109,3
+leonardo,824,3
+marstons,2401,2
+lakeville,566,2
+beechwood,1127,2
+wainscott,1145,13
+hiteman,840,5
+forkland,64,4
+pinesdale,445,5
+lakeville,831,2
+klickitat,2228,14
+cosmos,388,0
+lindenwood,736,2
+tolstoy,1517,1
+leonardo,1388,8
+woodbine,538,1
+hiteman,695,9
+coffeen,1396,2
+shelbyville,1960,3
+wainscott,828,0
+hanson,800,15
+woodbine,230,4
+ranchester,805,7
+benevolence,482,3
+woodbine,1227,0
+pomaria,1152,0
+lindenwood,613,8
+shelbyville,1971,4
+pinesdale,220,5
+woodbine,100,10
+mifflinburg,530,4
+ranchester,1576,1
+pomaria,1195,2
+lakeville,1866,3
+woodbine,1519,12
+ranchester,132,12
+stockman,317,5
+lindenwood,2269,2
+hanson,592,1
+newfields,560,0
+hiteman,20,8
+pomaria,951,6
+pomaria,784,2
+lindenwood,1657,10
+woodbine,41,5
+klickitat,684,4
+hiteman,880,10
+merom,501,1
+lindenwood,1518,2
+leonardo,625,0
+lindenwood,726,6
+hiteman,652,7
+pomaria,560,10
+shelbyville,2117,2
+cosmos,844,11
+beechwood,297,17
+lakeville,475,16
+shelbyville,437,7
+shelbyville,131,1
+shelbyville,26,0
+newfields,247,4
+ranchester,835,2
+onaga,609,1
+hanson,788,1
+leonardo,754,10
+hanson,1113,3
+marstons,1502,1
+allensville,102,1
+stockman,723,2
+lakeville,1200,4
+woodbine,1252,12
+merom,981,3
+woodbine,1958,2
+wainscott,1793,5
+newfields,1544,6
+ranchester,73,1
+klickitat,2195,9
+marstons,1330,1
+wainscott,4,5
+pinesdale,1236,4
+pinesdale,846,6
+hanson,1386,0
+leonardo,789,3
+newfields,1072,1
+leonardo,262,2
+marstons,2558,1
+lindenwood,1898,2
+woodbine,917,1
+pinesdale,78,1
+wainscott,830,3
+lindenwood,387,3
+mifflinburg,631,6
+woodbine,1047,0
+cosmos,929,12
+beechwood,80,2
+coffeen,1483,6
+mifflinburg,226,7
+leonardo,1090,3
+hiteman,387,1
+forkland,654,7
+pinesdale,464,6
+benevolence,111,3
+cosmos,18,2
+leonardo,1366,6
+newfields,29,0
+leonardo,1826,1
+shelbyville,234,5
+pomaria,309,4
+beechwood,41,4
+wainscott,764,0
+marstons,2122,2
+tolstoy,655,2
+newfields,106,11
+leonardo,1481,2
+lakeville,447,1
+cosmos,752,3
+leonardo,1235,2
+beechwood,317,3
+pomaria,1579,3
+hiteman,331,10
+mifflinburg,769,1
+hanson,1195,1
+marstons,2313,4
+klickitat,1915,5
+hiteman,400,9
+marstons,1751,9
+klickitat,1690,2
+shelbyville,463,1
+wainscott,602,10
+pinesdale,1214,5
+pomaria,846,4
+lakeville,245,3
+beechwood,158,5
+woodbine,984,7
+hiteman,1215,2
+coffeen,636,2
+tolstoy,344,1
+newfields,759,4
+stockman,1488,4
+ranchester,1574,2
+shelbyville,195,3
+stockman,1014,3
+lindenwood,1033,0
+merom,882,4
+tolstoy,882,7
+benevolence,686,8
+hiteman,1806,2
+allensville,279,6
+marstons,473,13
+beechwood,517,4
+beechwood,298,4
+hanson,423,6
+klickitat,257,9
+ranchester,483,2
+hanson,1582,2
+marstons,274,11
+wainscott,657,8
+marstons,2457,2
+shelbyville,1891,0
+lindenwood,564,3
+pomaria,728,5
+hanson,814,10
+hanson,986,8
+klickitat,2131,8
+pomaria,121,11
+mifflinburg,882,2
+lindenwood,1071,6
+newfields,1598,6
+pomaria,1479,2
+klickitat,1103,1
+shelbyville,2445,4
+merom,532,5
+lindenwood,2140,8
+onaga,436,1
+lindenwood,280,0
+tolstoy,382,4
+ranchester,188,13
+allensville,116,1
+klickitat,1773,1
+woodbine,766,14
+hanson,892,3
+onaga,361,6
+pinesdale,397,5
+leonardo,992,9
+merom,1002,0
+tolstoy,1609,1
+woodbine,491,3
+newfields,1431,3
+wainscott,770,11
+hiteman,1702,0
+mifflinburg,449,2
+stockman,471,2
+lindenwood,1587,2
+newfields,1629,1
+coffeen,1305,1
+hanson,936,6
+wainscott,1477,7
+wainscott,890,2
+pomaria,539,5
+klickitat,11,3
+onaga,363,6
+stockman,439,8
+pinesdale,530,1
+wainscott,1711,2
+stockman,392,1
+forkland,505,1
+merom,17,0
+woodbine,322,0
+stockman,1232,3
+woodbine,1227,7
+coffeen,138,0
+benevolence,899,11
+marstons,1358,4
+pomaria,978,4
+lakeville,602,3
+tolstoy,943,1
+hanson,571,4
+lakeville,1636,2
+hanson,277,4
+stockman,1213,5
+mifflinburg,264,5
+merom,881,1
+klickitat,922,10
+wainscott,941,4
+wainscott,1219,5
+lindenwood,1003,5
+forkland,199,1
+beechwood,1126,3
+marstons,441,5
+woodbine,593,7
+lakeville,482,4
+klickitat,1266,1
+woodbine,1918,8
+hanson,1362,4
+cosmos,686,5
+leonardo,883,3
+marstons,575,1
+lindenwood,1629,0
+lindenwood,1463,0
+allensville,255,1
+beechwood,1001,3
+shelbyville,2174,7
+woodbine,1940,0
+klickitat,1786,2
+coffeen,1295,2
+shelbyville,715,10
+klickitat,2161,5
+benevolence,421,0
+newfields,330,5
+wainscott,587,1
+klickitat,361,14
+lakeville,1381,3
+woodbine,625,12
+tolstoy,610,13
+lindenwood,981,4
+marstons,1135,11
+newfields,1506,8
+leonardo,1705,3
+woodbine,188,9
+hanson,1106,3
+ranchester,760,4
+stockman,61,5
+merom,903,1
+ranchester,1324,3
+hiteman,253,4
+klickitat,556,3
+lakeville,1286,2
+klickitat,427,3
+lakeville,1161,7
+ranchester,727,1
+marstons,410,6
+ranchester,636,7
+klickitat,1599,5
+woodbine,1646,1
+marstons,1558,1
+marstons,1381,0
+hanson,514,1
+forkland,548,2
+mifflinburg,337,4
+stockman,1288,0
+tolstoy,1754,4
+shelbyville,2296,10
+stockman,1390,8
+lakeville,463,1
+lindenwood,1818,16
+coffeen,1180,5
+lakeville,399,8
+klickitat,1083,3
+lakeville,224,4
+newfields,717,14
+coffeen,662,0
+coffeen,347,8
+shelbyville,1209,1
+klickitat,2104,2
+pomaria,1194,6
+lakeville,1303,5
+hiteman,331,2
+beechwood,16,12
+forkland,604,0
+coffeen,208,0
+hanson,1640,7
+pomaria,978,3
+klickitat,1300,1
+woodbine,1836,4
+wainscott,922,1
+cosmos,642,3
+lindenwood,1776,1
+lindenwood,601,1
+merom,580,0
+woodbine,1489,4
+hiteman,225,1
+marstons,2241,0
+klickitat,1069,0
+hiteman,260,0
+woodbine,814,0
+pinesdale,897,9
+lindenwood,487,1
+merom,127,3
+lindenwood,2166,9
+wainscott,1473,1
+coffeen,1420,0
+lindenwood,2246,3
+stockman,1436,3
+newfields,777,8
+marstons,696,13
+leonardo,1077,0
+pomaria,675,3
+pinesdale,1,7
+tolstoy,871,4
+allensville,253,5
+shelbyville,1989,2
+lindenwood,278,0
+coffeen,532,1
+wainscott,1428,9
+ranchester,621,5
+wainscott,1284,11
+pomaria,1210,4
+wainscott,115,2
+klickitat,390,13
+lindenwood,565,1
+lakeville,1651,5
+lakeville,304,4
+pomaria,1036,13
+lindenwood,1484,7
+merom,320,6
+woodbine,964,2
+leonardo,616,8
+lakeville,937,5
+klickitat,1517,3
+klickitat,1338,0
+shelbyville,960,1
+lakeville,1598,3
+coffeen,546,1
+pomaria,1320,6
+lakeville,1021,3
+beechwood,932,3
+hiteman,217,4
+lakeville,471,1
+pomaria,696,5
+coffeen,718,0
+mifflinburg,914,8
+marstons,2094,7
+pomaria,502,3
+pinesdale,1496,5
+lindenwood,634,1
+klickitat,2037,0
+coffeen,759,4
+wainscott,1558,0
+wainscott,1073,3
+leonardo,1523,4
+beechwood,1092,0
+pomaria,18,3
+wainscott,1727,6
+lindenwood,1440,2
+pinesdale,191,2
+lindenwood,461,4
+lakeville,1162,2
+pomaria,1562,3
+coffeen,1107,6
+marstons,2069,9
+marstons,2492,2
+leonardo,688,7
+marstons,121,4
+lakeville,284,9
+marstons,1481,5
+allensville,272,0
+pomaria,1523,4
+hiteman,922,5
+hiteman,439,14
+pomaria,485,1
+marstons,1417,0
+klickitat,905,1
+coffeen,607,5
+merom,556,1
+pomaria,1489,3
+ranchester,831,2
+hanson,534,5
+onaga,173,2
+cosmos,278,6
+coffeen,1305,0
+onaga,519,7
+marstons,1988,1
+klickitat,916,10
+wainscott,889,11
+tolstoy,328,0
+lakeville,100,6
+stockman,1379,4
+pomaria,1120,3
+tolstoy,1436,3
+lakeville,1496,3
+hanson,281,13
+pomaria,1411,9
+shelbyville,2080,3
+woodbine,178,1
+cosmos,868,7
+woodbine,503,1
+cosmos,856,2
+leonardo,1141,11
+lindenwood,1267,1
+merom,940,5
+wainscott,1161,5
+onaga,561,3
+klickitat,2090,0
+merom,417,0
+shelbyville,2637,6
+lindenwood,2581,5
+shelbyville,596,3
+benevolence,743,10
+pinesdale,349,1
+ranchester,364,6
+woodbine,1726,5
+shelbyville,2396,4
+lindenwood,1949,2
+coffeen,29,2
+pinesdale,1092,8
+woodbine,1049,1
+shelbyville,278,4
+shelbyville,539,9
+beechwood,87,3
+marstons,1008,2
+wainscott,225,3
+hanson,834,1
+ranchester,1158,2
+lakeville,1210,2
+pinesdale,458,8
+leonardo,846,7
+benevolence,195,0
+leonardo,1076,11
+pinesdale,103,0
+hanson,1622,5
+hanson,380,12
+beechwood,578,7
+allensville,148,3
+lakeville,454,4
+hiteman,1200,0
+wainscott,88,3
+lindenwood,2151,3
+tolstoy,239,1
+stockman,482,1
+pomaria,1034,4
+hiteman,62,0
+coffeen,1162,1
+klickitat,1092,4
+leonardo,776,3
+shelbyville,279,7
+newfields,1354,13
+hanson,1634,3
+pinesdale,790,1
+lindenwood,721,2
+lindenwood,2516,3
+lakeville,1284,4
+stockman,1064,5
+lindenwood,174,0
+klickitat,2008,0
+stockman,579,6
+wainscott,1243,1
+klickitat,2006,1
+stockman,526,11
+lindenwood,1231,1
+hanson,1256,9
+lindenwood,1464,3
+marstons,848,4
+hanson,1281,8
+beechwood,374,2
+shelbyville,1548,9
+stockman,466,3
+pomaria,1405,2
+lakeville,86,5
+lakeville,906,0
+pomaria,208,0
+lakeville,253,0
+wainscott,890,11
+lindenwood,720,9
+beechwood,314,2
+wainscott,715,2
+lindenwood,416,11
+ranchester,245,0
+newfields,430,0
+hiteman,623,8
+leonardo,111,9
+wainscott,1187,3
+mifflinburg,520,2
+leonardo,1468,7
+stockman,942,4
+ranchester,1465,4
+shelbyville,1431,4
+hanson,1093,5
+hiteman,1074,1
+hanson,103,2
+leonardo,891,2
+hiteman,1715,2
+wainscott,412,2
+hiteman,680,10
+marstons,1909,0
+beechwood,1032,9
+coffeen,556,10
+hiteman,327,6
+ranchester,820,3
+woodbine,1271,2
+ranchester,916,10
+shelbyville,1400,5
+ranchester,598,5
+forkland,980,0
+pomaria,327,3
+leonardo,1770,2
+wainscott,1580,1
+lakeville,251,7
+stockman,609,3
+forkland,344,6
+klickitat,173,0
+leonardo,489,10
+shelbyville,2470,0
+pinesdale,935,8
+lindenwood,1116,0
+forkland,1059,0
+stockman,790,5
+allensville,99,3
+newfields,317,2
+pinesdale,1463,0
+lindenwood,708,6
+newfields,72,3
+tolstoy,1749,6
+merom,150,3
+lakeville,92,5
+lindenwood,2083,1
+coffeen,233,8
+pinesdale,212,2
+klickitat,2322,2
+ranchester,1057,1
+forkland,988,1
+leonardo,1526,0
+klickitat,2231,10
+lindenwood,1653,4
+ranchester,743,8
+marstons,696,14
+stockman,1371,0
+wainscott,540,12
+beechwood,170,5
+coffeen,534,1
+beechwood,109,2
+wainscott,1626,3
+lindenwood,313,9
+hiteman,1114,5
+shelbyville,2533,0
+forkland,556,3
+leonardo,1858,19
+newfields,277,8
+marstons,27,10
+onaga,342,2
+wainscott,691,5
+lindenwood,383,6
+pinesdale,1227,0
+leonardo,145,0
+wainscott,1142,4
+klickitat,1764,10
+lindenwood,1065,4
+woodbine,900,7
+merom,244,1
+woodbine,727,2
+woodbine,1286,6
+klickitat,1304,1
+tolstoy,619,4
+lindenwood,1730,3
+mifflinburg,867,0
+lindenwood,1494,5
+hanson,365,10
+marstons,2443,8
+forkland,218,0
+marstons,168,6
+forkland,674,2
+hiteman,108,4
+shelbyville,564,6
+merom,664,3
+lindenwood,1745,0
+leonardo,1898,2
+pomaria,1471,0
+tolstoy,853,2
+leonardo,870,3
+cosmos,772,11
+woodbine,761,9
+leonardo,588,3
+lindenwood,1541,3
+cosmos,93,3
+ranchester,1228,0
+newfields,18,1
+klickitat,1679,1
+klickitat,1015,2
+beechwood,1161,6
+shelbyville,1878,2
+hanson,229,5
+marstons,2420,11
+wainscott,1652,10
+marstons,2648,0
+pinesdale,1080,2
+marstons,2597,4
+forkland,656,3
+woodbine,907,0
+marstons,347,18
+klickitat,696,15
+marstons,1179,3
+pomaria,1462,5
+mifflinburg,683,0
+hiteman,1457,9
+klickitat,1993,1
+onaga,61,2
+marstons,737,2
+hanson,515,1
+klickitat,10,5
+pinesdale,224,6
+klickitat,1381,3
+woodbine,1314,0
+mifflinburg,762,1
+lakeville,652,10
+mifflinburg,682,2
+lakeville,1314,0
+shelbyville,835,3
+cosmos,647,0
+lakeville,160,1
+coffeen,410,3
+lindenwood,1265,3
+pinesdale,686,5
+klickitat,727,4
+merom,122,3
+merom,2,4
+wainscott,686,3
+mifflinburg,908,4
+allensville,71,1
+leonardo,42,0
+tolstoy,1001,1
+coffeen,157,1
+shelbyville,967,2
+woodbine,1754,1
+lakeville,41,3
+lindenwood,1474,0
+pinesdale,1510,0
+coffeen,199,2
+klickitat,708,15
+lindenwood,305,0
+beechwood,423,3
+klickitat,151,4
+stockman,226,0
+shelbyville,187,3
+pomaria,1547,7
+lindenwood,1744,4
+leonardo,623,6
+stockman,283,3
+hiteman,516,5
+merom,399,1
+lindenwood,2609,2
+woodbine,981,1
+merom,380,6
+marstons,555,1
+marstons,2091,5
+pomaria,673,10
+klickitat,1162,5
+leonardo,763,2
+hanson,105,4
+marstons,1958,1
+marstons,1870,5
+stockman,555,4
+stockman,819,2
+klickitat,2087,7
+newfields,1229,3
+cosmos,550,1
+onaga,633,4
+leonardo,1202,0
+ranchester,376,7
+newfields,1293,0
+forkland,844,4
+benevolence,609,1
+lindenwood,702,1
+woodbine,1434,4
+lindenwood,131,3
+wainscott,998,4
+marstons,837,0
+leonardo,1628,3
+leonardo,1041,1
+newfields,1633,7
+pomaria,538,1
+klickitat,685,0
+merom,780,2
+woodbine,488,15
+allensville,345,0
+newfields,355,1
+merom,355,4
+lindenwood,489,0
+mifflinburg,859,4
+lindenwood,1989,8
+stockman,36,4
+marstons,2545,0
+benevolence,215,3
+wainscott,974,5
+stockman,604,3
+shelbyville,2184,12
+lindenwood,1133,4
+coffeen,574,0
+lindenwood,1845,2
+pomaria,127,6
+hiteman,140,1
+beechwood,703,3
+leonardo,560,9
+tolstoy,317,6
+merom,992,7
+mifflinburg,323,3
+stockman,1189,4
+newfields,1160,11
+pinesdale,361,5
+shelbyville,1140,0
+hiteman,1180,1
+woodbine,1353,5
+ranchester,167,2
+lindenwood,2109,2
+ranchester,68,0
+pomaria,1170,4
+pomaria,76,3
+marstons,984,2
+benevolence,611,5
+klickitat,2298,2
+lindenwood,293,3
+klickitat,256,4
+marstons,913,11
+pinesdale,1470,8
+shelbyville,2607,0
+coffeen,805,1
+merom,680,0
+woodbine,287,1
+beechwood,1107,6
+shelbyville,217,0
+woodbine,706,7
+ranchester,248,0
+newfields,1214,0
+hiteman,1017,7
+klickitat,1890,0
+ranchester,715,7
+klickitat,2241,8
+woodbine,1067,3
+allensville,111,0
+klickitat,1710,2
+lindenwood,2320,6
+shelbyville,890,0
+shelbyville,2754,4
+ranchester,924,4
+forkland,968,2
+ranchester,273,7
+ranchester,1027,2
+merom,491,1
+tolstoy,1396,2
+ranchester,324,2
+coffeen,474,4
+shelbyville,284,7
+pinesdale,2,2
+benevolence,577,1
+klickitat,1940,13
+benevolence,747,1
+pinesdale,967,2
+pomaria,985,0
+cosmos,749,1
+shelbyville,27,6
+newfields,657,5
+lakeville,438,8
+shelbyville,1831,8
+klickitat,501,3
+marstons,914,5
+pomaria,1201,2
+stockman,1348,3
+shelbyville,1740,1
+merom,521,3
+ranchester,1536,6
+ranchester,640,4
+marstons,1717,4
+klickitat,286,3
+hiteman,1163,2
+shelbyville,2274,13
+benevolence,346,3
+klickitat,163,2
+ranchester,590,3
+shelbyville,1130,1
+merom,204,1
+klickitat,412,2
+beechwood,236,0
+cosmos,804,6
+allensville,348,2
+marstons,2330,2
+newfields,478,10
+shelbyville,1819,3
+marstons,2659,3
+woodbine,1688,2
+lindenwood,254,2
+woodbine,1175,9
+lindenwood,344,5
+woodbine,1354,5
+marstons,1430,9
+stockman,1419,2
+klickitat,124,0
+pinesdale,791,5
+onaga,299,6
+mifflinburg,39,6
+pomaria,426,13
+merom,126,1
+pomaria,350,2
+coffeen,1429,1
+klickitat,986,6
+lakeville,1170,0
+lakeville,637,2
+pomaria,822,3
+wainscott,1212,0
+cosmos,893,7
+woodbine,1243,2
+lakeville,679,11
+benevolence,438,0
+pinesdale,1164,8
+hanson,81,4
+stockman,484,1
+klickitat,114,1
+wainscott,709,4
+pomaria,916,7
+lindenwood,1385,6
+marstons,717,3
+hiteman,283,0
+leonardo,66,4
+stockman,1091,1
+wainscott,760,0
+leonardo,395,2
+newfields,959,0
+pinesdale,183,5
+marstons,1301,3
+lakeville,579,0
+pomaria,175,3
+marstons,565,3
+lindenwood,957,1
+hanson,546,14
+shelbyville,1109,0
+pomaria,895,1
+lindenwood,440,2
+pinesdale,1488,4
+lakeville,1720,11
+hanson,525,3
+wainscott,518,8
+klickitat,1930,9
+lindenwood,1510,4
+tolstoy,1752,1
+lakeville,188,1
+klickitat,917,1
+ranchester,1208,15
+hanson,870,5
+forkland,570,1
+pinesdale,1140,2
+marstons,1290,3
+leonardo,1982,3
+mifflinburg,320,2
+merom,972,9
+wainscott,758,3
+wainscott,1398,1
+leonardo,977,4
+stockman,115,4
+pinesdale,1110,3
+hiteman,969,1
+wainscott,1657,12
+shelbyville,2268,0
+coffeen,88,1
+wainscott,889,9
+shelbyville,2560,2
+lindenwood,1271,0
+hiteman,1385,4
+klickitat,696,2
+wainscott,1292,5
+newfields,1655,4
+klickitat,1953,3
+klickitat,916,7
+klickitat,2165,1
+leonardo,350,3
+ranchester,190,0
+stockman,1034,1
+tolstoy,971,1
+leonardo,1482,6
+stockman,22,3
+allensville,153,5
+klickitat,313,3
+wainscott,193,2
+newfields,450,0
+shelbyville,2813,19
+pinesdale,86,3
+stockman,686,0
+newfields,797,2
+pomaria,581,6
+marstons,1255,4
+forkland,754,0
+hiteman,202,1
+hiteman,1018,1
+merom,837,0
+stockman,1134,2
+tolstoy,1587,0
+marstons,655,5
+beechwood,212,4
+shelbyville,1306,5
+marstons,288,12
+shelbyville,1441,4
+tolstoy,1712,2
+coffeen,854,4
+cosmos,829,2
+lindenwood,2371,12
+klickitat,2068,6
+marstons,1532,1
+shelbyville,346,0
+ranchester,574,4
+woodbine,68,6
+stockman,888,1
+pomaria,229,2
+lakeville,225,2
+newfields,472,14
+tolstoy,1276,8
+woodbine,280,8
+allensville,299,5
+lindenwood,470,1
+klickitat,344,12
+stockman,1323,3
+allensville,211,1
+benevolence,845,0
+coffeen,1270,5
+pomaria,133,3
+hanson,101,0
+klickitat,1363,10
+stockman,984,0
+lindenwood,1099,2
+beechwood,33,2
+shelbyville,2579,2
+stockman,1137,1
+cosmos,247,0
+allensville,167,8
+newfields,592,9
+hiteman,454,6
+lindenwood,326,2
+mifflinburg,420,1
+tolstoy,465,12
+wainscott,1495,5
+pinesdale,1210,0
+woodbine,1127,3
+hiteman,1201,0
+marstons,178,3
+onaga,626,3
+tolstoy,1625,5
+klickitat,2195,3
+newfields,1359,9
+lindenwood,494,2
+klickitat,230,8
+lindenwood,1258,2
+shelbyville,474,1
+woodbine,1664,3
+ranchester,878,3
+merom,136,2
+woodbine,1693,4
+klickitat,75,10
+forkland,750,2
+ranchester,438,4
+wainscott,38,7
+shelbyville,1687,3
+marstons,715,6
+beechwood,349,5
+woodbine,1905,0
+wainscott,1568,6
+wainscott,248,2
+stockman,1517,2
+shelbyville,1971,10
+lindenwood,1324,0
+onaga,103,1
+tolstoy,1423,0
+benevolence,51,3
+allensville,275,0
+klickitat,428,1
+hanson,786,7
+leonardo,1358,18
+shelbyville,1364,4
+coffeen,1493,2
+klickitat,700,5
+leonardo,124,1
+forkland,589,6
+woodbine,339,3
+ranchester,1530,3
+hiteman,1398,3
+woodbine,1505,12
+tolstoy,1292,2
+lakeville,338,3
+tolstoy,1766,9
+tolstoy,706,3
+hanson,1475,11
+pinesdale,824,11
+newfields,1129,3
+wainscott,63,7
+lindenwood,1361,6
+hanson,158,5
+tolstoy,1303,4
+tolstoy,378,2
+woodbine,1856,5
+benevolence,170,2
+pinesdale,1227,1
+forkland,232,0
+hiteman,244,2
+shelbyville,621,5
+newfields,499,0
+lakeville,899,5
+merom,960,0
+lindenwood,1505,2
+benevolence,637,13
+ranchester,693,0
+lindenwood,1497,8
+ranchester,1604,4
+hiteman,1014,0
+marstons,498,4
+tolstoy,286,2
+woodbine,1458,9
+shelbyville,1259,0
+hanson,1032,1
+ranchester,1526,8
+wainscott,907,8
+merom,996,4
+coffeen,751,1
+beechwood,811,3
+shelbyville,295,4
+wainscott,784,9
+shelbyville,516,1
+hiteman,1187,2
+pomaria,630,4
+cosmos,336,2
+cosmos,80,6
+newfields,148,5
+lakeville,181,0
+wainscott,1683,1
+shelbyville,2194,4
+mifflinburg,476,2
+leonardo,99,6
+lindenwood,2587,3
+lakeville,1757,5
+klickitat,1599,10
+onaga,184,0
+mifflinburg,693,0
+marstons,588,2
+beechwood,961,13
+marstons,2590,5
+lindenwood,2354,4
+tolstoy,706,5
+mifflinburg,868,1
+cosmos,781,1
+lakeville,706,2
+hiteman,1457,0
+marstons,2371,2
+stockman,1417,6
+leonardo,1105,6
+mifflinburg,327,4
+leonardo,0,3
+woodbine,164,0
+lakeville,921,3
+marstons,1597,4
+lindenwood,138,1
+woodbine,1350,8
+klickitat,1633,8
+lindenwood,2116,5
+beechwood,60,5
+ranchester,407,0
+tolstoy,1793,0
+lakeville,792,0
+shelbyville,2169,13
+forkland,383,2
+lindenwood,2196,6
+pomaria,656,3
+marstons,1999,6
+lindenwood,945,2
+ranchester,1184,6
+klickitat,2129,2
+pomaria,296,1
+lindenwood,2118,2
+klickitat,2051,5
+merom,2,3
+klickitat,2270,5
+stockman,489,8
+benevolence,342,3
+woodbine,1680,8
+wainscott,1056,1
+hiteman,715,0
+lakeville,545,3
+pomaria,1502,0
+lakeville,580,2
+shelbyville,1438,7
+beechwood,498,0
+woodbine,180,1
+lindenwood,914,1
+lindenwood,976,3
+leonardo,463,1
+woodbine,1052,11
+klickitat,329,4
+hiteman,262,1
+marstons,989,2
+onaga,511,5
+pinesdale,573,12
+stockman,1095,0
+klickitat,130,2
+hiteman,983,5
+merom,1015,2
+marstons,2104,0
+shelbyville,834,4
+benevolence,376,6
+onaga,566,2
+cosmos,1006,2
+hiteman,1319,7
+coffeen,276,4
+wainscott,79,8
+coffeen,836,1
+hanson,10,9
+stockman,561,2
+cosmos,790,4
+pomaria,366,0
+lakeville,367,8
+hiteman,827,0
+lakeville,320,1
+lakeville,75,0
+leonardo,2046,2
+pinesdale,543,5
+marstons,2029,8
+onaga,215,0
+tolstoy,1611,6
+shelbyville,2363,2
+newfields,460,3
+forkland,256,0
+hiteman,1050,0
+marstons,516,2
+onaga,532,1
+ranchester,469,4
+lakeville,9,1
+klickitat,853,6
+forkland,1091,5
+lakeville,1447,6
+hiteman,67,6
+lakeville,1363,2
+forkland,1024,10
+pomaria,546,3
+leonardo,1526,13
+forkland,563,0
+lindenwood,776,4
+wainscott,1207,0
+forkland,314,5
+pinesdale,344,0
+hiteman,238,2
+tolstoy,256,1
+woodbine,1964,0
+marstons,2260,1
+lindenwood,541,5
+lindenwood,1793,0
+newfields,313,6
+pinesdale,798,0
+hanson,60,18
+ranchester,697,1
+leonardo,1745,8
+marstons,22,1
+shelbyville,505,2
+pinesdale,828,2
+wainscott,1338,6
+lakeville,1403,5
+woodbine,1835,0
+leonardo,1794,11
+leonardo,1519,0
+forkland,1012,1
+stockman,1020,2
+pinesdale,14,1
+lakeville,1848,2
+leonardo,207,4
+shelbyville,1063,0
+ranchester,1116,7
+wainscott,594,10
+allensville,185,0
+benevolence,943,3
+leonardo,193,5
+pomaria,1055,3
+coffeen,1503,5
+cosmos,704,7
+pomaria,1407,1
+marstons,661,1
+wainscott,1041,0
+marstons,1625,0
+ranchester,258,3
+lindenwood,2630,2
+hanson,1169,0
+shelbyville,1339,2
+pinesdale,1445,2
+klickitat,851,4
+lakeville,1406,6
+shelbyville,1451,0
+ranchester,469,5
+newfields,89,11
+wainscott,230,9
+woodbine,223,1
+marstons,563,1
+marstons,960,4
+marstons,1309,7
+marstons,485,14
+klickitat,1735,1
+cosmos,110,0
+klickitat,2001,1
+beechwood,1153,4
+pomaria,706,4
+lindenwood,1841,3
+leonardo,686,12
+shelbyville,2193,1
+lindenwood,1815,0
+woodbine,591,4
+hiteman,494,1
+cosmos,286,3
+coffeen,233,0
+pomaria,672,0
+marstons,1262,11
+tolstoy,255,6
+stockman,802,3
+hiteman,1376,0
+wainscott,478,1
+klickitat,488,12
+hanson,293,1
+marstons,2201,2
+coffeen,910,5
+marstons,422,4
+hanson,1535,2
+tolstoy,1608,3
+woodbine,1404,4
+pomaria,1650,8
+lakeville,1247,12
+lindenwood,406,7
+hiteman,923,2
+lindenwood,946,2
+forkland,324,5
+hanson,224,2
+lindenwood,33,4
+hiteman,1514,0
+leonardo,19,2
+allensville,7,6
+hanson,468,6
+tolstoy,1737,5
+leonardo,836,2
+lakeville,567,4
+klickitat,601,6
+woodbine,1729,1
+shelbyville,727,12
+merom,508,1
+shelbyville,1562,4
+ranchester,811,3
+woodbine,413,10
+shelbyville,1595,11
+forkland,1050,4
+lindenwood,1199,15
+cosmos,1069,3
+marstons,687,0
+newfields,979,7
+pomaria,177,11
+leonardo,577,1
+lindenwood,1363,1
+tolstoy,438,2
+pomaria,491,6
+shelbyville,490,6
+stockman,835,3
+shelbyville,720,2
+woodbine,1082,2
+newfields,1281,4
+stockman,136,2
+marstons,17,1
+pomaria,900,4
+mifflinburg,260,0
+wainscott,913,0
+pinesdale,258,3
+wainscott,1736,2
+pinesdale,1216,4
+stockman,1226,6
+klickitat,1622,7
+marstons,88,2
+hanson,915,4
+marstons,1733,3
+pomaria,144,0
+lakeville,206,3
+benevolence,924,6
+lindenwood,2366,3
+pomaria,1333,11
+hiteman,1365,2
+hiteman,1095,5
+ranchester,1416,1
+hiteman,172,0
+merom,979,2
+woodbine,1514,5
+newfields,856,8
+pomaria,42,2
+marstons,735,3
+pomaria,555,1
+beechwood,479,1
+stockman,1592,3
+onaga,302,3
+hanson,120,7
+woodbine,1389,3
+klickitat,1741,13
+klickitat,1572,7
+hanson,1046,1
+leonardo,1135,3
+beechwood,578,0
+klickitat,202,7
+leonardo,1151,2
+leonardo,1847,2
+hanson,1318,9
+shelbyville,164,6
+wainscott,496,9
+leonardo,1173,6
+lakeville,1188,3
+coffeen,402,0
+cosmos,1007,0
+onaga,33,0
+hanson,791,0
+hiteman,1308,0
+shelbyville,401,0
+lindenwood,636,0
+coffeen,122,6
+beechwood,16,6
+pomaria,626,4
+lindenwood,2531,6
+hanson,62,4
+woodbine,612,1
+coffeen,189,10
+woodbine,1475,4
+marstons,921,6
+tolstoy,891,2
+marstons,830,0
+marstons,1158,5
+lindenwood,482,7
+leonardo,1231,6
+leonardo,393,2
+marstons,555,0
+benevolence,333,1
+shelbyville,2530,3
+cosmos,350,4
+hanson,84,0
+pomaria,1370,4
+klickitat,1216,4
+lindenwood,105,3
+mifflinburg,538,8
+pinesdale,858,5
+klickitat,1346,3
+onaga,441,2
+marstons,1992,1
+tolstoy,533,8
+stockman,1603,7
+beechwood,223,4
+onaga,287,0
+leonardo,634,3
+wainscott,678,1
+shelbyville,439,3
+merom,1076,1
+wainscott,801,6
+tolstoy,144,5
+woodbine,1589,1
+pinesdale,981,3
+klickitat,1415,1
+wainscott,1103,8
+benevolence,235,8
+tolstoy,275,2
+benevolence,780,5
+pinesdale,698,12
+leonardo,1981,1
+coffeen,174,1
+shelbyville,2301,2
+ranchester,506,6
+ranchester,502,2
+leonardo,579,16
+merom,1088,3
+marstons,75,3
+mifflinburg,502,2
+tolstoy,22,3
+klickitat,928,2
+beechwood,134,5
+hanson,135,0
+wainscott,345,1
+pomaria,740,2
+cosmos,5,10
+wainscott,1524,9
+shelbyville,1849,4
+benevolence,60,5
+lakeville,1521,10
+lindenwood,442,0
+lindenwood,2295,2
+tolstoy,383,0
+stockman,207,6
+leonardo,312,3
+klickitat,976,4
+shelbyville,2358,14
+lindenwood,2463,5
+cosmos,827,9
+newfields,157,4
+stockman,727,4
+pinesdale,1444,4
+mifflinburg,460,3
+klickitat,1608,0
+marstons,2646,1
+coffeen,310,0
+lindenwood,2019,0
+marstons,1656,1
+shelbyville,599,4
+shelbyville,392,2
+marstons,1067,3
+leonardo,594,4
+shelbyville,2718,5
+klickitat,2285,10
+benevolence,651,6
+wainscott,1099,7
+hiteman,270,0
+woodbine,1166,0
+allensville,70,6
+allensville,239,0
+hiteman,37,10
+marstons,1810,6
+marstons,1155,11
+ranchester,251,3
+lindenwood,1433,2
+woodbine,230,7
+allensville,321,7
+lindenwood,1031,0
+newfields,573,3
+marstons,601,0
+lindenwood,2137,2
+benevolence,645,5
+benevolence,127,0
+tolstoy,1209,7
+klickitat,1252,0
+woodbine,304,4
+tolstoy,1746,0
+onaga,590,1
+shelbyville,370,0
+tolstoy,68,5
+leonardo,1000,2
+marstons,1251,6
+ranchester,1209,7
+woodbine,1931,1
+hanson,1129,7
+tolstoy,637,2
+klickitat,390,8
+benevolence,215,1
+lakeville,1806,0
+stockman,1231,4
+klickitat,1182,6
+pinesdale,687,4
+benevolence,410,1
+lakeville,1083,2
+beechwood,396,3
+marstons,719,9
+ranchester,123,6
+wainscott,847,3
+stockman,1209,3
+newfields,1204,8
+pinesdale,420,0
+cosmos,948,4
+lindenwood,671,10
+lindenwood,1148,20
+woodbine,832,7
+merom,305,1
+shelbyville,2041,1
+ranchester,1434,16
+stockman,66,1
+merom,678,0
+allensville,170,2
+hiteman,1802,1
+hiteman,730,4
+wainscott,1797,8
+pinesdale,1373,6
+mifflinburg,268,3
+shelbyville,1920,12
+pomaria,989,0
+leonardo,359,0
+lakeville,63,0
+woodbine,2046,13
+klickitat,312,2
+cosmos,526,7
+shelbyville,1918,0
+marstons,180,0
+shelbyville,870,5
+pomaria,1286,1
+newfields,1418,2
+woodbine,1575,11
+coffeen,568,4
+leonardo,515,1
+pomaria,1661,11
+lakeville,1661,3
+wainscott,455,4
+stockman,48,0
+tolstoy,1620,1
+benevolence,963,9
+marstons,454,0
+woodbine,77,4
+woodbine,321,1
+newfields,812,14
+stockman,873,7
+wainscott,1572,0
+ranchester,938,5
+marstons,274,5
+hiteman,1455,0
+onaga,185,3
+tolstoy,146,3
+lindenwood,528,6
+pinesdale,606,3
+lindenwood,204,6
+klickitat,261,0
+hanson,462,5
+hiteman,6,2
+lindenwood,2231,0
+pomaria,279,1
+coffeen,1428,2
+shelbyville,1958,3
+ranchester,381,5
+forkland,242,5
+shelbyville,551,4
+lindenwood,940,3
+onaga,529,1
+hiteman,1214,5
+shelbyville,2224,0
+cosmos,619,0
+lindenwood,221,0
+coffeen,902,5
+merom,639,1
+shelbyville,49,4
+hiteman,1164,0
+lindenwood,1954,1
+lakeville,536,13
+benevolence,192,0
+woodbine,1602,8
+shelbyville,2087,4
+shelbyville,264,6
+newfields,845,0
+pomaria,328,2
+klickitat,1603,1
+leonardo,1593,15
+coffeen,1281,2
+hanson,1406,6
+woodbine,2056,2
+lindenwood,2410,0
+beechwood,1125,3
+lakeville,1577,12
+woodbine,1281,4
+mifflinburg,610,5
+cosmos,1059,6
+ranchester,287,1
+forkland,160,0
+forkland,862,2
+pinesdale,1218,7
+mifflinburg,191,0
+pomaria,111,0
+marstons,1308,6
+newfields,238,1
+newfields,1065,2
+klickitat,1384,13
+leonardo,658,6
+forkland,219,2
+pomaria,1352,13
+hiteman,564,2
+hanson,1091,7
+pomaria,923,4
+leonardo,83,7
+forkland,350,0
+cosmos,953,0
+stockman,340,0
+klickitat,238,3
+klickitat,2040,6
+lindenwood,1325,0
+cosmos,178,7
+hanson,341,5
+newfields,1051,8
+woodbine,803,4
+newfields,856,0
+marstons,1056,3
+klickitat,2349,1
+stockman,873,8
+shelbyville,2653,8
+pomaria,790,1
+pomaria,881,6
+shelbyville,1206,1
+marstons,2166,6
+cosmos,729,7
+klickitat,1491,4
+ranchester,1453,0
+klickitat,1363,8
+wainscott,1418,6
+klickitat,1323,6
+wainscott,895,10
+klickitat,712,5
+klickitat,433,2
+forkland,440,6
+newfields,424,1
+leonardo,1232,3
+hiteman,1553,2
+tolstoy,1429,5
+stockman,179,4
+woodbine,266,16
+coffeen,943,2
+beechwood,137,5
+allensville,141,8
+forkland,644,1
+newfields,48,4
+tolstoy,1525,3
+leonardo,1067,13
+newfields,127,3
+beechwood,499,0
+forkland,852,0
+merom,243,1
+marstons,1085,1
+cosmos,478,2
+wainscott,1256,0
+hanson,492,0
+hanson,851,1
+lakeville,1361,2
+leonardo,1339,3
+forkland,666,0
+shelbyville,2621,5
+beechwood,1093,4
+ranchester,448,1
+leonardo,169,6
+marstons,1925,0
+wainscott,192,11
+marstons,2243,3
+tolstoy,87,2
+wainscott,228,7
+tolstoy,795,8
+lakeville,1382,5
+woodbine,1321,1
+klickitat,2060,4
+klickitat,2081,12
+newfields,927,0
+woodbine,641,5
+beechwood,616,2
+wainscott,1100,6
+tolstoy,170,0
+benevolence,56,2
+forkland,289,3
+shelbyville,388,3
+benevolence,750,8
+lakeville,1496,2
+ranchester,39,6
+forkland,539,1
+pinesdale,1038,6
+lindenwood,2632,0
+coffeen,1430,5
+shelbyville,784,1
+leonardo,986,4
+newfields,493,1
+wainscott,158,1
+lakeville,698,1
+leonardo,1252,0
+hanson,170,12
+pomaria,1052,1
+ranchester,539,1
+leonardo,627,6
+pomaria,1656,3
+woodbine,1955,10
+tolstoy,1508,2
+leonardo,1154,3
+merom,1061,0
+woodbine,199,17
+shelbyville,1120,14
+pomaria,679,3
+marstons,892,10
+leonardo,1963,2
+shelbyville,2329,3
+shelbyville,1203,5
+lindenwood,2531,5
+forkland,1151,1
+hanson,1007,4
+hanson,1554,1
+shelbyville,666,5
+onaga,28,0
+shelbyville,1537,10
+hanson,1359,0
+tolstoy,1394,0
+lindenwood,363,13
+hiteman,1726,5
+onaga,6,0
+woodbine,14,7
+woodbine,1053,8
+tolstoy,1134,5
+hanson,579,2
+woodbine,745,11
+pinesdale,814,7
+pinesdale,55,0
+klickitat,896,0
+lakeville,1447,5
+lindenwood,1850,8
+benevolence,263,5
+cosmos,1079,0
+woodbine,1176,6
+hanson,1456,1
+tolstoy,344,3
+shelbyville,930,7
+klickitat,477,3
+onaga,445,2
+forkland,740,3
+leonardo,942,1
+leonardo,1259,7
+shelbyville,665,3
+hiteman,1458,3
+shelbyville,2016,2
+klickitat,664,6
+marstons,137,13
+cosmos,322,2
+klickitat,277,1
+shelbyville,1217,5
+ranchester,1065,1
+woodbine,1016,4
+shelbyville,304,5
+marstons,2272,0
+lakeville,619,9
+marstons,802,14
+wainscott,1278,11
+lakeville,1180,5
+beechwood,832,7
+woodbine,1770,4
+forkland,1142,1
+lindenwood,559,4
+allensville,329,2
+hiteman,1352,3
+onaga,198,5
+pinesdale,1060,7
+hanson,906,10
+stockman,162,1
+hiteman,36,1
+klickitat,1185,3
+pomaria,1316,0
+hanson,88,1
+lakeville,907,0
+klickitat,426,0
+woodbine,1902,3
+stockman,1303,3
+woodbine,1787,3
+mifflinburg,287,2
+lindenwood,978,2
+tolstoy,1165,4
+tolstoy,916,6
+coffeen,1108,2
+leonardo,1430,0
+woodbine,1907,2
+allensville,305,3
+lindenwood,2526,8
+stockman,923,0
+mifflinburg,323,5
+hiteman,1624,1
+newfields,663,0
+klickitat,110,3
+ranchester,1,4
+pinesdale,666,1
+pinesdale,1060,2
+klickitat,1012,2
+klickitat,2028,1
+benevolence,632,5
+beechwood,1065,3
+ranchester,1144,0
+klickitat,1179,15
+leonardo,1048,1
+lindenwood,1540,5
+wainscott,1762,4
+shelbyville,2429,0
+woodbine,2032,7
+pomaria,604,4
+hanson,1056,4
+woodbine,178,6
+wainscott,853,5
+lindenwood,285,3
+klickitat,609,1
+lindenwood,209,1
+woodbine,153,2
+merom,498,3
+cosmos,62,3
+leonardo,1069,2
+cosmos,124,5
+hanson,824,5
+woodbine,516,3
+marstons,652,4
+newfields,1558,5
+shelbyville,2631,7
+benevolence,956,2
+pinesdale,404,5
+pomaria,1375,10
+coffeen,1402,8
+woodbine,323,3
+lindenwood,2345,5
+lakeville,99,3
+lindenwood,1221,0
+lindenwood,549,0
+forkland,1138,8
+stockman,689,8
+pinesdale,1040,1
+merom,539,2
+stockman,1520,0
+lindenwood,279,4
+shelbyville,2720,9
+benevolence,280,3
+tolstoy,39,6
+pomaria,21,4
+newfields,855,7
+marstons,2431,7
+coffeen,871,3
+beechwood,1058,2
+tolstoy,1339,0
+lakeville,319,10
+newfields,1609,3
+onaga,473,3
+klickitat,1953,1
+lakeville,475,7
+tolstoy,313,0
+pomaria,1154,1
+klickitat,2073,4
+marstons,1983,4
+leonardo,515,4
+pinesdale,354,5
+lakeville,963,0
+woodbine,1816,2
+shelbyville,1799,12
+allensville,400,2
+lindenwood,6,0
+woodbine,1281,11
+leonardo,1732,8
+ranchester,956,3
+tolstoy,1379,1
+shelbyville,26,7
+woodbine,1285,3
+marstons,2032,5
+newfields,370,9
+woodbine,388,5
+marstons,2192,1
+hanson,113,0
+lakeville,1689,14
+marstons,1195,5
+shelbyville,2021,5
+wainscott,1354,2
+hiteman,144,0
+merom,199,1
+newfields,190,3
+tolstoy,1246,1
+newfields,634,0
+pomaria,213,3
+shelbyville,2510,4
+wainscott,681,2
+hiteman,702,12
+lakeville,44,5
+shelbyville,1958,0
+lakeville,1553,2
+pomaria,1614,1
+marstons,1503,4
+shelbyville,1924,13
+hanson,73,1
+marstons,798,10
+hanson,71,5
+wainscott,703,3
+newfields,204,7
+hanson,20,5
+lindenwood,1538,8
+shelbyville,1849,12
+marstons,1226,0
+marstons,2117,1
+tolstoy,111,1
+shelbyville,1750,0
+marstons,140,3
+shelbyville,1999,2
+lakeville,836,5
+lakeville,601,3
+benevolence,265,5
+ranchester,464,5
+leonardo,1640,2
+newfields,1007,2
+hanson,61,6
+wainscott,1166,4
+tolstoy,1246,2
+shelbyville,12,1
+marstons,742,2
+lindenwood,2552,3
+newfields,1332,3
+hiteman,695,7
+mifflinburg,177,2
+leonardo,1664,1
+marstons,1123,1
+mifflinburg,668,0
+wainscott,1409,5
+woodbine,227,1
+ranchester,1639,1
+cosmos,289,3
+coffeen,792,9
+ranchester,565,4
+coffeen,918,1
+newfields,1302,4
+shelbyville,1912,1
+ranchester,1571,4
+klickitat,1541,6
+hiteman,318,2
+mifflinburg,852,4
+ranchester,1009,7
+onaga,84,0
+woodbine,1955,6
+coffeen,881,3
+pinesdale,666,2
+leonardo,947,0
+wainscott,804,3
+lindenwood,2583,4
+lindenwood,827,5
+mifflinburg,108,2
+merom,722,4
+merom,792,5
+tolstoy,947,1
+beechwood,411,4
+stockman,404,6
+stockman,1555,4
+newfields,449,10
+hiteman,755,5
+lakeville,694,1
+marstons,2266,1
+woodbine,1953,2
+lakeville,1193,3
+hiteman,163,2
+marstons,258,4
+shelbyville,901,0
+hanson,1014,4
+shelbyville,87,3
+newfields,375,2
+marstons,1567,7
+lindenwood,2239,2
+hiteman,1644,7
+shelbyville,2533,3
+woodbine,1092,9
+coffeen,135,4
+onaga,172,1
+shelbyville,2365,5
+marstons,1588,4
+lindenwood,599,12
+lakeville,1689,10
+shelbyville,760,4
+hanson,1194,8
+newfields,437,7
+pinesdale,788,1
+hiteman,255,0
+pomaria,43,3
+marstons,760,2
+beechwood,1048,1
+merom,1003,1
+klickitat,2054,9
+coffeen,68,2
+cosmos,908,0
+marstons,2158,9
+woodbine,807,1
+coffeen,789,4
+klickitat,148,22
+stockman,102,1
+pomaria,536,9
+marstons,535,12
+marstons,2369,4
+ranchester,157,6
+stockman,412,0
+hanson,1041,4
+tolstoy,1197,3
+beechwood,421,1
+lakeville,1670,6
+newfields,602,5
+wainscott,1521,7
+ranchester,841,6
+shelbyville,1836,3
+onaga,66,2
+pomaria,1235,7
+pinesdale,123,3
+stockman,1351,4
+marstons,791,3
+marstons,171,4
+ranchester,1335,7
+stockman,1493,0
+cosmos,493,0
+beechwood,761,6
+wainscott,792,15
+coffeen,815,3
+pomaria,903,0
+marstons,1264,2
+tolstoy,887,14
+lakeville,1248,4
+marstons,522,0
+klickitat,688,9
+lakeville,153,2
+stockman,159,11
+lakeville,1238,9
+lakeville,423,0
+beechwood,412,0
+lakeville,1897,3
+newfields,321,7
+hiteman,1776,8
+wainscott,177,13
+marstons,2360,4
+woodbine,322,4
+tolstoy,1111,4
+marstons,316,11
+hanson,491,3
+merom,276,2
+pomaria,769,0
+klickitat,1064,3
+klickitat,1462,7
+shelbyville,298,5
+wainscott,1361,6
+lakeville,1598,2
+pomaria,159,1
+ranchester,459,2
+newfields,1067,8
+leonardo,680,5
+tolstoy,764,3
+stockman,296,3
+cosmos,242,10
+newfields,1427,0
+klickitat,1947,1
+newfields,1174,4
+mifflinburg,511,2
+lindenwood,949,3
+lindenwood,1710,1
+klickitat,1595,12
+forkland,86,0
+shelbyville,1835,3
+marstons,2541,6
+beechwood,86,0
+leonardo,757,1
+onaga,589,0
+lindenwood,1626,6
+lindenwood,2217,3
+stockman,1112,3
+allensville,253,2
+tolstoy,267,4
+klickitat,509,2
+cosmos,87,1
+shelbyville,700,2
+forkland,594,2
+onaga,335,5
+leonardo,2036,15
+klickitat,370,2
+lakeville,1262,2
+shelbyville,1359,1
+tolstoy,625,5
+pomaria,42,1
+allensville,413,4
+wainscott,909,5
+woodbine,1503,10
+lindenwood,1213,0
+shelbyville,1310,6
+shelbyville,2667,4
+woodbine,1496,4
+newfields,1636,0
+woodbine,1262,5
+cosmos,25,2
+coffeen,1459,2
+marstons,1135,5
+onaga,125,3
+marstons,371,2
+lindenwood,423,9
+woodbine,76,2
+coffeen,744,1
+woodbine,1085,6
+hanson,784,5
+onaga,170,0
+beechwood,540,0
+hiteman,1465,0
+woodbine,1931,0
+merom,326,2
+leonardo,998,4
+newfields,720,0
+woodbine,1223,1
+woodbine,1848,13
+forkland,903,1
+woodbine,587,13
+benevolence,363,2
+hiteman,1540,1
+hanson,622,2
+lindenwood,1057,6
+hanson,411,4
+shelbyville,466,2
+leonardo,1356,3
+pinesdale,571,3
+hiteman,551,5
+tolstoy,353,3
+marstons,11,6
+marstons,924,0
+wainscott,141,2
+newfields,146,2
+marstons,804,12
+hiteman,761,10
+newfields,1387,5
+hanson,158,0
+wainscott,1217,0
+pinesdale,1368,0
+pomaria,1311,5
+ranchester,678,1
+hanson,1290,4
+newfields,922,2
+beechwood,468,4
+ranchester,80,5
+lindenwood,2677,3
+klickitat,946,4
+marstons,1976,8
+pomaria,2,0
+mifflinburg,107,1
+hanson,377,1
+leonardo,2006,12
+klickitat,498,1
+lindenwood,869,4
+leonardo,1115,2
+woodbine,38,0
+lakeville,1340,2
+ranchester,829,5
+ranchester,333,1
+lindenwood,1899,3
+wainscott,1132,1
+pinesdale,1141,1
+hanson,1477,1
+woodbine,101,3
+klickitat,274,5
+shelbyville,589,4
+lakeville,1847,1
+klickitat,156,6
+mifflinburg,614,0
+pomaria,111,3
+pinesdale,1259,4
+wainscott,1593,0
+hanson,148,7
+pinesdale,284,2
+coffeen,159,0
+woodbine,670,2
+lindenwood,1173,2
+woodbine,759,3
+shelbyville,2760,1
+shelbyville,1449,0
+newfields,789,0
+benevolence,965,4
+pomaria,455,6
+cosmos,389,6
+coffeen,1302,10
+lakeville,479,0
+shelbyville,579,2
+forkland,1168,4
+klickitat,612,5
+hanson,1336,2
+cosmos,32,12
+benevolence,523,0
+klickitat,167,8
+klickitat,755,10
+pinesdale,1374,2
+woodbine,988,3
+pomaria,1161,7
+hiteman,168,4
+stockman,540,1
+hanson,169,3
+shelbyville,2274,5
+merom,810,0
+leonardo,432,1
+klickitat,401,3
+tolstoy,1404,1
+shelbyville,95,5
+wainscott,377,13
+hiteman,1705,1
+newfields,1237,9
+ranchester,774,2
+lakeville,1634,9
+lakeville,681,0
+woodbine,397,7
+lindenwood,800,2
+klickitat,1908,1
+marstons,535,13
+leonardo,1372,4
+shelbyville,364,1
+pomaria,847,1
+leonardo,1551,1
+tolstoy,1402,2
+pinesdale,176,5
+coffeen,890,1
+tolstoy,1481,4
+newfields,1559,2
+shelbyville,2511,3
+allensville,478,1
+lindenwood,1785,3
+shelbyville,1722,1
+onaga,327,0
+stockman,746,4
+benevolence,209,1
+pinesdale,696,2
+ranchester,90,3
+tolstoy,525,3
+stockman,614,2
+beechwood,255,8
+pomaria,1548,2
+hanson,138,3
+wainscott,1604,3
+hiteman,1539,7
+hanson,50,6
+shelbyville,459,5
+tolstoy,1481,2
+hanson,1331,2
+lindenwood,1456,9
+wainscott,135,4
+tolstoy,375,0
+mifflinburg,461,5
+hanson,1592,1
+lindenwood,1358,4
+merom,1004,7
+lakeville,625,0
+ranchester,469,6
+lindenwood,73,12
+wainscott,362,6
+wainscott,881,5
+marstons,2136,4
+leonardo,692,0
+tolstoy,384,13
+tolstoy,767,2
+merom,580,1
+shelbyville,15,14
+klickitat,438,1
+pomaria,1030,1
+hiteman,722,3
+beechwood,991,5
+stockman,95,1
+lindenwood,1499,0
+marstons,348,5
+wainscott,1793,8
+marstons,2136,14
+leonardo,1228,2
+klickitat,2337,0
+newfields,604,7
+klickitat,2335,6
+newfields,350,1
+beechwood,157,4
+ranchester,215,2
+lakeville,443,3
+woodbine,1265,1
+lakeville,1013,0
+woodbine,596,1
+forkland,643,8
+shelbyville,1981,5
+pinesdale,920,2
+pinesdale,472,6
+klickitat,1866,8
+lakeville,1138,2
+coffeen,754,1
+ranchester,645,1
+pomaria,904,10
+lindenwood,401,3
+forkland,1194,0
+tolstoy,609,1
+hiteman,1653,2
+klickitat,2159,2
+marstons,1298,5
+beechwood,227,3
+pomaria,262,7
+newfields,415,12
+woodbine,1673,12
+lindenwood,984,2
+tolstoy,1585,1
+newfields,718,1
+pomaria,921,0
+lindenwood,2563,4
+pomaria,232,7
+coffeen,1480,1
+hiteman,1466,4
+hiteman,378,2
+lindenwood,1867,2
+wainscott,738,2
+shelbyville,889,4
+newfields,5,3
+wainscott,336,7
+merom,14,2
+hanson,187,0
+pomaria,1562,4
+lakeville,705,1
+hiteman,1361,11
+shelbyville,2134,4
+wainscott,1732,4
+leonardo,1693,1
+pomaria,364,10
+marstons,2224,7
+leonardo,544,6
+newfields,1074,10
+hiteman,1088,5
+pinesdale,615,1
+cosmos,516,0
+hanson,1312,1
+beechwood,172,3
+lindenwood,1029,2
+newfields,1244,1
+pinesdale,38,1
+marstons,1075,8
+pinesdale,1326,0
+lindenwood,428,1
+forkland,152,2
+forkland,630,0
+lakeville,720,2
+lindenwood,34,0
+klickitat,171,9
+tolstoy,876,11
+hiteman,1624,2
+hiteman,393,13
+pinesdale,1060,10
+lakeville,954,0
+newfields,352,0
+ranchester,618,2
+beechwood,423,4
+forkland,779,1
+lakeville,605,1
+onaga,654,2
+woodbine,1873,9
+klickitat,171,3
+klickitat,2419,8
+wainscott,1117,1
+hiteman,822,3
+beechwood,349,1
+klickitat,229,3
+shelbyville,1751,1
+lindenwood,112,5
+hiteman,621,1
+hiteman,131,13
+shelbyville,190,0
+klickitat,1064,2
+beechwood,1063,2
+leonardo,1294,0
+hiteman,508,5
+newfields,514,2
+shelbyville,2397,2
+newfields,530,1
+ranchester,337,2
+lindenwood,1302,4
+marstons,199,5
+ranchester,503,1
+merom,522,1
+wainscott,96,4
+marstons,2284,5
+marstons,535,11
+newfields,86,3
+hiteman,514,0
+pinesdale,1172,6
+hiteman,316,1
+tolstoy,1290,7
+wainscott,354,0
+benevolence,108,2
+wainscott,241,12
+pomaria,262,13
+ranchester,278,5
+wainscott,1560,7
+marstons,679,4
+shelbyville,2101,8
+klickitat,696,9
+coffeen,271,1
+ranchester,1149,11
+marstons,1585,6
+woodbine,488,4
+cosmos,1075,2
+pinesdale,1440,4
+shelbyville,718,14
+newfields,1359,1
+lakeville,1771,5
+pinesdale,11,9
+wainscott,294,8
+newfields,1405,10
+onaga,457,3
+woodbine,1738,4
+lakeville,1343,7
+klickitat,1999,1
+pomaria,560,2
+pomaria,50,6
+lakeville,1689,6
+shelbyville,2357,9
+pinesdale,363,1
+lindenwood,2668,0
+woodbine,938,3
+hanson,308,1
+wainscott,1496,4
+pomaria,628,2
+shelbyville,976,5
+shelbyville,2594,2
+woodbine,1478,4
+hiteman,620,6
+pinesdale,346,3
+newfields,1433,4
+leonardo,1423,7
+woodbine,782,9
+marstons,119,19
+allensville,73,6
+lindenwood,1367,1
+benevolence,73,4
+tolstoy,1457,5
+ranchester,1433,2
+lindenwood,275,1
+leonardo,622,14
+marstons,2472,2
+pinesdale,282,3
+woodbine,912,3
+lindenwood,1021,2
+pomaria,367,1
+wainscott,1446,3
+stockman,322,4
+newfields,783,2
+tolstoy,634,1
+pinesdale,1047,2
+forkland,893,3
+lindenwood,1329,5
+klickitat,221,10
+marstons,2161,5
+lindenwood,1326,1
+leonardo,36,3
+woodbine,1500,6
+leonardo,1195,0
+forkland,247,2
+tolstoy,1331,10
+beechwood,650,0
+newfields,166,7
+tolstoy,1673,7
+pinesdale,132,2
+lindenwood,1283,4
+leonardo,1939,0
+allensville,24,0
+beechwood,264,12
+cosmos,84,4
+pomaria,557,17
+lindenwood,289,1
+shelbyville,2174,10
+tolstoy,1834,6
+coffeen,1381,2
+stockman,803,2
+tolstoy,1122,2
+lakeville,282,2
+shelbyville,2307,9
+lindenwood,204,1
+forkland,591,2
+lakeville,1681,6
+woodbine,436,1
+klickitat,1293,0
+forkland,135,1
+tolstoy,1200,0
+beechwood,912,2
+shelbyville,217,2
+ranchester,1449,3
+lindenwood,644,3
+pinesdale,918,2
+shelbyville,1311,5
+leonardo,1995,2
+cosmos,911,4
+lakeville,585,3
+pomaria,1320,5
+stockman,789,2
+newfields,404,11
+merom,692,4
+mifflinburg,485,3
+stockman,452,2
+newfields,1372,8
+hanson,74,11
+beechwood,343,2
+marstons,545,11
+forkland,1109,4
+woodbine,197,0
+newfields,1100,3
+woodbine,511,3
+pomaria,1093,7
+newfields,1393,2
+lakeville,940,3
+tolstoy,478,3
+marstons,1925,18
+shelbyville,400,3
+merom,671,0
+newfields,1111,9
+coffeen,1176,7
+leonardo,884,0
+shelbyville,2609,0
+cosmos,39,4
+benevolence,188,1
+lindenwood,196,1
+shelbyville,1695,2
+coffeen,319,3
+stockman,296,5
+beechwood,938,1
+klickitat,1715,8
+lindenwood,546,0
+leonardo,965,8
+woodbine,1153,4
+pinesdale,1257,9
+klickitat,286,5
+forkland,696,7
+leonardo,241,1
+lindenwood,828,0
+woodbine,983,3
+lindenwood,2544,0
+lakeville,1660,0
+merom,179,8
+klickitat,1818,12
+wainscott,1372,0
+klickitat,1564,4
+cosmos,547,1
+shelbyville,415,1
+beechwood,829,6
+hanson,162,3
+lindenwood,1782,5
+marstons,2075,3
+pinesdale,615,0
+marstons,2106,7
+wainscott,593,8
+pinesdale,1,9
+pomaria,1377,5
+hanson,1634,4
+klickitat,933,3
+cosmos,8,0
+wainscott,695,6
+marstons,1128,2
+woodbine,844,3
+klickitat,451,0
+mifflinburg,309,4
+lakeville,1049,4
+mifflinburg,569,0
+mifflinburg,149,6
+tolstoy,1034,6
+stockman,792,0
+pinesdale,220,0
+onaga,490,3
+leonardo,978,2
+leonardo,1292,2
+pomaria,895,6
+shelbyville,1364,1
+newfields,526,0
+wainscott,19,5
+coffeen,23,4
+klickitat,663,2
+newfields,1171,8
+lindenwood,1061,2
+stockman,52,0
+allensville,353,4
+leonardo,2006,7
+klickitat,1301,5
+klickitat,2070,1
+lakeville,414,7
+hanson,1134,1
+leonardo,2068,0
+shelbyville,97,2
+marstons,294,4
+klickitat,2249,7
+leonardo,286,0
+coffeen,773,0
+newfields,49,2
+lakeville,845,4
+shelbyville,332,10
+marstons,1832,0
+leonardo,610,10
+marstons,2454,0
+onaga,441,1
+hiteman,138,13
+leonardo,553,0
+tolstoy,355,2
+beechwood,843,6
+leonardo,964,2
+wainscott,429,7
+pomaria,411,3
+coffeen,1241,3
+klickitat,1416,9
+shelbyville,2044,0
+tolstoy,374,4
+klickitat,1266,6
+cosmos,341,2
+beechwood,761,14
+tolstoy,1192,0
+klickitat,280,10
+wainscott,792,14
+ranchester,1205,4
+merom,1045,2
+ranchester,1192,2
+hiteman,1479,5
+pomaria,1176,16
+leonardo,992,7
+shelbyville,874,0
+hanson,750,0
+tolstoy,1771,0
+merom,15,2
+woodbine,445,4
+marstons,910,4
+marstons,612,5
+beechwood,722,0
+wainscott,269,2
+leonardo,179,3
+ranchester,1310,2
+marstons,990,4
+coffeen,1417,3
+tolstoy,14,0
+ranchester,997,1
+hiteman,1036,3
+marstons,20,1
+shelbyville,2069,0
+shelbyville,1530,8
+newfields,217,8
+klickitat,119,4
+lakeville,910,3
+lakeville,852,0
+woodbine,392,6
+pinesdale,913,10
+wainscott,1370,0
+klickitat,1573,4
+lakeville,472,2
+pinesdale,852,13
+lakeville,962,0
+pomaria,191,2
+stockman,713,1
+woodbine,867,7
+lindenwood,2249,1
+woodbine,589,13
+pinesdale,975,1
+pinesdale,698,8
+marstons,674,0
+hanson,1424,3
+marstons,2447,5
+tolstoy,175,0
+ranchester,966,0
+klickitat,410,2
+ranchester,176,7
+stockman,905,1
+lakeville,1603,1
+marstons,1939,2
+woodbine,1413,0
+hiteman,369,2
+shelbyville,2107,2
+pomaria,1536,7
+shelbyville,1492,2
+hanson,1482,0
+forkland,688,2
+woodbine,744,3
+woodbine,1563,1
+shelbyville,2635,8
+newfields,1544,2
+leonardo,1626,1
+hiteman,935,10
+coffeen,439,0
+ranchester,271,1
+pomaria,1256,3
+marstons,1327,0
+benevolence,162,5
+newfields,570,2
+newfields,629,3
+leonardo,1134,2
+newfields,1439,17
+woodbine,992,0
+klickitat,994,2
+leonardo,1391,3
+lindenwood,1625,8
+leonardo,923,0
+forkland,115,3
+cosmos,779,7
+cosmos,538,8
+leonardo,884,9
+shelbyville,1645,16
+forkland,324,7
+marstons,191,1
+cosmos,130,2
+pinesdale,544,1
+hanson,879,3
+marstons,531,1
+marstons,979,6
+shelbyville,2812,4
+hanson,557,9
+onaga,103,0
+pinesdale,399,3
+shelbyville,2012,1
+shelbyville,1417,1
+wainscott,584,8
+hiteman,674,1
+ranchester,321,1
+shelbyville,1756,2
+merom,687,8
+lindenwood,180,2
+marstons,1201,1
+leonardo,2112,4
+wainscott,183,12
+tolstoy,1357,2
+pinesdale,212,3
+woodbine,247,3
+lindenwood,1009,8
+klickitat,1511,10
+leonardo,206,1
+ranchester,300,0
+hanson,131,0
+newfields,1587,12
+hanson,1303,2
+lindenwood,2455,7
+klickitat,844,4
+shelbyville,2112,2
+ranchester,887,3
+lakeville,156,8
+lindenwood,962,4
+lindenwood,2210,9
+pinesdale,1335,4
+woodbine,959,3
+newfields,1112,5
+lakeville,1595,1
+klickitat,1879,5
+hiteman,330,2
+hanson,950,4
+ranchester,725,1
+newfields,5,2
+klickitat,1892,8
+shelbyville,1621,1
+coffeen,731,2
+newfields,862,0
+mifflinburg,141,0
+pinesdale,590,0
+leonardo,1529,3
+lindenwood,448,1
+shelbyville,1765,2
+onaga,206,2
+stockman,192,3
+coffeen,972,0
+wainscott,812,0
+marstons,2367,4
+benevolence,781,3
+stockman,681,7
+klickitat,1650,8
+klickitat,1199,2
+tolstoy,920,0
+beechwood,600,1
+cosmos,60,2
+stockman,617,3
+klickitat,389,2
+wainscott,497,3
+woodbine,1013,2
+tolstoy,1071,13
+wainscott,219,0
+newfields,605,1
+pomaria,1501,0
+marstons,119,8
+shelbyville,310,14
+klickitat,1642,0
+pinesdale,1456,4
+ranchester,1036,6
+hanson,1518,14
+leonardo,360,6
+lakeville,1489,7
+lindenwood,1915,11
+shelbyville,1559,0
+klickitat,1792,4
+newfields,142,7
+wainscott,554,6
+pomaria,524,0
+allensville,312,6
+lakeville,203,6
+stockman,1342,3
+lakeville,606,9
+lindenwood,824,6
+tolstoy,1245,1
+klickitat,37,5
+wainscott,631,1
+pinesdale,1016,0
+pinesdale,1487,13
+lakeville,411,2
+ranchester,1519,2
+wainscott,19,2
+lindenwood,2110,1
+ranchester,729,2
+klickitat,635,2
+klickitat,1684,2
+marstons,1718,4
+hiteman,766,2
+forkland,20,1
+leonardo,1385,3
+lindenwood,341,8
+woodbine,1069,11
+woodbine,97,0
+tolstoy,407,0
+woodbine,145,2
+lindenwood,298,0
+marstons,440,3
+coffeen,1118,9
+lindenwood,504,3
+hiteman,492,2
+stockman,14,2
+wainscott,1288,3
+stockman,828,0
+lakeville,55,4
+leonardo,1770,1
+lindenwood,1602,1
+shelbyville,697,6
+lakeville,1543,4
+beechwood,459,3
+hanson,1002,0
+pinesdale,349,2
+lindenwood,1537,1
+wainscott,630,8
+woodbine,514,8
+shelbyville,121,10
+lindenwood,763,3
+stockman,1022,4
+klickitat,121,3
+hanson,749,2
+newfields,395,9
+wainscott,1303,5
+woodbine,1839,2
+ranchester,147,8
+klickitat,637,4
+shelbyville,1819,5
+tolstoy,579,7
+marstons,2366,0
+onaga,367,3
+woodbine,578,1
+ranchester,474,3
+tolstoy,198,3
+stockman,1271,3
+wainscott,1180,8
+klickitat,1908,2
+beechwood,813,3
+wainscott,119,2
+ranchester,1235,7
+stockman,418,0
+tolstoy,438,11
+allensville,169,5
+ranchester,817,0
+leonardo,1326,2
+pinesdale,176,8
+shelbyville,2812,2
+hanson,1404,1
+forkland,305,1
+onaga,497,0
+tolstoy,1512,11
+lindenwood,741,6
+forkland,997,1
+hiteman,345,2
+wainscott,1677,4
+mifflinburg,330,1
+tolstoy,1062,0
+pomaria,1013,3
+ranchester,1465,7
+marstons,2587,2
+merom,470,7
+merom,520,6
+stockman,873,6
+newfields,1439,6
+newfields,1608,3
+shelbyville,2549,4
+marstons,541,4
+hiteman,523,6
+klickitat,2265,2
+marstons,1090,2
+tolstoy,992,0
+shelbyville,2803,2
+woodbine,1533,1
+tolstoy,810,3
+lakeville,1408,2
+klickitat,1633,14
+lindenwood,801,0
+shelbyville,2799,2
+tolstoy,1302,4
+benevolence,348,5
+merom,32,7
+marstons,356,0
+klickitat,770,2
+lakeville,613,4
+klickitat,850,10
+mifflinburg,399,0
+marstons,173,19
+leonardo,975,2
+newfields,1633,0
+pomaria,1596,4
+woodbine,1204,3
+stockman,833,5
+newfields,47,12
+shelbyville,1711,1
+woodbine,477,1
+lindenwood,297,2
+marstons,939,4
+lindenwood,1425,5
+leonardo,1694,2
+stockman,639,4
+hiteman,966,15
+klickitat,2014,3
+marstons,2123,6
+ranchester,1010,0
+leonardo,847,5
+leonardo,2097,2
+hanson,318,7
+pomaria,749,0
+tolstoy,430,0
+beechwood,559,9
+pomaria,1584,1
+woodbine,1743,1
+marstons,344,4
+lakeville,293,1
+forkland,799,0
+allensville,7,1
+pomaria,937,3
+pomaria,553,0
+leonardo,1153,6
+leonardo,837,0
+pomaria,548,4
+marstons,2101,3
+leonardo,1503,3
+woodbine,459,5
+woodbine,736,4
+coffeen,391,0
+shelbyville,605,2
+beechwood,1004,3
+allensville,429,6
+benevolence,357,0
+lindenwood,1702,8
+tolstoy,1119,5
+woodbine,1330,7
+klickitat,2293,14
+woodbine,880,4
+wainscott,1733,2
+wainscott,998,6
+newfields,551,1
+onaga,86,2
+shelbyville,1159,0
+woodbine,265,7
+coffeen,1466,3
+newfields,1094,0
+pomaria,1649,4
+klickitat,688,4
+tolstoy,598,0
+pinesdale,593,3
+lindenwood,772,7
+marstons,547,8
+mifflinburg,266,3
+wainscott,345,4
+pinesdale,945,3
+coffeen,734,2
+wainscott,716,2
+onaga,543,1
+pomaria,729,2
+lakeville,693,2
+mifflinburg,680,0
+shelbyville,1116,2
+shelbyville,257,3
+hanson,1369,11
+wainscott,415,5
+wainscott,398,13
+newfields,634,2
+ranchester,1057,0
+woodbine,1797,1
+klickitat,1810,4
+newfields,162,1
+pinesdale,455,0
+marstons,1194,14
+shelbyville,2108,0
+pomaria,1325,2
+leonardo,2024,4
+pomaria,426,14
+pinesdale,686,1
+shelbyville,2608,3
+hiteman,1096,12
+hiteman,1502,14
+ranchester,4,0
+hiteman,1615,1
+newfields,995,1
+allensville,29,9
+lakeville,306,2
+ranchester,301,2
+ranchester,688,1
+shelbyville,1030,1
+hiteman,1255,3
+lindenwood,2520,3
+marstons,2099,3
+shelbyville,2799,14
+leonardo,1261,2
+tolstoy,1019,5
+merom,764,0
+onaga,60,1
+leonardo,1815,4
+mifflinburg,694,2
+pomaria,477,11
+wainscott,1798,12
+shelbyville,2766,1
+wainscott,964,3
+marstons,635,3
+wainscott,1585,3
+marstons,526,0
+beechwood,980,0
+pinesdale,887,1
+woodbine,331,2
+lindenwood,1828,1
+lindenwood,480,0
+leonardo,497,2
+benevolence,525,4
+merom,921,4
+lakeville,1799,16
+marstons,1811,2
+merom,810,3
+klickitat,34,0
+klickitat,368,2
+leonardo,1727,4
+newfields,370,1
+shelbyville,558,5
+shelbyville,343,6
+shelbyville,2322,2
+cosmos,922,1
+shelbyville,1293,2
+tolstoy,1189,4
+lindenwood,1703,1
+lindenwood,1623,11
+forkland,88,4
+klickitat,1075,1
+hiteman,1730,0
+klickitat,354,8
+lindenwood,1097,0
+hanson,980,6
+benevolence,136,2
+lindenwood,2322,3
+hiteman,293,4
+leonardo,257,17
+marstons,320,1
+coffeen,1451,0
+hanson,498,2
+stockman,450,4
+shelbyville,2205,0
+hiteman,1487,3
+shelbyville,1496,2
+tolstoy,894,3
+lakeville,1752,3
+wainscott,908,0
+shelbyville,511,6
+lindenwood,208,2
+lakeville,1173,5
+lakeville,1756,2
+pomaria,1139,2
+ranchester,224,2
+mifflinburg,430,1
+pinesdale,4,13
+ranchester,1203,5
+lakeville,697,5
+newfields,19,1
+wainscott,1361,2
+lindenwood,166,0
+klickitat,2096,8
+marstons,1178,0
+beechwood,1002,0
+newfields,1659,12
+woodbine,536,1
+tolstoy,748,4
+marstons,122,10
+woodbine,1599,4
+klickitat,623,8
+woodbine,1582,3
+wainscott,1046,0
+pomaria,296,2
+lindenwood,611,3
+hanson,524,0
+marstons,1261,1
+shelbyville,262,5
+onaga,577,1
+shelbyville,2421,4
+lindenwood,1840,1
+lakeville,778,1
+marstons,1054,0
+marstons,2187,5
+shelbyville,2296,8
+woodbine,714,1
+klickitat,1695,0
+ranchester,378,5
+ranchester,1398,2
+klickitat,1616,6
+woodbine,1793,8
+pinesdale,775,3
+ranchester,1441,4
+hiteman,656,1
+newfields,1267,0
+cosmos,120,1
+forkland,170,2
+leonardo,1049,3
+tolstoy,1226,2
+marstons,987,4
+shelbyville,1325,3
+leonardo,1085,1
+hiteman,1086,4
+merom,967,0
+hiteman,1529,3
+pinesdale,817,1
+woodbine,1950,2
+forkland,276,2
+lindenwood,1140,0
+cosmos,869,3
+forkland,53,0
+klickitat,1824,2
+mifflinburg,412,0
+merom,83,0
+wainscott,929,1
+cosmos,869,9
+beechwood,962,3
+ranchester,438,6
+tolstoy,1036,5
+ranchester,666,9
+lindenwood,1370,6
+klickitat,1126,3
+marstons,820,4
+hiteman,553,1
+wainscott,778,3
+leonardo,701,1
+merom,316,6
+coffeen,200,1
+cosmos,241,3
+lindenwood,1380,1
+onaga,63,0
+wainscott,1736,3
+hanson,683,1
+ranchester,1608,4
+hanson,883,0
+shelbyville,1569,8
+tolstoy,291,7
+pinesdale,815,0
+cosmos,611,1
+forkland,197,3
+hanson,563,5
+wainscott,748,4
+hiteman,626,2
+hanson,1362,3
+hanson,1125,3
+pinesdale,440,1
+coffeen,1087,4
+beechwood,188,4
+marstons,1289,3
+shelbyville,1828,6
+lakeville,856,1
+tolstoy,1663,3
+coffeen,750,4
+ranchester,271,7
+marstons,1988,2
+lindenwood,892,7
+beechwood,769,2
+mifflinburg,823,7
+lindenwood,2134,1
+shelbyville,957,1
+stockman,821,3
+shelbyville,1751,8
+klickitat,1040,1
+ranchester,298,12
+lindenwood,1711,8
+newfields,697,6
+leonardo,296,0
+pinesdale,553,0
+woodbine,466,7
+hanson,543,5
+pomaria,1468,3
+marstons,447,6
+pomaria,459,8
+allensville,337,5
+wainscott,917,1
+pinesdale,1394,3
+klickitat,209,8
+coffeen,1395,3
+lindenwood,1936,11
+lindenwood,968,0
+beechwood,526,3
+pomaria,1639,0
+woodbine,1673,2
+ranchester,321,3
+wainscott,51,5
+shelbyville,2562,2
+shelbyville,1077,14
+stockman,1363,5
+woodbine,725,0
+onaga,596,9
+marstons,965,4
+ranchester,390,3
+ranchester,1032,6
+ranchester,471,1
+woodbine,1160,5
+cosmos,1072,6
+coffeen,845,4
+tolstoy,1337,8
+marstons,410,3
+pomaria,144,2
+lakeville,509,2
+hiteman,1106,5
+lakeville,864,1
+marstons,1348,0
+hanson,1451,10
+beechwood,1154,0
+woodbine,1144,2
+lindenwood,2146,1
+marstons,500,2
+hanson,1013,1
+cosmos,590,5
+leonardo,445,7
+leonardo,1654,4
+lakeville,542,0
+lakeville,1496,13
+stockman,835,2
+klickitat,1921,3
+tolstoy,533,4
+woodbine,82,3
+hiteman,822,12
+lindenwood,1931,13
+klickitat,1386,3
+ranchester,151,0
+tolstoy,56,9
+lindenwood,2513,5
+tolstoy,1019,4
+hiteman,1308,13
+wainscott,1689,0
+pomaria,259,4
+pomaria,864,7
+pinesdale,1215,1
+hiteman,1666,3
+hiteman,968,16
+ranchester,1291,3
+forkland,1180,2
+klickitat,555,4
+shelbyville,1010,3
+marstons,2529,1
+pinesdale,176,10
+woodbine,1403,3
+merom,53,2
+forkland,1131,6
+newfields,779,9
+hiteman,696,3
+lindenwood,885,5
+woodbine,1877,10
+coffeen,790,0
+lindenwood,1578,1
+coffeen,1129,3
+cosmos,649,2
+lindenwood,946,4
+pinesdale,546,4
+tolstoy,1759,0
+merom,756,6
+hanson,367,3
+shelbyville,1075,3
+marstons,1196,0
+woodbine,1608,0
+ranchester,592,7
+shelbyville,490,7
+stockman,1141,4
+beechwood,170,8
+stockman,8,6
+marstons,2172,2
+leonardo,1262,4
+klickitat,1123,0
+benevolence,957,5
+pomaria,1204,0
+hanson,529,4
+wainscott,136,4
+forkland,1002,8
+cosmos,458,1
+pinesdale,1011,0
+tolstoy,895,5
+shelbyville,129,0
+wainscott,787,4
+klickitat,1142,5
+shelbyville,2045,0
+shelbyville,35,1
+lakeville,158,5
+klickitat,1023,5
+pomaria,1011,4
+cosmos,941,3
+marstons,2280,1
+klickitat,233,13
+woodbine,1451,3
+klickitat,929,3
+marstons,384,0
+marstons,294,5
+shelbyville,532,1
+pomaria,1380,2
+shelbyville,2197,2
+klickitat,1598,6
+pinesdale,210,6
+tolstoy,945,3
+tolstoy,1461,8
+shelbyville,331,4
+wainscott,135,7
+tolstoy,262,1
+marstons,1376,0
+stockman,469,4
+wainscott,398,2
+onaga,639,11
+hanson,1518,9
+wainscott,372,4
+lindenwood,2209,7
+pinesdale,730,3
+beechwood,1098,2
+klickitat,496,2
+ranchester,766,2
+shelbyville,162,4
+hanson,820,12
+mifflinburg,659,1
+lakeville,659,8
+cosmos,1054,10
+woodbine,417,0
+lakeville,1118,5
+ranchester,1064,1
+shelbyville,951,2
+ranchester,358,5
+lindenwood,1825,2
+coffeen,1084,7
+woodbine,749,6
+beechwood,1008,3
+hiteman,1206,1
+tolstoy,618,6
+lindenwood,722,2
+klickitat,637,3
+lakeville,763,6
+hiteman,1692,5
+marstons,349,2
+hanson,25,2
+leonardo,730,0
+klickitat,2314,8
+beechwood,747,1
+pomaria,526,0
+woodbine,1643,1
+marstons,558,1
+allensville,352,1
+klickitat,1197,1
+wainscott,851,14
+marstons,678,2
+lindenwood,242,5
+leonardo,347,0
+tolstoy,68,14
+lindenwood,2577,15
+coffeen,141,7
+marstons,892,2
+merom,844,1
+woodbine,1788,11
+woodbine,752,2
+lindenwood,1938,2
+lakeville,698,9
+tolstoy,1431,0
+marstons,2580,4
+ranchester,409,3
+newfields,1649,0
+merom,285,0
+shelbyville,605,7
+shelbyville,88,5
+cosmos,14,0
+tolstoy,901,10
+klickitat,1210,8
+klickitat,1187,9
+lindenwood,2441,5
+newfields,1104,1
+lakeville,1233,4
+cosmos,55,2
+marstons,1898,3
+newfields,1228,7
+marstons,1767,2
+beechwood,232,7
+pinesdale,210,5
+lakeville,1422,0
+hiteman,1332,8
+stockman,293,2
+lakeville,447,3
+shelbyville,1518,1
+klickitat,1659,1
+woodbine,896,0
+pinesdale,1460,1
+coffeen,101,1
+klickitat,2005,1
+shelbyville,199,14
+wainscott,209,1
+pomaria,962,4
+mifflinburg,232,1
+hiteman,1457,8
+hiteman,532,1
+lakeville,97,4
+lindenwood,2604,0
+tolstoy,576,3
+woodbine,660,6
+tolstoy,403,1
+tolstoy,1273,11
+hanson,401,3
+klickitat,1384,10
+woodbine,1198,14
+shelbyville,1507,9
+forkland,1138,10
+lindenwood,1278,0
+shelbyville,2520,3
+lindenwood,224,3
+pinesdale,369,3
+woodbine,552,3
+merom,385,0
+tolstoy,721,4
+klickitat,1586,4
+cosmos,161,2
+newfields,445,13
+beechwood,779,7
+hiteman,817,5
+pomaria,891,1
+marstons,1080,9
+shelbyville,394,8
+hiteman,1635,6
+hanson,333,3
+klickitat,905,2
+stockman,711,4
+shelbyville,553,7
+merom,153,3
+coffeen,868,2
+hiteman,511,3
+lakeville,0,1
+shelbyville,2045,4
+marstons,455,2
+wainscott,1735,4
+ranchester,267,4
+tolstoy,1776,22
+lindenwood,257,3
+newfields,486,0
+shelbyville,1445,2
+tolstoy,1256,2
+pinesdale,1388,15
+pomaria,960,1
+allensville,400,1
+woodbine,1327,4
+allensville,151,5
+tolstoy,1623,6
+forkland,153,2
+shelbyville,715,3
+lakeville,1044,0
+lindenwood,2529,9
+tolstoy,338,1
+tolstoy,1552,0
+pinesdale,36,8
+lakeville,1875,3
+benevolence,287,3
+shelbyville,2485,4
+klickitat,14,4
+stockman,557,0
+newfields,493,4
+forkland,408,2
+leonardo,1481,0
+hiteman,1207,0
+coffeen,697,1
+lakeville,1388,11
+lakeville,826,7
+stockman,1056,0
+hanson,599,0
+hanson,254,4
+klickitat,2025,9
+hiteman,875,2
+hiteman,794,1
+tolstoy,93,6
+cosmos,836,3
+forkland,119,1
+pomaria,1462,1
+wainscott,394,4
+leonardo,406,9
+cosmos,876,5
+coffeen,569,1
+pomaria,1061,3
+klickitat,1995,1
+klickitat,734,5
+lakeville,1878,4
+wainscott,1430,2
+woodbine,603,10
+leonardo,1461,1
+hiteman,1203,4
+hanson,240,4
+newfields,387,0
+newfields,678,2
+shelbyville,1248,4
+beechwood,719,2
+shelbyville,1016,12
+pinesdale,564,2
+shelbyville,1248,7
+forkland,951,4
+klickitat,1711,1
+leonardo,1859,2
+woodbine,1996,5
+hiteman,22,4
+cosmos,666,8
+klickitat,331,4
+cosmos,1011,9
+klickitat,1799,11
+pomaria,486,4
+leonardo,1969,6
+klickitat,1704,6
+pomaria,707,6
+marstons,1584,0
+stockman,137,8
+benevolence,252,8
+merom,148,1
+leonardo,1271,8
+tolstoy,153,7
+hiteman,337,4
+merom,218,0
+merom,634,0
+marstons,1468,6
+cosmos,75,4
+benevolence,45,4
+woodbine,1331,7
+onaga,8,3
+shelbyville,1226,3
+newfields,171,1
+newfields,285,3
+coffeen,158,9
+wainscott,1463,4
+benevolence,785,2
+beechwood,519,7
+hiteman,386,7
+marstons,689,7
+marstons,15,15
+pinesdale,1356,2
+tolstoy,684,4
+mifflinburg,924,2
+pomaria,1476,4
+klickitat,461,2
+newfields,612,6
+woodbine,985,19
+marstons,1970,9
+mifflinburg,970,1
+forkland,871,2
+klickitat,2274,6
+stockman,1285,9
+forkland,312,2
+woodbine,1380,9
+hanson,680,1
+marstons,253,1
+wainscott,804,1
+ranchester,383,6
+leonardo,1214,3
+ranchester,1241,1
+pomaria,455,14
+tolstoy,1167,2
+cosmos,408,1
+tolstoy,876,8
+tolstoy,1246,3
+shelbyville,1072,2
+shelbyville,946,4
+pinesdale,224,4
+lakeville,1080,9
+beechwood,296,2
+wainscott,736,6
+lindenwood,2101,3
+pinesdale,914,1
+hanson,612,2
+stockman,461,2
+shelbyville,420,3
+lindenwood,792,3
+pinesdale,619,3
+beechwood,169,4
+ranchester,587,5
+cosmos,603,0
+leonardo,1182,0
+lakeville,1234,9
+marstons,1080,19
+tolstoy,610,20
+ranchester,1330,3
+klickitat,692,6
+hiteman,454,0
+woodbine,1122,2
+forkland,976,2
+merom,925,2
+woodbine,171,4
+tolstoy,911,4
+ranchester,1142,4
+lindenwood,1831,1
+lindenwood,1082,5
+pinesdale,985,12
+shelbyville,1382,2
+lindenwood,42,0
+ranchester,514,4
+tolstoy,1537,3
+marstons,1448,1
+pomaria,1346,10
+wainscott,504,2
+pinesdale,1020,2
+marstons,999,2
+leonardo,50,0
+wainscott,237,9
+marstons,547,7
+stockman,470,13
+klickitat,914,21
+shelbyville,2768,0
+pinesdale,137,1
+beechwood,115,9
+lindenwood,40,3
+coffeen,506,0
+marstons,2554,4
+tolstoy,59,1
+hanson,1247,12
+mifflinburg,292,2
+wainscott,701,4
+leonardo,384,4
+forkland,737,1
+hanson,1116,7
+pomaria,1594,7
+pinesdale,792,3
+woodbine,867,4
+lindenwood,635,10
+lindenwood,1885,0
+lindenwood,141,0
+leonardo,961,0
+klickitat,2022,4
+klickitat,269,0
+newfields,1141,0
+klickitat,2028,0
+newfields,472,0
+forkland,282,2
+cosmos,902,2
+benevolence,130,8
+mifflinburg,621,2
+woodbine,907,10
+lakeville,1496,16
+lakeville,725,5
+marstons,1839,5
+lindenwood,2010,1
+woodbine,1393,1
+lakeville,1260,5
+leonardo,136,1
+pinesdale,32,8
+lakeville,1845,3
+leonardo,1066,0
+shelbyville,1845,4
+ranchester,402,1
+wainscott,1174,12
+marstons,1874,13
+newfields,1322,0
+coffeen,964,0
+tolstoy,408,2
+woodbine,1663,0
+hiteman,1449,2
+lindenwood,1833,1
+marstons,347,8
+benevolence,601,4
+hiteman,632,3
+newfields,716,2
+shelbyville,939,2
+hiteman,141,5
+lindenwood,1578,7
+wainscott,778,6
+newfields,1575,0
+mifflinburg,941,3
+woodbine,1291,3
+forkland,421,1
+marstons,974,10
+leonardo,821,5
+cosmos,179,9
+marstons,1654,2
+wainscott,1564,1
+leonardo,1106,1
+pinesdale,638,9
+beechwood,691,1
+lindenwood,2509,3
+hanson,903,1
+woodbine,1151,0
+shelbyville,1262,3
+hanson,1237,9
+marstons,893,4
+hanson,1090,2
+shelbyville,1183,3
+leonardo,1593,2
+stockman,1158,2
+hanson,1307,9
+pomaria,1206,1
+beechwood,693,0
+wainscott,792,11
+leonardo,1601,3
+lindenwood,255,3
+forkland,697,1
+lindenwood,1086,0
+newfields,822,8
+klickitat,989,6
+klickitat,2005,0
+marstons,351,0
+cosmos,1003,1
+marstons,2215,5
+pinesdale,493,7
+cosmos,382,12
+lindenwood,2042,1
+shelbyville,775,10
+leonardo,862,3
+lindenwood,2518,0
+klickitat,1997,2
+klickitat,2072,20
+pinesdale,1248,3
+woodbine,2059,1
+woodbine,898,1
+stockman,1372,1
+cosmos,844,6
+hiteman,597,4
+hanson,369,9
+wainscott,1507,1
+pomaria,1264,2
+pomaria,833,3
+hanson,691,5
+marstons,2495,1
+forkland,1016,4
+newfields,1247,7
+lindenwood,1474,7
+marstons,354,1
+woodbine,31,14
+klickitat,1801,0
+tolstoy,1510,1
+newfields,578,3
+coffeen,804,0
+allensville,15,3
+leonardo,439,0
+wainscott,1346,9
+shelbyville,501,7
+hanson,872,4
+beechwood,241,3
+ranchester,387,5
+klickitat,987,0
+hiteman,1261,11
+marstons,2237,4
+hiteman,168,6
+hanson,1141,2
+pomaria,541,0
+beechwood,196,1
+coffeen,376,8
+marstons,2638,1
+marstons,2235,2
+klickitat,639,1
+stockman,145,1
+woodbine,382,1
+lakeville,1877,9
+leonardo,2084,2
+tolstoy,1628,4
+woodbine,1952,8
+cosmos,899,3
+allensville,237,4
+lindenwood,732,10
+leonardo,566,0
+leonardo,863,0
+ranchester,420,8
+marstons,424,0
+lindenwood,939,4
+stockman,534,4
+tolstoy,56,12
+newfields,403,10
+merom,1061,1
+leonardo,986,2
+mifflinburg,240,6
+lindenwood,2258,4
+woodbine,1806,10
+newfields,205,1
+allensville,72,0
+lindenwood,1497,5
+wainscott,303,6
+hiteman,405,1
+leonardo,1994,2
+pinesdale,1213,0
+cosmos,668,1
+klickitat,2406,9
+shelbyville,2385,10
+leonardo,129,4
+lakeville,1822,1
+stockman,1419,6
+shelbyville,860,13
+woodbine,260,4
+cosmos,844,5
+stockman,560,9
+klickitat,622,3
+beechwood,453,0
+ranchester,710,2
+klickitat,2105,10
+pomaria,1465,5
+stockman,768,7
+woodbine,986,10
+lindenwood,764,4
+leonardo,725,3
+hanson,1195,9
+forkland,1177,2
+coffeen,1496,4
+pinesdale,747,2
+woodbine,609,1
+stockman,1320,0
+cosmos,729,0
+forkland,994,2
+newfields,528,7
+coffeen,0,2
+stockman,1449,8
+woodbine,305,4
+lakeville,1746,3
+beechwood,921,1
+beechwood,559,4
+marstons,102,1
+coffeen,168,6
+lakeville,1595,6
+pomaria,1232,0
+pomaria,110,1
+klickitat,943,7
+hanson,496,6
+lindenwood,1042,4
+klickitat,702,7
+pinesdale,89,8
+newfields,247,0
+leonardo,756,1
+klickitat,1363,17
+merom,197,3
+hanson,635,2
+leonardo,1935,10
+lindenwood,2347,10
+stockman,679,3
+klickitat,557,6
+shelbyville,104,10
+marstons,105,3
+leonardo,1949,10
+marstons,965,1
+ranchester,331,1
+pomaria,1621,1
+lindenwood,729,4
+merom,847,2
+hanson,622,0
+shelbyville,1334,12
+klickitat,766,0
+lindenwood,19,4
+newfields,1540,2
+newfields,449,8
+hiteman,726,3
+marstons,93,13
+wainscott,416,3
+hanson,521,2
+hiteman,65,4
+coffeen,1225,5
+lindenwood,63,6
+merom,605,1
+woodbine,975,2
+marstons,1646,3
+wainscott,688,2
+allensville,98,1
+lindenwood,1684,6
+pomaria,707,3
+lindenwood,2567,1
+pinesdale,1106,2
+merom,121,1
+coffeen,538,5
+stockman,275,7
+pinesdale,106,4
+newfields,917,3
+ranchester,548,3
+lindenwood,2618,8
+onaga,211,2
+leonardo,1077,1
+stockman,486,2
+onaga,564,5
+coffeen,971,6
+forkland,349,5
+pomaria,1095,2
+klickitat,699,7
+woodbine,1140,13
+woodbine,276,6
+hanson,536,1
+marstons,1164,12
+forkland,960,0
+ranchester,702,8
+tolstoy,582,5
+wainscott,975,9
+coffeen,1261,2
+newfields,1190,0
+wainscott,1789,0
+lakeville,943,4
+mifflinburg,807,4
+shelbyville,1871,7
+onaga,517,5
+coffeen,483,0
+woodbine,1369,13
+allensville,146,2
+coffeen,998,1
+klickitat,1356,0
+pomaria,688,12
+ranchester,1094,14
+lindenwood,489,4
+coffeen,913,4
+klickitat,363,8
+shelbyville,1899,2
+shelbyville,2230,3
+allensville,213,4
+forkland,834,1
+merom,156,3
+allensville,112,5
+wainscott,269,5
+mifflinburg,173,6
+leonardo,1404,7
+woodbine,1337,5
+onaga,268,2
+klickitat,1311,5
+newfields,478,17
+hanson,857,5
+klickitat,2024,13
+pomaria,383,2
+pomaria,881,2
+benevolence,804,1
+lakeville,1049,1
+shelbyville,2718,2
+coffeen,479,1
+hanson,1093,8
+leonardo,965,2
+klickitat,1679,17
+forkland,378,2
+ranchester,767,0
+marstons,500,1
+stockman,693,0
+shelbyville,647,8
+wainscott,789,2
+tolstoy,966,3
+marstons,2548,4
+marstons,506,2
+newfields,1032,7
+lakeville,1236,8
+woodbine,648,0
+stockman,894,1
+woodbine,1999,0
+newfields,611,13
+shelbyville,277,1
+leonardo,1110,3
+pomaria,332,1
+klickitat,1562,14
+shelbyville,1432,0
+forkland,801,6
+woodbine,1611,5
+tolstoy,768,7
+klickitat,1519,7
+wainscott,1599,0
+woodbine,39,2
+ranchester,1575,5
+marstons,2138,0
+lakeville,1441,1
+shelbyville,845,0
+woodbine,89,1
+shelbyville,15,6
+mifflinburg,203,1
+woodbine,1325,9
+stockman,665,5
+allensville,113,2
+shelbyville,543,5
+coffeen,1047,2
+stockman,1338,0
+marstons,1854,9
+stockman,650,5
+shelbyville,1947,0
+lindenwood,1111,2
+benevolence,201,3
+newfields,988,6
+hanson,1651,0
+newfields,802,1
+woodbine,748,7
+hiteman,1383,2
+forkland,894,1
+wainscott,1259,16
+hanson,948,1
+hanson,356,5
+hanson,787,2
+woodbine,986,3
+wainscott,755,0
+merom,850,6
+wainscott,1114,2
+shelbyville,294,9
+marstons,1380,5
+hanson,865,4
+forkland,626,1
+hanson,951,0
+stockman,686,9
+pomaria,981,0
+beechwood,534,0
+forkland,916,7
+pomaria,718,1
+hanson,1597,6
+merom,1052,1
+klickitat,19,7
+lakeville,492,10
+ranchester,1610,6
+newfields,993,5
+klickitat,2081,7
+lindenwood,896,1
+newfields,1611,4
+pomaria,37,1
+lakeville,1388,3
+tolstoy,1477,15
+newfields,516,5
+woodbine,1605,19
+klickitat,2411,6
+leonardo,72,12
+lakeville,746,17
+marstons,1884,3
+tolstoy,918,1
+newfields,636,10
+lakeville,1280,0
+pinesdale,1375,1
+pinesdale,1338,4
+shelbyville,2782,3
+marstons,550,4
+woodbine,1027,7
+leonardo,2013,3
+marstons,603,1
+pinesdale,1456,0
+pomaria,1545,0
+onaga,350,2
+stockman,538,5
+benevolence,751,0
+ranchester,1070,5
+marstons,698,0
+marstons,2383,14
+ranchester,16,1
+woodbine,911,7
+lakeville,868,3
+ranchester,1392,1
+marstons,2621,1
+tolstoy,821,2
+beechwood,580,4
+merom,284,9
+lindenwood,41,5
+lindenwood,554,4
+shelbyville,2077,12
+klickitat,1033,3
+pomaria,431,1
+lindenwood,1316,1
+marstons,698,12
+lakeville,1099,6
+klickitat,1121,3
+pomaria,562,1
+hanson,556,3
+ranchester,785,4
+ranchester,1251,5
+beechwood,175,1
+woodbine,1388,5
+marstons,193,2
+marstons,2585,0
+lakeville,376,4
+woodbine,1247,2
+hiteman,1355,0
+pinesdale,490,7
+hiteman,905,10
+klickitat,1633,10
+stockman,1235,0
+beechwood,904,11
+allensville,355,8
+newfields,42,4
+marstons,2021,6
+cosmos,773,10
+lakeville,459,9
+newfields,1286,9
+mifflinburg,374,2
+lakeville,31,12
+lindenwood,1766,0
+pomaria,963,2
+newfields,527,2
+hanson,348,3
+ranchester,513,0
+newfields,917,13
+pinesdale,411,4
+lindenwood,2024,2
+wainscott,1371,5
+wainscott,1727,10
+forkland,328,2
+onaga,126,1
+wainscott,1413,1
+tolstoy,806,4
+pomaria,126,3
+pomaria,345,1
+hiteman,1468,13
+shelbyville,1871,1
+wainscott,930,2
+marstons,1721,1
+hiteman,1266,0
+pomaria,56,6
+leonardo,589,3
+lakeville,229,7
+shelbyville,2105,1
+beechwood,873,0
+beechwood,683,0
+benevolence,153,11
+newfields,1100,1
+leonardo,1249,3
+mifflinburg,821,1
+allensville,493,5
+leonardo,528,8
+shelbyville,918,0
+mifflinburg,914,6
+shelbyville,2214,4
+stockman,139,4
+klickitat,1452,3
+merom,494,3
+ranchester,457,2
+beechwood,390,0
+marstons,612,0
+hiteman,1220,2
+marstons,670,2
+coffeen,589,12
+ranchester,928,0
+pomaria,1606,5
+beechwood,466,5
+lindenwood,2086,1
+mifflinburg,488,4
+leonardo,969,5
+wainscott,1452,12
+lindenwood,155,2
+klickitat,1251,1
+shelbyville,122,10
+newfields,1517,1
+lindenwood,1048,10
+shelbyville,846,13
+hiteman,507,2
+leonardo,1455,3
+marstons,1034,2
+coffeen,1199,7
+shelbyville,2197,1
+mifflinburg,413,5
+onaga,64,0
+klickitat,99,2
+benevolence,965,9
+newfields,778,2
+leonardo,1467,1
+woodbine,703,2
+pinesdale,1334,0
+stockman,1056,7
+stockman,1019,2
+lakeville,622,1
+marstons,2621,6
+lindenwood,893,0
+tolstoy,1158,7
+hanson,262,7
+ranchester,1364,0
+hanson,142,2
+marstons,969,12
+shelbyville,617,6
+lindenwood,2478,0
+coffeen,650,0
+tolstoy,670,7
+shelbyville,2242,4
+hanson,541,0
+wainscott,656,4
+onaga,84,10
+coffeen,644,1
+tolstoy,1326,2
+shelbyville,1477,0
+coffeen,1026,3
+marstons,90,4
+tolstoy,1276,14
+marstons,1691,2
+lindenwood,685,3
+tolstoy,1366,13
+merom,891,1
+hanson,368,9
+lakeville,1387,9
+lakeville,219,2
+klickitat,1250,2
+marstons,2536,4
+marstons,1816,8
+lindenwood,1009,9
+leonardo,1798,10
+coffeen,1043,3
+tolstoy,39,3
+hiteman,763,2
+woodbine,907,11
+lindenwood,907,12
+woodbine,1577,9
+benevolence,475,2
+cosmos,880,3
+shelbyville,1007,7
+shelbyville,1659,4
+woodbine,1018,8
+shelbyville,980,0
+hanson,1393,7
+onaga,425,0
+shelbyville,2200,8
+woodbine,795,6
+woodbine,1262,8
+woodbine,911,3
+woodbine,1701,2
+forkland,604,5
+coffeen,245,1
+allensville,506,1
+woodbine,559,2
+wainscott,1538,3
+tolstoy,1650,0
+leonardo,1626,12
+pomaria,1454,0
+hiteman,1020,1
+leonardo,414,2
+tolstoy,977,7
+klickitat,1763,7
+beechwood,478,7
+hiteman,176,1
+hanson,796,5
+beechwood,1040,5
+wainscott,1256,1
+lakeville,1644,0
+leonardo,836,0
+klickitat,237,4
+stockman,1157,5
+pinesdale,1141,10
+merom,79,4
+tolstoy,706,9
+marstons,662,12
+woodbine,114,0
+lakeville,587,3
+klickitat,2250,7
+allensville,323,0
+woodbine,999,0
+klickitat,156,7
+tolstoy,646,1
+woodbine,864,3
+shelbyville,267,4
+shelbyville,2249,4
+shelbyville,118,1
+mifflinburg,961,12
+leonardo,1222,11
+lakeville,398,3
+shelbyville,37,8
+wainscott,915,1
+woodbine,1116,4
+onaga,225,1
+beechwood,1058,0
+pinesdale,1513,0
+hanson,416,3
+klickitat,2207,1
+pomaria,952,11
+pinesdale,190,0
+stockman,1101,2
+shelbyville,602,3
+newfields,1183,11
+pinesdale,371,5
+leonardo,1683,1
+hiteman,839,1
+wainscott,1476,12
+benevolence,757,2
+ranchester,701,4
+tolstoy,850,5
+klickitat,1060,13
+leonardo,1799,3
+lindenwood,2140,1
+lakeville,1806,6
+ranchester,873,8
+klickitat,785,2
+lindenwood,1525,0
+klickitat,2210,1
+marstons,867,3
+woodbine,206,0
+klickitat,1934,1
+onaga,16,3
+coffeen,174,4
+cosmos,5,3
+ranchester,631,4
+coffeen,388,1
+hanson,1378,2
+klickitat,1263,4
+wainscott,681,1
+klickitat,1962,6
+leonardo,1926,1
+hiteman,591,5
+hiteman,1461,11
+marstons,407,2
+leonardo,209,3
+hanson,1335,2
+forkland,900,4
+hiteman,216,1
+hiteman,1109,12
+wainscott,973,6
+newfields,117,6
+lindenwood,2665,2
+pomaria,979,1
+hiteman,940,2
+pinesdale,657,2
+lindenwood,2638,6
+klickitat,1558,5
+hanson,62,3
+merom,54,0
+wainscott,46,2
+shelbyville,1248,6
+marstons,2268,1
+hiteman,1306,3
+tolstoy,678,3
+benevolence,971,11
+wainscott,1323,2
+beechwood,780,0
+tolstoy,1325,10
+benevolence,854,7
+hiteman,1251,7
+klickitat,571,6
+tolstoy,976,2
+pinesdale,1334,5
+tolstoy,436,2
+pomaria,1634,2
+hiteman,102,3
+stockman,566,6
+leonardo,1043,5
+newfields,1279,4
+tolstoy,760,13
+shelbyville,1400,2
+woodbine,130,1
+mifflinburg,279,2
+klickitat,1704,7
+tolstoy,410,3
+wainscott,538,1
+marstons,2620,2
+pomaria,1416,16
+pomaria,28,7
+shelbyville,313,8
+pomaria,940,2
+lindenwood,226,2
+woodbine,1088,0
+pomaria,555,2
+klickitat,1728,9
+tolstoy,1498,11
+hanson,362,1
+lindenwood,340,2
+pomaria,1158,4
+wainscott,603,9
+ranchester,944,5
+lindenwood,1487,2
+woodbine,2044,8
+lindenwood,1890,4
+hiteman,1755,13
+hiteman,1367,4
+klickitat,1308,3
+ranchester,104,0
+pinesdale,420,2
+hiteman,123,8
+marstons,784,8
+pinesdale,632,2
+cosmos,215,0
+forkland,592,0
+ranchester,1149,0
+woodbine,121,11
+coffeen,885,0
+coffeen,690,0
+pinesdale,879,4
+merom,1028,3
+newfields,1626,3
+onaga,145,5
+onaga,304,1
+woodbine,1686,7
+leonardo,353,5
+pinesdale,984,8
+hanson,510,5
+forkland,327,3
+lindenwood,2236,12
+newfields,1323,0
+shelbyville,555,3
+klickitat,887,6
+allensville,318,9
+merom,23,2
+pomaria,423,1
+klickitat,1553,11
+marstons,896,1
+marstons,2185,2
+pomaria,1305,4
+coffeen,1366,5
+wainscott,1496,10
+marstons,2503,5
+pinesdale,1109,1
+benevolence,817,0
+merom,598,3
+woodbine,1253,8
+woodbine,605,0
+merom,858,2
+lindenwood,2536,1
+shelbyville,1534,7
+stockman,475,3
+woodbine,1427,4
+mifflinburg,408,3
+mifflinburg,454,3
+wainscott,1034,0
+coffeen,1018,2
+shelbyville,1900,1
+shelbyville,1114,2
+marstons,2468,4
+lakeville,241,2
+newfields,1395,2
+shelbyville,3,0
+lakeville,854,3
+cosmos,57,8
+marstons,577,1
+leonardo,1548,3
+lindenwood,2176,6
+leonardo,646,2
+wainscott,105,7
+cosmos,817,4
+pomaria,211,0
+wainscott,388,11
+ranchester,631,0
+woodbine,1681,4
+onaga,79,2
+klickitat,1220,3
+marstons,310,4
+lakeville,1045,3
+pomaria,553,14
+benevolence,447,1
+lakeville,427,4
+beechwood,346,3
+ranchester,1408,3
+lindenwood,854,4
+pomaria,1612,0
+lindenwood,1704,5
+cosmos,175,3
+ranchester,591,4
+tolstoy,1487,3
+forkland,261,2
+leonardo,1035,1
+klickitat,2268,1
+klickitat,1624,6
+woodbine,1156,2
+pomaria,358,1
+tolstoy,1439,6
+coffeen,343,1
+beechwood,954,9
+mifflinburg,431,4
+woodbine,997,3
+coffeen,27,3
+lindenwood,1003,4
+coffeen,27,2
+lakeville,621,7
+shelbyville,2215,10
+klickitat,81,0
+woodbine,687,2
+klickitat,537,10
+coffeen,934,2
+merom,489,1
+klickitat,119,6
+lakeville,440,2
+allensville,284,1
+shelbyville,928,9
+woodbine,1037,8
+leonardo,1351,2
+klickitat,1985,1
+merom,226,4
+coffeen,1278,2
+pinesdale,168,0
+tolstoy,808,3
+marstons,281,0
+hanson,1358,10
+hiteman,1640,1
+shelbyville,872,9
+marstons,1075,6
+shelbyville,1707,6
+shelbyville,199,0
+shelbyville,2105,3
+pinesdale,1448,7
+klickitat,2050,2
+klickitat,1616,3
+shelbyville,1092,0
+hiteman,1163,6
+shelbyville,1590,1
+wainscott,802,6
+ranchester,240,11
+leonardo,1680,4
+leonardo,571,4
+tolstoy,1463,9
+woodbine,125,3
+leonardo,489,6
+leonardo,712,0
+lakeville,672,6
+ranchester,241,5
+tolstoy,790,4
+hiteman,1823,8
+klickitat,305,14
+klickitat,2024,14
+tolstoy,1224,11
+coffeen,271,0
+wainscott,907,9
+pomaria,58,0
+beechwood,951,3
+benevolence,378,2
+benevolence,460,0
+lakeville,956,3
+marstons,355,5
+benevolence,542,3
+wainscott,1096,0
+lakeville,116,3
+leonardo,1813,12
+hiteman,902,4
+marstons,1783,4
+tolstoy,1139,3
+allensville,176,2
+woodbine,1901,2
+benevolence,726,2
+pinesdale,543,3
+ranchester,345,12
+coffeen,806,1
+coffeen,529,1
+benevolence,730,5
+forkland,1021,3
+woodbine,1900,6
+pinesdale,410,11
+marstons,203,5
+pomaria,579,3
+klickitat,334,12
+benevolence,143,4
+marstons,960,2
+cosmos,716,3
+woodbine,682,10
+stockman,404,5
+beechwood,1166,3
+coffeen,1083,1
+wainscott,1435,3
+lindenwood,515,9
+ranchester,939,2
+wainscott,1338,4
+stockman,1092,2
+pomaria,1422,2
+pomaria,478,7
+marstons,1514,0
+klickitat,394,8
+klickitat,2377,7
+mifflinburg,813,2
+marstons,2433,1
+klickitat,255,1
+lindenwood,66,10
+ranchester,686,2
+hiteman,567,3
+ranchester,950,2
+stockman,1075,5
+newfields,1417,5
+hiteman,346,10
+mifflinburg,439,2
+newfields,39,3
+wainscott,329,4
+pomaria,259,12
+hiteman,350,4
+woodbine,402,2
+pomaria,911,0
+hiteman,695,5
+wainscott,1078,0
+lindenwood,1266,4
+newfields,86,6
+lindenwood,2557,8
+hanson,99,1
+coffeen,272,1
+cosmos,919,0
+lindenwood,1099,1
+ranchester,1373,0
+coffeen,1076,2
+wainscott,177,0
+beechwood,276,3
+mifflinburg,99,0
+wainscott,67,0
+pinesdale,280,1
+hanson,1485,4
+benevolence,458,6
+shelbyville,1339,5
+marstons,826,1
+coffeen,629,3
+cosmos,567,10
+beechwood,876,3
+marstons,1764,12
+lindenwood,2129,15
+marstons,2493,3
+woodbine,1380,6
+forkland,875,2
+lakeville,991,6
+leonardo,884,10
+coffeen,613,0
+shelbyville,1219,5
+klickitat,2116,12
+shelbyville,1747,10
+marstons,1773,7
+cosmos,654,1
+hanson,1569,4
+pinesdale,1176,1
+shelbyville,2502,0
+shelbyville,921,11
+newfields,519,3
+wainscott,586,12
+newfields,1556,2
+marstons,663,3
+leonardo,30,0
+shelbyville,2325,8
+tolstoy,1061,4
+woodbine,74,2
+lindenwood,136,0
+shelbyville,641,5
+woodbine,1919,8
+stockman,1221,0
+wainscott,1019,6
+lakeville,1002,3
+lakeville,418,2
+merom,119,0
+pinesdale,837,8
+hiteman,862,6
+leonardo,330,5
+pomaria,917,2
+marstons,2618,9
+klickitat,909,1
+onaga,168,2
+klickitat,2228,9
+merom,497,1
+woodbine,1483,2
+marstons,887,2
+leonardo,2066,5
+marstons,464,1
+lindenwood,1082,8
+lakeville,991,4
+marstons,556,2
+beechwood,1163,3
+mifflinburg,95,1
+klickitat,1313,2
+pomaria,944,17
+benevolence,500,1
+tolstoy,636,1
+shelbyville,1800,1
+marstons,639,1
+benevolence,824,0
+hiteman,1858,4
+coffeen,940,5
+coffeen,1316,4
+marstons,2652,1
+klickitat,9,5
+tolstoy,1454,6
+leonardo,1935,2
+klickitat,1826,3
+leonardo,1720,8
+pomaria,1218,5
+klickitat,1858,0
+forkland,737,9
+marstons,194,4
+hanson,1327,2
+ranchester,350,7
+shelbyville,2317,2
+hiteman,115,2
+benevolence,49,1
+klickitat,190,5
+klickitat,1287,0
+tolstoy,1242,4
+marstons,1366,0
+beechwood,879,1
+newfields,885,0
+lindenwood,2294,6
+woodbine,546,0
+woodbine,1168,5
+wainscott,833,1
+lakeville,1632,2
+leonardo,1339,2
+coffeen,1338,0
+woodbine,66,7
+mifflinburg,903,6
+coffeen,1399,2
+ranchester,895,10
+leonardo,265,3
+klickitat,2246,8
+leonardo,1408,7
+coffeen,1318,0
+lindenwood,75,0
+beechwood,509,7
+marstons,2159,6
+beechwood,435,1
+hanson,89,6
+lindenwood,1426,1
+coffeen,211,7
+woodbine,665,1
+benevolence,450,2
+newfields,899,2
+shelbyville,2771,7
+lindenwood,218,2
+wainscott,250,13
+marstons,2431,13
+forkland,768,3
+forkland,134,5
+beechwood,1022,3
+wainscott,113,0
+beechwood,255,6
+pomaria,1035,0
+hiteman,1650,2
+mifflinburg,232,2
+newfields,42,3
+lakeville,983,2
+merom,732,2
+lindenwood,1277,4
+leonardo,130,6
+hanson,991,2
+shelbyville,921,9
+newfields,931,9
+lakeville,561,16
+lindenwood,1072,1
+lindenwood,897,1
+lindenwood,2363,2
+marstons,950,0
+lindenwood,1162,0
+ranchester,971,3
+newfields,1161,8
+shelbyville,1498,5
+shelbyville,1077,15
+newfields,1552,2
+tolstoy,1452,10
+stockman,525,4
+marstons,1331,8
+beechwood,549,2
+forkland,423,1
+leonardo,347,2
+tolstoy,1253,12
+leonardo,2102,1
+ranchester,692,9
+stockman,1272,3
+ranchester,124,8
+pomaria,1265,6
+shelbyville,2231,11
+ranchester,97,3
+klickitat,1318,2
+marstons,1225,2
+lindenwood,831,0
+merom,23,3
+lindenwood,2163,0
+lindenwood,1737,3
+lindenwood,2444,4
+wainscott,808,1
+merom,486,0
+newfields,187,7
+shelbyville,520,3
+shelbyville,91,8
+shelbyville,646,2
+klickitat,1430,14
+wainscott,528,14
+tolstoy,1368,2
+cosmos,479,5
+klickitat,663,8
+klickitat,856,4
+lakeville,1292,6
+klickitat,1464,2
+tolstoy,1624,1
+tolstoy,1315,1
+woodbine,1842,8
+hiteman,464,3
+pomaria,927,2
+leonardo,704,4
+stockman,96,5
+wainscott,366,9
+stockman,615,7
+lindenwood,1819,4
+shelbyville,1980,1
+hiteman,559,3
+pomaria,1534,15
+coffeen,1518,0
+lindenwood,1038,1
+hanson,1453,11
+wainscott,1295,1
+woodbine,1154,10
+hiteman,1848,1
+tolstoy,609,5
+cosmos,771,0
+klickitat,1471,5
+shelbyville,1175,3
+ranchester,512,3
+pinesdale,1128,7
+woodbine,1386,0
+marstons,2587,4
+klickitat,1385,1
+forkland,700,4
+tolstoy,1356,6
+marstons,1002,5
+woodbine,1262,2
+mifflinburg,355,0
+cosmos,192,2
+tolstoy,803,0
+stockman,1228,4
+hiteman,1022,5
+forkland,589,4
+marstons,629,1
+shelbyville,1378,0
+wainscott,1237,11
+shelbyville,992,3
+marstons,2606,6
+leonardo,296,5
+mifflinburg,884,7
+cosmos,29,0
+marstons,38,3
+cosmos,311,2
+cosmos,685,13
+pomaria,1227,7
+wainscott,1650,2
+lakeville,985,2
+lakeville,1020,9
+pomaria,1136,1
+pinesdale,1177,0
+woodbine,1013,0
+tolstoy,522,6
+newfields,403,13
+lakeville,1472,4
+merom,902,3
+newfields,992,0
+ranchester,1507,2
+marstons,342,1
+mifflinburg,86,5
+forkland,1085,1
+newfields,858,0
+wainscott,718,1
+mifflinburg,733,0
+merom,834,0
+newfields,1222,13
+hiteman,818,5
+hiteman,1446,8
+klickitat,1953,9
+wainscott,1575,7
+stockman,1265,1
+shelbyville,2655,9
+mifflinburg,0,2
+newfields,337,1
+pinesdale,985,20
+tolstoy,419,3
+pinesdale,130,6
+leonardo,1411,18
+onaga,610,3
+merom,341,3
+coffeen,1279,1
+lakeville,122,3
+woodbine,1007,0
+woodbine,1788,5
+newfields,1027,4
+hiteman,815,0
+lindenwood,1008,1
+hiteman,714,4
+newfields,771,1
+pomaria,1593,1
+woodbine,1521,0
+tolstoy,1284,5
+marstons,2203,8
+lindenwood,2175,5
+newfields,1197,0
+tolstoy,304,5
+woodbine,1514,2
+allensville,299,1
+stockman,1198,11
+stockman,1441,4
+klickitat,1608,1
+hiteman,1561,5
+woodbine,1847,1
+klickitat,2326,9
+allensville,331,5
+pomaria,1344,8
+klickitat,1352,3
+shelbyville,1399,13
+leonardo,1121,0
+beechwood,547,2
+hanson,543,4
+leonardo,1213,15
+tolstoy,1617,6
+pomaria,1147,10
+klickitat,2279,3
+shelbyville,2484,8
+lakeville,713,1
+ranchester,1172,2
+lakeville,347,11
+marstons,253,2
+cosmos,393,10
+marstons,1449,0
+marstons,1896,17
+cosmos,828,5
+newfields,1149,6
+coffeen,870,2
+newfields,979,4
+leonardo,2041,1
+mifflinburg,69,0
+woodbine,1253,3
+woodbine,1963,1
+pinesdale,1358,0
+coffeen,1486,2
+pinesdale,1238,3
+forkland,958,1
+wainscott,461,8
+woodbine,266,2
+leonardo,921,2
+newfields,1523,5
+tolstoy,795,7
+woodbine,814,2
+stockman,850,1
+lakeville,1176,1
+woodbine,2003,1
+allensville,387,1
+hanson,860,6
+beechwood,703,7
+hanson,790,0
+beechwood,1140,0
+lindenwood,1586,7
+wainscott,801,1
+beechwood,208,3
+leonardo,498,1
+beechwood,599,0
+tolstoy,898,0
+pomaria,862,2
+shelbyville,454,4
+coffeen,653,2
+woodbine,1678,3
+hanson,992,14
+marstons,2438,6
+forkland,1,4
+klickitat,397,2
+marstons,2200,3
+wainscott,1740,5
+mifflinburg,22,3
+stockman,759,2
+wainscott,1552,0
+woodbine,325,7
+coffeen,403,0
+klickitat,155,2
+pinesdale,1448,1
+lakeville,523,8
+beechwood,360,1
+benevolence,402,0
+leonardo,1776,9
+hanson,1438,4
+lindenwood,1553,0
+coffeen,1265,5
+hiteman,69,1
+coffeen,242,2
+klickitat,2365,4
+benevolence,894,2
+klickitat,2202,13
+hanson,1406,7
+hanson,1402,3
+coffeen,571,0
+newfields,113,1
+coffeen,31,1
+cosmos,1040,1
+lakeville,154,3
+klickitat,590,3
+forkland,497,0
+shelbyville,1943,5
+tolstoy,436,6
+hiteman,1240,5
+marstons,2225,2
+cosmos,509,3
+woodbine,1754,8
+klickitat,1363,16
+hanson,1091,9
+pomaria,547,9
+wainscott,1192,6
+marstons,921,2
+lindenwood,357,3
+woodbine,264,2
+woodbine,2050,6
+hiteman,527,2
+merom,735,7
+shelbyville,1020,1
+hanson,729,6
+coffeen,1247,5
+lindenwood,2439,2
+lakeville,1536,1
+forkland,225,2
+cosmos,1044,3
+lakeville,1286,3
+forkland,972,2
+mifflinburg,813,3
+klickitat,947,2
+shelbyville,1077,19
+hiteman,1005,1
+hanson,767,6
+hanson,1189,3
+shelbyville,71,10
+beechwood,115,10
+newfields,1340,2
+wainscott,976,8
+pomaria,1619,10
+shelbyville,2494,4
+klickitat,2010,13
+pomaria,1329,3
+woodbine,728,5
+lindenwood,2502,3
+marstons,2285,0
+leonardo,2078,2
+onaga,674,3
+lindenwood,2034,0
+lindenwood,2341,2
+lindenwood,2371,4
+klickitat,505,4
+pinesdale,864,6
+marstons,2021,19
+tolstoy,1756,5
+pinesdale,206,4
+coffeen,892,0
+ranchester,681,1
+tolstoy,269,4
+ranchester,765,3
+wainscott,325,1
+shelbyville,1724,5
+marstons,205,3
+woodbine,1583,2
+lindenwood,494,4
+lindenwood,1757,7
+shelbyville,2355,0
+lindenwood,1161,1
+leonardo,1446,2
+marstons,1212,5
+wainscott,1012,7
+shelbyville,1711,4
+cosmos,607,0
+tolstoy,630,2
+beechwood,202,6
+woodbine,1055,5
+newfields,1091,2
+pomaria,64,5
+pomaria,508,3
+tolstoy,206,8
+lindenwood,1871,0
+woodbine,1640,4
+marstons,657,7
+merom,84,4
+lindenwood,1186,3
+beechwood,775,1
+marstons,2242,0
+hiteman,1477,0
+hiteman,683,0
+cosmos,538,10
+klickitat,593,2
+hiteman,660,20
+forkland,1002,6
+tolstoy,1771,8
+lakeville,1082,2
+cosmos,490,3
+woodbine,336,7
+beechwood,1056,8
+hiteman,1010,4
+hanson,168,11
+shelbyville,329,0
+wainscott,141,3
+lindenwood,2132,0
+woodbine,1227,9
+lakeville,842,12
+klickitat,96,6
+woodbine,1328,7
+newfields,47,6
+stockman,1573,2
+marstons,719,7
+tolstoy,1811,4
+lakeville,1731,9
+newfields,1537,2
+ranchester,449,0
+klickitat,1341,3
+marstons,1302,20
+hiteman,1575,1
+shelbyville,2142,0
+forkland,718,0
+klickitat,832,10
+hanson,783,7
+hanson,997,6
+wainscott,10,4
+lindenwood,1850,2
+marstons,948,3
+marstons,1648,4
+forkland,615,5
+hanson,482,0
+beechwood,1087,2
+hanson,1253,0
+forkland,446,1
+ranchester,1584,8
+mifflinburg,348,4
+stockman,81,0
+coffeen,603,3
+woodbine,139,3
+hiteman,1418,0
+onaga,628,0
+shelbyville,2293,1
+ranchester,1422,10
+beechwood,779,12
+wainscott,46,3
+wainscott,1193,1
+pinesdale,22,5
+tolstoy,1508,1
+ranchester,1033,20
+pomaria,706,2
+pomaria,1009,4
+wainscott,1716,4
+woodbine,1297,4
+marstons,1345,5
+tolstoy,1758,0
+hanson,709,10
+ranchester,645,5
+tolstoy,420,4
+merom,450,1
+coffeen,253,3
+shelbyville,1756,0
+klickitat,1987,3
+cosmos,787,2
+stockman,1022,2
+onaga,412,2
+leonardo,720,3
+hanson,144,12
+klickitat,47,11
+hanson,1111,11
+klickitat,1945,3
+wainscott,34,14
+klickitat,1534,0
+pinesdale,290,1
+lindenwood,10,0
+pinesdale,1158,8
+stockman,532,3
+newfields,252,0
+klickitat,1735,12
+hiteman,473,1
+coffeen,1232,8
+lindenwood,799,7
+onaga,87,1
+onaga,98,1
+onaga,199,0
+lakeville,992,1
+klickitat,1971,4
+shelbyville,2423,0
+pomaria,1678,3
+pinesdale,1300,1
+merom,1008,3
+hanson,1308,6
+lindenwood,2358,1
+woodbine,360,6
+shelbyville,225,1
+stockman,1217,3
+lakeville,469,2
+benevolence,68,1
+wainscott,1575,9
+woodbine,1764,3
+cosmos,944,0
+lakeville,1119,3
+wainscott,1332,8
+wainscott,1080,4
+shelbyville,1783,4
+lindenwood,2637,1
+hiteman,131,14
+leonardo,1000,19
+hiteman,908,3
+shelbyville,2331,0
+ranchester,1518,0
+newfields,1647,2
+marstons,70,5
+forkland,286,3
+woodbine,1042,4
+woodbine,488,0
+marstons,477,1
+tolstoy,157,3
+pinesdale,292,7
+shelbyville,1674,1
+hanson,1232,2
+tolstoy,883,0
+leonardo,1707,2
+hanson,1270,4
+wainscott,951,4
+stockman,425,3
+lindenwood,36,6
+leonardo,862,4
+lakeville,1309,1
+woodbine,821,6
+merom,919,1
+pomaria,915,4
+newfields,610,4
+hiteman,1725,2
+hanson,727,2
+pomaria,1050,1
+shelbyville,704,2
+newfields,388,0
+wainscott,1454,0
+pomaria,713,5
+cosmos,151,2
+merom,4,0
+hanson,1459,13
+mifflinburg,646,1
+forkland,262,0
+coffeen,296,2
+cosmos,784,0
+shelbyville,2560,3
+beechwood,661,0
+ranchester,1535,2
+hiteman,699,11
+lakeville,1872,1
+wainscott,264,0
+woodbine,1483,1
+lindenwood,1991,0
+beechwood,405,2
+leonardo,710,2
+mifflinburg,592,2
+wainscott,820,6
+lindenwood,1976,7
+coffeen,129,4
+shelbyville,1285,3
+woodbine,654,7
+shelbyville,2469,0
+pinesdale,617,3
+woodbine,758,1
+mifflinburg,566,2
+shelbyville,1303,2
+forkland,900,11
+hiteman,193,0
+pomaria,1127,9
+cosmos,1041,9
+lakeville,906,2
+merom,44,8
+hiteman,1391,2
+pinesdale,320,3
+wainscott,891,4
+ranchester,936,2
+ranchester,24,13
+newfields,588,15
+lakeville,528,13
+lakeville,579,1
+beechwood,675,0
+lakeville,34,4
+leonardo,1895,10
+wainscott,379,7
+pomaria,1638,0
+merom,150,9
+lindenwood,43,3
+stockman,957,3
+pinesdale,503,2
+tolstoy,1425,1
+coffeen,1275,5
+lindenwood,2616,4
+pomaria,1563,4
+lakeville,94,2
+tolstoy,1811,1
+woodbine,846,12
+woodbine,1201,1
+lindenwood,1496,2
+leonardo,1338,4
+pomaria,1419,1
+coffeen,625,4
+stockman,63,4
+leonardo,1657,3
+pinesdale,1352,8
+pinesdale,516,1
+woodbine,1707,14
+leonardo,1528,3
+lindenwood,1050,1
+leonardo,398,7
+pomaria,232,8
+klickitat,1580,6
+newfields,555,2
+marstons,417,2
+coffeen,895,2
+mifflinburg,271,1
+woodbine,736,0
+klickitat,268,3
+tolstoy,179,6
+newfields,1358,3
+ranchester,1475,1
+stockman,1553,2
+wainscott,551,7
+newfields,594,9
+marstons,326,4
+wainscott,1658,4
+woodbine,1973,1
+ranchester,1292,3
+allensville,427,5
+lindenwood,488,1
+coffeen,1035,0
+shelbyville,815,5
+lindenwood,1339,2
+klickitat,868,0
+forkland,277,5
+woodbine,721,1
+pomaria,103,1
+hanson,427,0
+wainscott,1303,4
+lindenwood,2574,1
+stockman,377,4
+cosmos,969,8
+lindenwood,2428,5
+coffeen,462,5
+klickitat,1677,3
+stockman,421,3
+benevolence,614,13
+marstons,193,6
+marstons,2614,9
+pinesdale,528,5
+lindenwood,1836,3
+pomaria,46,0
+hanson,757,4
+lindenwood,1099,11
+klickitat,90,1
+klickitat,488,17
+lakeville,1662,6
+wainscott,1640,4
+lindenwood,59,4
+hanson,74,2
+shelbyville,428,0
+merom,1002,2
+lindenwood,2568,4
+pinesdale,1384,8
+stockman,976,2
+marstons,1447,4
+shelbyville,1388,10
+leonardo,361,1
+woodbine,1159,15
+stockman,1159,2
+pinesdale,1117,3
+shelbyville,2233,3
+benevolence,93,0
+newfields,1583,5
+pomaria,789,1
+pomaria,59,1
+beechwood,34,1
+ranchester,645,2
+hiteman,1764,8
+woodbine,515,4
+hiteman,1118,4
+cosmos,77,3
+coffeen,1109,4
+wainscott,1121,7
+marstons,2412,1
+marstons,268,1
+woodbine,343,4
+ranchester,182,8
+klickitat,1792,3
+wainscott,1708,11
+tolstoy,701,4
+pomaria,874,13
+beechwood,869,1
+coffeen,302,7
+lindenwood,965,12
+lindenwood,1335,7
+shelbyville,2379,7
+hanson,1119,2
+klickitat,1711,4
+hanson,1505,3
+klickitat,1925,5
+cosmos,141,7
+newfields,166,10
+shelbyville,1699,7
+leonardo,1563,0
+lakeville,1746,6
+woodbine,518,2
+leonardo,579,7
+cosmos,465,1
+pomaria,587,2
+marstons,25,1
+klickitat,1632,4
+tolstoy,576,6
+shelbyville,2313,8
+pomaria,35,8
+hanson,1119,4
+mifflinburg,567,2
+tolstoy,207,3
+leonardo,1335,7
+tolstoy,666,3
+wainscott,1046,9
+hiteman,1344,3
+hanson,1016,9
+coffeen,122,7
+marstons,764,12
+merom,277,3
+klickitat,269,7
+beechwood,218,12
+hiteman,108,2
+mifflinburg,510,2
+newfields,861,8
+stockman,949,0
+pomaria,1441,3
+tolstoy,1087,0
+shelbyville,2023,0
+forkland,529,6
+pomaria,1381,1
+hiteman,1633,2
+pomaria,1432,2
+stockman,1085,3
+klickitat,94,2
+hiteman,785,0
+leonardo,1367,3
+lindenwood,569,0
+leonardo,1336,4
+shelbyville,929,7
+coffeen,1371,6
+klickitat,1586,3
+pomaria,188,2
+lakeville,1601,15
+leonardo,1825,4
+hiteman,1310,1
+wainscott,1759,2
+lindenwood,1111,7
+hiteman,715,3
+benevolence,482,7
+newfields,122,0
+wainscott,802,7
+lakeville,972,5
+pomaria,62,1
+coffeen,1312,2
+hanson,659,13
+woodbine,2054,5
+leonardo,1447,0
+woodbine,1794,6
+cosmos,823,3
+tolstoy,1601,6
+newfields,516,0
+marstons,453,4
+merom,277,2
+pinesdale,860,2
+ranchester,368,3
+lindenwood,1287,0
+woodbine,1337,1
+hiteman,734,4
+mifflinburg,246,7
+mifflinburg,472,2
+wainscott,774,10
+lakeville,1320,1
+allensville,87,5
+wainscott,444,2
+coffeen,1007,8
+tolstoy,1164,5
+klickitat,853,2
+marstons,2471,4
+pomaria,1416,14
+shelbyville,1405,2
+coffeen,326,0
+forkland,916,3
+pinesdale,1118,2
+marstons,1114,6
+lindenwood,2073,5
+tolstoy,512,0
+shelbyville,2590,1
+mifflinburg,308,5
+lindenwood,2215,0
+leonardo,1348,0
+tolstoy,1180,1
+onaga,357,0
+woodbine,1458,2
+leonardo,1087,5
+pinesdale,1504,2
+cosmos,414,7
+lakeville,1601,7
+allensville,207,2
+onaga,294,5
+marstons,1245,17
+woodbine,1545,1
+ranchester,351,6
+pomaria,465,18
+leonardo,769,3
+tolstoy,1088,10
+stockman,1355,0
+klickitat,493,11
+tolstoy,100,7
+lakeville,1602,12
+klickitat,1088,1
+pinesdale,664,2
+lakeville,1751,0
+klickitat,713,3
+klickitat,1708,3
+beechwood,455,11
+leonardo,339,1
+forkland,1141,0
+wainscott,1673,0
+ranchester,826,7
+marstons,596,1
+tolstoy,146,1
+klickitat,1406,0
+shelbyville,438,14
+leonardo,184,2
+lindenwood,1826,1
+shelbyville,2226,5
+pinesdale,925,2
+lakeville,1263,6
+woodbine,1544,7
+stockman,873,0
+lindenwood,331,3
+hanson,1339,0
+wainscott,498,5
+shelbyville,1768,0
+coffeen,625,0
+marstons,273,1
+marstons,1253,0
+benevolence,820,1
+lakeville,368,8
+tolstoy,643,1
+newfields,713,7
+leonardo,913,3
+pinesdale,68,9
+tolstoy,1457,4
+stockman,591,1
+hiteman,1289,0
+woodbine,39,3
+shelbyville,1898,2
+forkland,686,4
+coffeen,1058,1
+woodbine,1268,1
+ranchester,641,1
+beechwood,140,5
+coffeen,454,10
+mifflinburg,624,3
+leonardo,1327,1
+merom,774,1
+tolstoy,37,1
+stockman,1608,0
+wainscott,906,4
+lindenwood,2001,4
+shelbyville,2354,5
+klickitat,472,5
+tolstoy,359,0
+stockman,67,0
+shelbyville,1015,0
+lakeville,351,17
+marstons,2214,10
+pinesdale,470,0
+hiteman,393,15
+marstons,1063,12
+hiteman,1299,3
+woodbine,1123,2
+hiteman,1129,11
+pinesdale,920,9
+tolstoy,175,1
+marstons,639,2
+pinesdale,492,0
+hiteman,781,0
+stockman,1129,3
+lakeville,1564,1
+marstons,759,1
+ranchester,847,9
+shelbyville,2183,5
+pomaria,801,10
+coffeen,838,3
+onaga,336,3
+hiteman,1478,11
+coffeen,361,2
+stockman,1075,3
+wainscott,999,13
+klickitat,2381,3
+wainscott,844,8
+pomaria,388,13
+hiteman,1190,0
+marstons,1656,0
+hiteman,1011,5
+marstons,958,2
+coffeen,915,1
+klickitat,621,8
+pinesdale,343,9
+lindenwood,515,10
+stockman,353,2
+lakeville,1181,0
+benevolence,820,9
+merom,756,10
+newfields,1458,8
+cosmos,1026,2
+klickitat,163,7
+lindenwood,1603,4
+woodbine,1688,9
+onaga,55,4
+shelbyville,388,2
+shelbyville,360,4
+klickitat,2222,3
+marstons,1135,12
+hanson,528,9
+wainscott,557,3
+wainscott,1795,2
+stockman,214,1
+lindenwood,584,5
+woodbine,85,1
+ranchester,386,2
+hiteman,1219,5
+leonardo,1800,8
+benevolence,581,2
+marstons,2145,1
+forkland,354,1
+tolstoy,1092,11
+woodbine,869,0
+woodbine,1368,2
+cosmos,804,12
+hanson,1324,2
+forkland,1144,4
+pomaria,20,2
+stockman,1069,2
+pinesdale,343,4
+shelbyville,845,6
+leonardo,1145,2
+forkland,682,2
+lakeville,1156,1
+pinesdale,1332,1
+woodbine,285,12
+shelbyville,1634,2
+forkland,1114,4
+tolstoy,271,0
+marstons,2025,1
+marstons,675,3
+marstons,420,1
+newfields,1592,1
+woodbine,787,2
+shelbyville,1202,2
+woodbine,705,6
+mifflinburg,969,4
+klickitat,1650,1
+lindenwood,630,4
+woodbine,1102,1
+pinesdale,923,11
+woodbine,624,0
+onaga,391,5
+pinesdale,533,3
+pinesdale,343,7
+lindenwood,37,1
+tolstoy,922,1
+hanson,487,2
+mifflinburg,372,1
+pomaria,627,10
+lindenwood,127,0
+shelbyville,282,12
+shelbyville,1414,4
+klickitat,1745,20
+tolstoy,1189,5
+newfields,1426,5
+ranchester,208,3
+hiteman,681,5
+klickitat,687,7
+klickitat,1365,6
+klickitat,1784,1
+newfields,486,3
+shelbyville,2458,2
+woodbine,1417,5
+pomaria,1317,2
+woodbine,1633,6
+forkland,146,2
+pinesdale,1470,1
+lakeville,55,3
+ranchester,827,3
+hanson,1520,1
+forkland,809,3
+klickitat,1941,0
+hanson,1230,11
+shelbyville,2789,9
+lakeville,108,9
+lakeville,631,8
+hiteman,456,3
+wainscott,1032,6
+mifflinburg,192,10
+shelbyville,2410,0
+forkland,1157,2
+woodbine,1115,0
+leonardo,909,6
+lakeville,1086,0
+leonardo,1399,4
+ranchester,1173,1
+beechwood,52,4
+newfields,581,0
+hanson,566,1
+hanson,356,12
+marstons,883,8
+lakeville,808,4
+hanson,1632,4
+klickitat,1840,1
+hanson,625,8
+stockman,424,4
+shelbyville,2039,2
+lindenwood,1087,5
+lakeville,235,0
+woodbine,1036,8
+lindenwood,1600,8
+newfields,769,0
+lindenwood,2175,7
+lindenwood,925,10
+marstons,576,5
+marstons,87,1
+leonardo,448,3
+wainscott,1493,1
+hiteman,1499,5
+hanson,1524,2
+woodbine,1583,12
+cosmos,710,0
+lakeville,1636,3
+klickitat,2071,0
+pomaria,928,4
+stockman,54,2
+hiteman,1810,0
+klickitat,685,4
+beechwood,1171,0
+shelbyville,741,3
+hanson,1310,3
+marstons,1479,0
+shelbyville,660,7
+mifflinburg,370,2
+marstons,1515,0
+hiteman,916,3
+pinesdale,680,8
+coffeen,874,6
+beechwood,1124,2
+lindenwood,919,1
+newfields,1371,1
+stockman,457,0
+woodbine,1379,4
+hiteman,726,9
+ranchester,1265,5
+shelbyville,530,0
+shelbyville,2626,1
+leonardo,543,0
+klickitat,344,9
+shelbyville,339,0
+lakeville,1034,0
+pinesdale,302,5
+ranchester,503,5
+marstons,2452,7
+merom,70,1
+klickitat,455,4
+woodbine,96,5
+cosmos,329,2
+shelbyville,2777,7
+leonardo,1858,5
+cosmos,1010,9
+leonardo,754,6
+lakeville,1190,1
+hanson,1125,8
+tolstoy,179,14
+cosmos,685,2
+shelbyville,1670,8
+klickitat,1713,1
+mifflinburg,548,1
+cosmos,96,0
+woodbine,1526,2
+hanson,358,0
+newfields,1125,9
+marstons,657,2
+pinesdale,1487,5
+woodbine,686,1
+onaga,93,3
+tolstoy,677,4
+lakeville,263,13
+woodbine,50,1
+wainscott,1150,0
+coffeen,1121,2
+pinesdale,5,0
+woodbine,1008,2
+hiteman,767,4
+lakeville,1468,0
+ranchester,927,6
+klickitat,2413,4
+marstons,1743,4
+klickitat,1416,12
+lindenwood,2148,4
+onaga,377,1
+hiteman,1777,4
+wainscott,665,1
+tolstoy,802,2
+lakeville,588,2
+shelbyville,1033,6
+marstons,1728,6
+leonardo,1434,6
+newfields,495,10
+wainscott,921,9
+wainscott,579,2
+stockman,1246,3
+marstons,2016,1
+shelbyville,1902,7
+shelbyville,1537,11
+klickitat,1880,3
+klickitat,66,3
+woodbine,1871,7
+lindenwood,1510,5
+pinesdale,1047,9
+newfields,1061,0
+pomaria,208,3
+coffeen,411,9
+newfields,1512,0
+shelbyville,2057,0
+hanson,999,3
+mifflinburg,903,1
+pomaria,1326,15
+shelbyville,1007,0
+lindenwood,1329,4
+marstons,2038,2
+hanson,107,4
+hiteman,865,10
+hanson,347,1
+tolstoy,533,2
+klickitat,1241,1
+leonardo,203,4
+marstons,357,4
+tolstoy,143,4
+onaga,391,1
+forkland,968,1
+cosmos,872,2
+shelbyville,1758,0
+klickitat,971,3
+lindenwood,232,8
+newfields,274,10
+shelbyville,329,2
+mifflinburg,506,3
+marstons,400,2
+hiteman,1555,0
+klickitat,825,4
+coffeen,1028,6
+hanson,1218,9
+lakeville,822,5
+marstons,653,0
+shelbyville,531,15
+leonardo,530,15
+benevolence,877,1
+pomaria,833,6
+hiteman,1054,1
+lakeville,52,4
+klickitat,2364,0
+leonardo,2063,2
+shelbyville,268,2
+leonardo,1600,8
+cosmos,671,1
+klickitat,362,3
+shelbyville,1292,6
+ranchester,1605,1
+lindenwood,1307,5
+leonardo,1579,8
+pomaria,662,11
+newfields,207,0
+lindenwood,1131,5
+woodbine,861,14
+forkland,421,0
+marstons,2170,9
+hanson,726,2
+mifflinburg,70,3
+klickitat,1274,3
+klickitat,1162,3
+shelbyville,1511,4
+hanson,1599,2
+leonardo,2048,0
+hanson,1498,1
+coffeen,900,2
+lindenwood,906,4
+merom,889,5
+beechwood,211,0
+shelbyville,459,8
+lindenwood,97,9
+beechwood,843,8
+klickitat,131,3
+klickitat,2022,13
+newfields,884,3
+hanson,1651,1
+mifflinburg,819,2
+pinesdale,1093,3
+hiteman,162,3
+forkland,229,4
+marstons,1661,14
+newfields,423,7
+pinesdale,725,4
+wainscott,109,0
+shelbyville,444,1
+ranchester,274,10
+stockman,163,9
+klickitat,2112,8
+beechwood,934,0
+merom,751,0
+hiteman,1011,1
+merom,261,3
+hiteman,870,5
+cosmos,917,4
+shelbyville,560,1
+onaga,426,0
+shelbyville,1361,6
+mifflinburg,280,3
+pomaria,1046,6
+ranchester,1429,1
+hanson,485,1
+lakeville,539,0
+ranchester,1329,1
+forkland,119,0
+hiteman,793,1
+shelbyville,2722,4
+shelbyville,1839,7
+hiteman,1445,3
+lindenwood,554,3
+stockman,159,1
+cosmos,967,1
+marstons,38,5
+shelbyville,829,4
+leonardo,1990,2
+hanson,155,0
+forkland,256,3
+lakeville,1749,7
+benevolence,482,4
+woodbine,1597,2
+benevolence,7,9
+klickitat,1014,5
+pomaria,1539,9
+ranchester,607,3
+coffeen,1307,1
+newfields,892,12
+lakeville,654,5
+hanson,125,1
+lakeville,1145,4
+pinesdale,827,2
+pinesdale,722,1
+marstons,348,1
+wainscott,829,4
+onaga,98,0
+newfields,812,11
+lakeville,1537,9
+cosmos,557,9
+leonardo,1591,11
+klickitat,1658,0
+klickitat,1506,4
+hanson,894,3
+leonardo,1319,0
+woodbine,747,5
+marstons,1084,7
+onaga,364,6
+marstons,1884,2
+ranchester,240,0
+forkland,506,0
+benevolence,701,4
+hiteman,713,1
+lakeville,591,3
+marstons,348,13
+shelbyville,1346,1
+newfields,1245,10
+woodbine,1811,4
+klickitat,1671,11
+tolstoy,1015,4
+wainscott,1014,5
+merom,880,6
+stockman,407,4
+merom,205,4
+mifflinburg,851,0
+ranchester,1571,2
+leonardo,649,1
+ranchester,1555,0
+coffeen,206,1
+pomaria,368,9
+lindenwood,1769,7
+woodbine,1032,6
+hanson,164,10
+marstons,1000,5
+stockman,716,0
+shelbyville,2621,1
+tolstoy,1107,7
+hiteman,1640,5
+marstons,1286,0
+forkland,711,6
+klickitat,1484,1
+newfields,112,2
+shelbyville,1952,2
+klickitat,1910,3
+woodbine,916,5
+benevolence,556,7
+onaga,118,0
+coffeen,1194,1
+lindenwood,36,0
+beechwood,721,2
+wainscott,850,3
+klickitat,1289,2
+lakeville,492,7
+lindenwood,1977,5
+hanson,330,4
+klickitat,1555,6
+klickitat,1997,5
+lakeville,1022,1
+onaga,613,3
+leonardo,559,10
+leonardo,1318,5
+tolstoy,185,2
+pinesdale,1490,4
+benevolence,527,1
+lakeville,1851,3
+leonardo,256,2
+marstons,562,4
+stockman,363,1
+woodbine,132,6
+woodbine,1616,1
+newfields,1423,4
+leonardo,1840,2
+marstons,539,4
+pomaria,926,4
+hanson,1471,2
+mifflinburg,122,5
+coffeen,338,3
+hanson,1617,12
+hiteman,895,4
+lakeville,1233,2
+lindenwood,59,3
+hanson,927,0
+wainscott,654,0
+onaga,508,0
+lakeville,1118,2
+stockman,439,2
+leonardo,1001,1
+lakeville,1188,4
+klickitat,1622,0
+forkland,1160,6
+woodbine,327,10
+ranchester,1586,1
+wainscott,701,3
+marstons,734,7
+mifflinburg,48,4
+newfields,193,5
+marstons,911,0
+allensville,40,0
+lindenwood,743,2
+coffeen,1304,4
+pomaria,1245,5
+hanson,1218,5
+pomaria,1090,9
+beechwood,1156,1
+marstons,2006,3
+pomaria,943,0
+hiteman,446,4
+beechwood,406,1
+klickitat,330,7
+pomaria,557,15
+pomaria,706,9
+shelbyville,2501,9
+shelbyville,1555,10
+tolstoy,1458,3
+cosmos,660,0
+benevolence,521,8
+klickitat,1818,4
+woodbine,1546,4
+lindenwood,2093,3
+beechwood,842,0
+mifflinburg,321,0
+cosmos,683,1
+ranchester,1464,3
+tolstoy,228,1
+woodbine,67,7
+hiteman,1690,4
+newfields,571,4
+tolstoy,1370,2
+newfields,763,2
+leonardo,2003,2
+newfields,1107,0
+marstons,550,7
+beechwood,555,1
+onaga,658,3
+newfields,1165,2
+wainscott,21,2
+woodbine,1565,1
+newfields,61,10
+ranchester,615,2
+pinesdale,135,3
+hanson,1479,7
+beechwood,66,0
+marstons,523,0
+mifflinburg,961,9
+shelbyville,1233,9
+beechwood,233,4
+hanson,706,2
+shelbyville,1436,2
+tolstoy,88,17
+shelbyville,2160,1
+woodbine,2049,17
+pinesdale,1501,3
+tolstoy,761,6
+tolstoy,329,9
+woodbine,192,0
+woodbine,1534,0
+lindenwood,2141,3
+forkland,897,2
+coffeen,196,3
+lindenwood,2600,6
+pomaria,1036,4
+lindenwood,680,0
+wainscott,701,1
+tolstoy,1333,5
+pomaria,643,0
+tolstoy,1256,1
+forkland,649,3
+shelbyville,2262,0
+merom,781,1
+ranchester,562,2
+cosmos,199,14
+pomaria,736,7
+allensville,306,0
+newfields,743,2
+wainscott,933,1
+tolstoy,200,4
+leonardo,451,4
+wainscott,428,0
+shelbyville,1059,2
+klickitat,1607,2
+hiteman,647,2
+tolstoy,267,14
+ranchester,458,0
+hanson,914,1
+benevolence,458,1
+marstons,2005,0
+cosmos,71,8
+pinesdale,425,4
+leonardo,1480,9
+marstons,705,10
+wainscott,1586,5
+hiteman,1358,3
+klickitat,169,0
+wainscott,442,7
+newfields,516,11
+hanson,1657,8
+lakeville,1443,5
+forkland,634,3
+tolstoy,1463,3
+leonardo,909,4
+woodbine,974,3
+klickitat,1381,4
+woodbine,1106,2
+coffeen,913,0
+hanson,1466,8
+woodbine,313,9
+mifflinburg,251,3
+mifflinburg,817,0
+hanson,370,0
+shelbyville,2226,2
+lakeville,1424,0
+cosmos,372,8
+marstons,296,3
+klickitat,1055,2
+shelbyville,303,1
+stockman,611,2
+shelbyville,1069,0
+merom,469,8
+shelbyville,2777,1
+lindenwood,2478,6
+leonardo,1364,3
+stockman,1586,0
+forkland,839,7
+lindenwood,1898,6
+hiteman,913,0
+hanson,1457,4
+lakeville,606,7
+pinesdale,790,4
+coffeen,984,5
+newfields,1288,1
+mifflinburg,426,0
+lindenwood,1280,2
+hiteman,455,1
+lindenwood,41,3
+beechwood,786,6
+tolstoy,969,1
+leonardo,73,2
+coffeen,277,3
+newfields,1478,3
+merom,596,8
+cosmos,686,3
+onaga,336,2
+klickitat,1930,3
+klickitat,1144,1
+stockman,511,3
+marstons,1198,3
+hiteman,1655,0
+shelbyville,1425,9
+pinesdale,308,2
+wainscott,882,7
+benevolence,776,3
+tolstoy,1323,0
+stockman,802,1
+hiteman,891,0
+lindenwood,1582,0
+newfields,1421,2
+hiteman,298,3
+marstons,565,4
+wainscott,1517,5
+klickitat,757,2
+woodbine,1724,2
+beechwood,1031,6
+newfields,478,14
+pinesdale,751,4
+pomaria,917,0
+lindenwood,1853,13
+shelbyville,1151,1
+pomaria,1127,4
+merom,336,5
+leonardo,1988,16
+klickitat,266,3
+lakeville,103,1
+allensville,11,1
+cosmos,109,1
+tolstoy,168,12
+shelbyville,2495,12
+lindenwood,1250,5
+marstons,2471,13
+tolstoy,1738,15
+pinesdale,437,0
+stockman,374,8
+leonardo,1480,0
+leonardo,547,1
+beechwood,181,4
+pinesdale,1412,2
+pomaria,506,8
+pinesdale,176,3
+shelbyville,1540,3
+forkland,382,4
+woodbine,789,4
+ranchester,612,2
+coffeen,51,1
+wainscott,1174,8
+marstons,2201,0
+tolstoy,717,1
+ranchester,576,0
+coffeen,1286,3
+merom,1114,2
+mifflinburg,557,0
+klickitat,1247,3
+tolstoy,497,1
+klickitat,2325,8
+hiteman,1192,2
+lakeville,698,0
+pinesdale,1274,5
+ranchester,494,3
+shelbyville,1910,4
+lindenwood,1993,7
+marstons,4,3
+newfields,439,4
+coffeen,667,0
+stockman,868,4
+lakeville,39,7
+shelbyville,2524,4
+cosmos,861,0
+lakeville,898,8
+marstons,2029,2
+klickitat,693,16
+lindenwood,2288,1
+tolstoy,442,3
+ranchester,579,5
+klickitat,2259,2
+marstons,1268,4
+woodbine,1124,1
+leonardo,1579,6
+lindenwood,2410,1
+woodbine,508,4
+ranchester,1264,0
+marstons,2206,2
+pinesdale,852,10
+beechwood,242,0
+forkland,1140,0
+leonardo,1384,2
+marstons,1446,0
+shelbyville,2708,8
+hanson,1291,2
+woodbine,1474,2
+pomaria,864,10
+leonardo,433,7
+ranchester,596,10
+hiteman,1308,5
+onaga,643,5
+coffeen,440,4
+klickitat,1905,14
+klickitat,193,2
+ranchester,1290,3
+marstons,519,0
+tolstoy,1429,2
+newfields,409,8
+mifflinburg,420,0
+ranchester,1126,3
+hiteman,518,2
+pomaria,1533,3
+woodbine,408,1
+lindenwood,1096,1
+lakeville,29,0
+hiteman,1196,0
+hiteman,1420,4
+allensville,140,3
+wainscott,560,4
+pinesdale,426,3
+pomaria,1407,4
+ranchester,649,9
+lindenwood,746,1
+leonardo,2117,0
+hanson,504,1
+lakeville,295,2
+shelbyville,2192,5
+shelbyville,1240,0
+hiteman,492,8
+stockman,1311,1
+marstons,384,10
+onaga,38,2
+stockman,869,3
+newfields,70,1
+ranchester,204,5
+merom,174,2
+ranchester,792,14
+wainscott,1340,2
+pinesdale,1133,3
+woodbine,1294,5
+marstons,2613,9
+lindenwood,740,3
+marstons,183,2
+lindenwood,1499,3
+lindenwood,486,8
+marstons,179,3
+klickitat,1758,1
+shelbyville,2053,9
+lindenwood,767,1
+lakeville,1117,5
+hanson,1652,4
+klickitat,488,14
+wainscott,999,5
+wainscott,643,2
+merom,843,3
+beechwood,975,5
+leonardo,339,0
+pinesdale,1330,2
+hiteman,1042,2
+onaga,531,1
+newfields,709,1
+coffeen,1504,2
+hanson,711,0
+hanson,879,0
+marstons,1233,2
+marstons,323,3
+hiteman,1776,4
+pomaria,1547,3
+lakeville,819,0
+onaga,636,1
+klickitat,1662,2
+stockman,112,5
+ranchester,1220,3
+marstons,1184,0
+tolstoy,748,0
+klickitat,865,1
+wainscott,658,7
+forkland,696,2
+leonardo,1067,21
+tolstoy,1403,0
+allensville,140,5
+wainscott,453,6
+leonardo,1457,0
+lindenwood,927,0
+hanson,234,3
+beechwood,929,0
+klickitat,1237,0
+cosmos,1009,3
+shelbyville,2781,3
+allensville,68,0
+marstons,1660,5
+coffeen,611,3
+leonardo,1972,5
+woodbine,437,1
+ranchester,236,6
+marstons,165,0
+merom,177,3
+wainscott,140,13
+tolstoy,516,1
+cosmos,802,1
+lakeville,1862,4
+hanson,1590,3
+lakeville,370,4
+klickitat,84,6
+mifflinburg,512,4
+tolstoy,529,2
+newfields,975,1
+forkland,725,0
+tolstoy,1101,1
+lakeville,549,16
+benevolence,113,4
+lindenwood,892,8
+klickitat,2270,2
+hanson,1280,12
+shelbyville,2485,1
+leonardo,1179,3
+lakeville,1555,1
+newfields,636,16
+shelbyville,284,0
+lindenwood,855,2
+marstons,2394,1
+pinesdale,618,12
+marstons,1959,4
+stockman,671,4
+newfields,1027,2
+lindenwood,1638,0
+leonardo,359,23
+shelbyville,256,7
+newfields,1247,8
+newfields,937,2
+hanson,624,2
+lakeville,1701,2
+woodbine,1870,3
+wainscott,1562,3
+hiteman,1036,7
+shelbyville,2777,5
+marstons,879,8
+klickitat,1041,17
+woodbine,1411,1
+merom,565,3
+lindenwood,2402,4
+hanson,440,7
+stockman,199,1
+lakeville,31,2
+mifflinburg,441,3
+leonardo,137,2
+tolstoy,1424,0
+lindenwood,1045,2
+pomaria,171,1
+shelbyville,882,0
+pomaria,1544,4
+cosmos,846,1
+leonardo,376,4
+woodbine,1778,2
+pomaria,1610,1
+ranchester,207,1
+merom,916,9
+forkland,443,1
+lindenwood,803,7
+ranchester,54,9
+newfields,1058,4
+mifflinburg,248,0
+pomaria,1066,2
+onaga,209,0
+newfields,953,12
+lakeville,44,2
+shelbyville,763,5
+marstons,2258,5
+allensville,207,0
+leonardo,1608,3
+lindenwood,525,4
+ranchester,737,1
+ranchester,25,2
+ranchester,952,0
+lakeville,338,5
+newfields,38,5
+leonardo,1980,10
+hiteman,423,2
+marstons,1262,9
+shelbyville,2069,8
+merom,421,1
+woodbine,322,9
+hiteman,439,12
+hiteman,1219,7
+tolstoy,1695,3
+mifflinburg,502,0
+shelbyville,2100,11
+wainscott,597,3
+klickitat,2228,16
+pomaria,273,8
+allensville,78,3
+hiteman,167,0
+marstons,1012,10
+marstons,1659,1
+pomaria,525,0
+woodbine,1915,0
+woodbine,227,6
+marstons,775,10
+hiteman,472,0
+beechwood,116,1
+forkland,1032,9
+hanson,239,1
+coffeen,856,4
+woodbine,605,2
+onaga,210,5
+merom,974,6
+lindenwood,179,13
+hiteman,290,3
+tolstoy,779,0
+tolstoy,1473,4
+tolstoy,326,4
+pinesdale,618,15
+lindenwood,906,5
+hanson,495,2
+stockman,1226,7
+shelbyville,1714,3
+forkland,617,2
+lindenwood,606,1
+onaga,380,1
+forkland,370,1
+pinesdale,855,1
+lindenwood,358,11
+pinesdale,1498,1
+cosmos,941,0
+marstons,2420,6
+lindenwood,600,7
+klickitat,847,1
+marstons,32,6
+wainscott,878,7
+lakeville,135,4
+tolstoy,1684,1
+stockman,1458,2
+pomaria,55,0
+onaga,200,8
+hanson,574,3
+tolstoy,284,1
+hanson,896,2
+hanson,271,4
+klickitat,1363,21
+lakeville,1416,4
+hiteman,1635,4
+hiteman,417,5
+beechwood,461,5
+shelbyville,92,0
+cosmos,1027,1
+hiteman,710,3
+shelbyville,2708,0
+benevolence,128,0
+ranchester,295,2
+hanson,1093,6
+lindenwood,2145,5
+pomaria,1355,9
+hanson,22,3
+hiteman,45,1
+forkland,80,2
+merom,12,2
+woodbine,1417,6
+marstons,1079,2
+beechwood,257,0
+shelbyville,2184,15
+newfields,1421,5
+newfields,31,10
+merom,89,0
+hiteman,269,5
+mifflinburg,742,11
+hiteman,119,2
+woodbine,1984,11
+ranchester,800,0
+lindenwood,2302,1
+pomaria,1404,2
+forkland,492,1
+stockman,91,1
+klickitat,2206,2
+woodbine,958,2
+lindenwood,2134,11
+lindenwood,2415,1
+benevolence,677,2
+stockman,554,4
+hanson,1479,6
+pinesdale,308,8
+lakeville,142,3
+shelbyville,1813,5
+lakeville,613,2
+hiteman,297,1
+woodbine,1809,8
+ranchester,118,3
+lakeville,1475,8
+cosmos,450,2
+shelbyville,1184,5
+pomaria,1563,0
+beechwood,791,2
+merom,1030,2
+lakeville,1670,19
+tolstoy,1477,10
+lindenwood,2078,2
+shelbyville,357,12
+pomaria,1426,4
+ranchester,130,2
+merom,153,0
+shelbyville,1697,11
+shelbyville,1827,5
+hanson,290,4
+klickitat,2285,1
+merom,113,0
+merom,1067,0
+mifflinburg,187,1
+pomaria,1016,0
+leonardo,1591,23
+klickitat,756,5
+newfields,818,1
+cosmos,292,14
+tolstoy,581,1
+pomaria,404,2
+lindenwood,310,0
+shelbyville,2342,10
+newfields,1075,0
+hiteman,1095,9
+wainscott,1641,9
+newfields,28,1
+tolstoy,1600,5
+woodbine,2028,3
+hanson,1009,6
+lakeville,1047,2
+shelbyville,999,0
+wainscott,1660,5
+leonardo,800,2
+klickitat,886,5
+marstons,2459,4
+merom,757,10
+newfields,1312,2
+newfields,126,2
+tolstoy,76,8
+forkland,709,2
+woodbine,1221,4
+marstons,2146,4
+stockman,722,2
+tolstoy,483,0
+lindenwood,900,1
+hiteman,1,7
+leonardo,2019,1
+coffeen,278,3
+lakeville,1264,2
+wainscott,1710,0
+pomaria,727,0
+pinesdale,1070,0
+stockman,618,0
+klickitat,2215,5
+benevolence,524,1
+allensville,159,0
+hiteman,859,3
+shelbyville,487,12
+woodbine,225,0
+woodbine,487,5
+shelbyville,1949,2
+newfields,228,2
+coffeen,182,4
+klickitat,2129,8
+forkland,386,2
+klickitat,2209,4
+marstons,2368,7
+hiteman,1506,8
+hanson,892,10
+newfields,1485,3
+klickitat,678,2
+merom,676,1
+hiteman,1706,1
+stockman,1328,2
+wainscott,1309,2
+marstons,310,2
+klickitat,281,8
+klickitat,869,4
+wainscott,1006,0
+pomaria,1289,16
+stockman,327,5
+merom,1072,1
+pinesdale,728,4
+newfields,977,2
+benevolence,289,10
+newfields,370,0
+beechwood,426,7
+hanson,875,8
+lakeville,940,5
+hiteman,605,0
+lakeville,1174,3
+klickitat,2263,2
+leonardo,913,5
+pomaria,1108,0
+marstons,2639,10
+onaga,267,3
+shelbyville,1070,3
+ranchester,406,7
+leonardo,986,1
+shelbyville,722,17
+allensville,113,1
+shelbyville,694,3
+pinesdale,160,2
+woodbine,1773,4
+klickitat,526,1
+woodbine,800,3
+marstons,2192,7
+lindenwood,2102,2
+marstons,2063,8
+marstons,2104,7
+leonardo,2031,1
+marstons,725,4
+shelbyville,660,8
+wainscott,33,1
+tolstoy,81,4
+klickitat,327,2
+hiteman,317,2
+mifflinburg,195,2
+shelbyville,2056,1
+pinesdale,763,1
+cosmos,803,2
+merom,519,2
+leonardo,1130,5
+shelbyville,1425,2
+hanson,42,3
+woodbine,1051,10
+leonardo,699,23
+wainscott,503,11
+forkland,549,1
+woodbine,257,0
+klickitat,695,1
+beechwood,526,0
+newfields,1612,2
+forkland,966,0
+hanson,307,0
+beechwood,1134,4
+woodbine,1606,0
+stockman,186,0
+wainscott,875,4
+klickitat,8,10
+hanson,1481,4
+tolstoy,1474,4
+wainscott,1512,2
+ranchester,260,2
+wainscott,448,4
+marstons,1800,8
+coffeen,112,0
+tolstoy,1301,1
+merom,897,0
+pomaria,1356,1
+lindenwood,315,3
+pomaria,1036,6
+woodbine,100,8
+pomaria,1311,7
+shelbyville,1574,2
+newfields,1246,0
+woodbine,929,2
+lakeville,939,5
+pinesdale,1259,3
+pomaria,1066,5
+klickitat,2012,7
+pomaria,1093,6
+woodbine,1591,8
+leonardo,1114,2
+wainscott,945,3
+coffeen,780,3
+hanson,286,1
+beechwood,832,2
+tolstoy,553,4
+lindenwood,853,2
+klickitat,1059,2
+cosmos,20,1
+marstons,1424,15
+beechwood,973,3
+pomaria,1491,4
+wainscott,1083,8
+leonardo,1165,2
+mifflinburg,413,2
+wainscott,112,2
+ranchester,1474,2
+leonardo,37,1
+leonardo,1444,3
+benevolence,581,0
+hiteman,900,1
+stockman,1221,6
+marstons,47,3
+newfields,696,1
+newfields,1657,2
+leonardo,850,1
+lakeville,170,2
+pomaria,1234,5
+newfields,1048,3
+lindenwood,1726,13
+beechwood,832,1
+wainscott,1110,10
+lakeville,761,5
+leonardo,938,3
+lakeville,1083,7
+wainscott,234,8
+wainscott,1664,2
+marstons,451,2
+woodbine,852,2
+hanson,328,1
+onaga,141,1
+newfields,1361,3
+lindenwood,1040,2
+newfields,1130,0
+stockman,1347,2
+tolstoy,692,0
+woodbine,378,5
+newfields,1542,7
+coffeen,145,0
+mifflinburg,770,1
+coffeen,507,5
+marstons,740,13
+lindenwood,1994,1
+stockman,296,4
+newfields,1140,3
+lindenwood,2618,2
+leonardo,130,5
+shelbyville,606,2
+hiteman,707,3
+hanson,757,3
+stockman,1211,1
+stockman,574,0
+newfields,1180,0
+ranchester,1140,8
+lakeville,1568,2
+shelbyville,1843,3
+mifflinburg,638,6
+forkland,41,2
+pinesdale,947,1
+klickitat,2263,0
+woodbine,1738,6
+benevolence,692,3
+shelbyville,2306,5
+klickitat,574,2
+wainscott,988,3
+hiteman,78,6
+klickitat,2050,1
+woodbine,1849,8
+hiteman,636,6
+pinesdale,1432,2
+newfields,473,5
+shelbyville,2193,0
+beechwood,1166,4
+klickitat,1447,10
+pinesdale,1396,1
+benevolence,291,0
+shelbyville,2552,5
+ranchester,338,11
+tolstoy,648,4
+wainscott,1748,14
+tolstoy,1765,4
+coffeen,504,2
+tolstoy,577,0
+wainscott,1239,3
+klickitat,1082,8
+ranchester,549,8
+klickitat,1384,1
+onaga,141,3
+woodbine,2044,0
+klickitat,2216,0
+hanson,1394,5
+lindenwood,1218,3
+wainscott,1156,8
+cosmos,289,0
+leonardo,1047,1
+stockman,1185,2
+newfields,1479,2
+beechwood,451,8
+shelbyville,2817,4
+leonardo,1432,2
+newfields,982,2
+leonardo,114,6
+coffeen,830,0
+newfields,287,4
+allensville,422,1
+shelbyville,2583,6
+wainscott,1107,0
+klickitat,530,3
+stockman,429,3
+stockman,1252,0
+woodbine,2039,0
+woodbine,1094,6
+marstons,2411,4
+tolstoy,410,0
+shelbyville,1424,1
+mifflinburg,961,0
+tolstoy,888,4
+forkland,676,7
+wainscott,1562,5
+leonardo,858,0
+shelbyville,1276,3
+leonardo,540,2
+klickitat,611,6
+pinesdale,649,0
+shelbyville,859,4
+coffeen,461,2
+leonardo,823,4
+klickitat,1245,4
+newfields,1263,0
+pomaria,1341,9
+lakeville,391,1
+hanson,209,3
+pomaria,607,5
+leonardo,243,5
+hiteman,1054,2
+hanson,430,8
+cosmos,591,2
+pinesdale,1031,0
+woodbine,192,7
+hanson,401,6
+mifflinburg,779,4
+coffeen,531,2
+leonardo,223,1
+leonardo,377,12
+coffeen,314,4
+wainscott,837,10
+hanson,10,4
+shelbyville,1665,2
+marstons,1175,3
+ranchester,1071,0
+shelbyville,2651,5
+cosmos,292,0
+hiteman,479,1
+marstons,1981,3
+pinesdale,1512,0
+pinesdale,466,3
+klickitat,810,10
+pomaria,790,5
+tolstoy,183,8
+tolstoy,491,4
+tolstoy,1035,5
+klickitat,1228,1
+leonardo,108,0
+shelbyville,15,8
+klickitat,1606,5
+tolstoy,1686,8
+pomaria,86,1
+lindenwood,1281,10
+coffeen,274,4
+newfields,106,4
+marstons,642,6
+benevolence,694,5
+lakeville,32,0
+tolstoy,1290,3
+pomaria,462,1
+pomaria,534,1
+pinesdale,341,1
+shelbyville,70,0
+leonardo,51,13
+ranchester,1443,1
+lakeville,964,6
+stockman,1301,1
+klickitat,606,1
+wainscott,241,1
+klickitat,2304,8
+tolstoy,1789,1
+lakeville,1468,9
+shelbyville,2318,5
+hanson,947,6
+lakeville,1748,2
+leonardo,1051,8
+hanson,1645,8
+lindenwood,2272,3
+hiteman,790,1
+tolstoy,1587,2
+coffeen,703,2
+lakeville,955,2
+pomaria,52,1
+benevolence,65,2
+cosmos,105,2
+hiteman,885,6
+mifflinburg,608,3
+shelbyville,1673,2
+shelbyville,2776,0
+hanson,58,3
+tolstoy,1495,2
+wainscott,800,3
+lindenwood,140,1
+newfields,160,2
+newfields,1030,3
+wainscott,518,12
+lindenwood,1836,7
+klickitat,1673,3
+benevolence,964,1
+beechwood,521,8
+newfields,326,10
+leonardo,682,1
+ranchester,1388,0
+lakeville,10,4
+wainscott,429,0
+ranchester,947,0
+marstons,725,13
+cosmos,968,3
+leonardo,815,0
+lindenwood,2321,0
+marstons,1245,2
+klickitat,1554,2
+marstons,584,0
+woodbine,1918,2
+woodbine,811,3
+hanson,694,16
+pomaria,1300,1
+leonardo,699,19
+lakeville,1025,0
+shelbyville,2215,1
+hiteman,90,3
+ranchester,1590,2
+pinesdale,1135,4
+ranchester,1532,9
+pomaria,631,5
+mifflinburg,665,2
+pinesdale,1308,2
+leonardo,284,1
+tolstoy,1744,2
+lindenwood,652,12
+lindenwood,60,10
+wainscott,1355,6
+shelbyville,479,12
+marstons,740,10
+tolstoy,1326,1
+lindenwood,1913,1
+shelbyville,1359,7
+onaga,48,0
+merom,204,0
+stockman,286,2
+coffeen,1372,3
+newfields,1405,17
+ranchester,964,7
+onaga,234,1
+marstons,98,0
+shelbyville,2554,4
+tolstoy,1469,3
+leonardo,2026,3
+tolstoy,717,8
+cosmos,226,5
+klickitat,1756,1
+stockman,671,6
+lindenwood,2487,0
+merom,772,3
+ranchester,810,1
+beechwood,1095,3
+hiteman,650,12
+woodbine,1629,3
+shelbyville,1233,6
+klickitat,116,3
+shelbyville,80,2
+shelbyville,217,3
+newfields,1624,1
+woodbine,1110,8
+pinesdale,642,2
+stockman,285,0
+coffeen,250,0
+lindenwood,340,1
+stockman,65,3
+merom,350,3
+pomaria,223,1
+tolstoy,533,7
+klickitat,96,8
+marstons,72,3
+leonardo,1952,11
+shelbyville,1424,14
+marstons,1485,2
+lakeville,1200,10
+ranchester,497,4
+pinesdale,90,0
+merom,906,7
+shelbyville,501,10
+lakeville,754,3
+shelbyville,850,1
+tolstoy,1760,7
+pomaria,66,4
+pomaria,1472,9
+pinesdale,902,2
+woodbine,1667,4
+shelbyville,215,3
+forkland,461,0
+hiteman,840,2
+hiteman,768,3
+hiteman,1728,1
+ranchester,1466,0
+pinesdale,447,1
+newfields,780,2
+woodbine,1612,14
+marstons,743,3
+marstons,1200,2
+klickitat,435,0
+shelbyville,1183,2
+shelbyville,2534,1
+hanson,331,4
+pinesdale,101,0
+newfields,1250,8
+tolstoy,1512,6
+hanson,1210,1
+pomaria,1465,10
+coffeen,1304,0
+woodbine,84,5
+benevolence,204,5
+woodbine,692,1
+shelbyville,1526,4
+hiteman,1072,1
+shelbyville,421,8
+newfields,1518,0
+lindenwood,1252,3
+lakeville,1751,3
+klickitat,1149,2
+pinesdale,615,3
+woodbine,1417,10
+cosmos,361,2
+newfields,944,11
+marstons,2351,0
+beechwood,443,5
+pomaria,664,9
+forkland,821,4
+marstons,1062,9
+tolstoy,1720,3
+marstons,37,23
+hiteman,287,1
+marstons,1093,8
+cosmos,334,12
+klickitat,740,1
+lindenwood,1224,1
+marstons,284,4
+pinesdale,1236,0
+pinesdale,887,2
+leonardo,298,1
+shelbyville,1666,6
+cosmos,701,0
+stockman,369,3
+lakeville,1242,6
+benevolence,591,3
+pinesdale,460,7
+forkland,409,0
+wainscott,166,11
+shelbyville,2212,8
+woodbine,76,5
+tolstoy,1642,9
+marstons,272,1
+onaga,505,0
+marstons,2014,5
+hanson,481,1
+stockman,349,5
+onaga,587,1
+woodbine,1260,0
+hiteman,614,0
+leonardo,921,7
+newfields,190,8
+leonardo,518,2
+pomaria,1044,4
+ranchester,915,6
+lakeville,670,9
+leonardo,263,9
+leonardo,887,19
+marstons,2118,0
+ranchester,898,5
+lakeville,1128,4
+woodbine,1879,1
+beechwood,1030,4
+leonardo,513,3
+lindenwood,1936,7
+stockman,1508,1
+lakeville,684,2
+woodbine,1953,1
+tolstoy,1178,3
+merom,961,7
+tolstoy,958,3
+lakeville,338,4
+hiteman,379,1
+leonardo,1740,2
+woodbine,1407,2
+tolstoy,295,0
+lakeville,444,5
+mifflinburg,194,2
+wainscott,1616,8
+tolstoy,1673,5
+benevolence,563,6
+tolstoy,515,2
+lakeville,1424,4
+merom,562,0
+hiteman,428,12
+lakeville,634,2
+tolstoy,527,1
+leonardo,645,2
+woodbine,230,3
+pinesdale,644,1
+lakeville,692,7
+ranchester,303,0
+leonardo,806,3
+shelbyville,2098,2
+marstons,519,1
+hiteman,1840,2
+merom,329,3
+pomaria,0,6
+pomaria,565,5
+forkland,85,1
+lakeville,1520,9
+pinesdale,112,6
+beechwood,791,6
+woodbine,1959,3
+ranchester,71,0
+tolstoy,61,7
+shelbyville,779,0
+pinesdale,208,3
+pomaria,183,5
+leonardo,6,2
+pomaria,890,12
+lindenwood,313,14
+coffeen,39,3
+woodbine,1243,3
+onaga,652,2
+beechwood,808,4
+wainscott,48,2
+newfields,73,0
+hanson,208,7
+tolstoy,73,1
+marstons,1870,0
+tolstoy,873,1
+lindenwood,2249,4
+pomaria,862,7
+leonardo,174,3
+leonardo,1139,24
+hanson,117,2
+woodbine,373,8
+allensville,270,0
+hanson,769,2
+forkland,200,2
+lakeville,1193,11
+beechwood,32,5
+tolstoy,681,0
+shelbyville,924,2
+forkland,796,5
+wainscott,836,13
+marstons,969,5
+leonardo,1601,0
+woodbine,862,2
+lindenwood,799,8
+ranchester,1222,4
+marstons,368,4
+cosmos,195,2
+allensville,237,5
+ranchester,1498,0
+woodbine,1247,6
+leonardo,221,0
+forkland,334,0
+coffeen,1284,1
+marstons,2534,2
+mifflinburg,30,8
+leonardo,971,4
+leonardo,1060,6
+klickitat,374,6
+onaga,57,0
+shelbyville,2296,9
+pinesdale,1000,4
+newfields,821,5
+klickitat,1815,6
+newfields,689,1
+lakeville,982,3
+coffeen,280,2
+woodbine,80,6
+klickitat,1012,7
+beechwood,572,1
+forkland,569,8
+tolstoy,542,4
+shelbyville,197,9
+lindenwood,2208,10
+ranchester,610,3
+pomaria,1598,6
+wainscott,632,6
+pinesdale,796,6
+lakeville,1866,2
+woodbine,113,5
+wainscott,1210,6
+tolstoy,670,6
+lakeville,1077,7
+shelbyville,731,4
+pomaria,758,4
+ranchester,748,1
+marstons,399,2
+forkland,931,2
+shelbyville,2055,7
+klickitat,674,3
+marstons,1942,3
+klickitat,78,4
+tolstoy,534,6
+shelbyville,2141,6
+forkland,428,1
+newfields,463,1
+lakeville,733,4
+hiteman,1084,6
+leonardo,762,4
+klickitat,1611,6
+leonardo,962,3
+pomaria,368,14
+lakeville,1637,0
+klickitat,2025,6
+hiteman,8,2
+lindenwood,588,2
+tolstoy,1533,6
+shelbyville,2131,2
+marstons,1724,3
+lindenwood,2005,3
+tolstoy,874,3
+hiteman,1251,10
+pinesdale,1204,2
+leonardo,436,1
+lindenwood,111,4
+coffeen,68,6
+woodbine,19,3
+woodbine,1029,4
+allensville,285,5
+klickitat,2395,9
+hanson,1012,10
+shelbyville,1462,0
+lindenwood,1238,6
+marstons,288,3
+klickitat,19,2
+shelbyville,194,6
+stockman,467,3
+beechwood,49,6
+ranchester,926,1
+woodbine,230,9
+wainscott,1233,14
+hanson,1297,6
+pomaria,355,5
+pomaria,84,1
+hiteman,1428,6
+hiteman,1339,12
+woodbine,991,1
+klickitat,1565,0
+newfields,1170,6
+lakeville,914,2
+klickitat,1372,0
+beechwood,1064,5
+pinesdale,381,2
+leonardo,1000,9
+klickitat,1760,13
+beechwood,770,12
+tolstoy,628,0
+pomaria,494,11
+cosmos,372,0
+lindenwood,814,7
+tolstoy,1418,3
+beechwood,189,1
+shelbyville,1237,1
+forkland,1075,2
+klickitat,1328,8
+pomaria,1158,0
+klickitat,473,4
+leonardo,1077,6
+klickitat,355,3
+newfields,1038,2
+lakeville,549,11
+pomaria,765,3
+tolstoy,1023,4
+newfields,1641,3
+coffeen,1150,10
+tolstoy,766,3
+shelbyville,595,1
+wainscott,907,0
+tolstoy,456,3
+forkland,1179,2
+shelbyville,49,11
+wainscott,1528,6
+woodbine,1650,2
+hanson,832,0
+woodbine,1291,5
+wainscott,1786,7
+hiteman,1673,4
+stockman,465,3
+cosmos,142,5
+lindenwood,2158,3
+hanson,978,2
+hiteman,966,17
+woodbine,661,2
+lindenwood,1130,2
+pomaria,817,4
+hiteman,1465,3
+lindenwood,2560,2
+wainscott,1198,3
+woodbine,1802,4
+cosmos,97,3
+ranchester,457,14
+shelbyville,2336,0
+ranchester,1295,7
+pomaria,962,0
+leonardo,487,4
+tolstoy,480,4
+allensville,176,6
+lindenwood,518,6
+stockman,1416,3
+lindenwood,261,2
+leonardo,1565,10
+leonardo,1730,2
+wainscott,747,4
+shelbyville,158,8
+marstons,883,10
+tolstoy,1310,2
+leonardo,1657,5
+beechwood,582,0
+woodbine,1906,2
+stockman,524,11
+pomaria,593,3
+ranchester,1543,1
+newfields,685,2
+klickitat,1767,8
+mifflinburg,745,1
+allensville,312,1
+leonardo,937,3
+lakeville,1496,14
+shelbyville,2595,4
+woodbine,1199,7
+ranchester,604,0
+lindenwood,2142,11
+marstons,1061,0
+marstons,755,1
+klickitat,1822,0
+newfields,1301,7
+allensville,11,2
+lakeville,1190,5
+coffeen,482,7
+lindenwood,1087,0
+klickitat,200,6
+lindenwood,2041,6
+leonardo,786,9
+leonardo,783,3
+wainscott,69,4
+allensville,441,8
+marstons,786,2
+wainscott,58,1
+forkland,1144,1
+cosmos,233,2
+shelbyville,823,1
+benevolence,305,13
+coffeen,470,1
+lindenwood,40,2
+beechwood,31,6
+shelbyville,64,5
+marstons,1810,1
+newfields,1261,12
+forkland,1175,7
+hiteman,1186,4
+klickitat,1297,11
+newfields,423,0
+marstons,1325,11
+mifflinburg,771,2
+lakeville,649,15
+beechwood,788,2
+tolstoy,128,4
+pinesdale,1410,1
+marstons,1234,3
+stockman,996,5
+lindenwood,731,4
+stockman,670,5
+shelbyville,1610,7
+newfields,1389,6
+pinesdale,899,1
+woodbine,1198,11
+wainscott,226,0
+beechwood,1032,11
+benevolence,413,3
+lakeville,1521,15
+cosmos,890,2
+marstons,699,1
+mifflinburg,25,1
+lindenwood,1761,2
+klickitat,2117,0
+wainscott,356,4
+leonardo,252,3
+shelbyville,2609,5
+pomaria,185,1
+benevolence,801,9
+leonardo,865,0
+lindenwood,2240,1
+shelbyville,2322,6
+wainscott,463,6
+klickitat,1604,0
+wainscott,560,6
+hanson,62,12
+beechwood,139,2
+wainscott,4,11
+lindenwood,1347,2
+ranchester,363,5
+lindenwood,314,3
+klickitat,869,2
+pomaria,71,3
+wainscott,373,3
+lindenwood,1946,0
+lakeville,1592,12
+klickitat,989,7
+lindenwood,946,0
+merom,40,0
+woodbine,786,6
+lakeville,1397,8
+woodbine,1813,2
+lindenwood,1618,3
+shelbyville,2216,3
+pinesdale,707,3
+wainscott,998,1
+coffeen,728,7
+shelbyville,113,5
+woodbine,1094,7
+lindenwood,2103,14
+newfields,1437,6
+leonardo,190,3
+marstons,445,1
+lakeville,1057,11
+klickitat,171,10
+mifflinburg,365,2
+marstons,267,3
+hanson,964,5
+hiteman,751,0
+leonardo,943,2
+hiteman,303,2
+lindenwood,2459,8
+wainscott,1616,7
+lakeville,1127,4
+woodbine,1359,2
+forkland,294,4
+stockman,150,3
+pomaria,852,3
+klickitat,108,2
+leonardo,997,8
+woodbine,1618,8
+wainscott,1004,1
+pomaria,418,5
+shelbyville,319,1
+lakeville,1891,3
+cosmos,1017,3
+lindenwood,1343,1
+leonardo,729,0
+cosmos,850,2
+pomaria,1402,3
+klickitat,467,12
+wainscott,367,1
+hanson,1619,6
+ranchester,1251,4
+leonardo,316,9
+klickitat,1064,5
+allensville,195,2
+newfields,740,13
+leonardo,1664,5
+pomaria,655,3
+tolstoy,263,0
+pomaria,1354,2
+shelbyville,1222,4
+ranchester,833,1
+pomaria,1268,7
+shelbyville,1941,1
+merom,784,0
+shelbyville,1810,2
+lakeville,1785,7
+merom,306,0
+pinesdale,554,10
+merom,773,1
+hanson,724,5
+lindenwood,2621,1
+shelbyville,2485,5
+coffeen,922,1
+wainscott,42,2
+woodbine,720,8
+lakeville,1843,11
+stockman,1300,2
+tolstoy,813,0
+lakeville,1393,0
+lakeville,1083,8
+hanson,1203,2
+beechwood,394,1
+klickitat,532,13
+coffeen,811,0
+cosmos,539,8
+shelbyville,2401,6
+ranchester,1008,4
+woodbine,1575,5
+ranchester,209,0
+hanson,829,0
+newfields,75,2
+shelbyville,2709,6
+leonardo,2065,0
+wainscott,26,3
+klickitat,729,6
+tolstoy,1204,1
+leonardo,1714,7
+pomaria,1593,10
+cosmos,52,7
+beechwood,376,2
+hanson,1189,7
+hanson,901,9
+wainscott,1227,7
+beechwood,741,4
+lindenwood,2558,0
+onaga,27,1
+hanson,1163,1
+newfields,1060,6
+marstons,431,0
+ranchester,337,5
+shelbyville,2769,1
+tolstoy,1248,2
+lindenwood,1137,0
+marstons,1372,3
+marstons,1607,4
+leonardo,1529,2
+lindenwood,1977,1
+allensville,439,5
+shelbyville,1777,5
+leonardo,1333,2
+woodbine,68,3
+pinesdale,540,11
+hanson,83,5
+leonardo,964,3
+hanson,1448,2
+shelbyville,859,8
+lakeville,904,2
+hiteman,58,0
+newfields,576,7
+leonardo,699,14
+stockman,345,2
+woodbine,18,4
+hanson,307,8
+newfields,658,17
+cosmos,565,3
+stockman,86,9
+coffeen,1214,1
+lakeville,1154,2
+merom,866,0
+leonardo,2028,0
+mifflinburg,869,0
+leonardo,699,0
+ranchester,1277,4
+lakeville,951,3
+leonardo,904,10
+mifflinburg,394,2
+lakeville,97,0
+lindenwood,2660,1
+pomaria,522,2
+hiteman,1297,1
+pinesdale,22,4
+klickitat,548,3
+ranchester,452,0
+cosmos,532,5
+beechwood,570,1
+klickitat,244,0
+lindenwood,1797,0
+merom,236,0
+beechwood,729,0
+hiteman,447,1
+hanson,1485,6
+merom,170,8
+klickitat,97,0
+lindenwood,2476,15
+woodbine,1791,10
+tolstoy,11,3
+klickitat,1513,3
+woodbine,1613,2
+lindenwood,2176,5
+marstons,491,5
+hanson,1398,1
+klickitat,1383,1
+lakeville,337,3
+pomaria,357,6
+woodbine,1394,4
+newfields,1287,0
+coffeen,59,3
+tolstoy,1711,8
+shelbyville,1959,8
+wainscott,234,9
+tolstoy,149,2
+tolstoy,1278,2
+cosmos,649,1
+merom,1023,3
+beechwood,800,5
+klickitat,916,2
+wainscott,507,2
+woodbine,1587,1
+tolstoy,496,2
+wainscott,815,4
+marstons,1930,5
+lindenwood,2514,2
+klickitat,1465,1
+cosmos,246,0
+wainscott,1490,2
+pomaria,373,7
+hanson,154,9
+klickitat,209,4
+klickitat,631,1
+benevolence,834,8
+cosmos,956,10
+pomaria,596,2
+pomaria,696,1
+forkland,33,2
+pinesdale,1007,4
+tolstoy,935,1
+ranchester,711,8
+tolstoy,386,3
+pinesdale,74,6
+marstons,1213,16
+hiteman,219,9
+merom,263,2
+forkland,65,2
+wainscott,360,1
+onaga,75,5
+leonardo,1923,5
+hiteman,582,8
+lindenwood,2407,4
+shelbyville,1992,0
+mifflinburg,746,2
+lindenwood,2438,4
+woodbine,626,2
+shelbyville,2619,7
+pomaria,56,5
+marstons,470,2
+benevolence,168,2
+klickitat,2341,0
+lakeville,1046,1
+leonardo,1142,4
+hanson,60,8
+newfields,1081,1
+coffeen,1085,2
+newfields,402,3
+lakeville,1630,3
+pomaria,1343,0
+lindenwood,2551,9
+marstons,2625,0
+merom,2,2
+hanson,283,5
+marstons,1602,0
+lindenwood,587,0
+lindenwood,598,1
+tolstoy,610,18
+shelbyville,1833,1
+coffeen,66,0
+mifflinburg,131,5
+lindenwood,1358,6
+wainscott,1644,0
+shelbyville,2510,6
+klickitat,1045,3
+ranchester,966,8
+onaga,639,7
+pinesdale,605,3
+hiteman,1844,2
+marstons,2622,3
+forkland,567,2
+wainscott,632,8
+woodbine,1418,4
+hiteman,1290,1
+forkland,321,1
+benevolence,734,5
+beechwood,22,5
+beechwood,506,6
+coffeen,230,4
+cosmos,438,2
+ranchester,67,1
+woodbine,2039,1
+hiteman,1849,3
+hanson,951,8
+shelbyville,1537,0
+woodbine,421,4
+pinesdale,342,0
+lakeville,1107,6
+tolstoy,1823,2
+lindenwood,285,7
+tolstoy,95,4
+onaga,421,2
+leonardo,0,0
+shelbyville,336,10
+klickitat,1231,12
+pinesdale,1174,3
+tolstoy,470,2
+marstons,2556,3
+pomaria,61,2
+pomaria,400,4
+lakeville,898,7
+marstons,2527,3
+woodbine,1862,8
+woodbine,2045,7
+shelbyville,786,11
+wainscott,1446,2
+newfields,11,1
+stockman,309,7
+hanson,1631,2
+leonardo,1308,10
+stockman,137,1
+marstons,719,8
+marstons,499,4
+pinesdale,246,1
+marstons,2018,1
+stockman,441,3
+cosmos,612,4
+tolstoy,503,2
+leonardo,1498,1
+hiteman,1006,5
+tolstoy,735,4
+tolstoy,813,3
+cosmos,371,1
+lindenwood,705,12
+hiteman,761,3
+hanson,741,1
+woodbine,482,1
+hiteman,269,4
+beechwood,278,1
+klickitat,1241,6
+shelbyville,1640,2
+leonardo,648,1
+ranchester,790,7
+shelbyville,831,4
+ranchester,1020,1
+ranchester,559,3
+klickitat,107,4
+marstons,1733,4
+pomaria,1470,7
+mifflinburg,172,0
+woodbine,1019,0
+merom,258,0
+pomaria,1599,4
+hiteman,1091,2
+woodbine,1962,1
+newfields,50,2
+merom,818,2
+newfields,1600,2
+pinesdale,628,0
+hanson,175,9
+lindenwood,1334,7
+stockman,1434,3
+leonardo,2061,2
+leonardo,843,4
+hiteman,657,1
+woodbine,1470,2
+merom,414,1
+lakeville,1414,7
+beechwood,231,1
+leonardo,377,9
+woodbine,1800,6
+marstons,1953,3
+shelbyville,561,11
+lakeville,368,9
+leonardo,7,16
+merom,314,0
+lakeville,1521,14
+wainscott,1046,12
+hanson,299,1
+lakeville,1497,7
+tolstoy,1344,1
+pinesdale,57,4
+hanson,1015,3
+ranchester,1299,8
+stockman,1290,2
+onaga,226,1
+hanson,1173,9
+ranchester,823,12
+beechwood,478,8
+pomaria,584,2
+pomaria,816,1
+newfields,1138,6
+lindenwood,2339,2
+coffeen,1492,4
+leonardo,1572,7
+lakeville,449,6
+cosmos,565,6
+hiteman,791,0
+ranchester,1559,3
+pomaria,1585,4
+shelbyville,113,2
+woodbine,1352,4
+pinesdale,563,5
+leonardo,887,9
+wainscott,1094,1
+beechwood,512,7
+newfields,214,2
+benevolence,880,5
+lindenwood,291,8
+ranchester,1156,1
+tolstoy,566,6
+hiteman,1053,1
+lakeville,475,3
+lindenwood,2261,3
+hanson,803,1
+lakeville,1628,8
+lindenwood,250,1
+stockman,1496,1
+klickitat,1604,6
+forkland,878,4
+hanson,1653,1
+klickitat,496,1
+hiteman,367,4
+woodbine,1140,5
+ranchester,459,3
+lindenwood,1609,0
+beechwood,1085,3
+lakeville,772,5
+merom,838,3
+forkland,1059,2
+wainscott,282,1
+marstons,864,0
+merom,300,0
+marstons,882,5
+pomaria,1036,17
+hiteman,238,7
+hanson,793,4
+lindenwood,1908,3
+lindenwood,130,7
+lindenwood,2652,6
+pinesdale,611,6
+lindenwood,117,11
+marstons,822,2
+newfields,1359,0
+wainscott,1775,5
+wainscott,505,9
+shelbyville,463,0
+pomaria,815,9
+lakeville,795,1
+coffeen,1028,8
+merom,569,1
+wainscott,1316,1
+klickitat,1399,3
+shelbyville,855,0
+newfields,343,3
+wainscott,283,10
+newfields,890,0
+ranchester,169,1
+pomaria,432,0
+wainscott,1359,2
+woodbine,2045,6
+lakeville,620,4
+lindenwood,1023,0
+leonardo,1091,4
+klickitat,1115,3
+woodbine,649,10
+beechwood,554,0
+hanson,804,4
+coffeen,559,3
+woodbine,1767,1
+benevolence,591,2
+tolstoy,1267,5
+allensville,244,1
+lindenwood,1329,0
+shelbyville,2803,0
+hiteman,382,7
+marstons,849,8
+wainscott,570,10
+pinesdale,848,1
+wainscott,827,3
+hanson,477,2
+klickitat,1962,7
+wainscott,1692,3
+shelbyville,421,10
+shelbyville,634,1
+hanson,38,4
+ranchester,1101,1
+benevolence,841,8
+ranchester,874,5
+shelbyville,64,13
+stockman,305,4
+hiteman,954,2
+klickitat,604,0
+benevolence,119,8
+coffeen,791,1
+lindenwood,727,12
+newfields,1546,1
+coffeen,1253,0
+klickitat,2294,8
+hiteman,1697,2
+newfields,202,5
+ranchester,157,20
+shelbyville,429,3
+cosmos,535,0
+shelbyville,2187,8
+forkland,165,5
+beechwood,264,2
+onaga,535,1
+shelbyville,1881,8
+marstons,1471,3
+pomaria,1659,2
+klickitat,1207,3
+woodbine,377,2
+stockman,657,0
+woodbine,523,2
+shelbyville,958,4
+onaga,625,1
+onaga,518,2
+benevolence,691,1
+mifflinburg,296,3
+shelbyville,2232,6
+lakeville,1751,7
+hanson,429,6
+newfields,1051,4
+stockman,470,3
+ranchester,1386,0
+tolstoy,1770,2
+wainscott,944,8
+lindenwood,2226,2
+hiteman,624,1
+woodbine,670,1
+lakeville,602,11
+hiteman,165,14
+klickitat,1008,11
+lindenwood,637,0
+lindenwood,2585,7
+leonardo,455,2
+tolstoy,576,2
+lindenwood,1478,4
+tolstoy,1454,5
+woodbine,14,4
+stockman,1101,3
+lakeville,1420,1
+hiteman,1079,6
+tolstoy,1782,0
+benevolence,530,1
+coffeen,827,2
+shelbyville,337,2
+forkland,1128,5
+merom,784,1
+pomaria,714,3
+woodbine,291,1
+pinesdale,383,0
+forkland,1002,1
+pomaria,340,0
+tolstoy,1092,9
+pinesdale,254,2
+leonardo,909,5
+wainscott,1621,8
+klickitat,357,2
+newfields,183,15
+hanson,152,0
+leonardo,1810,0
+pinesdale,728,1
+lindenwood,1150,0
+lakeville,1061,8
+hanson,455,4
+forkland,289,1
+newfields,329,0
+klickitat,369,0
+tolstoy,712,13
+marstons,1353,1
+lindenwood,1919,12
+lakeville,548,9
+forkland,1063,2
+newfields,491,4
+newfields,844,2
+tolstoy,861,2
+leonardo,1229,10
+hiteman,1334,2
+woodbine,972,4
+stockman,153,2
+leonardo,949,5
+mifflinburg,734,1
+klickitat,132,4
+pinesdale,852,14
+shelbyville,1179,4
+cosmos,215,12
+lindenwood,113,7
+mifflinburg,873,4
+tolstoy,286,3
+newfields,1031,8
+merom,989,3
+lakeville,1739,3
+mifflinburg,330,0
+hiteman,712,3
+pinesdale,186,0
+newfields,848,1
+klickitat,1246,0
+newfields,431,3
+marstons,49,3
+pinesdale,177,1
+woodbine,987,1
+lindenwood,1300,6
+woodbine,725,10
+shelbyville,2347,4
+newfields,1620,3
+stockman,1080,0
+shelbyville,1594,0
+ranchester,745,3
+newfields,792,7
+shelbyville,2460,3
+leonardo,1153,2
+cosmos,498,10
+woodbine,1575,10
+ranchester,1351,3
+newfields,798,0
+klickitat,1051,7
+ranchester,1334,0
+pomaria,591,2
+lakeville,351,14
+tolstoy,544,7
+cosmos,329,3
+wainscott,1433,0
+klickitat,2221,5
+lindenwood,2433,1
+newfields,772,0
+lindenwood,1244,11
+hiteman,596,3
+beechwood,63,0
+pomaria,1495,7
+lindenwood,438,2
+leonardo,1035,0
+cosmos,195,4
+cosmos,867,1
+lakeville,561,2
+hanson,141,2
+woodbine,1220,2
+woodbine,554,12
+hiteman,1737,2
+mifflinburg,854,2
+stockman,249,2
+woodbine,1405,4
+pinesdale,363,7
+marstons,194,1
+woodbine,1308,0
+marstons,1396,2
+beechwood,897,2
+klickitat,290,0
+woodbine,1780,1
+stockman,1330,3
+hiteman,926,10
+benevolence,418,4
+tolstoy,576,5
+pinesdale,69,2
+hanson,49,1
+lakeville,1561,5
+cosmos,769,0
+lakeville,1465,3
+wainscott,28,6
+marstons,2446,0
+hanson,518,1
+marstons,2118,3
+lindenwood,1712,1
+ranchester,526,3
+leonardo,482,4
+wainscott,45,6
+woodbine,1326,0
+beechwood,544,4
+stockman,730,10
+cosmos,567,8
+woodbine,1300,2
+klickitat,2214,1
+shelbyville,2309,7
+wainscott,187,5
+mifflinburg,868,3
+ranchester,316,3
+pinesdale,931,6
+lakeville,531,5
+klickitat,349,1
+pomaria,1626,4
+stockman,229,0
+stockman,1076,0
+mifflinburg,304,2
+stockman,771,1
+marstons,1115,3
+pomaria,726,1
+lakeville,548,10
+klickitat,362,2
+lindenwood,557,1
+marstons,1976,1
+coffeen,347,10
+wainscott,1011,0
+ranchester,157,0
+wainscott,1604,6
+newfields,274,8
+klickitat,210,2
+klickitat,1815,7
+woodbine,1938,2
+lakeville,158,4
+lakeville,1216,0
+newfields,534,7
+klickitat,762,3
+marstons,30,0
+lindenwood,6,1
+stockman,466,10
+hanson,770,4
+merom,482,0
+hiteman,1282,3
+shelbyville,1710,3
+ranchester,139,3
+shelbyville,959,15
+forkland,361,4
+lindenwood,2063,7
+stockman,461,3
+benevolence,859,5
+klickitat,2011,2
+pomaria,634,5
+leonardo,1891,2
+woodbine,1547,5
+coffeen,1261,0
+stockman,539,0
+marstons,1183,6
+coffeen,955,3
+klickitat,1441,5
+lakeville,348,6
+leonardo,337,15
+leonardo,2039,12
+marstons,1523,0
+woodbine,673,5
+benevolence,39,11
+stockman,1327,5
+onaga,333,3
+shelbyville,2522,1
+ranchester,986,14
+shelbyville,1527,2
+pinesdale,28,2
+klickitat,2193,5
+newfields,1160,9
+mifflinburg,115,2
+leonardo,720,5
+mifflinburg,944,4
+lindenwood,2197,6
+hanson,614,1
+cosmos,565,8
+hiteman,722,2
+wainscott,1368,1
+shelbyville,429,5
+newfields,1502,8
+marstons,2612,6
+lakeville,591,10
+marstons,886,1
+hanson,1479,12
+klickitat,1017,7
+pomaria,1020,6
+hiteman,1296,0
+wainscott,384,4
+shelbyville,910,0
+shelbyville,632,17
+woodbine,1278,0
+klickitat,247,1
+klickitat,1188,1
+klickitat,1513,6
+beechwood,522,6
+woodbine,866,2
+tolstoy,1106,1
+klickitat,843,2
+hanson,1471,3
+lindenwood,177,4
+stockman,470,8
+lakeville,1000,4
+forkland,115,2
+pomaria,1190,3
+pomaria,664,5
+onaga,284,0
+lakeville,350,2
+coffeen,1393,5
+lakeville,1389,6
+marstons,1495,4
+lindenwood,1789,3
+coffeen,1213,4
+shelbyville,1084,2
+wainscott,1162,8
+marstons,1607,2
+lakeville,55,2
+marstons,2163,0
+pomaria,154,1
+ranchester,1550,7
+lindenwood,2463,2
+hanson,546,12
+lakeville,1128,7
+tolstoy,1573,10
+newfields,1610,2
+woodbine,217,1
+coffeen,1285,1
+lindenwood,1071,2
+pinesdale,1114,0
+woodbine,1518,10
+tolstoy,53,3
+woodbine,1378,3
+newfields,246,5
+tolstoy,253,0
+lindenwood,2281,17
+leonardo,258,1
+tolstoy,312,8
+lindenwood,193,1
+ranchester,749,0
+lakeville,1678,6
+cosmos,733,5
+shelbyville,385,5
+lindenwood,502,4
+leonardo,27,3
+newfields,825,0
+ranchester,738,1
+leonardo,478,6
+lakeville,685,1
+wainscott,1034,4
+lindenwood,19,5
+marstons,2312,2
+lakeville,1577,3
+newfields,1636,5
+hanson,1255,9
+marstons,2158,7
+mifflinburg,93,2
+lakeville,1693,4
+hiteman,63,8
+hanson,1428,9
+lakeville,1786,0
+forkland,655,1
+onaga,513,11
+woodbine,171,7
+klickitat,1189,0
+leonardo,220,9
+shelbyville,98,3
+wainscott,348,2
+klickitat,2286,0
+wainscott,1389,4
+marstons,199,6
+lakeville,1575,0
+marstons,1057,0
+hiteman,1274,3
+tolstoy,61,3
+forkland,929,8
+forkland,88,5
+lindenwood,739,3
+marstons,123,1
+lindenwood,2138,1
+lakeville,718,2
+marstons,1885,7
+leonardo,1593,16
+forkland,815,3
+onaga,523,3
+marstons,2159,1
+newfields,1134,5
+leonardo,428,2
+newfields,406,6
+marstons,2041,1
+klickitat,1593,1
+lakeville,1894,0
+shelbyville,2651,3
+hiteman,463,0
+klickitat,2363,9
+pomaria,285,2
+woodbine,1503,9
+woodbine,1078,2
+shelbyville,750,14
+lakeville,549,5
+lindenwood,13,2
+lakeville,1145,5
+cosmos,252,0
+beechwood,822,2
+newfields,814,2
+marstons,1088,4
+wainscott,897,0
+hanson,215,4
+beechwood,398,2
+marstons,1080,5
+wainscott,436,1
+shelbyville,1119,0
+leonardo,1610,1
+cosmos,161,9
+lakeville,63,2
+lakeville,1642,3
+hiteman,282,8
+beechwood,309,4
+lindenwood,1860,6
+leonardo,912,4
+tolstoy,927,7
+cosmos,170,1
+hanson,1314,2
+newfields,370,3
+lindenwood,1615,4
+woodbine,903,4
+merom,316,1
+hiteman,1600,3
+pinesdale,942,1
+pinesdale,1470,6
+wainscott,45,5
+hanson,1556,2
+benevolence,496,1
+tolstoy,56,8
+lakeville,1536,0
+allensville,157,1
+newfields,696,9
+beechwood,1055,4
+ranchester,1410,6
+lindenwood,1860,3
+shelbyville,661,0
+lindenwood,286,14
+cosmos,880,6
+stockman,1328,1
+leonardo,1478,4
+benevolence,320,0
+shelbyville,2353,9
+klickitat,1094,4
+newfields,258,0
+marstons,261,4
+hanson,1390,0
+klickitat,684,6
+shelbyville,2078,8
+benevolence,627,3
+leonardo,1372,0
+tolstoy,878,2
+shelbyville,1830,0
+marstons,1875,3
+klickitat,682,2
+wainscott,569,11
+wainscott,1210,9
+tolstoy,308,1
+forkland,657,0
+woodbine,1430,2
+newfields,1211,10
+cosmos,167,0
+marstons,1611,1
+shelbyville,1126,0
+woodbine,652,2
+pomaria,1072,5
+hiteman,1856,6
+newfields,413,4
+wainscott,775,3
+marstons,1667,1
+shelbyville,124,9
+woodbine,18,5
+lindenwood,103,7
+tolstoy,1788,0
+leonardo,2048,3
+hiteman,391,1
+beechwood,361,0
+shelbyville,1892,3
+wainscott,1470,1
+ranchester,841,0
+ranchester,593,0
+cosmos,897,2
+cosmos,394,0
+mifflinburg,332,3
+hanson,832,1
+tolstoy,1251,3
+cosmos,610,1
+shelbyville,115,1
+benevolence,159,2
+lakeville,535,3
+hiteman,1076,1
+newfields,1161,5
+lakeville,1278,14
+lindenwood,2623,9
+shelbyville,1969,3
+woodbine,72,3
+tolstoy,1498,9
+marstons,1114,12
+merom,595,2
+lakeville,4,1
+coffeen,56,5
+tolstoy,716,2
+klickitat,295,6
+newfields,1080,3
+lakeville,1835,4
+leonardo,703,0
+cosmos,625,6
+cosmos,795,1
+hanson,842,1
+newfields,1144,15
+marstons,2211,4
+marstons,1960,2
+coffeen,192,0
+pomaria,1199,9
+tolstoy,24,0
+lindenwood,1878,2
+tolstoy,1490,0
+pomaria,87,2
+newfields,856,9
+marstons,2584,12
+hanson,148,2
+lindenwood,2162,0
+wainscott,856,1
+pomaria,1079,0
+lindenwood,356,4
+stockman,1511,1
+shelbyville,2031,9
+tolstoy,806,0
+lindenwood,2281,2
+lindenwood,751,5
+tolstoy,1193,3
+mifflinburg,524,3
+lindenwood,329,0
+stockman,512,3
+marstons,710,1
+stockman,122,13
+stockman,802,6
+lakeville,414,2
+klickitat,2242,2
+lindenwood,97,2
+klickitat,213,7
+tolstoy,630,5
+woodbine,1436,8
+lakeville,13,1
+coffeen,592,1
+wainscott,624,0
+woodbine,968,4
+mifflinburg,316,9
+marstons,1034,10
+woodbine,1468,0
+shelbyville,2057,6
+forkland,259,6
+ranchester,1558,11
+forkland,897,5
+lakeville,839,1
+ranchester,475,4
+tolstoy,498,3
+klickitat,118,1
+pinesdale,75,6
+stockman,1376,7
+tolstoy,1697,0
+beechwood,387,4
+klickitat,100,6
+wainscott,1202,7
+lakeville,398,1
+leonardo,1825,8
+pinesdale,218,6
+wainscott,623,9
+mifflinburg,167,5
+hiteman,1099,2
+coffeen,1286,7
+ranchester,1263,10
+newfields,457,1
+leonardo,1256,6
+ranchester,1151,0
+pomaria,951,1
+hanson,810,5
+leonardo,2043,4
+tolstoy,1481,5
+allensville,364,0
+shelbyville,2689,8
+woodbine,1805,2
+wainscott,366,11
+marstons,16,0
+merom,981,2
+pinesdale,452,3
+stockman,15,14
+marstons,1096,1
+forkland,795,2
+shelbyville,2334,3
+woodbine,948,0
+lindenwood,284,1
+leonardo,2033,11
+hiteman,649,1
+merom,949,2
+stockman,1442,0
+shelbyville,451,11
+ranchester,58,2
+stockman,1319,3
+mifflinburg,121,0
+wainscott,1167,14
+lindenwood,1531,2
+coffeen,218,5
+shelbyville,2473,1
+lindenwood,2108,2
+marstons,1263,3
+wainscott,712,0
+lakeville,1643,6
+wainscott,701,7
+lindenwood,255,7
+lakeville,452,1
+lindenwood,2448,3
+coffeen,481,0
+hanson,1427,3
+beechwood,116,0
+stockman,614,0
+tolstoy,950,4
+klickitat,779,13
+ranchester,568,2
+klickitat,1005,0
+shelbyville,2151,0
+hiteman,1575,0
+marstons,1151,5
+shelbyville,1187,0
+mifflinburg,474,2
+newfields,545,6
+cosmos,585,3
+tolstoy,1425,4
+klickitat,1513,7
+hanson,139,1
+newfields,389,2
+hiteman,1501,0
+tolstoy,1036,10
+pinesdale,592,2
+tolstoy,651,2
+hiteman,940,8
+shelbyville,2682,13
+lindenwood,2440,0
+beechwood,675,3
+klickitat,862,0
+beechwood,787,8
+onaga,295,3
+pomaria,1222,10
+tolstoy,1071,6
+woodbine,1787,15
+lindenwood,327,1
+hiteman,663,0
+shelbyville,2716,3
+lakeville,1744,8
+pomaria,552,3
+forkland,1127,2
+shelbyville,404,1
+woodbine,1444,6
+tolstoy,1287,1
+lakeville,1599,2
+forkland,923,0
+pinesdale,1367,0
+lindenwood,1978,8
+woodbine,1469,3
+ranchester,1298,0
+cosmos,88,3
+wainscott,1761,0
+forkland,1118,3
+newfields,217,6
+cosmos,935,2
+pinesdale,1477,1
+wainscott,753,1
+lakeville,236,7
+tolstoy,673,0
+shelbyville,2133,1
+shelbyville,2273,5
+stockman,1541,2
+marstons,897,2
+tolstoy,392,12
+lakeville,1785,3
+beechwood,815,10
+ranchester,738,3
+newfields,1396,6
+woodbine,872,0
+mifflinburg,821,5
+wainscott,606,7
+pomaria,797,4
+lindenwood,2535,0
+klickitat,88,8
+ranchester,481,0
+tolstoy,1488,5
+shelbyville,469,2
+hiteman,1600,5
+lindenwood,1241,14
+leonardo,420,1
+hanson,929,3
+ranchester,50,11
+merom,857,2
+pinesdale,864,7
+shelbyville,1418,3
+ranchester,603,1
+shelbyville,395,0
+cosmos,469,7
+newfields,504,14
+hanson,403,4
+allensville,459,2
+ranchester,1096,11
+marstons,248,4
+marstons,560,0
+klickitat,1393,1
+lindenwood,816,2
+mifflinburg,722,8
+mifflinburg,96,0
+shelbyville,1680,6
+hanson,1468,0
+pomaria,143,5
+wainscott,342,8
+hanson,1446,1
+shelbyville,1623,4
+tolstoy,965,11
+lindenwood,1321,1
+newfields,1397,1
+woodbine,95,10
+cosmos,465,8
+woodbine,1979,4
+wainscott,177,4
+forkland,527,0
+hanson,1099,2
+newfields,781,5
+coffeen,49,3
+pomaria,348,4
+woodbine,185,1
+shelbyville,815,3
+lindenwood,196,2
+klickitat,171,0
+merom,678,3
+klickitat,1322,3
+onaga,556,1
+hanson,1086,0
+lindenwood,1011,2
+wainscott,977,2
+klickitat,1495,8
+stockman,1607,4
+woodbine,892,11
+pinesdale,1344,2
+klickitat,1636,1
+klickitat,1841,2
+tolstoy,99,0
+pomaria,615,12
+coffeen,531,1
+hanson,1656,3
+hanson,420,3
+marstons,1591,11
+wainscott,1598,4
+shelbyville,2179,4
+hanson,783,5
+lindenwood,1455,5
+hanson,1492,0
+merom,177,5
+benevolence,685,3
+mifflinburg,499,6
+lindenwood,2477,4
+hiteman,389,3
+pinesdale,1159,5
+hanson,804,2
+mifflinburg,932,3
+lindenwood,890,11
+lakeville,125,1
+hiteman,695,1
+leonardo,189,2
+newfields,1281,0
+beechwood,787,7
+wainscott,802,0
+lakeville,195,1
+lindenwood,1596,5
+forkland,140,6
+shelbyville,626,6
+tolstoy,202,0
+hiteman,396,4
+hiteman,1347,2
+allensville,406,3
+coffeen,241,1
+allensville,315,6
+pomaria,168,1
+beechwood,310,2
+lindenwood,1894,4
+tolstoy,821,3
+pinesdale,210,0
+woodbine,2023,8
+tolstoy,758,0
+marstons,2246,7
+mifflinburg,632,4
+shelbyville,188,0
+lakeville,1261,5
+mifflinburg,866,3
+lakeville,1069,4
+wainscott,739,2
+stockman,228,2
+forkland,397,1
+klickitat,280,1
+marstons,2608,9
+klickitat,2169,0
+tolstoy,1690,0
+leonardo,1240,0
+lakeville,767,0
+hanson,1490,1
+leonardo,1236,3
+forkland,1066,2
+tolstoy,1066,3
+lakeville,1406,0
+pinesdale,1272,0
+benevolence,686,3
+cosmos,808,6
+marstons,1937,4
+tolstoy,1782,9
+wainscott,1166,13
+onaga,83,10
+benevolence,223,4
+lakeville,729,6
+shelbyville,553,3
+woodbine,1922,3
+marstons,1401,6
+marstons,909,0
+lindenwood,937,0
+leonardo,155,0
+klickitat,1162,2
+ranchester,1523,2
+lindenwood,2409,1
+lindenwood,2273,5
+forkland,722,1
+tolstoy,148,2
+marstons,2246,10
+hanson,602,7
+shelbyville,1331,0
+woodbine,1098,2
+hanson,1419,13
+ranchester,1370,0
+wainscott,611,1
+shelbyville,143,0
+newfields,458,16
+wainscott,881,2
+coffeen,927,0
+woodbine,1653,0
+onaga,542,0
+marstons,372,8
+shelbyville,352,3
+lindenwood,1676,4
+tolstoy,406,4
+hiteman,1322,0
+stockman,1197,2
+stockman,506,2
+marstons,88,8
+coffeen,1346,2
+woodbine,1553,1
+wainscott,146,8
+tolstoy,895,6
+lindenwood,1122,1
+ranchester,1014,9
+hiteman,1312,7
+marstons,98,6
+lakeville,1266,4
+merom,933,1
+ranchester,873,3
+wainscott,1710,9
+ranchester,1311,5
+merom,479,2
+onaga,29,6
+lakeville,6,1
+wainscott,1139,2
+coffeen,1144,0
+tolstoy,583,0
+stockman,1307,2
+marstons,610,5
+klickitat,1847,3
+mifflinburg,514,3
+hiteman,696,11
+hiteman,625,1
+coffeen,616,3
+lindenwood,330,5
+marstons,489,1
+hanson,352,6
+merom,996,6
+woodbine,1538,7
+leonardo,850,7
+leonardo,1119,3
+shelbyville,488,8
+onaga,481,5
+shelbyville,1957,1
+lindenwood,491,3
+wainscott,304,1
+klickitat,2396,9
+marstons,15,11
+woodbine,424,0
+tolstoy,396,4
+lindenwood,1141,3
+benevolence,494,6
+lakeville,1298,0
+lindenwood,1615,7
+merom,868,10
+pinesdale,31,12
+mifflinburg,226,2
+pinesdale,1504,1
+tolstoy,579,1
+klickitat,399,1
+pinesdale,98,8
+hanson,172,1
+leonardo,1507,14
+lakeville,672,5
+newfields,1164,2
+ranchester,599,0
+klickitat,629,8
+stockman,542,2
+klickitat,2418,3
+ranchester,1143,2
+hanson,461,2
+ranchester,396,0
+lindenwood,895,7
+merom,269,0
+hanson,356,14
+shelbyville,302,9
+pomaria,547,12
+marstons,1766,7
+wainscott,1477,1
+leonardo,659,4
+woodbine,341,4
+newfields,268,2
+pomaria,874,12
+leonardo,220,0
+hanson,1615,4
+pinesdale,728,0
+pomaria,342,0
+lindenwood,1771,3
+benevolence,955,3
+pinesdale,946,4
+hiteman,1210,3
+lindenwood,1916,4
+hanson,724,4
+hiteman,1488,6
+wainscott,367,0
+leonardo,1020,8
+lakeville,1083,11
+woodbine,1459,4
+cosmos,215,9
+cosmos,664,2
+woodbine,1976,11
+leonardo,1950,7
+shelbyville,984,7
+lakeville,17,6
+newfields,267,0
+newfields,728,0
+pomaria,438,0
+shelbyville,1686,0
+newfields,204,8
+marstons,939,7
+onaga,174,1
+tolstoy,1505,5
+hiteman,1791,2
+lindenwood,28,0
+coffeen,1038,1
+lindenwood,126,6
+klickitat,1021,8
+lindenwood,1538,7
+shelbyville,423,2
+tolstoy,1655,0
+hanson,109,0
+shelbyville,1396,0
+newfields,42,8
+wainscott,958,3
+pomaria,516,3
+klickitat,2151,5
+stockman,793,0
+lakeville,1505,9
+onaga,156,1
+forkland,1076,0
+wainscott,51,13
+pomaria,819,2
+lakeville,745,2
+newfields,1578,4
+forkland,445,0
+woodbine,1845,2
+merom,725,2
+marstons,1550,7
+hanson,1306,5
+newfields,349,4
+cosmos,423,5
+marstons,1783,2
+shelbyville,89,2
+marstons,802,11
+allensville,60,1
+tolstoy,26,1
+leonardo,115,10
+lakeville,480,2
+pinesdale,1225,3
+marstons,2649,7
+coffeen,79,4
+lindenwood,1041,3
+klickitat,300,6
+hiteman,564,7
+hanson,539,3
+woodbine,739,5
+tolstoy,1781,3
+pomaria,915,3
+lindenwood,1364,5
+stockman,294,0
+hanson,844,5
+shelbyville,333,4
+stockman,84,2
+pomaria,933,0
+ranchester,780,0
+lakeville,177,4
+wainscott,211,14
+beechwood,238,1
+shelbyville,1970,0
+lindenwood,1644,1
+ranchester,847,10
+hiteman,1192,1
+marstons,1955,3
+marstons,20,11
+merom,1048,2
+hiteman,511,1
+pomaria,11,0
+pomaria,597,2
+pomaria,210,1
+lakeville,46,4
+leonardo,1034,0
+pomaria,1393,2
+marstons,1618,4
+woodbine,594,9
+hiteman,474,18
+stockman,424,0
+pinesdale,1390,6
+klickitat,1960,23
+allensville,393,3
+pinesdale,500,1
+ranchester,366,9
+lindenwood,1550,2
+lakeville,1553,0
+leonardo,355,6
+newfields,1142,1
+lakeville,868,0
+pomaria,249,0
+pomaria,1090,11
+hiteman,529,2
+wainscott,1037,4
+lakeville,142,9
+klickitat,1175,1
+hanson,1657,2
+shelbyville,104,2
+woodbine,1683,1
+stockman,502,1
+forkland,1070,1
+lindenwood,1268,4
+wainscott,1786,8
+marstons,2448,12
+lindenwood,19,3
+ranchester,721,8
+beechwood,1026,4
+onaga,211,10
+pinesdale,40,1
+lindenwood,522,17
+merom,14,3
+leonardo,360,5
+pomaria,1136,11
+woodbine,448,4
+leonardo,1669,2
+coffeen,604,3
+pomaria,744,4
+marstons,2215,8
+shelbyville,285,2
+klickitat,761,1
+onaga,160,2
+forkland,726,5
+benevolence,642,6
+marstons,1860,5
+coffeen,360,1
+lindenwood,2111,4
+stockman,848,6
+ranchester,1563,0
+merom,335,0
+hanson,240,9
+hiteman,1707,2
+woodbine,40,2
+pinesdale,1129,4
+hiteman,1430,3
+newfields,1212,0
+pomaria,566,4
+klickitat,936,3
+hanson,1435,1
+lindenwood,828,9
+marstons,2503,11
+lakeville,1493,17
+stockman,1453,11
+woodbine,667,0
+klickitat,115,7
+lakeville,1033,6
+pomaria,1497,3
+wainscott,1337,1
+woodbine,569,2
+tolstoy,176,8
+wainscott,183,13
+leonardo,1209,6
+ranchester,765,2
+coffeen,626,0
+lindenwood,2416,2
+stockman,488,3
+hanson,1505,4
+merom,476,2
+lakeville,358,4
+newfields,533,2
+klickitat,294,0
+shelbyville,1744,8
+tolstoy,434,7
+wainscott,440,3
+leonardo,259,3
+stockman,1200,1
+shelbyville,2232,1
+pomaria,601,0
+klickitat,1948,9
+newfields,1071,0
+lakeville,1486,0
+klickitat,2223,3
+leonardo,1823,6
+marstons,1682,1
+marstons,1142,7
+leonardo,1323,4
+cosmos,289,4
+klickitat,1255,2
+lakeville,74,4
+shelbyville,2325,5
+pinesdale,1490,7
+leonardo,1389,0
+stockman,519,0
+mifflinburg,316,5
+shelbyville,1249,10
+forkland,650,7
+shelbyville,583,2
+hanson,1555,0
+pinesdale,31,8
+pomaria,899,9
+pinesdale,352,6
+hiteman,621,2
+leonardo,1344,5
+onaga,657,1
+shelbyville,2455,1
+shelbyville,2083,0
+lindenwood,1453,9
+forkland,940,3
+hiteman,422,4
+hanson,817,1
+lakeville,1540,7
+ranchester,712,5
+hanson,1186,3
+woodbine,1050,3
+cosmos,331,0
+hanson,550,3
+pomaria,1381,10
+tolstoy,811,1
+marstons,726,1
+hiteman,730,2
+marstons,1782,8
+lakeville,872,6
+stockman,666,5
+marstons,704,5
+wainscott,604,10
+pomaria,278,1
+woodbine,359,2
+lindenwood,165,3
+marstons,1331,3
+klickitat,2128,0
+ranchester,142,1
+lindenwood,121,0
+shelbyville,2006,6
+coffeen,1407,7
+shelbyville,758,15
+marstons,48,0
+leonardo,586,5
+lakeville,1419,4
+tolstoy,6,7
+pomaria,1645,1
+lindenwood,2070,7
+allensville,283,4
+newfields,1472,1
+ranchester,1490,6
+marstons,739,0
+klickitat,1306,2
+woodbine,1255,0
+woodbine,47,0
+tolstoy,267,10
+hanson,280,1
+marstons,2260,3
+hiteman,777,5
+newfields,414,2
+hiteman,1452,15
+klickitat,1411,4
+lindenwood,1221,3
+klickitat,1574,4
+lindenwood,473,3
+shelbyville,2819,14
+hiteman,470,2
+newfields,415,2
+hiteman,1262,1
+newfields,876,1
+beechwood,763,2
+pomaria,101,9
+lindenwood,2408,8
+wainscott,1677,8
+wainscott,1583,7
+woodbine,276,8
+mifflinburg,345,4
+stockman,197,1
+woodbine,970,0
+hiteman,1478,9
+mifflinburg,714,0
+marstons,518,11
+forkland,189,0
+woodbine,1068,4
+ranchester,798,2
+hiteman,663,2
+marstons,1195,3
+wainscott,1607,10
+forkland,825,7
+pinesdale,1180,1
+cosmos,876,0
+shelbyville,935,3
+marstons,2234,4
+hanson,1154,0
+shelbyville,2427,2
+shelbyville,1102,7
+merom,489,0
+leonardo,589,0
+benevolence,285,1
+cosmos,710,9
+lakeville,308,3
+lakeville,875,0
+coffeen,186,2
+marstons,2129,10
+lakeville,606,5
+shelbyville,1016,10
+forkland,1052,0
+forkland,267,3
+lindenwood,671,0
+stockman,819,0
+forkland,974,5
+forkland,952,2
+marstons,480,0
+allensville,235,2
+coffeen,332,8
+ranchester,1491,10
+hanson,1462,5
+marstons,1827,1
+hiteman,605,5
+tolstoy,1353,2
+mifflinburg,312,0
+lakeville,1842,4
+woodbine,1474,0
+woodbine,953,2
+lindenwood,1756,3
+woodbine,85,10
+marstons,452,7
+beechwood,791,4
+lindenwood,1483,0
+klickitat,1857,5
+shelbyville,882,3
+shelbyville,1795,1
+wainscott,1384,5
+lakeville,1029,8
+shelbyville,1570,1
+lindenwood,2111,14
+lakeville,195,2
+marstons,2431,0
+lindenwood,98,4
+marstons,1567,9
+woodbine,862,10
+pomaria,571,0
+marstons,1090,3
+tolstoy,991,6
+lindenwood,1321,2
+benevolence,58,5
+woodbine,525,7
+shelbyville,2207,6
+woodbine,109,8
+newfields,1221,9
+marstons,416,3
+tolstoy,1071,7
+forkland,790,3
+onaga,48,2
+forkland,888,6
+marstons,895,3
+klickitat,1975,5
+marstons,1616,3
+newfields,748,1
+hanson,481,11
+tolstoy,851,2
+lindenwood,1611,3
+marstons,994,0
+shelbyville,2418,7
+newfields,488,3
+klickitat,1346,5
+ranchester,853,7
+forkland,696,8
+lindenwood,2445,1
+marstons,383,1
+lakeville,662,1
+hanson,1649,9
+newfields,677,0
+tolstoy,1809,5
+marstons,2648,4
+hanson,1255,13
+klickitat,986,11
+stockman,416,4
+marstons,1403,1
+shelbyville,1699,4
+pomaria,1628,12
+newfields,155,6
+wainscott,621,2
+coffeen,830,4
+pomaria,1349,1
+coffeen,616,2
+lakeville,269,3
+shelbyville,595,7
+woodbine,1234,1
+ranchester,850,8
+wainscott,1246,2
+beechwood,161,1
+forkland,840,6
+pinesdale,844,2
+tolstoy,1561,2
+pomaria,1381,15
+shelbyville,1519,1
+lakeville,1130,1
+ranchester,57,0
+tolstoy,331,10
+newfields,318,0
+leonardo,778,1
+forkland,170,0
+coffeen,252,3
+wainscott,518,1
+hiteman,1064,5
+newfields,257,1
+klickitat,31,1
+newfields,1144,12
+cosmos,279,0
+cosmos,769,1
+merom,585,4
+stockman,1275,2
+hanson,1055,0
+coffeen,530,3
+shelbyville,2107,8
+klickitat,519,1
+hanson,1616,2
+merom,357,6
+tolstoy,730,5
+klickitat,277,7
+beechwood,1121,4
+hiteman,1392,2
+wainscott,954,2
+marstons,510,3
+klickitat,1217,5
+tolstoy,1660,7
+marstons,1759,2
+pomaria,1667,2
+pinesdale,867,0
+wainscott,1721,8
+hiteman,464,10
+hanson,1007,3
+merom,328,3
+lakeville,965,0
+lindenwood,310,2
+leonardo,1643,2
+pomaria,348,6
+leonardo,931,3
+shelbyville,27,4
+leonardo,1928,22
+tolstoy,240,1
+lindenwood,1600,3
+mifflinburg,672,2
+lakeville,705,3
+lakeville,964,3
+marstons,326,11
+wainscott,1710,1
+woodbine,1443,8
+beechwood,861,0
+lakeville,1180,6
+marstons,1757,6
+beechwood,882,4
+wainscott,1657,7
+shelbyville,2051,0
+marstons,374,11
+lindenwood,75,1
+leonardo,305,6
+mifflinburg,427,2
+lindenwood,2179,2
+woodbine,239,15
+benevolence,600,0
+marstons,2459,2
+pomaria,867,0
+shelbyville,2307,0
+shelbyville,106,4
+marstons,1063,3
+pomaria,1353,3
+marstons,733,2
+hiteman,1213,3
+beechwood,379,0
+onaga,291,2
+woodbine,1650,8
+stockman,361,6
+cosmos,827,1
+hanson,976,0
+leonardo,1151,1
+merom,343,0
+woodbine,1828,2
+woodbine,1469,6
+ranchester,24,2
+coffeen,951,0
+marstons,1863,2
+pinesdale,1472,3
+hiteman,1232,5
+stockman,483,3
+pinesdale,767,2
+shelbyville,2698,0
+leonardo,1977,1
+marstons,1839,1
+wainscott,1650,3
+coffeen,625,7
+stockman,658,0
+lindenwood,1239,5
+hanson,1633,13
+lakeville,1,5
+coffeen,49,6
+klickitat,1185,5
+cosmos,1024,5
+wainscott,837,4
+wainscott,970,9
+lindenwood,2154,7
+lindenwood,1808,2
+leonardo,164,5
+stockman,906,4
+woodbine,48,1
+stockman,17,9
+onaga,69,1
+beechwood,496,1
+mifflinburg,890,2
+pomaria,371,3
+beechwood,392,7
+benevolence,111,2
+hiteman,1851,3
+pinesdale,528,7
+pinesdale,892,0
+merom,288,2
+cosmos,681,8
+hanson,158,1
+newfields,151,3
+hiteman,276,5
+klickitat,454,1
+klickitat,2071,7
+klickitat,378,1
+beechwood,194,1
+leonardo,941,2
+woodbine,797,2
+shelbyville,1618,5
+forkland,30,4
+lakeville,536,12
+lindenwood,1617,2
+shelbyville,1754,17
+ranchester,512,10
+tolstoy,154,2
+stockman,1169,1
+klickitat,561,2
+forkland,1077,9
+pinesdale,919,0
+cosmos,917,6
+pomaria,1186,1
+klickitat,11,12
+beechwood,1107,0
+pomaria,166,3
+onaga,507,4
+cosmos,349,0
+hanson,768,5
+shelbyville,2268,3
+woodbine,782,13
+wainscott,800,1
+wainscott,482,8
+wainscott,0,2
+klickitat,731,1
+hiteman,1431,4
+cosmos,645,0
+pomaria,1469,6
+wainscott,1649,4
+tolstoy,108,7
+pinesdale,1307,3
+klickitat,1520,10
+lakeville,220,2
+lakeville,94,11
+lindenwood,1790,1
+klickitat,1840,4
+newfields,1096,7
+cosmos,898,3
+cosmos,987,1
+marstons,856,0
+newfields,1540,3
+beechwood,426,4
+shelbyville,1244,1
+marstons,1733,6
+klickitat,777,0
+lindenwood,1642,3
+leonardo,1105,5
+lindenwood,383,3
+marstons,1759,3
+lakeville,1745,1
+marstons,1829,4
+lindenwood,1606,9
+merom,994,3
+shelbyville,816,1
+leonardo,1494,2
+mifflinburg,357,0
+mifflinburg,253,2
+shelbyville,2099,4
+marstons,792,4
+stockman,1179,0
+lindenwood,361,0
+woodbine,409,6
+lakeville,247,2
+ranchester,703,5
+lindenwood,1335,1
+woodbine,908,6
+hiteman,859,7
+coffeen,1383,0
+pomaria,754,2
+pomaria,834,3
+shelbyville,2583,12
+wainscott,1735,12
+woodbine,400,1
+woodbine,897,2
+leonardo,2059,0
+shelbyville,758,5
+wainscott,60,0
+allensville,115,5
+lakeville,1378,1
+coffeen,38,1
+tolstoy,186,3
+newfields,724,4
+shelbyville,2660,3
+woodbine,619,5
+benevolence,854,5
+mifflinburg,694,1
+lakeville,1787,0
+wainscott,169,0
+klickitat,242,4
+wainscott,313,3
+stockman,59,1
+marstons,423,6
+lakeville,1370,3
+pinesdale,436,1
+klickitat,2074,1
+forkland,692,5
+leonardo,1207,8
+leonardo,1536,6
+lindenwood,2663,4
+leonardo,1255,4
+lindenwood,653,5
+wainscott,187,6
+lindenwood,2018,1
+marstons,1012,4
+hanson,876,3
+woodbine,513,0
+marstons,121,0
+tolstoy,681,3
+coffeen,31,0
+hanson,1110,3
+ranchester,1347,7
+klickitat,1914,0
+wainscott,1176,6
+pinesdale,896,2
+marstons,254,5
+leonardo,893,2
+pinesdale,82,1
+shelbyville,1083,0
+onaga,10,3
+tolstoy,1062,1
+wainscott,983,5
+woodbine,224,8
+stockman,1044,1
+shelbyville,1013,0
+pinesdale,1080,1
+klickitat,98,0
+shelbyville,1364,0
+klickitat,1964,1
+shelbyville,1901,5
+merom,876,7
+marstons,897,4
+wainscott,1752,10
+woodbine,1594,0
+woodbine,1603,0
+leonardo,798,1
+newfields,1005,4
+lindenwood,1470,3
+leonardo,1656,0
+klickitat,2279,10
+pinesdale,1424,5
+forkland,585,3
+hanson,522,0
+beechwood,463,8
+pinesdale,1066,3
+lakeville,1187,4
+hiteman,670,6
+hanson,27,4
+pomaria,125,3
+klickitat,2294,4
+beechwood,1128,7
+wainscott,1636,2
+woodbine,1779,3
+ranchester,687,0
+shelbyville,866,6
+shelbyville,1324,0
+leonardo,585,5
+cosmos,418,0
+allensville,343,3
+ranchester,1388,7
+shelbyville,956,0
+ranchester,1464,0
+lakeville,1118,6
+stockman,246,1
+marstons,910,3
+woodbine,420,0
+woodbine,1712,18
+marstons,1908,1
+hiteman,1617,4
+mifflinburg,26,1
+wainscott,1352,9
+woodbine,974,6
+forkland,1179,0
+pinesdale,1483,5
+woodbine,160,3
+leonardo,968,0
+woodbine,1813,4
+coffeen,988,0
+woodbine,250,7
+forkland,772,0
+hanson,1337,6
+tolstoy,1238,0
+coffeen,922,5
+coffeen,47,5
+merom,104,3
+merom,169,0
+leonardo,168,4
+klickitat,2413,1
+lindenwood,2633,5
+marstons,275,1
+lindenwood,1687,8
+pinesdale,918,6
+leonardo,668,2
+stockman,1251,3
+coffeen,1433,4
+klickitat,758,3
+woodbine,1653,3
+ranchester,1498,5
+beechwood,890,2
+cosmos,1038,3
+pinesdale,1220,1
+tolstoy,355,1
+hiteman,1101,7
+klickitat,125,5
+newfields,331,11
+cosmos,614,0
+ranchester,429,15
+wainscott,104,4
+woodbine,1671,1
+wainscott,377,8
+klickitat,815,1
+klickitat,2128,4
+coffeen,512,0
+hiteman,181,5
+coffeen,360,3
+leonardo,1539,0
+beechwood,1155,0
+lakeville,388,4
+benevolence,556,4
+stockman,1456,0
+marstons,1224,2
+marstons,1011,2
+merom,192,3
+beechwood,653,2
+klickitat,613,0
+hanson,623,7
+lakeville,252,1
+shelbyville,323,4
+pomaria,489,5
+newfields,1222,18
+stockman,843,4
+hanson,775,7
+woodbine,972,2
+lindenwood,614,6
+klickitat,1478,3
+lakeville,1235,4
+forkland,227,0
+lindenwood,2315,13
+klickitat,1194,7
+woodbine,1236,11
+forkland,730,1
+shelbyville,197,4
+newfields,1077,11
+coffeen,1444,2
+lindenwood,1396,7
+hanson,893,12
+woodbine,1485,0
+woodbine,746,9
+hiteman,1022,7
+cosmos,736,1
+merom,417,2
+ranchester,1588,10
+shelbyville,1266,0
+onaga,431,0
+marstons,2325,4
+merom,377,1
+wainscott,1179,9
+leonardo,612,3
+hiteman,244,4
+shelbyville,1859,2
+woodbine,812,7
+newfields,21,0
+lindenwood,356,0
+coffeen,692,0
+coffeen,747,0
+lindenwood,1595,4
+tolstoy,1264,7
+shelbyville,770,2
+hanson,215,2
+pinesdale,784,4
+mifflinburg,502,1
+hiteman,314,0
+wainscott,1668,6
+woodbine,1297,1
+wainscott,337,16
+pinesdale,1493,7
+wainscott,784,6
+tolstoy,1663,1
+pomaria,1111,3
+hanson,582,3
+beechwood,546,0
+wainscott,1529,3
+merom,635,13
+merom,244,2
+onaga,579,1
+leonardo,1200,0
+shelbyville,2023,5
+lindenwood,560,1
+pinesdale,1424,2
+allensville,48,1
+benevolence,193,0
+cosmos,226,6
+benevolence,307,2
+marstons,1765,18
+hanson,1413,0
+allensville,227,2
+klickitat,341,9
+klickitat,535,3
+beechwood,957,7
+lakeville,358,2
+stockman,455,6
+ranchester,140,2
+lindenwood,1735,7
+tolstoy,415,2
+allensville,193,1
+hanson,549,4
+coffeen,1167,2
+merom,539,4
+wainscott,1077,3
+hiteman,804,2
+shelbyville,2678,7
+coffeen,1092,0
+shelbyville,840,5
+klickitat,1109,0
+leonardo,643,4
+lindenwood,556,2
+coffeen,1393,1
+leonardo,1500,5
+newfields,762,3
+klickitat,2226,1
+newfields,1593,3
+tolstoy,1247,7
+allensville,402,1
+newfields,675,12
+hiteman,1522,0
+lindenwood,1365,3
+marstons,697,2
+pinesdale,1256,3
+klickitat,2230,0
+ranchester,368,1
+wainscott,82,9
+coffeen,769,1
+klickitat,35,2
+cosmos,1021,0
+pomaria,1603,3
+stockman,1450,2
+cosmos,750,2
+newfields,532,14
+lakeville,206,5
+shelbyville,1826,4
+shelbyville,1300,5
+lindenwood,1582,3
+pinesdale,94,6
+lindenwood,1237,1
+forkland,110,1
+tolstoy,1076,1
+lakeville,629,1
+marstons,1737,3
+lakeville,759,9
+newfields,378,3
+hiteman,1340,1
+marstons,1390,1
+hanson,901,4
+marstons,1973,3
+tolstoy,1230,10
+shelbyville,1229,3
+newfields,1044,7
+lakeville,330,6
+marstons,1286,5
+leonardo,1612,2
+marstons,1741,2
+beechwood,512,3
+beechwood,337,3
+stockman,141,7
+cosmos,121,1
+woodbine,452,3
+woodbine,1216,2
+hiteman,880,3
+lakeville,846,2
+onaga,166,3
+shelbyville,1156,1
+hiteman,826,1
+lakeville,157,9
+tolstoy,178,3
+lakeville,847,11
+woodbine,1383,2
+leonardo,56,1
+marstons,2483,3
+hiteman,1301,6
+forkland,466,0
+marstons,211,10
+forkland,1023,3
+lindenwood,1020,2
+ranchester,1219,9
+shelbyville,297,2
+newfields,359,0
+lindenwood,457,4
+pomaria,510,9
+ranchester,598,10
+pinesdale,851,1
+tolstoy,1088,0
+pomaria,1512,4
+stockman,661,0
+marstons,1894,7
+lakeville,583,9
+klickitat,2010,15
+leonardo,558,0
+pinesdale,735,0
+pomaria,271,3
+leonardo,859,5
+wainscott,1293,4
+merom,357,2
+wainscott,368,4
+pinesdale,1345,12
+wainscott,1007,4
+lindenwood,907,8
+lindenwood,761,2
+hiteman,868,4
+pinesdale,507,6
+cosmos,197,2
+hiteman,429,1
+lindenwood,2032,4
+merom,850,11
+wainscott,506,1
+ranchester,835,5
+leonardo,2020,3
+klickitat,2122,6
+woodbine,2056,3
+wainscott,592,1
+hiteman,760,0
+leonardo,681,13
+benevolence,421,1
+tolstoy,603,5
+lindenwood,866,1
+coffeen,864,0
+klickitat,2279,14
+leonardo,1014,6
+cosmos,557,3
+lindenwood,1532,0
+hiteman,503,8
+beechwood,987,1
+cosmos,332,6
+beechwood,1121,12
+pinesdale,1149,2
+leonardo,600,1
+marstons,972,4
+pomaria,1347,0
+hanson,1021,4
+hanson,576,13
+leonardo,810,0
+cosmos,191,1
+forkland,821,5
+hiteman,1544,1
+shelbyville,2139,8
+mifflinburg,327,0
+woodbine,536,3
+newfields,525,4
+klickitat,1462,1
+leonardo,1528,19
+pomaria,1421,1
+coffeen,1487,6
+leonardo,1954,6
+hanson,699,0
+ranchester,434,0
+woodbine,1037,13
+lindenwood,390,2
+lakeville,1206,1
+forkland,299,4
+woodbine,1474,17
+hanson,970,2
+klickitat,809,0
+leonardo,11,2
+pomaria,233,2
+lindenwood,952,3
+forkland,258,10
+lakeville,306,0
+stockman,993,1
+benevolence,521,5
+shelbyville,2309,5
+allensville,182,2
+leonardo,340,2
+tolstoy,1193,4
+shelbyville,2174,0
+ranchester,1507,0
+leonardo,1110,6
+hanson,343,2
+tolstoy,897,1
+wainscott,775,5
+onaga,315,1
+marstons,1574,12
+klickitat,1329,8
+klickitat,1376,1
+marstons,90,6
+shelbyville,2478,13
+woodbine,1464,2
+klickitat,1449,7
+hanson,659,4
+lindenwood,621,0
+lakeville,1717,5
+lindenwood,2000,3
+shelbyville,2113,1
+leonardo,1072,3
+tolstoy,330,0
+klickitat,74,14
+pomaria,1273,5
+pomaria,1447,1
+ranchester,524,11
+lakeville,1766,5
+wainscott,1150,4
+wainscott,461,3
+leonardo,1365,3
+marstons,935,0
+pinesdale,1095,4
+beechwood,953,3
+lindenwood,375,2
+shelbyville,874,1
+onaga,292,4
+forkland,1113,1
+klickitat,699,5
+lakeville,1737,6
+stockman,85,4
+coffeen,502,1
+pomaria,1242,0
+hiteman,274,2
+hanson,744,1
+beechwood,535,1
+cosmos,1019,1
+marstons,1812,1
+woodbine,1532,1
+cosmos,665,14
+allensville,94,2
+shelbyville,2159,7
+pinesdale,501,1
+pinesdale,164,1
+coffeen,1390,0
+coffeen,1509,6
+lindenwood,2508,0
+pomaria,796,5
+coffeen,556,0
+newfields,458,5
+marstons,2373,4
+tolstoy,1752,2
+woodbine,347,4
+wainscott,116,13
+beechwood,437,5
+ranchester,24,11
+klickitat,1561,0
+benevolence,681,13
+woodbine,1218,13
+stockman,58,1
+woodbine,795,7
+hiteman,569,1
+cosmos,164,5
+hiteman,574,5
+pomaria,522,0
+woodbine,1454,7
+merom,662,0
+pinesdale,555,3
+hanson,1419,2
+stockman,992,2
+leonardo,1360,2
+stockman,1608,2
+beechwood,207,1
+stockman,556,0
+pinesdale,175,1
+newfields,1019,6
+lindenwood,1471,0
+tolstoy,1480,0
+klickitat,317,1
+lakeville,1228,2
+beechwood,495,0
+hanson,1615,0
+tolstoy,242,2
+newfields,1292,11
+klickitat,705,0
+hiteman,1146,0
+marstons,1922,5
+wainscott,600,3
+wainscott,233,3
+klickitat,908,4
+lindenwood,1723,9
+shelbyville,1741,4
+shelbyville,2250,1
+pinesdale,96,1
+mifflinburg,902,2
+lakeville,1059,3
+tolstoy,1317,0
+ranchester,1345,0
+shelbyville,925,11
+lakeville,1829,4
+marstons,2592,2
+newfields,599,3
+hanson,1022,3
+wainscott,581,3
+mifflinburg,1,2
+lakeville,1731,3
+stockman,1493,3
+shelbyville,1076,2
+shelbyville,685,9
+newfields,162,5
+woodbine,648,2
+klickitat,120,1
+shelbyville,1446,0
+cosmos,494,4
+leonardo,1780,6
+shelbyville,1604,2
+marstons,1350,1
+beechwood,861,6
+ranchester,376,3
+newfields,1525,0
+shelbyville,485,4
+pinesdale,740,6
+pomaria,1122,0
+wainscott,931,0
+leonardo,733,13
+marstons,1666,0
+woodbine,1668,0
+lindenwood,2402,0
+hanson,380,8
+pinesdale,724,4
+wainscott,4,3
+tolstoy,1384,1
+merom,427,3
+tolstoy,648,2
+lindenwood,1340,7
+pinesdale,188,0
+beechwood,1136,5
+forkland,1027,2
+hanson,1235,7
+leonardo,1618,10
+lakeville,430,4
+lindenwood,2387,8
+marstons,1425,0
+woodbine,1571,9
+lindenwood,1241,12
+wainscott,487,5
+lindenwood,2466,1
+cosmos,278,4
+shelbyville,1933,3
+hanson,1441,2
+forkland,911,3
+stockman,1426,1
+lindenwood,1519,8
+pomaria,319,2
+lakeville,1406,3
+ranchester,1620,3
+ranchester,1594,4
+leonardo,2017,0
+leonardo,1077,4
+woodbine,1358,0
+benevolence,94,5
+shelbyville,197,3
+klickitat,2418,10
+coffeen,1496,0
+leonardo,1744,2
+wainscott,730,2
+merom,583,1
+leonardo,807,1
+wainscott,1109,0
+ranchester,226,0
+woodbine,965,6
+pomaria,1096,5
+leonardo,980,1
+leonardo,454,0
+lindenwood,1856,2
+newfields,1146,8
+ranchester,1331,5
+klickitat,50,12
+onaga,68,5
+lindenwood,1605,4
+shelbyville,1650,1
+woodbine,945,7
+marstons,924,8
+woodbine,506,7
+allensville,239,6
+ranchester,1588,6
+hanson,89,10
+shelbyville,1657,2
+ranchester,938,11
+mifflinburg,482,2
+klickitat,835,4
+shelbyville,575,12
+lindenwood,2389,4
+pomaria,1080,5
+hanson,43,3
+pinesdale,37,2
+shelbyville,1140,6
+coffeen,132,2
+newfields,1130,5
+marstons,335,2
+woodbine,1885,0
+woodbine,584,4
+lakeville,438,7
+ranchester,781,2
+pinesdale,928,1
+lakeville,220,6
+lindenwood,2208,0
+lindenwood,1634,2
+leonardo,60,0
+wainscott,1389,2
+wainscott,661,1
+cosmos,244,5
+leonardo,861,4
+hanson,498,0
+shelbyville,488,1
+tolstoy,769,6
+ranchester,457,5
+hanson,906,8
+woodbine,201,3
+klickitat,308,0
+pomaria,769,12
+pinesdale,1232,3
+pinesdale,550,5
+coffeen,1399,4
+lakeville,483,2
+leonardo,248,2
+beechwood,876,4
+lindenwood,820,6
+beechwood,84,1
+newfields,860,0
+beechwood,167,3
+hiteman,276,10
+pinesdale,651,0
+hiteman,191,1
+pinesdale,358,7
+ranchester,19,2
+klickitat,672,2
+leonardo,114,8
+mifflinburg,247,4
+lindenwood,2173,4
+shelbyville,78,7
+wainscott,298,3
+marstons,921,0
+hiteman,604,1
+merom,631,3
+mifflinburg,423,2
+pomaria,1301,10
+allensville,172,0
+leonardo,143,12
+leonardo,1457,4
+allensville,338,0
+ranchester,1616,3
+woodbine,203,1
+wainscott,355,2
+pomaria,798,12
+tolstoy,511,3
+benevolence,227,3
+hiteman,882,2
+shelbyville,2217,7
+hanson,144,4
+hiteman,870,2
+lakeville,167,1
+wainscott,1748,1
+lindenwood,1958,1
+klickitat,1909,7
+ranchester,844,7
+hiteman,1316,1
+leonardo,1109,2
+wainscott,331,5
+klickitat,156,10
+leonardo,1411,4
+ranchester,1542,1
+ranchester,897,4
+klickitat,1980,1
+klickitat,17,2
+shelbyville,1772,11
+klickitat,1706,4
+hiteman,1641,8
+beechwood,109,6
+coffeen,454,7
+newfields,1040,9
+klickitat,2039,5
+wainscott,55,2
+marstons,1842,2
+lakeville,1714,3
+pinesdale,1060,8
+pomaria,425,2
+tolstoy,1618,2
+cosmos,2,0
+leonardo,1058,8
+shelbyville,957,4
+hanson,31,7
+klickitat,1576,2
+newfields,663,8
+leonardo,1565,12
+tolstoy,1289,3
+stockman,552,5
+beechwood,842,1
+leonardo,1578,0
+klickitat,1573,1
+lakeville,977,11
+onaga,658,0
+benevolence,432,9
+stockman,203,0
+coffeen,1141,1
+klickitat,2390,15
+pomaria,1268,8
+marstons,1580,11
+pomaria,1633,0
+shelbyville,964,2
+wainscott,587,0
+cosmos,315,7
+mifflinburg,452,4
+pomaria,925,1
+marstons,290,2
+hanson,1344,2
+lakeville,1415,3
+hiteman,319,3
+cosmos,753,7
+pinesdale,4,7
+forkland,356,11
+pomaria,1676,9
+leonardo,409,5
+cosmos,334,3
+lindenwood,693,10
+marstons,1174,8
+hanson,1429,13
+lakeville,711,1
+hanson,1390,1
+klickitat,1801,6
+pomaria,363,0
+klickitat,913,7
+beechwood,820,1
+woodbine,1061,4
+lindenwood,2313,1
+lakeville,1074,4
+stockman,1554,0
+lakeville,398,7
+ranchester,551,7
+merom,775,5
+leonardo,337,19
+marstons,470,1
+benevolence,230,1
+wainscott,68,11
+klickitat,347,4
+lindenwood,967,3
+wainscott,1330,1
+lindenwood,392,5
+lindenwood,1977,2
+leonardo,1270,4
+marstons,1485,1
+klickitat,8,12
+coffeen,712,1
+stockman,269,4
+marstons,518,6
+lindenwood,2164,5
+merom,320,0
+shelbyville,2542,1
+lindenwood,1711,3
+leonardo,1985,5
+leonardo,1376,3
+hiteman,1483,0
+tolstoy,952,0
+hanson,507,0
+woodbine,746,15
+lakeville,248,1
+hanson,905,0
+mifflinburg,169,0
+shelbyville,2076,1
+stockman,1243,1
+mifflinburg,200,6
+lindenwood,699,5
+ranchester,1199,2
+wainscott,1373,3
+mifflinburg,399,10
+coffeen,896,2
+pinesdale,869,8
+merom,418,1
+woodbine,376,1
+ranchester,653,3
+wainscott,915,2
+tolstoy,13,0
+newfields,730,4
+wainscott,280,11
+lakeville,606,3
+newfields,1424,18
+shelbyville,932,1
+lindenwood,2103,10
+shelbyville,252,3
+merom,0,4
+beechwood,53,8
+lindenwood,1058,3
+beechwood,853,4
+tolstoy,36,1
+pomaria,1092,3
+lindenwood,684,2
+lakeville,53,9
+pinesdale,1326,2
+lindenwood,487,0
+shelbyville,2130,3
+shelbyville,1660,5
+shelbyville,1901,8
+wainscott,1189,5
+marstons,1245,13
+beechwood,552,1
+ranchester,815,0
+wainscott,835,2
+beechwood,248,10
+beechwood,1116,5
+beechwood,1136,0
+shelbyville,1936,6
+forkland,963,1
+marstons,120,1
+marstons,1064,9
+shelbyville,1744,11
+pinesdale,296,3
+beechwood,1069,3
+lakeville,525,2
+wainscott,617,3
+stockman,44,7
+leonardo,1172,2
+ranchester,894,5
+tolstoy,289,4
+hiteman,1673,3
+shelbyville,1558,2
+hiteman,11,1
+lindenwood,1338,5
+cosmos,151,1
+ranchester,1044,1
+hanson,1055,16
+lindenwood,1422,5
+lindenwood,53,0
+klickitat,1741,11
+shelbyville,1949,11
+onaga,55,6
+shelbyville,1760,5
+leonardo,699,7
+forkland,433,0
+stockman,664,6
+woodbine,1993,0
+lindenwood,2591,2
+forkland,963,3
+marstons,33,3
+hanson,1143,2
+ranchester,543,2
+hiteman,1389,2
+marstons,332,0
+ranchester,1454,0
+leonardo,981,2
+marstons,1805,9
+lindenwood,1071,3
+wainscott,672,0
+tolstoy,1295,4
+shelbyville,2289,10
+hiteman,273,4
+klickitat,548,1
+wainscott,52,0
+hanson,250,5
+shelbyville,170,1
+pomaria,1292,2
+merom,984,1
+shelbyville,719,6
+woodbine,92,9
+onaga,362,0
+woodbine,1231,6
+hanson,628,1
+klickitat,1695,9
+newfields,393,2
+pinesdale,710,0
+lakeville,1896,6
+stockman,689,11
+tolstoy,1652,1
+allensville,355,0
+pomaria,887,3
+stockman,203,2
+woodbine,241,0
+marstons,1113,8
+mifflinburg,900,3
+klickitat,1478,7
+hanson,854,0
+pinesdale,1002,4
+ranchester,1221,2
+ranchester,1334,2
+merom,303,1
+wainscott,164,3
+lindenwood,2313,0
+lakeville,1282,1
+leonardo,1926,3
+marstons,65,0
+marstons,1163,0
+lindenwood,2628,7
+leonardo,1463,1
+mifflinburg,767,3
+tolstoy,1182,0
+pomaria,744,1
+lindenwood,559,2
+lakeville,586,3
+lakeville,997,3
+shelbyville,680,7
+shelbyville,1953,1
+leonardo,758,2
+ranchester,883,1
+woodbine,1091,3
+lindenwood,1350,6
+newfields,1282,0
+wainscott,1794,8
+woodbine,1864,11
+shelbyville,1858,2
+newfields,54,0
+pinesdale,795,4
+newfields,870,1
+shelbyville,1706,1
+hiteman,136,3
+beechwood,838,2
+pomaria,129,1
+lindenwood,543,1
+cosmos,626,1
+newfields,686,1
+wainscott,135,9
+tolstoy,234,3
+tolstoy,690,1
+shelbyville,2375,5
+hanson,851,0
+pinesdale,1168,1
+wainscott,505,0
+merom,624,0
+tolstoy,1435,8
+merom,251,0
+klickitat,1283,6
+coffeen,1089,3
+shelbyville,63,8
+shelbyville,250,4
+lindenwood,1682,1
+klickitat,675,0
+marstons,1543,9
+leonardo,1117,3
+shelbyville,2042,6
+lindenwood,2598,0
+mifflinburg,650,4
+hiteman,1841,2
+lindenwood,964,6
+lindenwood,2334,0
+coffeen,1212,2
+beechwood,328,0
+beechwood,338,5
+coffeen,1310,2
+leonardo,1630,6
+benevolence,160,3
+beechwood,52,8
+wainscott,892,2
+forkland,569,5
+shelbyville,2143,2
+tolstoy,0,1
+lindenwood,518,1
+hanson,1476,2
+marstons,2442,1
+forkland,1072,2
+hanson,1067,8
+tolstoy,1092,17
+shelbyville,422,2
+newfields,776,6
+leonardo,2034,4
+hiteman,1689,1
+forkland,323,5
+merom,749,0
+pomaria,1118,4
+tolstoy,1263,8
+leonardo,3,3
+wainscott,1155,2
+hanson,920,3
+coffeen,1439,0
+hanson,1479,9
+woodbine,987,0
+woodbine,69,3
+wainscott,1649,0
+lakeville,980,0
+shelbyville,2589,2
+marstons,1960,1
+stockman,813,4
+marstons,947,9
+pinesdale,749,2
+shelbyville,186,1
+newfields,219,0
+newfields,908,0
+stockman,174,0
+newfields,1424,11
+pomaria,1492,7
+cosmos,353,6
+leonardo,1840,5
+lakeville,933,1
+hiteman,1594,0
+merom,692,3
+wainscott,792,7
+pinesdale,614,0
+coffeen,300,3
+newfields,269,3
+forkland,442,6
+pomaria,996,4
+ranchester,1490,10
+forkland,1114,5
+hanson,494,0
+lakeville,1872,14
+wainscott,283,5
+coffeen,659,0
+pomaria,1087,4
+marstons,2245,10
+pomaria,159,2
+merom,572,2
+lakeville,1421,0
+klickitat,2412,2
+hiteman,746,1
+lindenwood,1561,2
+ranchester,484,9
+shelbyville,2418,2
+marstons,1586,6
+leonardo,1807,1
+marstons,2168,3
+merom,758,1
+hanson,1449,3
+wainscott,96,2
+pinesdale,361,4
+klickitat,1595,9
+klickitat,386,10
+marstons,2126,0
+cosmos,779,11
+shelbyville,1875,9
+beechwood,516,6
+pomaria,1459,13
+leonardo,1771,5
+cosmos,738,0
+lindenwood,2197,2
+stockman,1237,6
+stockman,1235,4
+shelbyville,15,4
+hiteman,1367,2
+leonardo,168,0
+ranchester,442,0
+hiteman,1491,7
+newfields,567,5
+ranchester,1248,1
+onaga,25,4
+coffeen,1173,0
+tolstoy,1356,0
+wainscott,916,11
+pinesdale,659,9
+pinesdale,67,0
+shelbyville,2676,2
+lindenwood,1892,7
+hiteman,98,7
+hanson,1412,2
+marstons,473,8
+shelbyville,435,12
+lindenwood,1570,3
+marstons,1239,10
+pinesdale,636,0
+merom,190,1
+lindenwood,2483,0
+pinesdale,1242,5
+shelbyville,1448,2
+hiteman,792,6
+stockman,1118,1
+forkland,20,5
+onaga,639,8
+hanson,1299,1
+klickitat,1849,17
+coffeen,427,4
+hanson,812,7
+beechwood,520,2
+klickitat,197,7
+shelbyville,1426,1
+hiteman,765,3
+klickitat,2147,2
+hiteman,1612,2
+woodbine,1081,0
+klickitat,2201,13
+klickitat,1131,5
+pinesdale,212,0
+lakeville,405,9
+mifflinburg,235,5
+leonardo,1444,2
+lakeville,883,1
+coffeen,1480,3
+hanson,898,1
+stockman,313,11
+woodbine,1172,7
+shelbyville,1391,0
+hanson,1475,10
+wainscott,163,4
+hanson,462,1
+leonardo,1659,1
+lindenwood,1638,3
+beechwood,975,1
+coffeen,454,6
+shelbyville,1983,2
+leonardo,1271,7
+shelbyville,679,15
+woodbine,1091,0
+marstons,1163,2
+pinesdale,122,13
+hiteman,1421,2
+wainscott,418,6
+lakeville,1075,3
+hanson,1490,2
+hiteman,1606,0
+onaga,109,2
+lindenwood,1043,3
+shelbyville,564,4
+mifflinburg,31,0
+tolstoy,1400,2
+mifflinburg,292,4
+shelbyville,728,1
+forkland,132,0
+lakeville,834,2
+newfields,1207,11
+hanson,1108,4
+benevolence,614,5
+lakeville,1208,2
+klickitat,844,3
+hanson,1395,2
+hanson,1269,4
+marstons,2644,1
+hiteman,1036,0
+pomaria,456,0
+newfields,69,11
+woodbine,1699,0
+marstons,1619,6
+newfields,642,4
+tolstoy,164,2
+beechwood,389,1
+newfields,1352,1
+wainscott,384,2
+mifflinburg,56,0
+newfields,524,4
+coffeen,481,2
+woodbine,1941,1
+wainscott,1436,12
+marstons,1398,11
+woodbine,2008,6
+pomaria,68,10
+lindenwood,1523,2
+lindenwood,839,3
+shelbyville,1849,7
+lakeville,1324,3
+onaga,671,2
+shelbyville,2315,5
+ranchester,221,2
+shelbyville,2188,7
+hiteman,59,1
+lindenwood,170,1
+newfields,1170,1
+leonardo,415,1
+shelbyville,2598,0
+hiteman,1023,4
+allensville,132,1
+pomaria,803,0
+shelbyville,1082,3
+onaga,247,5
+newfields,263,3
+pomaria,820,0
+merom,955,6
+tolstoy,1674,3
+coffeen,844,4
+cosmos,302,1
+wainscott,104,10
+coffeen,855,0
+hanson,74,12
+klickitat,1846,1
+hanson,552,9
+woodbine,306,0
+wainscott,1460,4
+hanson,1457,3
+pinesdale,921,2
+marstons,766,3
+klickitat,1751,1
+wainscott,1445,4
+hiteman,84,3
+pomaria,1095,3
+tolstoy,1822,7
+mifflinburg,253,0
+wainscott,1127,8
+stockman,118,5
+lindenwood,1675,7
+lindenwood,1596,3
+woodbine,228,0
+hiteman,1767,5
+marstons,1866,6
+merom,1036,0
+newfields,1093,18
+lindenwood,2492,0
+beechwood,628,2
+coffeen,1195,2
+stockman,875,1
+stockman,748,1
+mifflinburg,348,2
+newfields,564,2
+pinesdale,1190,7
+pinesdale,142,5
+tolstoy,1252,3
+shelbyville,1576,3
+coffeen,903,0
+marstons,1802,0
+leonardo,757,5
+merom,92,0
+cosmos,915,5
+mifflinburg,157,1
+ranchester,878,2
+wainscott,141,5
+lindenwood,2245,1
+coffeen,336,1
+klickitat,437,6
+leonardo,123,3
+merom,159,4
+wainscott,1311,1
+wainscott,415,11
+tolstoy,1119,1
+wainscott,217,1
+pinesdale,1206,1
+lindenwood,1135,5
+hanson,633,0
+hiteman,20,10
+beechwood,1051,0
+merom,1058,2
+mifflinburg,654,1
+pomaria,397,2
+mifflinburg,959,2
+shelbyville,2179,1
+marstons,369,2
+leonardo,215,3
+tolstoy,1740,1
+hanson,1014,3
+marstons,2584,9
+hiteman,841,4
+mifflinburg,102,5
+pomaria,450,6
+forkland,773,1
+ranchester,673,3
+shelbyville,1615,1
+coffeen,1290,1
+pomaria,524,1
+newfields,907,3
+hiteman,1466,1
+wainscott,594,0
+coffeen,632,4
+pomaria,1009,6
+benevolence,714,2
+pomaria,1578,4
+hiteman,968,9
+leonardo,1770,8
+tolstoy,781,1
+pinesdale,1101,1
+pomaria,251,6
+stockman,1242,1
+lindenwood,1698,5
+pinesdale,1168,6
+stockman,546,3
+klickitat,38,2
+lindenwood,2577,7
+lindenwood,2266,8
+lakeville,1872,17
+coffeen,550,4
+wainscott,907,4
+leonardo,1754,1
+hanson,94,9
+woodbine,1562,0
+stockman,670,4
+coffeen,591,3
+pinesdale,1242,3
+tolstoy,1779,4
+hiteman,470,3
+pomaria,1113,11
+lakeville,797,2
+hanson,1398,3
+lakeville,1770,7
+newfields,558,17
+pomaria,1666,7
+woodbine,1687,1
+coffeen,109,0
+pomaria,205,5
+woodbine,1033,0
+hiteman,1191,2
+tolstoy,561,2
+leonardo,1248,7
+shelbyville,845,3
+lindenwood,2421,4
+shelbyville,1229,0
+newfields,1207,7
+marstons,1556,1
+hanson,1654,3
+klickitat,240,5
+marstons,1075,0
+stockman,34,0
+cosmos,625,1
+pinesdale,1134,0
+newfields,1479,5
+merom,707,3
+klickitat,229,5
+lakeville,901,8
+lindenwood,2273,4
+marstons,1468,3
+pomaria,955,1
+marstons,2135,9
+hanson,933,1
+lakeville,1057,4
+hiteman,865,7
+cosmos,390,1
+benevolence,675,3
+klickitat,488,7
+lindenwood,2238,2
+beechwood,248,9
+ranchester,8,7
+lindenwood,646,0
+ranchester,707,8
+wainscott,1289,10
+ranchester,89,2
+marstons,847,9
+klickitat,869,3
+lindenwood,908,0
+lakeville,1583,3
+klickitat,1422,5
+allensville,352,0
+benevolence,181,0
+pinesdale,555,6
+lakeville,936,5
+lakeville,1350,6
+stockman,730,11
+shelbyville,2000,4
+shelbyville,440,8
+marstons,458,10
+ranchester,1605,0
+tolstoy,553,0
+wainscott,444,1
+pomaria,889,5
+stockman,794,3
+lakeville,889,0
+lakeville,1004,17
+newfields,9,1
+shelbyville,2068,1
+leonardo,1572,4
+woodbine,425,3
+hanson,152,3
+marstons,141,0
+klickitat,1698,8
+coffeen,1045,2
+ranchester,805,1
+shelbyville,330,4
+mifflinburg,339,0
+marstons,1790,3
+stockman,358,3
+woodbine,1692,17
+marstons,1773,10
+tolstoy,91,2
+marstons,2063,9
+pomaria,1531,3
+lindenwood,1530,3
+woodbine,2018,0
+tolstoy,808,4
+ranchester,482,4
+wainscott,623,1
+newfields,33,1
+shelbyville,1333,6
+stockman,1599,8
+newfields,465,1
+woodbine,841,1
+hiteman,1385,8
+mifflinburg,779,3
+stockman,1370,1
+shelbyville,1788,4
+marstons,2430,0
+benevolence,886,0
+cosmos,499,8
+shelbyville,2399,4
+beechwood,673,3
+leonardo,1512,1
+leonardo,631,0
+marstons,2449,2
+hanson,1223,7
+shelbyville,2077,10
+woodbine,1227,10
+shelbyville,445,16
+newfields,754,8
+newfields,1070,11
+merom,639,2
+allensville,231,3
+woodbine,739,16
+ranchester,1004,4
+hanson,435,1
+ranchester,1491,4
+pomaria,222,0
+marstons,451,0
+newfields,1376,3
+tolstoy,1368,3
+lindenwood,1078,3
+pomaria,590,5
+coffeen,1469,0
+hiteman,1411,2
+klickitat,1230,9
+pinesdale,557,0
+lakeville,1645,2
+marstons,1430,12
+hiteman,1516,6
+klickitat,845,7
+beechwood,396,2
+onaga,252,2
+tolstoy,89,1
+stockman,974,2
+tolstoy,1774,1
+leonardo,448,11
+marstons,1361,4
+shelbyville,127,7
+hiteman,1531,5
+klickitat,54,8
+shelbyville,156,6
+tolstoy,514,2
+klickitat,1913,0
+woodbine,336,3
+klickitat,377,7
+beechwood,20,0
+pinesdale,895,7
+hiteman,1481,1
+tolstoy,1184,4
+onaga,353,9
+newfields,675,7
+hiteman,742,2
+tolstoy,1567,0
+leonardo,690,8
+stockman,287,5
+mifflinburg,383,2
+pinesdale,71,5
+cosmos,496,1
+marstons,676,1
+lakeville,357,3
+wainscott,1146,6
+coffeen,757,0
+lakeville,318,2
+pomaria,707,11
+leonardo,181,0
+lakeville,298,5
+coffeen,537,1
+leonardo,2001,5
+woodbine,1735,0
+pomaria,664,0
+klickitat,907,2
+ranchester,895,13
+hiteman,1836,2
+hanson,762,5
+stockman,215,6
+forkland,888,3
+beechwood,825,4
+leonardo,532,1
+hanson,921,8
+klickitat,82,3
+shelbyville,1892,7
+shelbyville,376,4
+wainscott,656,3
+mifflinburg,669,2
+marstons,2392,1
+shelbyville,1507,7
+klickitat,2213,2
+cosmos,995,1
+lakeville,408,0
+klickitat,1919,0
+newfields,140,7
+klickitat,1139,4
+marstons,956,7
+pinesdale,958,2
+hiteman,1414,1
+lakeville,1537,5
+leonardo,1594,12
+benevolence,786,10
+hanson,1647,7
+merom,967,3
+hiteman,1371,2
+hanson,166,4
+wainscott,47,0
+stockman,373,6
+stockman,451,2
+hiteman,1395,2
+wainscott,1705,5
+wainscott,499,9
+wainscott,1568,4
+pinesdale,523,1
+pomaria,497,6
+coffeen,1051,4
+hiteman,326,4
+lindenwood,560,6
+pinesdale,1494,2
+lindenwood,1314,2
+beechwood,911,2
+pinesdale,1284,2
+merom,635,4
+mifflinburg,468,0
+woodbine,994,1
+merom,72,2
+merom,993,4
+onaga,196,3
+tolstoy,310,6
+pinesdale,361,6
+lakeville,1765,0
+pomaria,386,2
+lakeville,169,2
+pinesdale,1442,2
+beechwood,815,12
+lindenwood,487,5
+leonardo,143,6
+pinesdale,424,2
+shelbyville,1598,3
+ranchester,13,1
+hiteman,1005,2
+woodbine,1097,4
+hanson,1230,4
+hanson,1449,7
+klickitat,928,7
+hanson,894,1
+ranchester,99,4
+wainscott,1555,7
+marstons,939,0
+shelbyville,1007,3
+wainscott,1112,3
+klickitat,284,2
+lindenwood,1138,1
+merom,940,0
+mifflinburg,897,8
+wainscott,1138,1
+klickitat,850,5
+woodbine,864,7
+cosmos,1011,3
+beechwood,499,1
+woodbine,1019,4
+shelbyville,359,0
+hanson,629,0
+wainscott,1153,4
+allensville,435,3
+klickitat,822,10
+wainscott,987,4
+leonardo,575,1
+beechwood,1070,1
+lindenwood,1210,3
+ranchester,1609,5
+lakeville,1104,5
+benevolence,854,6
+coffeen,899,0
+merom,774,2
+hiteman,513,0
+marstons,709,0
+hanson,1163,2
+klickitat,466,2
+lakeville,1297,1
+lakeville,1782,0
+shelbyville,282,2
+marstons,487,4
+marstons,775,5
+shelbyville,564,0
+leonardo,252,2
+wainscott,147,1
+forkland,969,8
+forkland,824,2
+marstons,975,0
+newfields,484,4
+pomaria,1377,1
+marstons,1228,10
+wainscott,1527,4
+stockman,280,4
+marstons,1404,4
+shelbyville,726,2
+woodbine,526,0
+leonardo,1431,3
+klickitat,2277,0
+woodbine,80,5
+newfields,1231,4
+beechwood,360,8
+shelbyville,1279,10
+marstons,211,14
+lakeville,198,2
+beechwood,293,3
+onaga,310,8
+wainscott,921,6
+beechwood,22,0
+pinesdale,1446,1
+tolstoy,438,14
+newfields,333,2
+wainscott,1608,3
+wainscott,889,13
+stockman,326,6
+lindenwood,302,2
+woodbine,1611,11
+forkland,792,0
+klickitat,688,2
+woodbine,772,3
+tolstoy,364,1
+wainscott,979,11
+ranchester,1335,5
+newfields,1053,3
+hanson,154,7
+merom,1062,1
+lindenwood,2247,3
+lindenwood,1756,2
+ranchester,1619,0
+marstons,299,6
+pomaria,1113,19
+wainscott,1614,1
+pomaria,38,5
+stockman,1308,3
+pinesdale,429,3
+woodbine,768,2
+hiteman,1504,0
+marstons,891,5
+marstons,336,1
+mifflinburg,511,0
+benevolence,835,4
+pomaria,126,2
+cosmos,654,0
+newfields,1138,2
+tolstoy,245,0
+hiteman,1493,4
+marstons,1017,1
+lakeville,1781,2
+coffeen,630,3
+wainscott,1302,1
+beechwood,996,3
+lakeville,1305,0
+lindenwood,1822,2
+newfields,153,3
+hiteman,1634,5
+newfields,1608,9
+klickitat,1025,8
+cosmos,945,5
+lindenwood,911,2
+marstons,1713,7
+ranchester,146,1
+tolstoy,736,3
+marstons,1155,5
+merom,816,3
+leonardo,1355,1
+mifflinburg,506,1
+woodbine,1627,2
+pomaria,316,3
+coffeen,1391,5
+forkland,435,2
+tolstoy,1143,13
+stockman,526,1
+ranchester,1438,5
+lakeville,525,1
+lindenwood,14,0
+marstons,151,0
+pomaria,385,1
+marstons,1001,7
+stockman,801,1
+newfields,1250,6
+beechwood,304,0
+marstons,1243,2
+forkland,588,3
+leonardo,1354,14
+klickitat,1485,0
+cosmos,464,4
+wainscott,732,9
+marstons,611,3
+klickitat,303,4
+lakeville,258,8
+hanson,519,8
+woodbine,22,1
+hanson,1378,3
+pomaria,944,2
+cosmos,532,6
+lindenwood,1655,0
+marstons,2215,13
+wainscott,1721,6
+newfields,487,2
+lakeville,1695,3
+klickitat,1138,1
+lindenwood,1682,7
+woodbine,1028,1
+lakeville,1067,6
+shelbyville,1952,9
+pinesdale,523,6
+pomaria,677,1
+pomaria,777,1
+woodbine,894,0
+hanson,289,0
+leonardo,346,7
+cosmos,132,1
+hiteman,282,6
+woodbine,1114,1
+merom,287,3
+wainscott,1134,6
+marstons,1783,8
+tolstoy,646,8
+pomaria,782,0
+newfields,110,1
+newfields,241,3
+forkland,857,3
+lindenwood,2604,11
+merom,715,2
+klickitat,462,2
+lakeville,800,0
+newfields,146,0
+marstons,2191,8
+tolstoy,582,10
+cosmos,33,7
+forkland,47,3
+lindenwood,2280,5
+marstons,1543,6
+wainscott,1688,1
+leonardo,506,6
+lindenwood,683,8
+klickitat,1412,2
+newfields,1049,0
+marstons,2165,7
+ranchester,1049,6
+marstons,1817,5
+forkland,1169,4
+lindenwood,2514,0
+wainscott,507,5
+coffeen,334,3
+shelbyville,960,8
+pinesdale,1092,3
+shelbyville,2755,1
+woodbine,82,1
+hanson,1289,0
+klickitat,1589,0
+coffeen,469,2
+marstons,725,14
+newfields,245,4
+merom,1101,1
+coffeen,752,1
+woodbine,1994,6
+klickitat,1020,2
+mifflinburg,410,5
+forkland,1125,1
+marstons,1845,4
+allensville,45,2
+marstons,1398,15
+newfields,400,2
+pomaria,494,13
+shelbyville,2626,3
+marstons,2324,0
+hanson,1497,3
+leonardo,940,2
+pomaria,84,0
+marstons,1360,3
+hanson,452,5
+cosmos,785,1
+klickitat,1648,3
+newfields,1119,2
+lindenwood,1474,6
+leonardo,1447,1
+lakeville,1310,5
+woodbine,835,2
+marstons,585,9
+marstons,551,6
+leonardo,1349,2
+wainscott,1742,0
+beechwood,945,2
+merom,766,1
+leonardo,2001,3
+klickitat,62,9
+hiteman,1084,3
+lindenwood,605,3
+newfields,303,1
+beechwood,564,3
+marstons,1366,1
+pinesdale,443,0
+ranchester,1074,3
+leonardo,445,8
+marstons,395,2
+shelbyville,1411,2
+wainscott,903,8
+lakeville,95,10
+leonardo,673,3
+shelbyville,1294,2
+tolstoy,1218,11
+onaga,512,2
+ranchester,468,1
+pomaria,560,3
+tolstoy,1155,2
+klickitat,1172,2
+beechwood,50,0
+leonardo,1524,3
+klickitat,959,10
+lakeville,399,11
+beechwood,958,2
+newfields,172,4
+woodbine,2015,0
+tolstoy,457,0
+coffeen,1041,1
+lindenwood,1866,5
+beechwood,549,3
+leonardo,1789,7
+klickitat,65,21
+lindenwood,1326,4
+shelbyville,2627,0
+shelbyville,806,1
+mifflinburg,404,3
+onaga,179,0
+newfields,1086,0
+forkland,399,5
+tolstoy,1640,0
+lindenwood,601,6
+lindenwood,841,9
+newfields,287,0
+lindenwood,2212,10
+lindenwood,2589,3
+klickitat,2033,4
+klickitat,1646,0
+wainscott,925,10
+beechwood,693,5
+woodbine,409,10
+klickitat,286,2
+cosmos,376,1
+pomaria,1306,9
+newfields,245,12
+shelbyville,313,9
+pinesdale,1128,4
+marstons,970,1
+leonardo,1328,3
+marstons,1221,10
+cosmos,124,6
+newfields,919,9
+beechwood,255,3
+lakeville,1666,2
+tolstoy,1805,2
+lindenwood,1413,8
+lakeville,1844,2
+hanson,40,6
+marstons,1565,2
+klickitat,1878,3
+marstons,2418,11
+woodbine,432,11
+lakeville,1407,6
+tolstoy,743,2
+benevolence,878,3
+newfields,1033,6
+newfields,507,6
+woodbine,1937,3
+wainscott,599,6
+shelbyville,1545,2
+merom,485,4
+lakeville,901,7
+lakeville,1395,4
+newfields,588,10
+lindenwood,2323,6
+lindenwood,823,1
+klickitat,1081,9
+marstons,520,2
+cosmos,823,7
+tolstoy,1418,2
+klickitat,85,2
+shelbyville,1822,3
+marstons,329,2
+lakeville,1020,1
+forkland,897,0
+coffeen,1360,2
+hiteman,1046,13
+coffeen,627,1
+leonardo,559,9
+klickitat,2180,2
+coffeen,750,3
+leonardo,1933,13
+hiteman,951,2
+marstons,660,1
+newfields,866,3
+hiteman,605,4
+shelbyville,47,16
+woodbine,1095,10
+shelbyville,753,2
+pinesdale,1331,1
+merom,176,3
+klickitat,1757,2
+shelbyville,1199,0
+klickitat,922,12
+merom,763,0
+stockman,931,1
+pomaria,644,0
+lakeville,1741,1
+wainscott,127,1
+leonardo,1275,2
+lindenwood,708,1
+lakeville,1468,12
+newfields,1067,2
+leonardo,1306,2
+marstons,922,4
+benevolence,593,1
+hanson,994,0
+hanson,1238,0
+tolstoy,1599,8
+beechwood,1046,5
+hiteman,1523,2
+lakeville,425,1
+lakeville,682,0
+newfields,930,3
+cosmos,242,9
+tolstoy,933,4
+pinesdale,1507,1
+klickitat,2161,0
+newfields,543,3
+pinesdale,1280,2
+wainscott,424,3
+cosmos,732,3
+lindenwood,1578,10
+woodbine,1095,9
+leonardo,501,10
+pinesdale,1323,3
+shelbyville,860,6
+klickitat,513,0
+klickitat,1704,0
+klickitat,323,0
+hanson,558,3
+woodbine,1367,1
+marstons,2062,4
+benevolence,679,4
+pomaria,1117,0
+merom,117,5
+lindenwood,2212,3
+tolstoy,222,5
+lindenwood,449,0
+stockman,319,1
+forkland,476,0
+tolstoy,1033,3
+beechwood,53,3
+merom,808,0
+cosmos,505,6
+leonardo,693,3
+hanson,1419,9
+pinesdale,667,7
+tolstoy,1393,0
+forkland,1147,3
+benevolence,104,2
+hanson,820,14
+cosmos,968,0
+klickitat,1624,4
+pomaria,1350,4
+leonardo,1087,4
+lakeville,630,6
+woodbine,1532,3
+leonardo,586,0
+wainscott,1452,4
+merom,1058,3
+lindenwood,1878,3
+onaga,604,1
+marstons,1483,3
+marstons,2008,2
+hiteman,377,3
+mifflinburg,823,0
+tolstoy,407,3
+mifflinburg,360,2
+hiteman,1506,9
+tolstoy,495,1
+ranchester,879,7
+tolstoy,283,2
+coffeen,1491,4
+lakeville,1884,16
+marstons,219,2
+hiteman,1083,3
+lindenwood,1718,0
+newfields,1650,4
+pomaria,560,11
+hiteman,1833,5
+pinesdale,1258,0
+ranchester,406,8
+hanson,517,6
+mifflinburg,675,2
+ranchester,1096,6
+hanson,962,9
+merom,628,5
+shelbyville,1046,4
+pomaria,476,6
+woodbine,551,3
+cosmos,211,0
+leonardo,1705,12
+klickitat,143,1
+lindenwood,1003,3
+hiteman,1645,4
+cosmos,666,6
+beechwood,994,0
+wainscott,982,2
+newfields,142,8
+wainscott,264,4
+tolstoy,1216,5
+cosmos,891,7
+hanson,966,12
+cosmos,298,1
+merom,716,1
+woodbine,528,0
+woodbine,69,14
+hanson,1183,7
+hanson,467,6
+woodbine,1650,12
+newfields,539,1
+woodbine,2034,0
+tolstoy,1745,1
+lakeville,700,4
+tolstoy,1204,7
+klickitat,964,2
+marstons,1253,1
+pinesdale,839,0
+leonardo,1160,6
+lakeville,1173,9
+shelbyville,1822,7
+stockman,141,6
+shelbyville,1087,0
+shelbyville,857,4
+leonardo,248,3
+tolstoy,769,9
+merom,1118,2
+allensville,414,2
+lindenwood,1862,0
+wainscott,172,0
+klickitat,1245,1
+marstons,431,1
+merom,30,4
+ranchester,1494,12
+marstons,588,4
+lakeville,1397,4
+lakeville,1160,17
+tolstoy,1747,5
+coffeen,678,2
+marstons,1707,10
+klickitat,88,5
+shelbyville,2471,16
+leonardo,1890,2
+newfields,1424,13
+woodbine,729,13
+forkland,95,2
+pinesdale,679,3
+leonardo,656,1
+newfields,480,2
+tolstoy,121,3
+newfields,13,7
+hiteman,992,2
+merom,942,6
+ranchester,983,0
+cosmos,1069,1
+woodbine,1046,6
+tolstoy,1748,7
+leonardo,1283,6
+stockman,159,3
+tolstoy,588,14
+shelbyville,1118,2
+shelbyville,1550,16
+klickitat,1070,12
+hanson,434,4
+forkland,1072,4
+lakeville,478,2
+ranchester,1342,4
+coffeen,987,5
+lakeville,1265,6
+newfields,183,10
+forkland,424,0
+pinesdale,638,13
+beechwood,430,1
+woodbine,96,4
+marstons,151,5
+wainscott,296,8
+forkland,1087,0
+pomaria,1324,4
+woodbine,1378,9
+shelbyville,702,0
+newfields,657,9
+merom,892,3
+woodbine,929,16
+lakeville,724,3
+newfields,410,9
+lindenwood,179,14
+lindenwood,1396,6
+woodbine,884,6
+woodbine,1380,4
+shelbyville,565,4
+tolstoy,1518,0
+woodbine,713,2
+lindenwood,48,6
+lindenwood,585,3
+marstons,1182,0
+wainscott,411,3
+benevolence,922,2
+ranchester,415,3
+lakeville,1344,10
+tolstoy,188,8
+wainscott,1690,0
+hiteman,1764,10
+lindenwood,2354,6
+klickitat,2294,0
+pinesdale,591,0
+shelbyville,2422,0
+marstons,1383,5
+hiteman,118,4
+shelbyville,2365,0
+woodbine,1030,7
+hanson,1588,6
+woodbine,645,1
+ranchester,846,3
+lindenwood,2108,9
+mifflinburg,474,1
+onaga,62,0
+pomaria,765,5
+benevolence,721,2
+newfields,584,1
+lindenwood,584,3
+hiteman,841,7
+leonardo,1303,1
+hanson,1412,1
+marstons,2036,6
+newfields,1175,1
+merom,465,1
+leonardo,303,9
+hiteman,880,15
+marstons,862,1
+pinesdale,116,5
+shelbyville,1014,4
+marstons,416,11
+hiteman,979,0
+woodbine,557,7
+lindenwood,2327,9
+mifflinburg,944,0
+hiteman,1604,0
+merom,1024,1
+marstons,1743,5
+hanson,1006,4
+wainscott,364,7
+shelbyville,2781,1
+pomaria,1487,2
+klickitat,491,6
+shelbyville,1141,1
+pomaria,273,2
+ranchester,77,2
+cosmos,222,7
+hanson,146,8
+marstons,662,13
+forkland,384,2
+shelbyville,2527,8
+pinesdale,251,1
+klickitat,213,8
+ranchester,791,8
+stockman,155,0
+beechwood,384,2
+pinesdale,1487,1
+leonardo,406,11
+klickitat,319,0
+marstons,468,3
+newfields,1652,3
+merom,415,1
+pomaria,846,1
+lakeville,836,8
+merom,783,2
+hanson,1542,1
+pomaria,561,2
+stockman,785,2
+leonardo,871,12
+lindenwood,1657,9
+lakeville,680,3
+lindenwood,2128,1
+coffeen,1223,3
+marstons,830,1
+marstons,302,3
+marstons,1081,9
+mifflinburg,234,7
+marstons,1468,4
+pomaria,622,0
+stockman,411,1
+lindenwood,2473,5
+merom,246,5
+leonardo,1825,10
+forkland,1167,1
+pomaria,1290,3
+pinesdale,262,6
+lakeville,622,2
+wainscott,1674,3
+marstons,1373,2
+lindenwood,547,3
+klickitat,2080,0
+shelbyville,2627,1
+pomaria,1491,2
+beechwood,813,5
+wainscott,1030,3
+leonardo,1587,1
+beechwood,1039,0
+shelbyville,2534,3
+stockman,1226,1
+coffeen,1479,9
+shelbyville,1276,11
+stockman,211,1
+pomaria,1031,2
+hiteman,598,1
+wainscott,817,2
+stockman,559,4
+forkland,812,3
+allensville,319,0
+hanson,771,3
+klickitat,1936,4
+onaga,54,1
+marstons,522,1
+hanson,1158,6
+stockman,1400,8
+hanson,898,3
+leonardo,717,2
+newfields,622,5
+pomaria,263,2
+marstons,1916,9
+beechwood,284,0
+cosmos,199,12
+onaga,109,5
+marstons,1430,4
+shelbyville,805,3
+newfields,648,2
+forkland,549,5
+ranchester,509,0
+forkland,924,1
+ranchester,362,2
+ranchester,1443,3
+newfields,558,8
+woodbine,861,8
+woodbine,455,2
+shelbyville,1920,3
+wainscott,1232,0
+marstons,2113,12
+pomaria,1537,1
+merom,1014,6
+stockman,390,0
+merom,1032,2
+ranchester,4,1
+cosmos,269,5
+marstons,447,0
+leonardo,1563,2
+cosmos,194,4
+newfields,697,10
+tolstoy,853,4
+lindenwood,2328,1
+leonardo,469,1
+pomaria,207,5
+stockman,83,5
+lindenwood,1914,1
+pinesdale,416,0
+hanson,1404,2
+onaga,147,12
+lindenwood,1735,10
+lindenwood,2023,7
+woodbine,1355,1
+klickitat,1832,3
+hiteman,598,8
+hanson,1180,3
+shelbyville,599,1
+hanson,1223,6
+tolstoy,606,2
+wainscott,671,5
+leonardo,652,12
+hiteman,478,1
+tolstoy,1500,3
+leonardo,1375,2
+lindenwood,1329,3
+woodbine,229,8
+hanson,759,1
+leonardo,1880,4
+mifflinburg,507,1
+wainscott,759,1
+cosmos,56,0
+hiteman,1158,4
+allensville,113,9
+woodbine,1074,1
+woodbine,55,3
+cosmos,1058,6
+lindenwood,1910,5
+leonardo,1019,2
+lakeville,1722,1
+hanson,1042,17
+tolstoy,720,9
+tolstoy,880,4
+woodbine,1653,11
+cosmos,863,2
+mifflinburg,589,0
+marstons,1211,0
+stockman,1023,2
+forkland,117,1
+marstons,279,5
+hanson,1458,11
+hanson,777,5
+shelbyville,1089,2
+pinesdale,248,1
+woodbine,1856,4
+pomaria,1138,7
+woodbine,1126,7
+wainscott,82,0
+beechwood,1168,5
+newfields,1272,0
+merom,601,1
+tolstoy,1034,3
+klickitat,1179,1
+newfields,1151,1
+hanson,1007,1
+klickitat,1612,5
+leonardo,105,2
+forkland,215,2
+leonardo,392,9
+woodbine,1585,5
+pomaria,568,1
+tolstoy,331,3
+coffeen,1240,3
+wainscott,1689,5
+merom,547,5
+ranchester,1116,11
+lindenwood,1132,5
+lakeville,1479,11
+lindenwood,729,6
+lakeville,1662,9
+klickitat,1024,8
+lindenwood,404,1
+stockman,1202,2
+pinesdale,432,9
+pomaria,90,0
+pomaria,1555,1
+hiteman,83,2
+forkland,874,3
+tolstoy,442,4
+klickitat,538,8
+klickitat,962,6
+woodbine,96,9
+hiteman,1110,4
+onaga,23,1
+wainscott,1335,3
+shelbyville,1805,9
+pomaria,1562,7
+leonardo,369,2
+stockman,42,2
+ranchester,823,4
+coffeen,1209,0
+beechwood,59,5
+stockman,1312,4
+leonardo,981,0
+hiteman,1293,0
+shelbyville,1192,12
+klickitat,171,23
+tolstoy,134,5
+mifflinburg,106,2
+leonardo,1600,7
+lindenwood,1891,13
+lakeville,302,4
+forkland,638,4
+tolstoy,1380,4
+wainscott,209,3
+leonardo,469,8
+tolstoy,1367,4
+stockman,1107,10
+ranchester,204,6
+mifflinburg,406,3
+mifflinburg,947,3
+lindenwood,2196,4
+klickitat,1349,0
+allensville,427,7
+marstons,2411,10
+coffeen,947,1
+woodbine,1613,5
+hiteman,458,4
+tolstoy,721,1
+lindenwood,100,0
+wainscott,1030,8
+ranchester,500,0
+pomaria,1568,2
+lakeville,1397,7
+wainscott,1147,8
+lakeville,872,0
+woodbine,202,0
+shelbyville,946,10
+pomaria,133,9
+beechwood,236,1
+pinesdale,1162,10
+hanson,365,2
+benevolence,387,5
+marstons,662,10
+pomaria,279,0
+leonardo,1031,4
+lakeville,315,1
+lakeville,288,1
+merom,179,4
+hanson,1247,10
+forkland,1069,4
+pomaria,224,1
+lakeville,380,12
+cosmos,425,0
+shelbyville,1449,2
+lakeville,1598,13
+allensville,337,1
+tolstoy,1092,2
+lindenwood,1184,9
+benevolence,364,6
+marstons,616,2
+hiteman,1358,5
+beechwood,919,3
+mifflinburg,603,6
+hiteman,273,0
+pinesdale,1437,0
+lindenwood,533,2
+newfields,1264,2
+shelbyville,1905,0
+lindenwood,2068,2
+shelbyville,1751,7
+klickitat,1572,12
+beechwood,1008,0
+stockman,313,7
+pinesdale,1307,5
+lindenwood,1951,3
+marstons,2607,6
+cosmos,976,9
+leonardo,241,6
+beechwood,391,1
+leonardo,1046,12
+marstons,2,1
+lindenwood,784,2
+pinesdale,1269,5
+mifflinburg,475,0
+coffeen,1078,2
+hiteman,99,12
+wainscott,1476,9
+pinesdale,769,1
+leonardo,1673,0
+leonardo,570,1
+shelbyville,228,1
+lakeville,32,1
+ranchester,758,3
+stockman,1526,3
+pomaria,558,2
+merom,951,1
+lakeville,1592,6
+marstons,1210,1
+leonardo,560,3
+cosmos,506,3
+pomaria,1533,0
+shelbyville,1670,1
+lakeville,777,4
+newfields,1197,2
+marstons,1865,5
+lindenwood,2347,7
+shelbyville,1881,3
+ranchester,631,1
+klickitat,1641,4
+leonardo,647,2
+shelbyville,1195,9
+klickitat,1277,0
+marstons,1046,6
+shelbyville,2379,1
+wainscott,1323,1
+merom,971,2
+newfields,1658,0
+pinesdale,1314,7
+allensville,430,0
+coffeen,1222,0
+newfields,951,1
+ranchester,54,4
+newfields,945,4
+coffeen,478,5
+stockman,762,0
+wainscott,566,6
+woodbine,751,2
+marstons,2257,3
+hanson,672,6
+marstons,2005,1
+klickitat,1778,4
+newfields,1403,2
+pomaria,35,16
+shelbyville,1240,5
+hanson,1226,2
+woodbine,103,0
+tolstoy,1716,1
+klickitat,2032,5
+mifflinburg,28,2
+lakeville,1660,2
+lindenwood,1867,3
+marstons,2635,0
+woodbine,571,2
+lakeville,1777,3
+cosmos,738,4
+newfields,1376,8
+beechwood,924,5
+lindenwood,494,5
+merom,584,0
+tolstoy,32,4
+forkland,1193,4
+wainscott,697,6
+coffeen,949,0
+leonardo,1302,1
+tolstoy,92,2
+pomaria,1036,16
+cosmos,955,0
+hiteman,1212,6
+wainscott,1566,9
+wainscott,1247,3
+woodbine,2013,0
+lindenwood,2345,8
+pomaria,1655,5
+shelbyville,892,4
+pinesdale,817,3
+coffeen,1479,2
+wainscott,1781,3
+tolstoy,666,9
+pomaria,929,1
+klickitat,2191,4
+hiteman,146,7
+lindenwood,1361,3
+tolstoy,238,1
+stockman,1168,0
+pinesdale,1200,0
+lakeville,849,9
+pinesdale,212,1
+mifflinburg,348,0
+tolstoy,1800,0
+benevolence,598,2
+shelbyville,1628,9
+stockman,1494,1
+klickitat,1960,1
+pomaria,1225,1
+lakeville,675,4
+cosmos,1014,3
+pinesdale,1260,6
+shelbyville,1064,1
+klickitat,2085,4
+lindenwood,1940,0
+hiteman,1669,2
+klickitat,1142,4
+merom,380,8
+lakeville,384,7
+ranchester,681,3
+marstons,2111,3
+tolstoy,725,0
+mifflinburg,800,0
+lakeville,1460,2
+lindenwood,820,5
+hanson,724,0
+newfields,133,5
+lindenwood,809,3
+cosmos,502,11
+marstons,2070,3
+hanson,1259,1
+stockman,1381,6
+benevolence,392,7
+lakeville,428,10
+hanson,608,4
+woodbine,1348,2
+hiteman,1048,1
+beechwood,107,2
+tolstoy,1005,1
+pinesdale,257,1
+tolstoy,1432,3
+allensville,355,3
+lakeville,851,3
+ranchester,350,1
+klickitat,689,4
+ranchester,803,2
+merom,282,0
+wainscott,1602,0
+woodbine,532,2
+marstons,554,3
+benevolence,654,0
+lindenwood,912,2
+pomaria,76,0
+cosmos,917,8
+beechwood,958,3
+marstons,1085,14
+tolstoy,1247,10
+coffeen,828,1
+lakeville,1424,5
+wainscott,1155,0
+shelbyville,736,2
+pinesdale,293,1
+marstons,372,12
+ranchester,1595,6
+lindenwood,682,10
+newfields,1475,5
+pomaria,1620,0
+lindenwood,1777,0
+cosmos,692,3
+shelbyville,1507,16
+tolstoy,407,1
+lakeville,151,12
+pomaria,1485,15
+lindenwood,1125,6
+forkland,600,4
+shelbyville,1873,7
+lindenwood,2299,5
+tolstoy,202,7
+shelbyville,617,3
+coffeen,204,4
+lindenwood,2494,3
+beechwood,241,10
+leonardo,778,2
+ranchester,599,3
+lindenwood,2091,4
+wainscott,335,5
+hanson,645,0
+merom,290,3
+shelbyville,480,2
+cosmos,702,5
+forkland,770,2
+ranchester,605,5
+stockman,217,0
+wainscott,1256,3
+woodbine,381,4
+klickitat,1576,0
+leonardo,631,4
+beechwood,281,5
+tolstoy,916,1
+lakeville,1780,1
+leonardo,1140,3
+ranchester,866,8
+coffeen,619,5
+leonardo,1035,2
+lindenwood,2032,3
+pomaria,1030,2
+woodbine,1256,6
+newfields,1187,7
+wainscott,517,0
+tolstoy,937,5
+marstons,2649,5
+tolstoy,554,2
+shelbyville,1856,1
+mifflinburg,971,1
+coffeen,1345,1
+tolstoy,302,0
+klickitat,1830,0
+benevolence,396,0
+wainscott,126,2
+wainscott,272,2
+hiteman,1714,2
+ranchester,448,2
+cosmos,482,3
+stockman,304,1
+onaga,599,3
+wainscott,966,2
+beechwood,981,4
+forkland,400,5
+wainscott,98,2
+klickitat,2286,2
+tolstoy,1372,3
+marstons,2504,0
+ranchester,780,4
+hiteman,511,5
+shelbyville,2505,1
+leonardo,110,4
+pinesdale,865,4
+coffeen,69,4
+woodbine,1202,8
+shelbyville,589,0
+newfields,1374,1
+wainscott,951,3
+merom,149,2
+tolstoy,255,0
+wainscott,1782,4
+merom,674,9
+woodbine,282,1
+pomaria,352,5
+klickitat,2091,4
+forkland,940,4
+cosmos,1018,0
+cosmos,973,6
+marstons,2363,3
+hanson,1400,2
+shelbyville,1016,11
+onaga,560,1
+klickitat,1696,4
+lakeville,445,0
+leonardo,941,3
+klickitat,1195,1
+hiteman,1804,12
+woodbine,525,4
+pinesdale,316,2
+coffeen,893,0
+wainscott,60,3
+klickitat,147,8
+allensville,338,5
+ranchester,507,5
+forkland,346,2
+cosmos,59,2
+leonardo,1449,3
+klickitat,253,2
+woodbine,1670,2
+wainscott,575,4
+hanson,1410,8
+tolstoy,1689,3
+shelbyville,1466,9
+leonardo,1125,8
+shelbyville,2313,9
+woodbine,1577,4
+cosmos,341,3
+shelbyville,2299,7
+shelbyville,2640,2
+pinesdale,510,3
+tolstoy,947,2
+lakeville,1009,2
+woodbine,1420,0
+lindenwood,2333,1
+marstons,2069,8
+hanson,1179,1
+mifflinburg,967,0
+shelbyville,219,5
+pomaria,902,1
+pomaria,805,9
+ranchester,988,7
+marstons,2432,0
+pinesdale,613,1
+hiteman,1323,8
+stockman,1082,1
+woodbine,1568,3
+wainscott,140,8
+woodbine,15,13
+lakeville,46,6
+coffeen,525,2
+wainscott,1678,1
+cosmos,230,2
+woodbine,908,4
+tolstoy,827,5
+newfields,843,2
+klickitat,122,7
+pomaria,1297,2
+shelbyville,259,0
+ranchester,1583,0
+lakeville,1421,8
+marstons,1700,4
+newfields,1305,1
+beechwood,807,9
+stockman,1257,14
+benevolence,442,2
+newfields,1008,5
+hiteman,1060,0
+lakeville,1730,2
+benevolence,160,13
+lakeville,838,4
+klickitat,552,0
+forkland,276,4
+ranchester,393,1
+lakeville,1808,9
+wainscott,1753,4
+wainscott,1442,7
+hanson,380,2
+tolstoy,558,5
+pomaria,755,8
+leonardo,1965,8
+merom,703,1
+klickitat,2412,9
+shelbyville,2594,8
+woodbine,1054,14
+newfields,89,3
+ranchester,336,2
+shelbyville,1726,5
+lakeville,818,6
+merom,282,2
+cosmos,942,3
+wainscott,1545,0
+hanson,475,11
+lindenwood,2020,2
+pomaria,378,2
+newfields,1411,0
+lindenwood,2041,0
+hanson,369,7
+cosmos,854,4
+leonardo,895,8
+klickitat,482,0
+marstons,2137,2
+stockman,667,0
+woodbine,536,0
+pinesdale,1172,0
+pinesdale,1199,4
+leonardo,891,5
+pinesdale,333,6
+coffeen,113,2
+marstons,1752,4
+klickitat,979,7
+pomaria,1062,2
+leonardo,973,2
+merom,973,1
+lakeville,140,0
+leonardo,1269,2
+cosmos,33,6
+marstons,551,4
+woodbine,912,13
+woodbine,1533,2
+forkland,389,4
+pomaria,1622,5
+newfields,1519,1
+tolstoy,353,1
+newfields,335,2
+tolstoy,1726,1
+pinesdale,871,8
+pinesdale,113,11
+pinesdale,1138,2
+wainscott,634,2
+hiteman,1695,3
+klickitat,1535,4
+lindenwood,703,1
+wainscott,1178,0
+coffeen,484,3
+hanson,1599,1
+klickitat,2041,2
+tolstoy,358,2
+woodbine,262,3
+hiteman,78,7
+woodbine,1071,6
+mifflinburg,113,8
+shelbyville,112,0
+lakeville,1640,3
+allensville,479,4
+beechwood,1122,1
+forkland,1138,3
+marstons,70,1
+klickitat,2111,0
+pomaria,1009,7
+marstons,1518,0
+hiteman,660,3
+stockman,1549,2
+marstons,2572,3
+klickitat,2353,1
+coffeen,1015,8
+klickitat,2379,2
+beechwood,1041,0
+lindenwood,2582,2
+lindenwood,33,13
+mifflinburg,937,10
+leonardo,544,13
+marstons,2485,2
+newfields,90,1
+stockman,506,1
+marstons,1156,1
+lindenwood,797,2
+stockman,689,2
+marstons,55,2
+lindenwood,537,2
+pomaria,766,10
+ranchester,1324,7
+leonardo,448,14
+woodbine,867,6
+leonardo,1018,2
+newfields,1441,4
+beechwood,79,12
+newfields,1422,0
+woodbine,1952,0
+tolstoy,55,4
+marstons,1839,16
+hanson,1244,1
+lindenwood,1645,2
+pinesdale,7,9
+leonardo,2086,0
+pinesdale,1354,5
+marstons,1422,2
+hanson,257,1
+marstons,2046,7
+lakeville,654,13
+coffeen,929,3
+wainscott,1220,2
+lakeville,618,11
+lakeville,304,9
+tolstoy,1085,1
+beechwood,574,0
+marstons,2590,2
+benevolence,457,1
+tolstoy,1573,2
+lindenwood,1812,2
+marstons,2008,5
+hiteman,556,8
+klickitat,824,5
+ranchester,397,3
+marstons,1131,0
+marstons,1582,4
+klickitat,1074,3
+shelbyville,1454,1
+shelbyville,2248,2
+ranchester,58,8
+lakeville,1100,4
+woodbine,310,5
+lakeville,156,2
+hanson,335,2
+ranchester,955,1
+stockman,1206,0
+klickitat,1556,4
+shelbyville,2587,1
+wainscott,1027,1
+leonardo,112,2
+lindenwood,251,5
+forkland,620,8
+hanson,319,1
+lindenwood,1611,1
+woodbine,625,2
+lindenwood,1550,0
+merom,162,0
+cosmos,277,4
+benevolence,435,2
+marstons,1417,5
+leonardo,1024,7
+merom,1080,1
+allensville,472,0
+hanson,87,2
+hanson,170,8
+pomaria,1206,6
+lindenwood,1927,3
+lakeville,126,4
+shelbyville,438,16
+pomaria,1363,6
+shelbyville,2493,2
+pinesdale,1298,2
+tolstoy,572,1
+newfields,1414,5
+ranchester,62,1
+marstons,2145,2
+lindenwood,811,5
+hiteman,1312,0
+shelbyville,241,5
+ranchester,176,9
+pomaria,494,2
+lakeville,849,7
+hiteman,33,3
+hanson,1434,5
+stockman,439,6
+leonardo,1248,0
+woodbine,1991,5
+tolstoy,859,3
+pinesdale,1162,4
+stockman,1180,3
+hiteman,1834,15
+cosmos,818,2
+klickitat,1247,6
+lindenwood,325,1
+marstons,2157,9
+pomaria,388,12
+ranchester,858,1
+marstons,758,6
+ranchester,469,0
+lindenwood,1116,2
+klickitat,2412,10
+coffeen,1486,3
+tolstoy,620,1
+leonardo,200,9
+wainscott,1733,6
+leonardo,201,3
+newfields,1657,3
+hanson,305,4
+hanson,859,4
+ranchester,383,3
+pinesdale,7,3
+lakeville,963,1
+merom,843,6
+benevolence,472,2
+lindenwood,2229,1
+beechwood,1134,3
+newfields,1399,7
+wainscott,1549,3
+hiteman,804,1
+hanson,1017,2
+lakeville,790,3
+benevolence,365,2
+stockman,1550,6
+hiteman,340,3
+hiteman,1396,5
+klickitat,824,6
+coffeen,1359,10
+marstons,2119,6
+coffeen,1222,6
+woodbine,1,0
+lindenwood,767,2
+marstons,2615,2
+lakeville,1248,0
+ranchester,664,0
+klickitat,818,2
+leonardo,435,15
+lakeville,1368,11
+stockman,747,3
+marstons,649,0
+lakeville,182,4
+stockman,1320,6
+tolstoy,187,1
+pomaria,433,3
+newfields,853,4
+cosmos,144,3
+shelbyville,1794,2
+merom,544,3
+lakeville,1321,1
+shelbyville,2771,13
+hiteman,490,3
+ranchester,397,4
+shelbyville,298,4
+lindenwood,1305,1
+shelbyville,2322,0
+leonardo,2110,1
+hiteman,446,0
+newfields,1065,3
+merom,754,1
+beechwood,380,6
+lakeville,512,5
+klickitat,501,4
+pomaria,871,0
+tolstoy,1747,7
+stockman,539,5
+hiteman,1375,5
+woodbine,35,8
+hanson,986,0
+lakeville,1859,5
+tolstoy,83,2
+allensville,31,0
+tolstoy,804,9
+mifflinburg,952,9
+woodbine,1786,0
+newfields,1131,3
+tolstoy,166,0
+tolstoy,118,5
+lakeville,519,2
+hiteman,191,4
+newfields,917,12
+tolstoy,491,6
+marstons,1144,4
+lindenwood,1395,3
+newfields,1111,12
+hanson,622,3
+klickitat,4,2
+pomaria,1265,9
+tolstoy,474,0
+newfields,368,3
+marstons,1646,2
+wainscott,156,4
+beechwood,840,8
+wainscott,1153,12
+hiteman,804,0
+shelbyville,2741,1
+marstons,2149,0
+hanson,1302,0
+coffeen,5,4
+shelbyville,1613,10
+hiteman,98,3
+shelbyville,1068,0
+marstons,2595,1
+merom,942,4
+ranchester,1546,0
+beechwood,1046,3
+marstons,502,8
+lindenwood,948,12
+hanson,1282,6
+cosmos,1004,1
+allensville,290,9
+forkland,599,3
+merom,67,2
+ranchester,1043,6
+lindenwood,988,4
+wainscott,106,1
+hiteman,1571,1
+ranchester,1487,4
+hanson,1598,3
+hiteman,660,17
+coffeen,685,11
+coffeen,1225,0
+woodbine,1952,6
+pomaria,1431,3
+hiteman,189,1
+hiteman,1163,7
+lakeville,1072,1
+lakeville,1763,4
+leonardo,580,9
+shelbyville,2736,9
+shelbyville,344,0
+wainscott,1305,2
+pomaria,421,2
+merom,1104,1
+shelbyville,1954,14
+hiteman,115,1
+cosmos,979,1
+wainscott,219,4
+klickitat,1791,1
+benevolence,516,0
+lindenwood,2632,1
+pinesdale,1503,3
+hanson,1411,4
+tolstoy,1214,5
+pomaria,1367,4
+ranchester,298,7
+tolstoy,179,13
+shelbyville,2099,0
+hanson,1560,1
+wainscott,1311,2
+pinesdale,551,4
+hanson,555,2
+pinesdale,542,3
+lakeville,869,6
+woodbine,413,4
+pomaria,794,2
+marstons,2307,2
+stockman,25,0
+pomaria,1450,0
+beechwood,456,3
+stockman,1286,0
+leonardo,784,2
+wainscott,1620,4
+lindenwood,1879,3
+wainscott,1393,13
+pinesdale,1427,2
+tolstoy,1092,15
+leonardo,1955,1
+lakeville,647,3
+cosmos,219,10
+pomaria,31,0
+pomaria,728,8
+lindenwood,1108,2
+lindenwood,508,6
+allensville,41,3
+hiteman,1356,0
+benevolence,816,1
+shelbyville,1804,5
+pomaria,1115,4
+lakeville,982,4
+marstons,2493,4
+lindenwood,1777,3
+lindenwood,699,6
+klickitat,941,4
+lindenwood,1252,4
+klickitat,1468,13
+shelbyville,2180,5
+coffeen,951,1
+ranchester,1446,5
+woodbine,512,5
+shelbyville,1295,13
+newfields,880,2
+klickitat,1182,8
+lakeville,1756,0
+klickitat,532,3
+ranchester,970,1
+klickitat,75,8
+pinesdale,1351,1
+beechwood,1030,5
+pinesdale,259,1
+lakeville,899,8
+shelbyville,2813,3
+marstons,926,2
+pinesdale,1343,0
+ranchester,1468,6
+shelbyville,1740,5
+hanson,267,1
+wainscott,477,3
+marstons,676,0
+lindenwood,961,3
+woodbine,1673,5
+allensville,292,2
+shelbyville,1399,3
+benevolence,743,7
+coffeen,781,3
+forkland,307,1
+klickitat,782,9
+hiteman,723,1
+benevolence,876,2
+shelbyville,2598,7
+coffeen,321,0
+wainscott,1095,12
+pinesdale,968,0
+marstons,176,2
+stockman,395,1
+lindenwood,2593,6
+hiteman,634,0
+beechwood,764,4
+klickitat,1686,6
+shelbyville,375,2
+lindenwood,1226,3
+stockman,234,6
+hiteman,1240,6
+allensville,347,10
+klickitat,1481,2
+woodbine,493,3
+marstons,456,1
+pomaria,1224,3
+leonardo,570,4
+leonardo,466,0
+shelbyville,2076,2
+coffeen,859,1
+ranchester,625,4
+klickitat,914,13
+pomaria,327,1
+tolstoy,1628,2
+leonardo,5,0
+wainscott,1642,2
+woodbine,1173,2
+onaga,250,9
+wainscott,1292,7
+marstons,326,3
+pomaria,21,1
+klickitat,463,3
+mifflinburg,367,2
+wainscott,682,7
+stockman,1463,1
+ranchester,80,6
+pinesdale,8,0
+klickitat,1355,3
+marstons,1583,13
+tolstoy,259,1
+klickitat,2231,4
+merom,158,0
+forkland,936,2
+newfields,1347,2
+wainscott,925,7
+marstons,1755,1
+shelbyville,1668,0
+klickitat,882,6
+marstons,826,2
+allensville,468,7
+wainscott,1430,1
+mifflinburg,477,0
+shelbyville,1364,10
+lakeville,1626,9
+lakeville,8,6
+pomaria,1040,0
+coffeen,1008,7
+hanson,1572,0
+beechwood,961,10
+hanson,229,3
+pomaria,542,0
+newfields,1303,4
+forkland,100,13
+lindenwood,712,1
+stockman,409,2
+cosmos,373,3
+newfields,1213,2
+cosmos,130,1
+stockman,1009,0
+leonardo,271,17
+leonardo,1565,7
+shelbyville,2405,9
+coffeen,808,0
+marstons,17,6
+wainscott,775,7
+merom,1087,4
+pinesdale,734,2
+pomaria,1233,10
+hiteman,701,2
+wainscott,1390,3
+stockman,807,1
+marstons,1194,15
+woodbine,1327,12
+leonardo,430,0
+beechwood,485,0
+lindenwood,1501,2
+newfields,679,8
+shelbyville,744,4
+newfields,1503,0
+shelbyville,361,8
+lindenwood,2264,2
+tolstoy,635,0
+ranchester,91,2
+lindenwood,1861,5
+hanson,412,1
+coffeen,867,2
+onaga,135,2
+stockman,147,2
+pinesdale,711,9
+hiteman,1000,6
+cosmos,537,1
+klickitat,281,1
+wainscott,1035,7
+pomaria,321,1
+tolstoy,441,1
+coffeen,1017,0
+onaga,44,1
+lakeville,140,2
+cosmos,506,4
+lakeville,1118,7
+pinesdale,99,9
+hanson,1592,8
+marstons,648,14
+woodbine,1879,0
+beechwood,188,3
+hanson,1498,12
+marstons,1355,0
+woodbine,1537,6
+pomaria,907,1
+shelbyville,1276,4
+stockman,1595,2
+woodbine,36,0
+mifflinburg,248,2
+woodbine,671,0
+mifflinburg,259,10
+wainscott,374,4
+leonardo,1207,3
+allensville,469,0
+hiteman,1712,5
+leonardo,1932,0
+marstons,146,0
+ranchester,1246,0
+stockman,880,8
+cosmos,530,10
+pinesdale,310,5
+cosmos,1064,10
+leonardo,1703,0
+hanson,237,0
+marstons,1293,3
+newfields,937,0
+lindenwood,1989,9
+stockman,416,2
+leonardo,410,1
+lakeville,1083,10
+shelbyville,442,4
+coffeen,745,2
+mifflinburg,259,6
+tolstoy,1213,4
+leonardo,495,1
+mifflinburg,323,1
+lakeville,551,1
+cosmos,423,6
+merom,163,1
+woodbine,1015,8
+newfields,514,3
+onaga,112,2
+newfields,793,4
+stockman,1031,8
+hiteman,1290,2
+cosmos,1022,1
+lindenwood,1089,7
+pinesdale,109,5
+coffeen,1053,1
+cosmos,800,1
+cosmos,188,6
+lakeville,943,11
+leonardo,854,7
+hanson,1169,7
+cosmos,945,8
+lakeville,1885,2
+shelbyville,1116,11
+shelbyville,2601,2
+tolstoy,1532,3
+coffeen,1026,0
+pinesdale,1003,1
+merom,1106,1
+woodbine,942,10
+leonardo,1344,1
+klickitat,433,3
+onaga,534,0
+newfields,1459,5
+marstons,2624,5
+stockman,1469,6
+merom,446,2
+marstons,2376,3
+leonardo,1480,10
+pomaria,10,0
+pinesdale,23,2
+stockman,1257,3
+stockman,711,8
+hanson,183,2
+lakeville,1055,0
+tolstoy,746,0
+allensville,21,2
+woodbine,1392,0
+tolstoy,1616,1
+woodbine,1554,0
+hiteman,1569,1
+merom,1083,9
+merom,150,0
+lindenwood,1268,7
+pinesdale,895,3
+ranchester,1229,1
+ranchester,1423,7
+leonardo,1978,2
+hanson,563,2
+leonardo,1568,3
+leonardo,678,12
+lindenwood,1489,1
+ranchester,858,0
+cosmos,607,2
+klickitat,1740,7
+tolstoy,377,1
+mifflinburg,970,2
+cosmos,978,0
+leonardo,1598,0
+leonardo,1317,3
+pomaria,102,0
+hiteman,454,5
+onaga,662,2
+coffeen,465,0
+cosmos,809,6
+klickitat,48,7
+marstons,1097,1
+newfields,1191,7
+newfields,857,6
+newfields,1659,11
+pomaria,450,1
+shelbyville,1962,14
+coffeen,1368,3
+klickitat,1007,0
+pinesdale,645,0
+cosmos,880,0
+klickitat,148,1
+woodbine,328,7
+hiteman,1135,0
+klickitat,370,8
+hanson,482,11
+hanson,1386,2
+merom,169,1
+hanson,872,3
+shelbyville,571,9
+mifflinburg,231,1
+marstons,654,0
+hiteman,1248,4
+klickitat,1686,12
+leonardo,1137,3
+ranchester,669,3
+shelbyville,1673,1
+forkland,656,0
+marstons,1063,15
+lindenwood,2117,3
+woodbine,1787,8
+newfields,730,1
+allensville,429,7
+shelbyville,833,2
+hanson,1451,3
+tolstoy,742,4
+klickitat,1088,16
+leonardo,932,1
+shelbyville,1049,2
+newfields,1361,0
+leonardo,95,6
+beechwood,367,1
+marstons,2255,0
+hiteman,82,8
+lindenwood,2379,1
+cosmos,934,9
+klickitat,2028,2
+marstons,88,11
+woodbine,1849,12
+pinesdale,737,2
+lakeville,46,5
+woodbine,719,3
+cosmos,901,2
+marstons,623,1
+forkland,783,2
+klickitat,1297,6
+hanson,630,4
+newfields,368,4
+newfields,12,0
+mifflinburg,122,3
+pinesdale,1017,4
+coffeen,483,1
+shelbyville,1951,1
+tolstoy,86,4
+hiteman,848,3
+woodbine,1861,2
+tolstoy,1088,3
+onaga,628,8
+merom,997,3
+allensville,199,1
+woodbine,1952,7
+lindenwood,722,0
+beechwood,41,2
+allensville,168,2
+hiteman,1272,8
+shelbyville,87,4
+lindenwood,2246,0
+klickitat,581,0
+leonardo,1495,1
+cosmos,563,0
+tolstoy,642,2
+marstons,453,0
+coffeen,1352,2
+leonardo,1882,2
+pomaria,238,3
+mifflinburg,371,3
+leonardo,27,4
+leonardo,423,4
+woodbine,679,4
+newfields,1378,2
+cosmos,801,1
+leonardo,1250,3
+ranchester,951,0
+shelbyville,1564,5
+lakeville,1429,8
+pomaria,280,0
+woodbine,1270,12
+marstons,119,16
+marstons,646,0
+lindenwood,528,8
+lakeville,156,7
+newfields,605,4
+shelbyville,2692,0
+marstons,2267,1
+shelbyville,964,5
+hanson,1250,3
+pinesdale,978,3
+ranchester,713,8
+shelbyville,1886,5
+lindenwood,1468,4
+pinesdale,157,1
+onaga,531,0
+benevolence,845,2
+newfields,1602,12
+woodbine,1211,0
+marstons,64,13
+coffeen,606,2
+lindenwood,1441,1
+wainscott,1630,12
+cosmos,162,2
+marstons,431,3
+tolstoy,469,2
+shelbyville,1035,0
+wainscott,748,9
+marstons,696,7
+wainscott,268,0
+marstons,2045,2
+hanson,89,7
+forkland,54,5
+wainscott,1194,4
+cosmos,85,0
+pomaria,1341,3
+marstons,1091,9
+pinesdale,1424,6
+shelbyville,632,12
+pomaria,763,2
+newfields,1652,0
+hiteman,1254,2
+pomaria,1103,2
+leonardo,906,14
+hiteman,1474,2
+pinesdale,1120,4
+beechwood,858,2
+hiteman,13,4
+lakeville,1887,10
+hanson,1078,8
+stockman,689,14
+wainscott,582,8
+ranchester,1295,14
+merom,677,5
+hanson,1333,8
+wainscott,1774,6
+lakeville,1664,9
+lakeville,1444,11
+ranchester,957,0
+stockman,1516,1
+pinesdale,769,3
+pomaria,1158,1
+mifflinburg,598,1
+forkland,323,1
+shelbyville,1251,11
+stockman,848,4
+lindenwood,1278,3
+mifflinburg,173,3
+stockman,627,4
+newfields,1247,0
+cosmos,747,9
+tolstoy,1302,1
+mifflinburg,908,2
+woodbine,1802,5
+ranchester,1490,15
+mifflinburg,626,0
+shelbyville,2798,2
+stockman,331,0
+marstons,2559,3
+marstons,933,8
+ranchester,39,1
+stockman,1579,1
+woodbine,967,5
+mifflinburg,534,0
+onaga,505,2
+lindenwood,1473,0
+klickitat,2277,3
+tolstoy,912,0
+marstons,1237,2
+marstons,1095,1
+lakeville,1379,1
+pomaria,1224,1
+woodbine,501,7
+forkland,828,0
+lakeville,845,2
+benevolence,148,3
+pinesdale,772,3
+coffeen,793,7
+pinesdale,231,2
+pinesdale,325,12
+wainscott,603,8
+wainscott,1744,4
+klickitat,8,11
+woodbine,796,7
+lakeville,761,7
+lakeville,1351,7
+leonardo,1819,2
+newfields,121,2
+klickitat,862,1
+beechwood,1000,1
+beechwood,1077,14
+woodbine,916,1
+klickitat,2030,2
+leonardo,1617,12
+pinesdale,1313,9
+lindenwood,219,1
+klickitat,556,4
+newfields,952,1
+pomaria,1268,1
+wainscott,869,5
+coffeen,509,1
+lakeville,1210,1
+lindenwood,2565,1
+woodbine,1161,3
+pinesdale,135,6
+stockman,539,8
+leonardo,978,7
+klickitat,1248,3
+tolstoy,1306,6
+pomaria,753,0
+hanson,85,5
+cosmos,237,2
+leonardo,1124,1
+cosmos,131,1
+mifflinburg,107,3
+wainscott,1449,0
+hiteman,802,6
+coffeen,198,0
+hanson,1377,14
+leonardo,1911,1
+ranchester,1263,1
+allensville,340,2
+hanson,519,18
+lindenwood,1648,4
+lakeville,1343,4
+tolstoy,1112,3
+shelbyville,1093,8
+newfields,802,6
+ranchester,1547,0
+newfields,266,3
+leonardo,489,16
+onaga,410,1
+forkland,11,0
+wainscott,374,0
+mifflinburg,29,0
+woodbine,1736,4
+newfields,473,4
+cosmos,324,1
+forkland,825,0
+pinesdale,19,1
+pinesdale,594,4
+pinesdale,1504,4
+mifflinburg,229,1
+stockman,1550,7
+klickitat,2294,5
+klickitat,843,6
+marstons,1043,1
+leonardo,1507,3
+woodbine,327,7
+mifflinburg,363,3
+allensville,312,5
+stockman,1556,0
+pinesdale,83,0
+beechwood,201,0
+leonardo,813,5
+pomaria,150,6
+lakeville,424,0
+tolstoy,254,2
+tolstoy,483,5
+lindenwood,2044,10
+benevolence,714,0
+woodbine,846,6
+wainscott,839,4
+leonardo,1857,4
+hanson,674,0
+pinesdale,820,1
+woodbine,1785,2
+leonardo,1139,16
+tolstoy,643,3
+wainscott,1065,1
+pomaria,716,1
+mifflinburg,289,3
+wainscott,851,0
+newfields,358,6
+coffeen,396,3
+forkland,534,2
+merom,863,1
+shelbyville,85,0
+woodbine,1813,7
+lindenwood,444,0
+pinesdale,1066,1
+forkland,904,3
+benevolence,239,1
+lindenwood,2232,2
+marstons,1128,1
+forkland,686,1
+ranchester,413,3
+stockman,1224,1
+stockman,398,3
+coffeen,842,1
+lindenwood,2402,5
+ranchester,660,7
+shelbyville,1400,6
+klickitat,467,13
+lakeville,583,8
+klickitat,2398,7
+cosmos,539,5
+leonardo,1450,2
+stockman,476,0
+cosmos,127,13
+shelbyville,1096,7
+beechwood,1148,0
+stockman,579,2
+ranchester,389,5
+woodbine,164,4
+lindenwood,1915,15
+marstons,348,9
+beechwood,815,5
+marstons,1597,3
+ranchester,141,1
+marstons,810,2
+ranchester,1269,2
+ranchester,177,6
+leonardo,201,0
+newfields,472,1
+marstons,2563,1
+woodbine,1132,3
+marstons,1415,1
+hiteman,341,2
+hiteman,1556,11
+marstons,168,4
+beechwood,1157,12
+lakeville,1251,7
+lindenwood,393,1
+lakeville,1490,1
+tolstoy,1749,0
+woodbine,2040,13
+onaga,564,0
+shelbyville,2004,4
+ranchester,46,3
+klickitat,2145,7
+lakeville,994,0
+forkland,294,7
+leonardo,1677,5
+cosmos,617,3
+klickitat,1116,1
+marstons,1214,2
+lakeville,1591,9
+pinesdale,862,0
+benevolence,555,2
+leonardo,1726,4
+klickitat,613,2
+lakeville,487,5
+coffeen,962,7
+shelbyville,2138,7
+beechwood,787,6
+hanson,394,6
+lakeville,1110,1
+wainscott,467,1
+wainscott,520,9
+shelbyville,2668,2
+klickitat,752,2
+mifflinburg,758,6
+newfields,1503,8
+lindenwood,1946,3
+pinesdale,1388,11
+allensville,151,2
+woodbine,33,2
+klickitat,566,1
+klickitat,282,2
+marstons,2136,5
+stockman,1295,5
+hanson,81,3
+lindenwood,1270,3
+woodbine,1308,3
+ranchester,1554,7
+coffeen,823,3
+mifflinburg,283,0
+merom,117,3
+klickitat,1366,1
+hanson,352,2
+shelbyville,2066,6
+forkland,760,5
+beechwood,1170,4
+leonardo,1214,0
+allensville,388,1
+pomaria,580,4
+wainscott,1762,8
+tolstoy,45,1
+newfields,1018,9
+hiteman,1614,7
+pomaria,707,4
+marstons,1522,1
+onaga,519,4
+tolstoy,996,1
+hiteman,121,4
+klickitat,1453,0
+lindenwood,363,3
+tolstoy,1755,6
+forkland,17,3
+woodbine,1056,2
+wainscott,458,4
+klickitat,2314,3
+klickitat,1796,5
+pinesdale,930,7
+marstons,101,3
+beechwood,439,6
+ranchester,680,3
+stockman,611,1
+klickitat,293,1
+pinesdale,665,4
+woodbine,1944,6
+lakeville,1248,2
+wainscott,922,2
+tolstoy,944,2
+tolstoy,839,0
+lindenwood,2042,2
+coffeen,472,5
+newfields,702,6
+onaga,453,0
+lakeville,1152,1
+pinesdale,1374,4
+cosmos,951,0
+shelbyville,1805,1
+stockman,454,4
+lakeville,336,2
+hiteman,1602,5
+klickitat,670,5
+hiteman,219,8
+leonardo,1558,0
+lakeville,1648,3
+hanson,293,8
+tolstoy,454,1
+newfields,419,16
+pomaria,938,6
+woodbine,892,7
+newfields,270,10
+marstons,2008,6
+lindenwood,1108,3
+lakeville,411,7
+tolstoy,402,5
+klickitat,217,8
+newfields,559,7
+coffeen,1255,4
+hiteman,535,0
+mifflinburg,971,11
+hiteman,233,3
+tolstoy,1838,1
+woodbine,96,1
+newfields,581,9
+newfields,1266,2
+beechwood,764,8
+lindenwood,269,4
+mifflinburg,269,2
+ranchester,108,2
+lindenwood,2080,14
+pinesdale,399,1
+newfields,151,4
+beechwood,268,3
+woodbine,1783,1
+tolstoy,715,0
+lindenwood,2180,2
+klickitat,738,15
+hiteman,714,5
+hanson,673,1
+woodbine,788,0
+shelbyville,1950,3
+wainscott,107,1
+wainscott,1332,6
+shelbyville,2582,6
+pinesdale,1379,2
+beechwood,606,6
+shelbyville,2177,1
+mifflinburg,748,1
+woodbine,1645,0
+hanson,301,0
+shelbyville,1216,1
+lakeville,553,0
+shelbyville,2417,3
+lindenwood,2617,2
+hiteman,338,0
+tolstoy,1146,1
+leonardo,1528,12
+newfields,637,7
+shelbyville,1211,3
+hiteman,1716,4
+beechwood,984,1
+klickitat,151,1
+shelbyville,2251,4
+leonardo,277,0
+hanson,178,0
+marstons,822,6
+wainscott,330,2
+ranchester,955,7
+hanson,195,0
+shelbyville,2141,4
+wainscott,506,7
+leonardo,1995,1
+mifflinburg,815,2
+beechwood,1178,2
+newfields,593,0
+beechwood,93,1
+shelbyville,1880,1
+newfields,1489,12
+cosmos,9,0
+lindenwood,2377,2
+marstons,958,13
+wainscott,1421,8
+tolstoy,1770,3
+ranchester,1411,2
+tolstoy,1061,2
+hiteman,1348,0
+shelbyville,1599,7
+lindenwood,1424,1
+marstons,1249,0
+woodbine,1654,10
+wainscott,1126,3
+shelbyville,1814,4
+hiteman,545,0
+lindenwood,106,4
+shelbyville,890,2
+beechwood,93,2
+leonardo,1211,2
+merom,85,0
+merom,700,7
+ranchester,1064,5
+ranchester,15,2
+lindenwood,1774,6
+cosmos,761,3
+stockman,323,2
+lindenwood,13,3
+ranchester,514,1
+shelbyville,1638,1
+tolstoy,566,5
+lindenwood,2462,3
+shelbyville,855,5
+shelbyville,1146,5
+leonardo,17,3
+beechwood,538,3
+lindenwood,589,1
+beechwood,614,4
+woodbine,1185,2
+leonardo,1423,12
+hanson,1339,2
+lindenwood,1842,3
+woodbine,1127,2
+lakeville,197,4
+allensville,300,0
+marstons,1872,5
+forkland,662,2
+stockman,631,4
+lindenwood,390,6
+pinesdale,1153,4
+beechwood,678,0
+hanson,96,2
+mifflinburg,113,6
+marstons,2419,9
+lakeville,786,0
+forkland,487,4
+coffeen,443,0
+stockman,1229,2
+coffeen,683,5
+hiteman,128,1
+ranchester,1317,10
+marstons,1085,7
+shelbyville,2581,0
+klickitat,1265,3
+pomaria,699,8
+lakeville,1447,8
+onaga,608,6
+pinesdale,45,0
+shelbyville,2034,1
+klickitat,842,1
+leonardo,1158,7
+cosmos,535,4
+coffeen,622,2
+hanson,1063,7
+klickitat,1185,0
+forkland,1110,2
+newfields,877,0
+marstons,2096,10
+wainscott,68,2
+forkland,708,1
+marstons,152,1
+shelbyville,721,1
+merom,561,0
+pinesdale,1405,9
+hanson,372,6
+woodbine,1943,3
+coffeen,662,6
+hanson,1184,7
+pomaria,1479,8
+shelbyville,2340,1
+wainscott,1342,0
+ranchester,46,9
+hanson,483,7
+tolstoy,64,9
+pomaria,1317,7
+ranchester,316,2
+pomaria,775,4
+beechwood,178,0
+wainscott,1011,1
+pomaria,511,15
+merom,325,0
+marstons,1379,3
+marstons,540,1
+coffeen,694,2
+lakeville,1265,7
+pomaria,883,8
+pinesdale,931,5
+shelbyville,2707,4
+stockman,647,11
+hiteman,1853,4
+shelbyville,1311,1
+hiteman,1405,4
+woodbine,1884,7
+marstons,1010,5
+lindenwood,2452,3
+mifflinburg,806,1
+klickitat,2247,3
+ranchester,1472,12
+newfields,150,0
+pomaria,262,15
+forkland,846,2
+forkland,502,0
+marstons,506,5
+pinesdale,11,12
+lakeville,1886,1
+tolstoy,1637,2
+marstons,2109,4
+woodbine,248,2
+hiteman,165,6
+ranchester,1015,0
+ranchester,823,0
+tolstoy,619,2
+shelbyville,2133,11
+hanson,1032,0
+ranchester,855,2
+woodbine,793,2
+hiteman,76,2
+lindenwood,2104,1
+klickitat,976,7
+lindenwood,676,0
+lakeville,1100,2
+marstons,2552,6
+marstons,1046,3
+tolstoy,300,1
+coffeen,1471,8
+lindenwood,1259,3
+lindenwood,1147,0
+stockman,107,7
+tolstoy,489,6
+lindenwood,1752,5
+stockman,466,4
+onaga,58,7
+stockman,1446,1
+cosmos,437,2
+onaga,143,0
+leonardo,800,1
+klickitat,2330,0
+klickitat,2338,3
+stockman,624,0
+merom,578,2
+lindenwood,1278,8
+mifflinburg,667,1
+merom,368,1
+marstons,414,2
+allensville,466,1
+lakeville,876,4
+hiteman,956,3
+hanson,204,2
+wainscott,1492,11
+mifflinburg,148,2
+leonardo,1620,1
+mifflinburg,351,3
+leonardo,1738,1
+ranchester,715,5
+wainscott,859,0
+shelbyville,2285,1
+klickitat,1488,8
+marstons,221,3
+merom,363,2
+lindenwood,1473,5
+klickitat,2316,5
+marstons,2393,0
+coffeen,402,1
+shelbyville,1726,3
+shelbyville,755,0
+klickitat,653,5
+wainscott,1426,1
+klickitat,354,13
+lindenwood,113,5
+merom,3,1
+klickitat,836,0
+leonardo,856,1
+forkland,644,5
+woodbine,2012,0
+newfields,1086,8
+hiteman,258,0
+cosmos,199,6
+lakeville,794,18
+beechwood,121,1
+ranchester,1340,12
+wainscott,1172,5
+hiteman,726,11
+leonardo,1101,2
+leonardo,2055,4
+leonardo,1046,14
+shelbyville,71,6
+tolstoy,1190,3
+beechwood,26,2
+shelbyville,950,8
+wainscott,1035,5
+ranchester,845,0
+ranchester,329,3
+hiteman,428,10
+stockman,618,3
+newfields,528,15
+stockman,926,0
+lakeville,946,5
+hanson,813,8
+klickitat,1601,4
+benevolence,314,2
+stockman,27,3
+coffeen,1341,0
+wainscott,787,2
+allensville,126,6
+lindenwood,1862,1
+pinesdale,522,5
+ranchester,966,1
+beechwood,988,0
+leonardo,721,3
+woodbine,1616,7
+lakeville,1475,3
+woodbine,123,5
+coffeen,192,2
+woodbine,1354,6
+wainscott,86,3
+hanson,601,3
+hiteman,911,2
+forkland,1052,1
+klickitat,735,11
+stockman,528,5
+klickitat,1921,1
+lakeville,1161,3
+wainscott,457,0
+hanson,1166,4
+coffeen,161,3
+forkland,597,3
+woodbine,31,12
+tolstoy,438,4
+stockman,1323,1
+lindenwood,1148,4
+wainscott,1362,12
+lakeville,256,5
+leonardo,2040,7
+woodbine,1225,2
+lindenwood,2532,5
+marstons,1063,6
+leonardo,264,0
+marstons,812,3
+cosmos,1017,9
+hiteman,395,2
+marstons,1475,2
+klickitat,331,10
+newfields,76,0
+leonardo,1414,8
+newfields,1509,4
+forkland,865,4
+hiteman,460,5
+ranchester,1451,5
+klickitat,2286,4
+newfields,997,4
+cosmos,758,5
+woodbine,883,3
+wainscott,249,2
+pinesdale,427,0
+klickitat,17,10
+leonardo,1526,11
+onaga,335,4
+shelbyville,755,1
+shelbyville,1129,10
+klickitat,1580,3
+woodbine,1902,17
+wainscott,1211,11
+shelbyville,1694,0
+wainscott,1339,1
+stockman,473,0
+hiteman,695,6
+stockman,929,2
+cosmos,135,0
+stockman,46,1
+woodbine,2007,1
+hanson,981,3
+stockman,591,2
+woodbine,530,3
+shelbyville,86,1
+wainscott,1456,4
+stockman,142,8
+klickitat,2418,1
+woodbine,1374,11
+stockman,632,2
+hiteman,283,4
+lindenwood,1541,2
+klickitat,1740,0
+mifflinburg,749,3
+shelbyville,419,2
+klickitat,26,2
+stockman,1527,1
+mifflinburg,685,1
+woodbine,1848,7
+stockman,15,0
+wainscott,1596,3
+klickitat,1199,0
+leonardo,1414,0
+cosmos,24,3
+klickitat,1406,6
+beechwood,500,5
+lakeville,568,4
+lindenwood,2544,3
+shelbyville,648,3
+leonardo,1800,2
+pinesdale,1442,1
+marstons,2273,21
+marstons,2347,1
+hanson,1571,2
+forkland,900,0
+newfields,11,10
+hiteman,1123,1
+wainscott,1156,7
+newfields,869,7
+klickitat,1418,2
+klickitat,1108,2
+forkland,102,2
+klickitat,2105,1
+pinesdale,460,2
+benevolence,628,0
+woodbine,267,2
+onaga,454,2
+hanson,1316,16
+forkland,64,6
+hanson,384,0
+ranchester,1451,4
+klickitat,644,0
+pomaria,802,2
+tolstoy,578,0
+coffeen,53,6
+hanson,1475,14
+ranchester,844,5
+lakeville,1886,5
+lindenwood,1417,1
+tolstoy,883,1
+pomaria,1230,1
+klickitat,2326,3
+leonardo,1358,24
+shelbyville,2457,0
+klickitat,223,1
+tolstoy,334,1
+shelbyville,526,0
+coffeen,141,8
+lakeville,1365,0
+shelbyville,1454,9
+hanson,1391,4
+stockman,1141,6
+beechwood,451,3
+newfields,795,2
+stockman,1606,3
+newfields,752,12
+mifflinburg,507,5
+hanson,302,3
+lindenwood,146,4
+mifflinburg,640,5
+shelbyville,1215,3
+stockman,96,4
+mifflinburg,885,3
+forkland,804,1
+cosmos,574,2
+cosmos,140,5
+shelbyville,1973,0
+leonardo,95,5
+stockman,1022,0
+pomaria,22,2
+ranchester,1471,4
+marstons,1786,4
+merom,520,7
+hiteman,271,0
+marstons,588,10
+klickitat,46,3
+forkland,11,12
+newfields,211,1
+mifflinburg,752,0
+hiteman,1523,4
+allensville,464,0
+hanson,496,4
+klickitat,257,4
+tolstoy,648,1
+stockman,1013,1
+hanson,1456,3
+wainscott,1307,5
+cosmos,15,10
+coffeen,1456,0
+hanson,644,4
+hanson,233,3
+tolstoy,750,7
+newfields,1475,6
+leonardo,1759,2
+hanson,1577,1
+mifflinburg,859,5
+lindenwood,668,0
+allensville,49,2
+pomaria,1598,4
+lindenwood,2645,2
+marstons,652,5
+newfields,202,2
+newfields,1068,0
+leonardo,887,6
+woodbine,1810,1
+lindenwood,352,1
+hiteman,260,2
+shelbyville,72,4
+woodbine,60,1
+ranchester,1438,6
+newfields,1094,8
+forkland,549,8
+pinesdale,1468,1
+pomaria,427,13
+tolstoy,1622,1
+woodbine,1500,3
+cosmos,124,8
+marstons,756,2
+klickitat,865,0
+pinesdale,603,5
+newfields,129,6
+cosmos,823,4
+woodbine,912,14
+marstons,1091,16
+klickitat,1241,7
+woodbine,1865,2
+lakeville,486,4
+shelbyville,2493,0
+hiteman,1366,3
+coffeen,261,1
+lindenwood,1978,10
+wainscott,513,0
+woodbine,1644,7
+hiteman,1164,1
+woodbine,1168,1
+forkland,1031,0
+lakeville,904,8
+pinesdale,1202,2
+cosmos,150,5
+leonardo,297,0
+pinesdale,522,1
+shelbyville,1753,3
+pinesdale,1183,1
+merom,1057,2
+leonardo,1745,0
+merom,683,0
+woodbine,350,4
+lakeville,315,5
+hanson,353,7
+pinesdale,966,0
+hanson,969,0
+shelbyville,531,3
+newfields,1357,7
+lindenwood,29,5
+shelbyville,1517,2
+klickitat,1283,7
+marstons,809,4
+woodbine,1942,7
+klickitat,502,2
+ranchester,982,1
+pinesdale,1007,2
+pomaria,666,3
+newfields,486,1
+lindenwood,733,1
+hanson,1461,8
+hanson,1012,0
+pomaria,1631,5
+pomaria,1029,2
+newfields,1506,3
+beechwood,442,1
+hiteman,1390,2
+shelbyville,2130,0
+pinesdale,1347,3
+hiteman,906,1
+lakeville,1146,0
+tolstoy,1276,5
+lindenwood,732,4
+pomaria,1622,7
+lindenwood,997,0
+woodbine,272,5
+lindenwood,2287,1
+leonardo,2036,1
+woodbine,150,7
+hiteman,207,0
+leonardo,250,8
+marstons,1208,13
+woodbine,561,3
+shelbyville,952,1
+klickitat,2195,12
+beechwood,833,1
+stockman,283,4
+wainscott,220,5
+pinesdale,121,4
+lindenwood,1464,2
+hiteman,729,6
+marstons,1500,6
+pomaria,953,7
+lindenwood,2566,5
+hanson,482,17
+leonardo,598,6
+newfields,801,4
+newfields,197,1
+marstons,839,0
+lakeville,395,4
+benevolence,157,3
+hanson,1184,5
+tolstoy,1273,0
+marstons,2226,1
+leonardo,1406,3
+leonardo,1720,11
+pinesdale,614,9
+leonardo,884,4
+leonardo,1783,11
+lindenwood,1432,5
+ranchester,1135,2
+hiteman,1246,4
+shelbyville,202,2
+lakeville,263,8
+allensville,301,5
+klickitat,953,3
+shelbyville,685,3
+marstons,1773,11
+tolstoy,1072,1
+klickitat,1539,1
+cosmos,207,0
+cosmos,852,1
+woodbine,903,3
+shelbyville,2068,4
+leonardo,274,2
+ranchester,423,4
+mifflinburg,928,1
+pomaria,601,2
+woodbine,1983,12
+shelbyville,845,4
+woodbine,800,6
+klickitat,1258,11
+pomaria,640,4
+lakeville,55,9
+pomaria,76,1
+tolstoy,1365,0
+tolstoy,1395,2
+merom,921,5
+klickitat,1323,0
+pomaria,613,0
+lindenwood,1081,5
+klickitat,1495,16
+newfields,1536,0
+hanson,1063,9
+forkland,727,1
+wainscott,1607,5
+marstons,2294,2
+pinesdale,925,5
+marstons,1533,3
+leonardo,1528,15
+lindenwood,2658,8
+klickitat,354,7
+pinesdale,756,1
+cosmos,561,6
+wainscott,1016,7
+klickitat,2160,11
+woodbine,360,10
+shelbyville,2443,1
+onaga,411,2
+newfields,892,13
+hiteman,1828,7
+hanson,1058,10
+ranchester,730,3
+cosmos,468,0
+newfields,1502,5
+wainscott,1052,4
+cosmos,552,4
+newfields,954,14
+marstons,33,15
+pinesdale,625,0
+mifflinburg,238,2
+coffeen,663,1
+lindenwood,670,2
+shelbyville,512,14
+tolstoy,229,2
+klickitat,2138,7
+newfields,452,4
+stockman,796,3
+onaga,362,3
+pinesdale,238,0
+forkland,450,0
+lindenwood,200,0
+pinesdale,86,4
+marstons,1305,2
+leonardo,882,5
+klickitat,1623,0
+leonardo,1603,0
+leonardo,349,4
+lindenwood,114,0
+coffeen,1290,3
+woodbine,417,6
+benevolence,690,5
+marstons,328,1
+marstons,905,3
+hiteman,791,1
+klickitat,829,4
+hiteman,431,6
+forkland,128,2
+coffeen,1156,2
+lakeville,1562,5
+leonardo,621,0
+ranchester,883,3
+newfields,1049,2
+marstons,1146,5
+shelbyville,1748,3
+onaga,83,3
+wainscott,1671,6
+shelbyville,1682,2
+ranchester,1547,4
+pinesdale,500,5
+klickitat,2282,7
+shelbyville,1277,13
+shelbyville,2650,5
+klickitat,611,2
+marstons,758,14
+klickitat,834,2
+ranchester,1581,7
+shelbyville,2694,5
+newfields,603,11
+klickitat,1040,14
+newfields,779,1
+tolstoy,503,0
+shelbyville,858,3
+cosmos,263,3
+lakeville,710,5
+newfields,992,2
+klickitat,2411,5
+newfields,1407,14
+hanson,1017,0
+lakeville,1377,3
+hanson,838,9
+hanson,623,16
+tolstoy,207,1
+tolstoy,1749,3
+beechwood,920,2
+shelbyville,1949,9
+hanson,1366,4
+lakeville,1539,2
+tolstoy,52,8
+pinesdale,225,11
+mifflinburg,626,3
+klickitat,1441,3
+hiteman,24,11
+klickitat,914,18
+ranchester,8,3
+mifflinburg,650,0
+lindenwood,1289,2
+pomaria,31,1
+coffeen,409,2
+marstons,1319,1
+shelbyville,2674,9
+hanson,457,3
+tolstoy,1038,0
+beechwood,1023,0
+lakeville,566,11
+klickitat,2286,19
+beechwood,247,1
+coffeen,1329,0
+klickitat,1690,3
+shelbyville,2184,9
+woodbine,27,2
+marstons,1920,11
+cosmos,330,10
+lakeville,1648,13
+lindenwood,2635,0
+ranchester,1296,8
+merom,575,2
+leonardo,1051,3
+klickitat,2382,2
+woodbine,1188,4
+pomaria,1235,14
+wainscott,711,1
+lakeville,828,5
+newfields,1286,7
+hanson,334,0
+forkland,393,1
+leonardo,333,0
+leonardo,1275,0
+leonardo,78,1
+stockman,91,4
+newfields,434,2
+pomaria,472,0
+leonardo,301,3
+lindenwood,721,1
+lindenwood,2345,6
+hiteman,1554,4
+pinesdale,161,5
+lindenwood,22,4
+marstons,1561,13
+marstons,202,14
+coffeen,1518,1
+beechwood,996,5
+forkland,1051,2
+hanson,1293,3
+onaga,459,4
+pinesdale,794,0
+shelbyville,586,4
+pomaria,895,14
+stockman,1058,1
+lindenwood,890,14
+hanson,961,1
+hiteman,1413,1
+wainscott,245,0
+klickitat,1989,4
+lakeville,3,3
+hanson,975,0
+klickitat,520,3
+woodbine,1132,6
+tolstoy,1237,6
+marstons,2247,2
+shelbyville,2595,10
+leonardo,303,7
+leonardo,441,2
+coffeen,425,6
+benevolence,498,3
+ranchester,788,0
+woodbine,1105,3
+lindenwood,103,10
+newfields,1504,1
+lakeville,1202,10
+pomaria,336,5
+woodbine,976,3
+klickitat,258,6
+lindenwood,1657,2
+ranchester,98,2
+hiteman,1648,5
+lakeville,1265,4
+stockman,883,0
+merom,173,1
+leonardo,1406,1
+newfields,265,4
+pomaria,1537,16
+leonardo,1000,10
+marstons,2356,1
+woodbine,690,0
+lakeville,304,3
+woodbine,1054,11
+marstons,16,3
+hiteman,1771,1
+allensville,516,3
+ranchester,726,7
+lindenwood,358,2
+marstons,751,2
+shelbyville,2742,3
+lakeville,400,4
+hanson,775,12
+woodbine,1050,8
+hanson,1609,1
+leonardo,404,10
+wainscott,236,1
+newfields,1538,3
+ranchester,554,1
+leonardo,1910,4
+newfields,265,6
+leonardo,1400,8
+lindenwood,2303,3
+leonardo,1308,0
+marstons,346,3
+shelbyville,223,4
+pomaria,827,6
+marstons,1801,0
+hanson,1216,0
+marstons,1597,6
+marstons,929,12
+lindenwood,1675,18
+merom,463,0
+woodbine,490,5
+merom,756,9
+mifflinburg,395,8
+klickitat,1628,8
+woodbine,913,2
+hiteman,414,5
+newfields,69,5
+pomaria,864,3
+newfields,1274,5
+lakeville,1112,1
+merom,750,0
+coffeen,117,3
+klickitat,1712,7
+pinesdale,498,12
+tolstoy,1153,3
+wainscott,573,0
+wainscott,1632,4
+woodbine,1675,4
+leonardo,1403,1
+hiteman,331,1
+forkland,652,6
+pinesdale,248,11
+klickitat,1513,2
+pomaria,453,3
+newfields,911,7
+mifflinburg,4,3
+woodbine,1252,6
+forkland,568,5
+stockman,277,4
+lindenwood,493,4
+woodbine,1188,3
+klickitat,420,3
+newfields,1183,16
+shelbyville,2492,0
+stockman,616,2
+lindenwood,752,1
+pomaria,1024,4
+wainscott,1325,5
+tolstoy,394,1
+lindenwood,1183,10
+lakeville,955,1
+pomaria,1203,4
+lindenwood,1395,0
+merom,275,7
+coffeen,1386,2
+newfields,1434,4
+coffeen,753,1
+onaga,321,0
+forkland,995,3
+woodbine,346,1
+hiteman,1331,3
+lakeville,708,0
+klickitat,2364,1
+woodbine,428,3
+woodbine,812,4
+leonardo,746,0
+klickitat,426,8
+coffeen,983,2
+newfields,403,11
+lindenwood,2209,0
+hiteman,1176,2
+woodbine,398,0
+leonardo,1572,9
+hanson,749,5
+hanson,986,4
+stockman,730,1
+wainscott,1169,1
+leonardo,1549,3
+forkland,248,7
+woodbine,46,4
+ranchester,1086,5
+hiteman,1294,0
+pinesdale,511,0
+shelbyville,333,0
+klickitat,100,5
+leonardo,1106,2
+mifflinburg,97,0
+pomaria,547,1
+wainscott,666,8
+merom,859,2
+lindenwood,843,9
+merom,246,8
+lindenwood,1923,1
+klickitat,2343,0
+shelbyville,2331,1
+shelbyville,1614,3
+coffeen,521,7
+woodbine,1037,6
+hiteman,343,3
+lakeville,1827,3
+lindenwood,2331,1
+shelbyville,1320,10
+lindenwood,1566,0
+leonardo,1793,2
+coffeen,808,7
+lakeville,898,10
+woodbine,1856,7
+woodbine,305,3
+ranchester,756,1
+leonardo,1058,0
+klickitat,2363,11
+shelbyville,2334,7
+benevolence,227,7
+woodbine,777,2
+woodbine,1602,3
+onaga,11,0
+leonardo,620,0
+hiteman,7,3
+shelbyville,340,2
+merom,859,9
+ranchester,1438,8
+lindenwood,1124,1
+hiteman,1339,15
+tolstoy,1460,3
+woodbine,1538,3
+lindenwood,2072,2
+ranchester,1620,1
+newfields,1095,7
+ranchester,349,0
+tolstoy,410,4
+ranchester,614,3
+pinesdale,490,1
+lindenwood,866,0
+pinesdale,1363,4
+shelbyville,2621,2
+klickitat,2036,5
+pinesdale,1281,0
+beechwood,637,3
+newfields,253,3
+benevolence,121,2
+marstons,396,2
+tolstoy,290,1
+marstons,648,0
+woodbine,923,0
+pomaria,450,4
+lakeville,939,9
+woodbine,1912,0
+ranchester,1149,1
+benevolence,222,2
+hiteman,860,8
+benevolence,407,2
+coffeen,797,2
+beechwood,82,6
+klickitat,787,15
+allensville,253,1
+pomaria,1026,8
+marstons,1794,9
+wainscott,871,2
+benevolence,266,10
+hanson,1173,2
+leonardo,1819,12
+woodbine,1208,14
+coffeen,1272,7
+shelbyville,290,1
+marstons,2006,1
+shelbyville,1432,2
+forkland,580,0
+ranchester,1244,3
+klickitat,953,5
+forkland,619,0
+stockman,1455,3
+coffeen,586,1
+tolstoy,787,2
+onaga,11,3
+klickitat,995,0
+cosmos,652,1
+woodbine,787,4
+leonardo,1146,1
+forkland,295,1
+coffeen,342,5
+wainscott,1798,13
+ranchester,714,2
+lakeville,1798,3
+klickitat,1010,6
+tolstoy,1452,0
+forkland,88,1
+shelbyville,2535,6
+marstons,2566,6
+onaga,163,5
+marstons,99,9
+leonardo,777,3
+mifflinburg,121,3
+lindenwood,246,4
+pomaria,264,4
+tolstoy,348,4
+benevolence,152,5
+merom,75,1
+pinesdale,131,0
+pinesdale,677,7
+lakeville,415,12
+newfields,352,3
+stockman,1487,5
+newfields,433,0
+klickitat,1492,6
+klickitat,119,1
+hiteman,1525,3
+lindenwood,1694,10
+shelbyville,1550,4
+tolstoy,1386,5
+wainscott,1046,1
+woodbine,295,13
+forkland,482,2
+woodbine,757,0
+woodbine,1647,4
+marstons,300,3
+mifflinburg,13,3
+hanson,775,11
+klickitat,296,0
+marstons,2182,2
+beechwood,1080,2
+beechwood,57,3
+lindenwood,1059,2
+klickitat,1010,0
+pomaria,54,4
+klickitat,2287,0
+shelbyville,2318,3
+leonardo,1409,5
+hiteman,670,14
+hiteman,729,7
+coffeen,1336,2
+shelbyville,989,1
+cosmos,808,10
+lindenwood,1529,3
+klickitat,1633,6
+marstons,2129,4
+cosmos,665,6
+tolstoy,1288,4
+leonardo,1271,5
+forkland,1120,0
+merom,550,3
+lindenwood,840,1
+marstons,372,3
+pomaria,1285,4
+klickitat,1736,4
+beechwood,1119,4
+pomaria,692,1
+shelbyville,274,2
+leonardo,363,14
+ranchester,457,3
+stockman,1596,4
+forkland,1121,2
+forkland,561,3
+shelbyville,1316,6
+woodbine,990,1
+pinesdale,1140,4
+newfields,283,1
+merom,925,1
+lindenwood,1687,10
+coffeen,1384,0
+cosmos,217,6
+pomaria,197,0
+merom,674,5
+coffeen,330,4
+wainscott,48,4
+newfields,1345,0
+hanson,117,0
+wainscott,1455,2
+wainscott,206,1
+hiteman,203,7
+leonardo,1200,3
+pinesdale,1120,3
+wainscott,1549,7
+shelbyville,1458,1
+pomaria,827,3
+newfields,1401,12
+newfields,358,13
+allensville,391,5
+ranchester,1169,2
+merom,1060,1
+onaga,513,7
+marstons,89,0
+shelbyville,2676,1
+allensville,295,3
+wainscott,1281,2
+newfields,383,2
+allensville,342,1
+lakeville,571,6
+tolstoy,1164,1
+woodbine,810,1
+pomaria,889,1
+klickitat,165,1
+beechwood,573,1
+newfields,808,3
+klickitat,1231,9
+wainscott,861,5
+klickitat,834,1
+cosmos,226,2
+klickitat,1469,4
+newfields,1630,1
+klickitat,1904,1
+woodbine,61,0
+stockman,775,2
+newfields,612,1
+pinesdale,1429,2
+hanson,1005,10
+lakeville,846,4
+lindenwood,382,4
+forkland,743,2
+klickitat,1038,0
+shelbyville,714,5
+lindenwood,2636,3
+lindenwood,1956,1
+klickitat,1279,16
+coffeen,509,2
+beechwood,234,3
+klickitat,220,3
+tolstoy,1074,2
+marstons,2426,1
+pinesdale,1207,10
+klickitat,703,7
+leonardo,2059,2
+stockman,942,1
+forkland,708,2
+shelbyville,2463,1
+marstons,1909,11
+ranchester,1588,1
+leonardo,1659,6
+leonardo,484,1
+allensville,444,3
+tolstoy,1314,2
+shelbyville,2116,1
+newfields,1007,3
+woodbine,109,5
+marstons,513,5
+shelbyville,2399,11
+hiteman,1772,7
+leonardo,2073,7
+klickitat,921,4
+woodbine,1355,19
+lindenwood,126,2
+pinesdale,99,13
+lakeville,186,0
+cosmos,258,3
+tolstoy,1496,0
+newfields,757,0
+leonardo,1851,4
+lindenwood,38,2
+lakeville,640,0
+tolstoy,541,2
+lakeville,891,5
+mifflinburg,261,2
+pinesdale,756,4
+wainscott,853,3
+marstons,1410,4
+marstons,1676,6
+marstons,2191,14
+wainscott,1047,2
+marstons,1197,2
+marstons,868,6
+leonardo,250,6
+mifflinburg,590,1
+lakeville,1309,6
+newfields,727,1
+leonardo,1976,6
+mifflinburg,550,4
+marstons,779,2
+lindenwood,966,5
+merom,694,0
+cosmos,174,7
+klickitat,9,3
+coffeen,1290,2
+pomaria,96,12
+ranchester,405,3
+hiteman,1388,7
+lindenwood,447,10
+lakeville,1202,1
+ranchester,50,0
+ranchester,1299,6
+wainscott,940,0
+marstons,933,2
+forkland,515,3
+forkland,76,1
+ranchester,524,12
+ranchester,669,1
+lakeville,1840,1
+shelbyville,2472,0
+merom,407,4
+lindenwood,468,0
+forkland,4,4
+ranchester,1596,2
+forkland,800,1
+allensville,495,3
+leonardo,839,3
+shelbyville,1707,4
+marstons,620,8
+beechwood,1050,2
+marstons,551,13
+wainscott,1291,5
+hanson,586,0
+tolstoy,609,0
+lakeville,1553,4
+klickitat,668,6
+onaga,650,2
+klickitat,2311,5
+klickitat,1811,11
+woodbine,576,4
+lakeville,834,8
+klickitat,621,3
+marstons,895,17
+lindenwood,2532,0
+ranchester,642,3
+marstons,73,1
+marstons,653,7
+ranchester,457,12
+lindenwood,2076,2
+lakeville,431,0
+lindenwood,1873,3
+beechwood,488,1
+hiteman,1767,8
+ranchester,600,1
+leonardo,113,8
+forkland,1092,5
+newfields,857,8
+newfields,1096,5
+lindenwood,1809,1
+marstons,1195,4
+forkland,867,3
+woodbine,1052,3
+shelbyville,66,0
+shelbyville,452,0
+tolstoy,746,3
+pomaria,1031,10
+lakeville,161,3
+onaga,487,0
+onaga,381,0
+hiteman,1302,7
+lakeville,284,1
+forkland,1077,10
+leonardo,1159,4
+shelbyville,634,0
+hiteman,1486,2
+pinesdale,565,1
+shelbyville,1631,0
+marstons,2232,6
+hiteman,1612,3
+hiteman,1723,2
+shelbyville,959,3
+leonardo,1556,2
+shelbyville,2563,9
+shelbyville,39,2
+klickitat,1279,14
+ranchester,1078,2
+wainscott,459,4
+hiteman,1716,9
+newfields,342,4
+klickitat,2276,5
+ranchester,1589,1
+lindenwood,2118,4
+klickitat,1449,3
+newfields,523,4
+beechwood,218,10
+wainscott,1215,2
+cosmos,337,1
+wainscott,513,8
+merom,127,1
+onaga,262,2
+onaga,250,3
+tolstoy,256,2
+lakeville,79,9
+ranchester,1365,3
+tolstoy,1372,4
+pomaria,1403,0
+hanson,1610,0
+marstons,1762,1
+woodbine,317,0
+wainscott,364,0
+wainscott,300,2
+woodbine,1841,8
+shelbyville,950,6
+leonardo,163,7
+wainscott,94,2
+leonardo,323,1
+marstons,957,4
+pomaria,991,0
+leonardo,1374,3
+woodbine,470,11
+coffeen,688,0
+tolstoy,538,3
+marstons,1285,4
+lindenwood,146,6
+hiteman,865,6
+hanson,761,4
+newfields,320,1
+woodbine,907,2
+woodbine,416,2
+hanson,26,0
+woodbine,1464,0
+tolstoy,19,5
+marstons,2269,1
+woodbine,502,6
+leonardo,1999,0
+woodbine,1889,2
+hiteman,1438,3
+leonardo,1922,2
+shelbyville,2761,0
+wainscott,845,2
+wainscott,985,7
+ranchester,1425,0
+pinesdale,1483,7
+lakeville,1108,4
+klickitat,292,5
+shelbyville,2169,4
+lindenwood,1442,2
+tolstoy,807,4
+klickitat,2306,1
+klickitat,268,4
+lakeville,1500,8
+lindenwood,2225,0
+pomaria,766,6
+lindenwood,1787,1
+shelbyville,936,1
+cosmos,1041,11
+shelbyville,1438,8
+ranchester,1324,1
+wainscott,1372,2
+beechwood,440,1
+hiteman,1687,5
+ranchester,1127,1
+klickitat,1547,8
+lindenwood,685,2
+merom,81,1
+stockman,230,0
+coffeen,812,3
+onaga,127,0
+marstons,535,5
+ranchester,262,0
+hanson,25,1
+newfields,149,1
+coffeen,700,0
+shelbyville,564,7
+ranchester,1383,0
+tolstoy,576,0
+merom,108,4
+cosmos,376,2
+woodbine,1966,8
+woodbine,1347,1
+hanson,64,0
+lakeville,909,7
+leonardo,2022,4
+marstons,912,7
+pomaria,357,8
+stockman,587,0
+woodbine,1230,2
+tolstoy,1712,0
+marstons,654,4
+klickitat,495,4
+onaga,6,6
+wainscott,1110,1
+leonardo,1091,1
+ranchester,286,7
+wainscott,238,1
+merom,157,7
+coffeen,765,9
+shelbyville,1280,10
+pinesdale,449,5
+forkland,372,4
+pinesdale,1227,5
+woodbine,847,1
+woodbine,1860,2
+ranchester,66,1
+beechwood,470,2
+forkland,232,4
+leonardo,1859,3
+tolstoy,1284,4
+newfields,1292,5
+coffeen,1049,3
+lindenwood,510,3
+marstons,1328,2
+merom,857,1
+lindenwood,1827,1
+ranchester,1059,2
+wainscott,1711,0
+beechwood,1067,0
+klickitat,35,21
+leonardo,148,7
+marstons,541,3
+hanson,826,5
+beechwood,606,4
+hiteman,851,0
+pomaria,743,10
+wainscott,1798,9
+leonardo,492,2
+pomaria,681,0
+hiteman,73,2
+marstons,1200,3
+shelbyville,1879,2
+mifflinburg,385,1
+pinesdale,478,1
+wainscott,1667,4
+marstons,232,2
+woodbine,151,7
+lakeville,999,2
+pomaria,514,6
+shelbyville,2056,6
+hanson,880,3
+pinesdale,533,6
+hiteman,1455,7
+klickitat,1511,6
+coffeen,665,1
+shelbyville,399,1
+beechwood,558,8
+ranchester,421,1
+coffeen,613,3
+forkland,589,8
+tolstoy,948,6
+shelbyville,1396,4
+mifflinburg,864,0
+wainscott,1641,11
+benevolence,267,6
+leonardo,788,10
+pomaria,1403,11
+shelbyville,2511,0
+klickitat,1678,10
+klickitat,1745,11
+cosmos,81,9
+ranchester,1279,1
+klickitat,36,9
+benevolence,352,2
+newfields,318,7
+lindenwood,2083,0
+merom,669,1
+shelbyville,726,1
+lakeville,1530,3
+wainscott,179,3
+stockman,181,0
+woodbine,545,0
+hanson,615,0
+shelbyville,2084,6
+hanson,1147,2
+pinesdale,730,0
+shelbyville,554,0
+tolstoy,269,3
+hanson,1092,1
+shelbyville,697,2
+mifflinburg,546,6
+woodbine,1407,3
+lindenwood,2312,13
+hanson,368,8
+marstons,1681,2
+hiteman,1830,3
+marstons,759,3
+leonardo,1185,0
+lindenwood,415,2
+pomaria,670,0
+stockman,768,10
+shelbyville,1913,0
+hanson,658,2
+marstons,1398,16
+tolstoy,1773,3
+leonardo,2087,1
+leonardo,789,2
+leonardo,157,0
+hiteman,22,3
+hiteman,1603,2
+leonardo,610,6
+tolstoy,778,2
+wainscott,1146,7
+newfields,1135,10
+hanson,136,8
+stockman,591,4
+lindenwood,16,2
+lakeville,106,15
+klickitat,829,3
+woodbine,373,6
+pomaria,830,3
+pomaria,1082,7
+cosmos,931,0
+marstons,2248,5
+forkland,612,3
+newfields,1417,7
+pinesdale,54,5
+marstons,1513,10
+klickitat,530,0
+shelbyville,574,0
+ranchester,59,1
+woodbine,586,7
+shelbyville,2699,3
+lakeville,1402,1
+lindenwood,2634,3
+onaga,400,2
+newfields,167,7
+stockman,538,0
+pomaria,53,6
+stockman,146,0
+wainscott,116,11
+marstons,3,0
+wainscott,1595,8
+marstons,1666,1
+hiteman,11,4
+klickitat,386,3
+shelbyville,661,2
+pomaria,44,5
+newfields,1301,16
+leonardo,230,0
+ranchester,429,6
+mifflinburg,346,2
+stockman,871,2
+marstons,1478,4
+leonardo,774,4
+woodbine,313,6
+benevolence,940,2
+forkland,904,0
+mifflinburg,419,3
+hiteman,524,0
+marstons,245,2
+wainscott,425,10
+lakeville,1461,0
+hiteman,68,0
+lindenwood,2419,2
+hanson,949,1
+klickitat,1301,0
+wainscott,1786,2
+leonardo,1653,3
+newfields,1483,1
+hiteman,65,3
+leonardo,1415,4
+ranchester,1589,14
+shelbyville,1222,5
+lindenwood,397,2
+tolstoy,904,6
+pinesdale,1374,0
+ranchester,1594,10
+newfields,1570,2
+ranchester,101,2
+ranchester,909,2
+woodbine,266,0
+forkland,374,2
+cosmos,291,1
+wainscott,1301,1
+hiteman,1549,2
+pomaria,1239,4
+leonardo,546,1
+shelbyville,2532,4
+woodbine,809,11
+woodbine,2033,3
+tolstoy,86,0
+woodbine,1697,0
+tolstoy,707,3
+forkland,561,0
+mifflinburg,154,1
+hiteman,1219,2
+merom,786,0
+lakeville,502,6
+stockman,155,1
+marstons,1059,0
+leonardo,1980,3
+pomaria,1541,5
+woodbine,531,2
+tolstoy,1272,2
+lindenwood,1109,6
+shelbyville,379,0
+lindenwood,1055,1
+shelbyville,57,2
+lindenwood,2600,12
+lindenwood,2323,0
+coffeen,686,1
+hanson,516,5
+klickitat,2104,1
+marstons,408,2
+klickitat,2085,3
+tolstoy,749,4
+marstons,446,1
+merom,725,1
+coffeen,931,1
+tolstoy,347,4
+pomaria,1566,1
+leonardo,690,7
+wainscott,1778,5
+coffeen,181,4
+hiteman,1429,10
+woodbine,100,6
+marstons,2618,2
+stockman,536,1
+mifflinburg,60,4
+lindenwood,2012,1
+lakeville,304,11
+lindenwood,992,2
+pinesdale,37,1
+shelbyville,286,1
+pinesdale,1237,1
+klickitat,510,1
+tolstoy,1011,5
+woodbine,892,2
+woodbine,1024,3
+lakeville,1723,5
+merom,625,0
+shelbyville,1000,1
+marstons,1895,1
+pomaria,453,0
+marstons,463,2
+woodbine,428,2
+shelbyville,1284,7
+stockman,600,2
+klickitat,990,8
+shelbyville,410,0
+lindenwood,1641,2
+hanson,892,2
+merom,378,4
+beechwood,3,0
+lakeville,772,3
+benevolence,877,12
+wainscott,1708,8
+woodbine,2058,2
+pomaria,440,2
+stockman,1423,0
+newfields,190,11
+beechwood,933,0
+ranchester,297,2
+pomaria,412,6
+woodbine,1086,0
+woodbine,1722,1
+woodbine,519,1
+ranchester,1533,1
+newfields,1421,4
+ranchester,1501,2
+hanson,1226,12
+lindenwood,1773,2
+lindenwood,2232,5
+stockman,115,5
+lakeville,1598,16
+merom,247,3
+newfields,1002,4
+wainscott,1539,1
+stockman,653,4
+wainscott,879,3
+shelbyville,1346,4
+klickitat,1873,2
+pomaria,1172,5
+merom,660,0
+lakeville,1019,9
+marstons,1062,13
+merom,1063,1
+shelbyville,7,2
+pinesdale,1470,3
+marstons,1483,0
+newfields,449,0
+hiteman,1508,4
+tolstoy,317,0
+coffeen,955,2
+shelbyville,1221,8
+shelbyville,507,3
+newfields,545,7
+lakeville,1806,11
+shelbyville,1027,1
+ranchester,377,1
+shelbyville,2123,7
+lakeville,1393,2
+mifflinburg,381,2
+coffeen,13,2
+wainscott,1466,4
+pinesdale,1180,4
+marstons,1290,4
+ranchester,48,0
+ranchester,50,3
+hanson,1573,10
+lakeville,1537,19
+stockman,59,2
+woodbine,612,2
+merom,853,5
+hanson,863,1
+shelbyville,512,19
+ranchester,268,1
+ranchester,1417,9
+marstons,1341,3
+hanson,1234,4
+lindenwood,58,2
+woodbine,952,10
+klickitat,765,0
+lakeville,1820,0
+shelbyville,901,3
+forkland,1058,2
+leonardo,1700,0
+klickitat,1830,2
+klickitat,1268,2
+shelbyville,35,8
+coffeen,170,4
+wainscott,1332,13
+forkland,905,0
+pinesdale,1125,1
+hanson,1365,3
+hiteman,1089,7
+wainscott,859,8
+klickitat,1764,12
+marstons,51,4
+marstons,872,1
+woodbine,55,5
+merom,195,8
+klickitat,953,7
+lindenwood,421,1
+benevolence,846,13
+tolstoy,530,3
+ranchester,1045,0
+woodbine,130,3
+woodbine,2048,3
+tolstoy,304,3
+forkland,555,3
+hanson,979,0
+woodbine,1227,4
+leonardo,530,13
+woodbine,1862,1
+tolstoy,1763,0
+pinesdale,348,4
+cosmos,1043,2
+wainscott,549,2
+shelbyville,2025,7
+shelbyville,1302,10
+ranchester,1158,8
+hiteman,300,0
+forkland,580,5
+beechwood,103,10
+beechwood,342,0
+forkland,372,0
+ranchester,37,8
+woodbine,1848,12
+onaga,678,0
+wainscott,728,6
+klickitat,1405,5
+newfields,905,1
+pomaria,908,4
+lindenwood,454,7
+lakeville,1622,1
+beechwood,200,0
+hanson,351,7
+newfields,1037,0
+ranchester,661,0
+tolstoy,615,7
+klickitat,171,20
+leonardo,1423,1
+tolstoy,1105,4
+klickitat,709,2
+wainscott,516,6
+hanson,417,0
+lindenwood,1161,3
+merom,941,5
+onaga,14,2
+klickitat,424,2
+leonardo,1671,5
+marstons,958,10
+marstons,1751,7
+leonardo,932,3
+marstons,1539,3
+wainscott,1194,3
+woodbine,1311,9
+pomaria,1248,0
+klickitat,712,0
+shelbyville,1943,8
+leonardo,884,6
+pinesdale,340,0
+mifflinburg,698,0
+lindenwood,679,2
+lindenwood,2020,6
+newfields,762,1
+beechwood,1002,3
+klickitat,1888,5
+ranchester,1208,8
+hanson,1121,15
+hanson,1296,4
+lindenwood,801,3
+hiteman,642,1
+klickitat,1633,15
+forkland,780,1
+pomaria,1529,7
+merom,366,6
+klickitat,565,5
+lakeville,1536,3
+pinesdale,1350,0
+beechwood,848,1
+wainscott,119,1
+pomaria,511,11
+lakeville,234,0
+lindenwood,282,5
+newfields,299,14
+marstons,259,0
+hiteman,417,8
+wainscott,512,10
+forkland,1053,3
+wainscott,1338,12
+ranchester,1549,1
+lindenwood,2315,8
+marstons,2622,4
+leonardo,552,12
+hiteman,1063,0
+hiteman,899,1
+pomaria,1034,2
+hanson,238,3
+onaga,312,2
+klickitat,1057,3
+hiteman,1711,1
+tolstoy,1738,14
+newfields,725,8
+hiteman,896,6
+merom,345,1
+lindenwood,1260,1
+lakeville,1514,1
+hanson,1541,2
+shelbyville,2211,3
+benevolence,436,0
+leonardo,31,2
+tolstoy,1241,3
+lindenwood,879,0
+cosmos,498,9
+wainscott,517,2
+coffeen,286,8
+allensville,374,10
+shelbyville,1116,5
+klickitat,805,0
+hiteman,1128,3
+klickitat,1960,19
+hiteman,768,4
+klickitat,850,7
+pinesdale,1402,3
+forkland,474,5
+klickitat,114,0
+pomaria,1499,4
+pomaria,539,2
+marstons,1231,3
+onaga,516,1
+marstons,309,8
+woodbine,682,8
+marstons,2526,2
+hanson,1125,0
+ranchester,508,8
+klickitat,415,6
+hanson,452,3
+pinesdale,1087,12
+marstons,1591,16
+lindenwood,1969,7
+klickitat,528,1
+woodbine,12,2
+newfields,358,10
+klickitat,920,7
+pomaria,1272,7
+hanson,751,8
+cosmos,693,0
+benevolence,184,1
+shelbyville,2484,11
+lakeville,24,0
+stockman,964,1
+pinesdale,1517,4
+tolstoy,1002,4
+lindenwood,1660,2
+lindenwood,2040,2
+woodbine,456,4
+shelbyville,2070,5
+benevolence,777,6
+stockman,917,3
+mifflinburg,968,6
+pomaria,679,2
+hiteman,872,3
+stockman,522,3
+benevolence,69,5
+woodbine,1036,5
+stockman,672,1
+lindenwood,1890,3
+onaga,504,0
+lindenwood,509,4
+newfields,603,5
+lakeville,397,1
+onaga,242,6
+hanson,76,6
+lakeville,454,0
+marstons,2264,13
+onaga,86,0
+shelbyville,626,5
+forkland,73,1
+woodbine,1204,10
+leonardo,666,5
+coffeen,491,3
+klickitat,673,2
+lindenwood,2416,1
+leonardo,1155,1
+shelbyville,1221,6
+wainscott,699,6
+hanson,950,3
+stockman,1162,2
+hanson,1110,14
+wainscott,801,3
+cosmos,398,8
+klickitat,2282,8
+coffeen,424,1
+pinesdale,1058,0
+shelbyville,2644,0
+pinesdale,1073,7
+lindenwood,1716,3
+leonardo,1167,3
+lindenwood,983,0
+coffeen,16,5
+forkland,1158,0
+cosmos,914,1
+klickitat,631,9
+shelbyville,688,1
+ranchester,64,0
+lindenwood,1686,3
+hanson,225,3
+onaga,621,2
+lindenwood,250,3
+coffeen,504,0
+klickitat,1058,2
+stockman,1451,1
+cosmos,367,1
+leonardo,1554,2
+klickitat,1505,6
+shelbyville,683,6
+pomaria,801,3
+lindenwood,2596,1
+newfields,517,11
+leonardo,1965,9
+merom,747,0
+lindenwood,2223,0
+pinesdale,1120,7
+cosmos,40,4
+onaga,27,5
+lakeville,494,0
+pomaria,1652,0
+lakeville,1493,4
+woodbine,351,5
+shelbyville,1693,0
+pomaria,716,3
+woodbine,969,0
+benevolence,444,8
+hanson,1273,6
+tolstoy,1475,1
+mifflinburg,749,2
+newfields,629,4
+leonardo,1912,5
+tolstoy,534,4
+forkland,840,2
+pomaria,359,1
+hiteman,466,0
+shelbyville,1835,2
+marstons,1854,4
+klickitat,1278,0
+woodbine,1445,5
+ranchester,278,1
+woodbine,680,4
+hiteman,424,5
+marstons,1855,1
+shelbyville,2641,10
+newfields,1007,9
+lakeville,54,2
+shelbyville,806,13
+lakeville,324,2
+wainscott,1716,5
+newfields,423,4
+lindenwood,1004,7
+lakeville,370,7
+wainscott,1163,5
+lakeville,122,2
+ranchester,559,12
+pinesdale,1021,4
+coffeen,971,2
+klickitat,2044,1
+leonardo,681,10
+beechwood,770,1
+shelbyville,490,10
+leonardo,791,0
+shelbyville,2583,0
+shelbyville,44,0
+leonardo,2015,0
+klickitat,2390,8
+ranchester,739,6
+pomaria,754,1
+pomaria,765,7
+cosmos,319,2
+tolstoy,2,1
+hanson,1166,0
+hiteman,1551,10
+lakeville,1737,3
+stockman,420,1
+cosmos,932,1
+wainscott,1172,4
+klickitat,77,0
+allensville,171,0
+klickitat,393,8
+pinesdale,474,2
+marstons,1541,7
+leonardo,993,2
+lindenwood,1100,1
+merom,185,6
+lindenwood,2485,3
+klickitat,340,5
+leonardo,1313,1
+leonardo,1629,4
+wainscott,891,0
+coffeen,414,2
+woodbine,34,0
+cosmos,612,0
+leonardo,1676,2
+merom,909,4
+forkland,299,0
+lindenwood,1526,1
+klickitat,130,1
+stockman,309,3
+lakeville,1254,0
+ranchester,476,4
+lindenwood,27,6
+cosmos,141,6
+lindenwood,2639,1
+beechwood,39,6
+ranchester,1001,0
+woodbine,1357,9
+allensville,278,0
+hiteman,648,2
+wainscott,586,11
+ranchester,776,2
+pinesdale,192,5
+stockman,399,2
+lindenwood,510,1
+pomaria,262,17
+wainscott,84,4
+marstons,1653,2
+benevolence,50,2
+woodbine,561,0
+newfields,954,11
+forkland,668,1
+merom,687,3
+beechwood,34,0
+wainscott,1384,0
+lakeville,1508,2
+tolstoy,505,2
+hanson,1508,11
+lindenwood,1423,5
+shelbyville,1894,10
+lindenwood,509,5
+lindenwood,519,7
+tolstoy,1283,7
+newfields,497,1
+wainscott,1600,2
+klickitat,1480,2
+coffeen,318,4
+shelbyville,2142,10
+klickitat,656,4
+klickitat,1153,0
+onaga,533,4
+klickitat,1227,2
+klickitat,845,9
+shelbyville,1766,12
+newfields,1187,2
+shelbyville,1197,0
+leonardo,1587,2
+newfields,1654,11
+lindenwood,1006,3
+marstons,1482,10
+woodbine,308,7
+pomaria,1484,5
+hanson,709,5
+leonardo,1483,1
+klickitat,2175,10
+wainscott,1583,5
+shelbyville,1913,5
+mifflinburg,432,4
+woodbine,1330,3
+tolstoy,81,3
+marstons,186,3
+tolstoy,662,2
+mifflinburg,937,12
+stockman,1059,0
+coffeen,119,1
+klickitat,1140,0
+tolstoy,1776,11
+tolstoy,213,8
+klickitat,74,6
+hiteman,571,0
+cosmos,179,7
+klickitat,703,4
+pinesdale,753,2
+wainscott,1704,2
+marstons,1435,2
+lindenwood,1846,2
+lakeville,507,0
+tolstoy,693,8
+hiteman,1338,2
+lindenwood,715,7
+wainscott,1701,0
+hiteman,520,0
+hanson,155,6
+lindenwood,273,6
+hiteman,822,8
+coffeen,1228,1
+klickitat,821,3
+allensville,29,5
+marstons,1159,1
+allensville,267,2
+forkland,1116,3
+pomaria,1646,2
+woodbine,1137,4
+leonardo,2058,14
+wainscott,724,7
+hanson,1002,4
+woodbine,897,5
+tolstoy,117,2
+shelbyville,1397,0
+leonardo,1963,3
+wainscott,896,6
+marstons,308,10
+newfields,269,13
+shelbyville,1077,8
+pomaria,512,0
+marstons,825,1
+shelbyville,208,0
+marstons,1418,6
+hiteman,82,3
+wainscott,120,2
+wainscott,726,10
+ranchester,499,1
+shelbyville,857,10
+mifflinburg,645,0
+onaga,185,5
+leonardo,1501,1
+pinesdale,888,2
+marstons,1676,0
+lindenwood,440,1
+wainscott,1276,7
+woodbine,2021,3
+cosmos,189,2
+marstons,2482,2
+marstons,401,2
+newfields,413,5
+shelbyville,489,0
+stockman,486,3
+beechwood,79,1
+beechwood,959,3
+ranchester,1082,6
+newfields,75,6
+woodbine,707,0
+marstons,1482,8
+lakeville,347,0
+marstons,2565,9
+woodbine,2059,2
+marstons,2643,2
+merom,985,10
+coffeen,816,0
+stockman,1135,7
+stockman,280,5
+marstons,183,0
+marstons,1918,9
+merom,205,6
+beechwood,656,4
+leonardo,341,5
+klickitat,657,1
+forkland,165,3
+forkland,369,6
+hanson,1155,0
+hanson,1067,7
+marstons,1749,3
+benevolence,276,3
+klickitat,711,3
+hiteman,1698,9
+wainscott,1786,3
+shelbyville,2039,1
+hanson,1327,1
+hanson,821,3
+hanson,193,0
+lindenwood,226,6
+merom,400,6
+pomaria,618,2
+tolstoy,214,12
+newfields,271,0
+pinesdale,722,5
+merom,380,7
+beechwood,827,3
+pomaria,1587,2
+merom,948,2
+mifflinburg,852,0
+hanson,878,2
+shelbyville,370,4
+wainscott,228,4
+onaga,232,2
+wainscott,1528,7
+leonardo,1309,0
+tolstoy,924,17
+tolstoy,641,2
+klickitat,1267,2
+mifflinburg,742,0
+lakeville,111,19
+leonardo,441,4
+ranchester,1538,15
+beechwood,381,4
+ranchester,1175,4
+klickitat,995,2
+hiteman,1101,3
+coffeen,813,0
+woodbine,1404,7
+beechwood,76,4
+wainscott,228,3
+benevolence,671,5
+wainscott,106,2
+woodbine,35,3
+onaga,55,5
+lakeville,318,1
+lindenwood,594,1
+lindenwood,1819,5
+pinesdale,990,1
+shelbyville,2790,2
+woodbine,1469,2
+klickitat,2279,12
+lakeville,131,5
+woodbine,8,1
+hiteman,221,8
+mifflinburg,219,9
+stockman,634,2
+tolstoy,268,0
+lakeville,1768,5
+hanson,154,6
+klickitat,482,3
+tolstoy,500,3
+mifflinburg,199,6
+newfields,1503,5
+klickitat,1811,19
+newfields,943,2
+klickitat,169,5
+marstons,2122,5
+coffeen,32,3
+onaga,322,3
+hiteman,683,1
+lakeville,1739,6
+marstons,2518,3
+lindenwood,2619,0
+marstons,1205,7
+hanson,1357,3
+hiteman,1119,5
+woodbine,218,2
+woodbine,748,12
+ranchester,1335,2
+woodbine,649,3
+merom,910,1
+marstons,332,8
+marstons,2639,11
+marstons,296,4
+newfields,233,2
+lakeville,347,1
+tolstoy,1196,2
+lindenwood,1446,0
+hanson,1242,11
+shelbyville,2817,3
+klickitat,759,2
+hiteman,452,3
+wainscott,935,0
+tolstoy,1091,2
+wainscott,1263,4
+shelbyville,108,0
+hiteman,551,7
+lakeville,1466,1
+coffeen,837,2
+leonardo,1671,10
+tolstoy,1826,3
+leonardo,1174,0
+leonardo,584,0
+woodbine,876,0
+klickitat,2237,3
+hiteman,1195,7
+lindenwood,1236,3
+tolstoy,825,0
+hanson,1038,0
+lakeville,758,2
+lindenwood,584,2
+woodbine,766,1
+hiteman,50,6
+coffeen,1203,1
+pomaria,1134,0
+klickitat,2281,4
+woodbine,138,4
+lindenwood,1207,9
+wainscott,1565,0
+marstons,1682,7
+klickitat,32,4
+beechwood,1073,1
+hiteman,1684,3
+wainscott,85,1
+lindenwood,1349,5
+shelbyville,1114,4
+benevolence,377,4
+shelbyville,2013,10
+lakeville,1397,3
+woodbine,1933,1
+hiteman,795,12
+wainscott,889,12
+merom,762,2
+tolstoy,1287,4
+pomaria,1391,0
+shelbyville,1491,0
+wainscott,1529,2
+marstons,1590,1
+hanson,667,2
+pomaria,1369,2
+merom,380,10
+tolstoy,20,13
+wainscott,584,16
+coffeen,588,0
+shelbyville,1109,6
+forkland,604,4
+leonardo,998,1
+tolstoy,156,1
+lakeville,1271,1
+newfields,183,12
+lakeville,774,3
+hanson,1382,0
+hiteman,1044,1
+klickitat,962,4
+marstons,1044,3
+marstons,1314,2
+klickitat,639,5
+ranchester,441,8
+marstons,2337,10
+shelbyville,146,13
+marstons,190,3
+marstons,1371,3
+hanson,939,3
+beechwood,824,6
+woodbine,1867,2
+lakeville,1403,13
+woodbine,774,4
+lakeville,1198,2
+woodbine,1258,5
+pinesdale,989,3
+woodbine,436,5
+hanson,946,10
+klickitat,2043,6
+woodbine,1781,0
+tolstoy,1770,7
+ranchester,995,2
+stockman,1441,10
+leonardo,9,6
+hiteman,537,3
+benevolence,805,5
+lindenwood,2389,2
+woodbine,57,4
+beechwood,9,3
+shelbyville,2078,12
+hiteman,314,3
+stockman,296,1
+onaga,652,6
+klickitat,1648,6
+lindenwood,352,4
+hiteman,1647,2
+hanson,170,1
+leonardo,21,4
+tolstoy,559,2
+klickitat,433,0
+beechwood,795,3
+lakeville,788,1
+wainscott,1424,8
+forkland,1166,8
+mifflinburg,392,0
+klickitat,1728,12
+leonardo,1549,7
+woodbine,1704,5
+woodbine,231,2
+marstons,685,0
+hanson,190,1
+lindenwood,2381,6
+woodbine,1690,8
+merom,867,0
+leonardo,1037,1
+newfields,494,5
+pomaria,1441,10
+ranchester,366,0
+klickitat,173,4
+pomaria,1450,1
+ranchester,645,19
+cosmos,749,2
+pomaria,295,3
+tolstoy,1069,2
+ranchester,1022,1
+wainscott,738,10
+wainscott,791,7
+coffeen,939,0
+lakeville,1188,2
+lakeville,1429,1
+woodbine,911,2
+merom,918,8
+lindenwood,1456,0
+wainscott,782,0
+pinesdale,50,1
+marstons,536,2
+lindenwood,1590,9
+hanson,963,8
+marstons,2629,2
+allensville,301,1
+cosmos,915,3
+shelbyville,1638,6
+hiteman,1644,1
+shelbyville,1106,0
+hiteman,1396,4
+shelbyville,2351,0
+newfields,534,8
+lakeville,111,1
+lindenwood,2019,9
+marstons,1372,4
+lindenwood,47,1
+merom,2,1
+merom,597,4
+lakeville,93,0
+lakeville,688,3
+lakeville,1614,4
+marstons,879,6
+forkland,956,5
+newfields,1135,9
+klickitat,111,8
+wainscott,154,1
+pomaria,1020,3
+newfields,1056,2
+hanson,734,3
+lindenwood,848,2
+tolstoy,1185,4
+forkland,404,2
+klickitat,242,1
+marstons,2381,1
+forkland,692,3
+allensville,51,0
+leonardo,1184,2
+wainscott,277,6
+lakeville,1038,0
+pinesdale,476,4
+wainscott,345,5
+woodbine,1212,0
+hanson,213,0
+woodbine,110,2
+allensville,357,5
+marstons,1880,6
+allensville,326,1
+hiteman,579,4
+marstons,518,14
+beechwood,6,1
+marstons,2091,2
+ranchester,271,0
+cosmos,187,1
+mifflinburg,736,2
+lindenwood,448,7
+lakeville,739,13
+woodbine,533,0
+klickitat,195,3
+leonardo,1971,8
+marstons,214,2
+lakeville,98,4
+onaga,199,4
+lindenwood,2236,5
+klickitat,2344,3
+newfields,1476,8
+lakeville,1868,3
+mifflinburg,505,1
+hanson,1466,17
+lakeville,585,2
+marstons,775,7
+wainscott,353,3
+marstons,684,0
+ranchester,836,2
+marstons,934,16
+lindenwood,1896,3
+wainscott,1123,2
+lindenwood,721,3
+lakeville,478,3
+hanson,734,2
+cosmos,74,0
+shelbyville,227,2
+hiteman,678,0
+pomaria,514,8
+klickitat,81,4
+lindenwood,1545,3
+hiteman,1147,0
+cosmos,334,15
+mifflinburg,559,2
+leonardo,104,1
+benevolence,225,3
+coffeen,1495,2
+woodbine,1201,3
+pomaria,805,0
+newfields,521,3
+klickitat,2284,2
+leonardo,1927,1
+hanson,342,8
+klickitat,1783,5
+lindenwood,1835,1
+lindenwood,505,1
+stockman,906,3
+wainscott,114,3
+merom,916,5
+shelbyville,2432,6
+hanson,1220,3
+lakeville,1882,4
+marstons,715,8
+wainscott,763,5
+newfields,1230,4
+pomaria,335,0
+hiteman,1156,1
+marstons,1627,1
+tolstoy,642,9
+leonardo,766,19
+beechwood,935,6
+hanson,709,8
+stockman,1212,0
+leonardo,1397,3
+leonardo,20,2
+cosmos,135,4
+lindenwood,1109,2
+leonardo,685,2
+hanson,1050,5
+pinesdale,1308,7
+cosmos,139,1
+beechwood,168,3
+forkland,777,0
+klickitat,176,3
+woodbine,1180,7
+klickitat,1401,1
+tolstoy,1393,4
+hanson,1579,2
+marstons,662,14
+leonardo,227,1
+woodbine,1714,0
+newfields,150,1
+newfields,511,14
+mifflinburg,192,6
+lindenwood,1881,5
+hanson,136,5
+pomaria,1449,0
+tolstoy,1513,3
+pomaria,446,1
+shelbyville,93,0
+wainscott,1525,10
+wainscott,328,0
+tolstoy,1434,2
+stockman,1577,3
+shelbyville,2720,11
+tolstoy,1143,3
+lakeville,653,0
+marstons,1022,8
+wainscott,449,3
+shelbyville,1324,5
+ranchester,947,12
+wainscott,697,3
+lindenwood,2487,7
+wainscott,1207,8
+merom,775,9
+cosmos,588,6
+onaga,83,6
+ranchester,1365,9
+hiteman,1655,10
+stockman,639,1
+wainscott,773,5
+shelbyville,2241,0
+pomaria,658,9
+ranchester,614,1
+klickitat,2310,8
+newfields,696,13
+marstons,1658,0
+ranchester,402,5
+forkland,1089,1
+stockman,1096,2
+mifflinburg,810,3
+lakeville,426,3
+ranchester,32,2
+shelbyville,1267,7
+lakeville,1081,3
+tolstoy,1439,7
+klickitat,2112,1
+merom,861,2
+marstons,1949,2
+pomaria,1118,10
+newfields,1114,3
+hiteman,652,8
+marstons,2049,2
+klickitat,1508,0
+leonardo,2036,17
+wainscott,967,4
+shelbyville,2382,1
+lakeville,1500,10
+pomaria,718,2
+hiteman,939,6
+tolstoy,1004,4
+woodbine,1409,3
+ranchester,606,2
+wainscott,1692,8
+shelbyville,620,5
+merom,913,6
+cosmos,927,1
+lindenwood,446,1
+pomaria,813,0
+hanson,1407,0
+marstons,2069,20
+cosmos,921,3
+shelbyville,1154,3
+pomaria,369,9
+klickitat,900,0
+pomaria,1172,4
+onaga,372,0
+lindenwood,1691,1
+stockman,293,4
+shelbyville,580,3
+lindenwood,2246,7
+shelbyville,2347,3
+klickitat,165,13
+woodbine,188,10
+shelbyville,212,2
+shelbyville,140,5
+marstons,797,1
+lakeville,60,0
+lakeville,1810,0
+allensville,241,0
+pinesdale,309,0
+pinesdale,975,0
+allensville,246,2
+klickitat,89,3
+shelbyville,244,4
+lindenwood,2577,3
+wainscott,1608,2
+wainscott,449,9
+cosmos,362,2
+hiteman,1672,2
+marstons,652,6
+mifflinburg,920,5
+newfields,1605,4
+hiteman,612,1
+shelbyville,2007,2
+leonardo,616,6
+newfields,644,3
+wainscott,401,2
+stockman,768,6
+mifflinburg,413,3
+tolstoy,283,1
+shelbyville,806,6
+mifflinburg,941,5
+cosmos,234,0
+marstons,1822,5
+klickitat,1553,9
+woodbine,1569,3
+lindenwood,498,3
+shelbyville,1656,0
+klickitat,1986,1
+shelbyville,1439,2
+marstons,1981,6
+mifflinburg,864,2
+lindenwood,2109,7
+beechwood,500,6
+pinesdale,936,4
+benevolence,528,1
+pinesdale,1454,2
+pinesdale,950,9
+lindenwood,668,3
+coffeen,438,3
+marstons,1392,2
+forkland,675,1
+wainscott,1651,0
+onaga,635,2
+hiteman,1823,5
+newfields,1122,0
+ranchester,1317,4
+stockman,1351,5
+marstons,2144,1
+beechwood,127,1
+coffeen,707,2
+lindenwood,1296,3
+wainscott,878,4
+shelbyville,373,5
+pinesdale,1461,4
+ranchester,583,3
+woodbine,1545,11
+marstons,1670,4
+lindenwood,1167,6
+stockman,623,0
+wainscott,1574,0
+ranchester,1167,7
+marstons,890,2
+ranchester,598,11
+lindenwood,631,4
+newfields,1302,12
+hanson,1004,7
+leonardo,1631,3
+merom,337,6
+shelbyville,1234,5
+merom,493,1
+shelbyville,2563,6
+forkland,754,8
+hanson,307,15
+marstons,1124,3
+lindenwood,2585,3
+klickitat,2415,5
+pomaria,304,1
+leonardo,1941,5
+coffeen,552,2
+cosmos,1039,1
+marstons,528,10
+shelbyville,1286,2
+lindenwood,2077,1
+marstons,1100,2
+cosmos,188,2
+tolstoy,111,9
+lakeville,1320,2
+pomaria,934,2
+tolstoy,1232,2
+wainscott,831,2
+hanson,1045,3
+shelbyville,1965,2
+pomaria,118,5
+leonardo,4,9
+hanson,1361,0
+woodbine,1159,13
+hanson,1474,4
+wainscott,1188,2
+tolstoy,729,3
+pomaria,1557,4
+woodbine,3,0
+merom,709,5
+hiteman,1600,6
+wainscott,1170,5
+shelbyville,2674,4
+tolstoy,883,4
+benevolence,114,0
+ranchester,1118,5
+hanson,82,1
+stockman,185,0
+shelbyville,357,11
+lindenwood,1537,8
+coffeen,227,0
+lakeville,1704,3
+lindenwood,1525,4
+wainscott,1590,0
+shelbyville,2201,1
+merom,1009,0
+pomaria,43,2
+shelbyville,1040,1
+newfields,259,0
+wainscott,1614,7
+coffeen,1019,4
+newfields,1306,3
+pinesdale,44,0
+pinesdale,580,0
+merom,506,4
+klickitat,1180,1
+hanson,580,9
+pinesdale,99,7
+lindenwood,118,5
+mifflinburg,271,5
+woodbine,592,2
+lindenwood,1843,1
+tolstoy,1341,0
+cosmos,679,9
+leonardo,694,6
+lakeville,1250,4
+marstons,2373,2
+lindenwood,1757,5
+klickitat,427,8
+shelbyville,2403,0
+coffeen,588,4
+lindenwood,2579,7
+hanson,440,5
+leonardo,138,11
+woodbine,852,0
+coffeen,517,2
+stockman,446,0
+beechwood,176,6
+woodbine,1361,8
+lindenwood,1614,4
+leonardo,641,7
+leonardo,1985,15
+stockman,1529,1
+forkland,120,4
+lindenwood,2577,13
+cosmos,334,9
+coffeen,1371,2
+newfields,790,7
+shelbyville,1662,4
+wainscott,593,9
+leonardo,474,0
+woodbine,1654,9
+woodbine,673,6
+stockman,1318,1
+shelbyville,2241,1
+klickitat,1073,4
+lakeville,384,6
+newfields,697,9
+forkland,627,1
+pomaria,192,5
+lakeville,1474,14
+klickitat,1319,1
+pomaria,180,12
+lindenwood,951,15
+leonardo,706,4
+onaga,218,0
+wainscott,366,5
+wainscott,1746,2
+lindenwood,1800,3
+marstons,319,2
+leonardo,1350,2
+woodbine,1591,10
+marstons,100,2
+newfields,427,2
+allensville,388,5
+hiteman,323,0
+cosmos,592,6
+merom,90,4
+beechwood,1054,6
+tolstoy,1169,2
+lakeville,676,1
+ranchester,261,2
+cosmos,517,5
+merom,386,2
+pinesdale,63,3
+tolstoy,508,2
+ranchester,294,0
+wainscott,528,13
+marstons,623,3
+marstons,1314,4
+ranchester,20,5
+ranchester,644,4
+lindenwood,2349,2
+lindenwood,71,1
+hiteman,1095,4
+newfields,409,9
+pomaria,1326,6
+klickitat,1027,0
+shelbyville,146,2
+hanson,831,5
+stockman,709,2
+klickitat,1006,2
+merom,560,2
+stockman,1557,0
+cosmos,551,2
+leonardo,665,9
+wainscott,711,3
+ranchester,166,6
+pomaria,560,9
+benevolence,6,6
+shelbyville,1800,4
+coffeen,144,3
+ranchester,524,4
+hiteman,385,2
+pomaria,373,6
+marstons,2147,1
+shelbyville,357,7
+leonardo,1776,0
+shelbyville,1258,12
+newfields,1342,0
+stockman,533,1
+shelbyville,2254,3
+lindenwood,677,7
+pinesdale,1302,0
+hanson,896,4
+pinesdale,489,4
+lindenwood,2043,0
+lindenwood,1176,4
+leonardo,1000,5
+stockman,1015,9
+woodbine,518,1
+wainscott,370,2
+lakeville,864,2
+pomaria,631,1
+woodbine,602,1
+lindenwood,828,11
+cosmos,565,0
+onaga,112,0
+lakeville,21,1
+cosmos,239,1
+hanson,1574,0
+lindenwood,941,5
+wainscott,265,4
+pinesdale,554,4
+hanson,1508,13
+wainscott,1110,5
+shelbyville,1678,5
+newfields,760,8
+pomaria,1075,16
+beechwood,283,3
+lakeville,1325,5
+newfields,1516,6
+wainscott,233,8
+woodbine,747,1
+beechwood,174,8
+leonardo,138,14
+lindenwood,235,2
+marstons,1642,0
+lakeville,227,0
+klickitat,1608,4
+lakeville,62,1
+lindenwood,55,3
+newfields,81,5
+beechwood,298,5
+leonardo,1785,1
+pinesdale,1226,3
+pinesdale,464,8
+lindenwood,1629,6
+marstons,37,6
+shelbyville,1352,5
+leonardo,1352,2
+wainscott,170,12
+hiteman,996,4
+wainscott,630,6
+leonardo,724,4
+wainscott,1495,1
+newfields,1448,3
+klickitat,532,8
+klickitat,515,14
+shelbyville,408,0
+stockman,1211,0
+beechwood,18,1
+wainscott,1778,3
+hiteman,14,6
+hiteman,875,8
+lindenwood,2413,2
+lindenwood,2514,6
+shelbyville,1027,0
+newfields,839,3
+lakeville,795,3
+ranchester,1566,5
+shelbyville,1542,0
+stockman,369,5
+newfields,219,2
+pomaria,1106,3
+hanson,936,2
+shelbyville,595,0
+lindenwood,1884,2
+ranchester,1495,1
+marstons,968,1
+klickitat,994,0
+stockman,809,0
+ranchester,1492,1
+lindenwood,1488,1
+lindenwood,836,1
+klickitat,1497,4
+woodbine,1872,0
+leonardo,1561,5
+hanson,901,6
+stockman,1258,2
+ranchester,128,1
+klickitat,2205,2
+lakeville,289,0
+cosmos,1015,4
+woodbine,982,2
+ranchester,37,0
+shelbyville,2178,2
+cosmos,164,0
+cosmos,382,9
+woodbine,1632,2
+lindenwood,1853,6
+hanson,1008,0
+allensville,107,1
+mifflinburg,618,8
+klickitat,1082,9
+allensville,235,1
+marstons,2159,2
+forkland,888,1
+onaga,331,4
+klickitat,1288,2
+lindenwood,1772,2
+mifflinburg,109,1
+klickitat,720,8
+leonardo,506,1
+marstons,806,5
+marstons,1494,9
+tolstoy,1223,6
+lakeville,785,0
+newfields,1583,3
+lindenwood,2610,1
+tolstoy,90,12
+cosmos,201,8
+hiteman,352,2
+leonardo,397,6
+lakeville,1232,6
+merom,513,2
+marstons,1068,0
+ranchester,215,3
+merom,40,2
+leonardo,469,9
+lindenwood,1568,3
+pomaria,60,1
+stockman,1363,3
+shelbyville,296,7
+stockman,739,0
+cosmos,66,3
+lindenwood,1758,2
+shelbyville,211,2
+woodbine,1932,0
+klickitat,1787,3
+tolstoy,1349,3
+mifflinburg,21,0
+beechwood,245,0
+lindenwood,335,3
+stockman,74,2
+wainscott,719,6
+lindenwood,418,0
+merom,776,2
+pomaria,1260,7
+newfields,969,0
+pomaria,1663,0
+cosmos,715,1
+benevolence,68,3
+hiteman,1062,0
+cosmos,231,2
+hiteman,1580,11
+tolstoy,1019,3
+beechwood,794,4
+leonardo,235,1
+beechwood,779,5
+hanson,498,4
+shelbyville,2059,0
+wainscott,1303,9
+pomaria,251,5
+onaga,453,2
+pomaria,766,0
+klickitat,2399,1
+tolstoy,1681,1
+pomaria,1532,1
+lakeville,1561,2
+wainscott,1577,4
+leonardo,1011,0
+beechwood,271,2
+ranchester,1476,3
+wainscott,1685,1
+marstons,233,2
+merom,960,3
+lindenwood,2432,0
+stockman,907,7
+pinesdale,854,1
+shelbyville,23,0
+marstons,2136,11
+newfields,176,3
+woodbine,1455,2
+klickitat,246,9
+allensville,266,4
+beechwood,959,5
+marstons,1113,0
+coffeen,231,1
+shelbyville,2031,8
+coffeen,539,4
+hiteman,1216,10
+hanson,1221,3
+shelbyville,2514,1
+stockman,104,4
+pinesdale,89,4
+tolstoy,511,13
+ranchester,703,4
+tolstoy,994,1
+hiteman,591,2
+beechwood,340,5
+pinesdale,68,2
+coffeen,475,4
+shelbyville,982,8
+klickitat,1437,9
+lakeville,556,2
+marstons,2584,8
+coffeen,476,8
+leonardo,1970,4
+newfields,190,0
+lindenwood,2252,16
+lindenwood,522,6
+shelbyville,1338,10
+woodbine,2032,9
+shelbyville,2098,1
+klickitat,2310,3
+shelbyville,1651,4
+shelbyville,256,6
+ranchester,1577,6
+merom,364,0
+pomaria,117,2
+pinesdale,797,7
+pinesdale,281,1
+coffeen,544,4
+leonardo,654,0
+hanson,82,9
+shelbyville,1543,2
+pinesdale,942,7
+shelbyville,1032,8
+tolstoy,150,1
+onaga,561,1
+hiteman,1495,3
+marstons,2322,3
+newfields,1019,2
+lindenwood,1869,2
+klickitat,27,8
+hiteman,477,8
+onaga,471,5
+newfields,1600,1
+pomaria,63,1
+hiteman,11,2
+lindenwood,1993,4
+onaga,10,7
+hiteman,1739,0
+beechwood,1106,11
+shelbyville,1814,3
+pinesdale,1442,3
+tolstoy,1513,11
+lindenwood,1972,2
+lindenwood,2574,3
+coffeen,170,3
+forkland,372,10
+wainscott,1667,5
+newfields,1022,2
+woodbine,1998,2
+merom,779,0
+ranchester,655,4
+woodbine,1942,6
+pinesdale,319,0
+leonardo,616,2
+shelbyville,2166,5
+klickitat,1389,17
+woodbine,234,6
+klickitat,369,2
+lindenwood,201,2
+wainscott,1059,2
+ranchester,1011,4
+klickitat,263,1
+hiteman,889,1
+shelbyville,1966,1
+tolstoy,1801,10
+leonardo,996,1
+tolstoy,45,4
+shelbyville,724,3
+tolstoy,937,0
+tolstoy,44,2
+tolstoy,906,12
+pinesdale,666,0
+shelbyville,2244,2
+lindenwood,2413,4
+pinesdale,996,1
+lindenwood,2021,0
+newfields,1445,5
+shelbyville,2527,6
+hanson,610,2
+marstons,2189,1
+tolstoy,168,7
+tolstoy,1331,12
+shelbyville,192,11
+lakeville,1328,0
+leonardo,1151,0
+hiteman,1518,2
+coffeen,285,3
+stockman,659,1
+merom,690,2
+shelbyville,1189,3
+hanson,881,9
+coffeen,1270,0
+hanson,336,0
+newfields,892,10
+ranchester,317,2
+wainscott,1404,5
+wainscott,227,4
+hiteman,587,8
+lakeville,544,0
+woodbine,86,4
+lakeville,92,4
+leonardo,1593,3
+lakeville,554,8
+ranchester,861,1
+tolstoy,1353,4
+forkland,312,3
+woodbine,224,4
+pinesdale,1204,1
+newfields,333,4
+marstons,502,3
+newfields,1357,13
+forkland,763,0
+shelbyville,2424,2
+klickitat,1797,3
+tolstoy,370,3
+lindenwood,2577,16
+pinesdale,857,2
+klickitat,2300,2
+ranchester,1421,8
+tolstoy,1436,2
+pomaria,137,1
+pomaria,1537,5
+onaga,82,0
+ranchester,69,13
+tolstoy,700,6
+stockman,567,3
+hanson,238,2
+coffeen,912,0
+pomaria,1225,8
+ranchester,616,2
+onaga,356,6
+lindenwood,2523,4
+klickitat,1857,3
+coffeen,148,0
+woodbine,1261,6
+marstons,2273,19
+newfields,1325,7
+hanson,1570,15
+mifflinburg,563,0
+shelbyville,758,9
+allensville,512,0
+hanson,1225,0
+pinesdale,333,4
+newfields,696,14
+wainscott,1126,1
+pinesdale,401,2
+pinesdale,318,1
+allensville,285,3
+lindenwood,1112,4
+pomaria,1469,5
+lakeville,267,7
+forkland,246,0
+stockman,650,1
+tolstoy,241,3
+coffeen,528,3
+wainscott,139,2
+marstons,916,3
+leonardo,896,0
+stockman,643,1
+merom,507,2
+shelbyville,2374,1
+lindenwood,2181,12
+ranchester,880,3
+klickitat,1638,0
+tolstoy,649,1
+tolstoy,662,5
+tolstoy,1060,3
+lindenwood,722,1
+shelbyville,2172,7
+pomaria,580,2
+lindenwood,1336,3
+lakeville,1005,4
+shelbyville,2419,0
+shelbyville,947,10
+wainscott,134,9
+forkland,625,1
+stockman,1036,3
+coffeen,1308,9
+klickitat,1923,7
+lakeville,1592,0
+klickitat,1541,0
+lindenwood,2113,3
+ranchester,782,7
+klickitat,2331,8
+pomaria,1021,3
+pomaria,706,1
+lindenwood,2019,7
+woodbine,1903,3
+shelbyville,1516,1
+newfields,158,2
+coffeen,1408,4
+marstons,1675,3
+klickitat,2226,0
+ranchester,1044,3
+wainscott,477,6
+lindenwood,1222,7
+marstons,84,0
+ranchester,625,3
+hiteman,1676,3
+woodbine,2055,12
+allensville,239,1
+pomaria,281,6
+pinesdale,1290,2
+beechwood,866,7
+lindenwood,2381,5
+tolstoy,1803,3
+merom,543,0
+hiteman,1651,3
+lakeville,908,2
+shelbyville,1171,4
+woodbine,892,10
+pomaria,971,0
+wainscott,625,13
+woodbine,702,2
+pinesdale,1518,6
+woodbine,993,5
+benevolence,577,9
+coffeen,510,0
+leonardo,380,2
+woodbine,1094,1
+cosmos,535,2
+shelbyville,2604,0
+marstons,1926,8
+woodbine,1132,1
+shelbyville,1821,2
+mifflinburg,44,2
+merom,178,0
+wainscott,1275,1
+pomaria,1491,5
+lindenwood,1301,0
+woodbine,716,1
+forkland,827,5
+hanson,1001,0
+shelbyville,1516,12
+beechwood,1048,2
+stockman,140,4
+hiteman,1854,4
+klickitat,295,17
+marstons,2388,7
+cosmos,883,4
+mifflinburg,631,3
+stockman,1509,7
+pomaria,966,10
+allensville,213,0
+pomaria,1664,3
+lakeville,500,4
+lakeville,816,1
+woodbine,803,1
+onaga,347,3
+shelbyville,140,0
+allensville,321,1
+merom,235,2
+coffeen,805,3
+hiteman,1753,7
+hiteman,1112,10
+lindenwood,1242,15
+tolstoy,1770,8
+hiteman,891,4
+marstons,1299,2
+wainscott,582,3
+lindenwood,601,5
+shelbyville,1699,3
+woodbine,1406,4
+pomaria,1010,3
+pomaria,1268,5
+leonardo,1916,2
+leonardo,628,6
+coffeen,1464,0
+woodbine,1037,3
+klickitat,535,10
+shelbyville,204,3
+hiteman,1054,0
+marstons,1376,3
+lindenwood,1099,6
+woodbine,2024,11
+ranchester,307,14
+wainscott,1259,14
+shelbyville,451,5
+marstons,1410,2
+ranchester,1601,10
+klickitat,1358,4
+marstons,391,0
+wainscott,973,15
+pomaria,1300,3
+marstons,690,2
+woodbine,316,8
+shelbyville,994,7
+pomaria,743,16
+marstons,736,0
+klickitat,606,3
+lindenwood,1940,1
+forkland,255,1
+stockman,663,1
+benevolence,304,3
+klickitat,1929,3
+mifflinburg,227,1
+leonardo,59,4
+wainscott,507,0
+woodbine,563,5
+hanson,1166,5
+lindenwood,350,2
+klickitat,946,7
+shelbyville,265,9
+marstons,1203,0
+coffeen,26,0
+cosmos,30,2
+onaga,300,0
+ranchester,1207,8
+newfields,1490,5
+woodbine,121,1
+marstons,1829,3
+hanson,356,10
+allensville,63,2
+tolstoy,1407,10
+shelbyville,2299,8
+woodbine,985,9
+ranchester,619,1
+merom,392,2
+pomaria,1025,6
+shelbyville,2595,13
+tolstoy,807,2
+beechwood,377,1
+beechwood,234,7
+leonardo,319,2
+shelbyville,2060,5
+forkland,648,1
+pomaria,661,4
+wainscott,127,9
+forkland,745,1
+onaga,199,2
+coffeen,326,2
+lindenwood,586,1
+benevolence,641,4
+lakeville,235,4
+lakeville,1446,13
+hiteman,1515,3
+benevolence,600,7
+tolstoy,1334,1
+tolstoy,1292,3
+klickitat,1940,8
+cosmos,103,4
+marstons,1482,14
+marstons,1992,3
+leonardo,1067,19
+tolstoy,483,6
+stockman,1388,3
+lindenwood,1564,3
+lakeville,492,5
+shelbyville,2771,2
+wainscott,1667,3
+merom,586,0
+lakeville,1808,6
+lakeville,1670,7
+allensville,231,4
+ranchester,420,14
+pinesdale,1446,2
+newfields,1587,2
+shelbyville,445,4
+stockman,79,3
+merom,684,2
+hanson,1495,12
+shelbyville,1411,0
+lindenwood,1565,1
+woodbine,423,1
+onaga,158,2
+pinesdale,852,8
+lindenwood,1896,6
+hanson,729,7
+pomaria,943,1
+merom,85,1
+coffeen,55,5
+hiteman,1293,3
+tolstoy,1706,5
+benevolence,815,1
+stockman,882,2
+lakeville,1212,4
+woodbine,434,6
+ranchester,1110,2
+woodbine,1036,4
+wainscott,619,3
+merom,1090,4
+newfields,905,7
+onaga,55,1
+lakeville,572,2
+forkland,984,2
+hanson,1394,3
+leonardo,1353,1
+lakeville,302,5
+stockman,215,7
+shelbyville,2553,5
+lindenwood,1960,5
+mifflinburg,936,3
+lindenwood,2363,0
+cosmos,754,2
+beechwood,70,0
+lakeville,757,8
+newfields,1440,0
+pomaria,1485,8
+onaga,660,2
+wainscott,1015,4
+beechwood,40,1
+hanson,971,0
+klickitat,1610,0
+klickitat,1745,18
+hiteman,1,6
+benevolence,481,7
+lakeville,1250,3
+merom,843,4
+ranchester,303,7
+wainscott,419,1
+pinesdale,578,8
+wainscott,798,7
+shelbyville,117,1
+marstons,1836,4
+marstons,1779,2
+benevolence,471,4
+shelbyville,972,2
+woodbine,30,6
+marstons,2516,4
+forkland,107,8
+woodbine,1231,5
+pinesdale,223,2
+shelbyville,2354,3
+marstons,2161,2
+lindenwood,1616,11
+lindenwood,2204,0
+leonardo,1739,4
+woodbine,1063,1
+benevolence,29,4
+hiteman,961,4
+hanson,906,3
+stockman,564,0
+onaga,401,5
+pomaria,1625,4
+onaga,607,3
+cosmos,844,3
+shelbyville,2034,3
+klickitat,918,3
+tolstoy,396,1
+leonardo,859,2
+pomaria,231,7
+klickitat,1240,8
+wainscott,1315,7
+marstons,1248,7
+newfields,1473,0
+klickitat,1847,4
+beechwood,404,3
+klickitat,394,7
+tolstoy,973,1
+wainscott,1264,8
+cosmos,164,2
+hiteman,1277,8
+hiteman,1537,15
+stockman,332,5
+lakeville,552,0
+beechwood,290,3
+woodbine,1417,12
+hiteman,1248,0
+marstons,387,2
+pomaria,418,3
+stockman,19,4
+ranchester,1470,8
+hiteman,1280,0
+tolstoy,603,0
+pomaria,1098,2
+pinesdale,55,3
+wainscott,1718,12
+lakeville,1439,1
+pomaria,832,0
+marstons,1705,9
+lakeville,973,0
+mifflinburg,785,6
+ranchester,617,1
+klickitat,609,2
+leonardo,506,0
+lindenwood,522,1
+pomaria,1484,1
+shelbyville,976,6
+pinesdale,556,1
+leonardo,1329,2
+newfields,535,9
+stockman,1243,9
+coffeen,1128,5
+shelbyville,2093,2
+stockman,588,2
+woodbine,1023,6
+pomaria,952,3
+forkland,676,4
+leonardo,226,1
+coffeen,290,1
+wainscott,1355,10
+newfields,591,2
+pomaria,1249,7
+marstons,142,4
+klickitat,1555,3
+hiteman,69,4
+hanson,960,2
+mifflinburg,256,0
+cosmos,330,6
+pinesdale,981,0
+newfields,911,2
+shelbyville,1157,1
+benevolence,475,5
+lindenwood,1803,1
+pomaria,1442,8
+marstons,793,10
+leonardo,913,0
+klickitat,1122,4
+coffeen,1051,1
+stockman,1198,7
+beechwood,903,0
+beechwood,293,1
+beechwood,73,3
+pomaria,945,9
+hiteman,1802,0
+beechwood,787,0
+wainscott,931,7
+pomaria,422,1
+coffeen,727,8
+stockman,957,0
+forkland,392,3
+shelbyville,2326,0
+klickitat,741,5
+marstons,92,2
+stockman,700,1
+lakeville,1017,2
+tolstoy,142,11
+lakeville,1586,16
+tolstoy,882,3
+tolstoy,1088,15
+lakeville,1635,2
+pinesdale,169,2
+hanson,475,9
+coffeen,930,5
+klickitat,2353,0
+ranchester,791,7
+stockman,811,7
+klickitat,1706,14
+tolstoy,729,7
+marstons,965,0
+beechwood,401,0
+shelbyville,2321,2
+onaga,427,4
+shelbyville,2534,4
+lakeville,786,9
+leonardo,48,1
+lindenwood,1977,6
+marstons,157,1
+woodbine,396,3
+lindenwood,1425,10
+tolstoy,487,8
+marstons,2418,4
+hiteman,1331,2
+marstons,326,12
+forkland,1131,1
+hanson,1049,5
+marstons,658,1
+hanson,1465,9
+lindenwood,2241,3
+merom,1093,6
+woodbine,115,9
+lindenwood,106,0
+forkland,868,7
+marstons,2315,12
+shelbyville,818,0
+pinesdale,288,4
+coffeen,427,1
+stockman,1039,0
+leonardo,1680,0
+allensville,427,3
+pinesdale,511,3
+leonardo,1667,1
+lakeville,860,1
+woodbine,708,6
+ranchester,823,5
+leonardo,373,4
+newfields,851,4
+marstons,2640,4
+hiteman,371,1
+shelbyville,1054,4
+woodbine,1966,10
+klickitat,1710,1
+mifflinburg,750,3
+tolstoy,1720,2
+ranchester,986,9
+hiteman,180,3
+hiteman,995,1
+stockman,582,2
+coffeen,1314,1
+tolstoy,1554,2
+stockman,13,1
+marstons,4,5
+allensville,148,2
+merom,944,0
+lakeville,1690,7
+marstons,480,4
+hiteman,1319,11
+leonardo,912,2
+pinesdale,1495,6
+lakeville,642,2
+lindenwood,2459,5
+beechwood,740,1
+forkland,670,1
+lakeville,1381,7
+stockman,355,3
+ranchester,218,4
+shelbyville,1051,1
+coffeen,907,1
+marstons,1103,6
+beechwood,149,8
+woodbine,1491,3
+ranchester,265,12
+hanson,489,2
+coffeen,991,2
+lindenwood,1904,8
+newfields,1243,4
+lindenwood,1930,2
+stockman,764,3
+hiteman,140,0
+shelbyville,311,5
+klickitat,2162,1
+klickitat,1657,2
+woodbine,171,17
+cosmos,715,4
+benevolence,758,1
+hiteman,862,1
+lindenwood,1998,2
+wainscott,468,1
+lindenwood,865,3
+shelbyville,786,4
+forkland,1020,5
+stockman,1271,4
+klickitat,173,7
+leonardo,1854,0
+hiteman,160,2
+woodbine,1143,3
+shelbyville,2353,12
+klickitat,1958,5
+shelbyville,2462,2
+lindenwood,941,10
+ranchester,991,5
+pomaria,582,8
+stockman,1306,1
+pomaria,1258,3
+wainscott,1490,8
+leonardo,1387,7
+pomaria,636,10
+lakeville,1431,2
+cosmos,135,1
+hanson,1655,1
+coffeen,202,12
+woodbine,1474,11
+leonardo,958,5
+cosmos,655,2
+onaga,277,6
+wainscott,1644,4
+newfields,889,4
+shelbyville,110,3
+leonardo,1601,2
+woodbine,1304,4
+marstons,168,14
+wainscott,260,3
+lakeville,1502,7
+klickitat,1503,0
+lindenwood,1881,3
+hanson,1378,6
+lindenwood,85,1
+pinesdale,1261,0
+merom,1092,6
+mifflinburg,158,5
+marstons,624,1
+woodbine,39,5
+leonardo,1360,3
+stockman,735,1
+marstons,224,6
+hanson,438,9
+onaga,77,0
+woodbine,471,5
+forkland,70,3
+wainscott,512,5
+leonardo,732,4
+coffeen,399,4
+lindenwood,790,7
+marstons,13,4
+merom,301,0
+shelbyville,504,6
+klickitat,1903,7
+beechwood,498,5
+marstons,188,1
+shelbyville,2783,1
+cosmos,481,2
+stockman,450,6
+mifflinburg,474,0
+lindenwood,888,2
+shelbyville,1996,7
+hanson,684,2
+cosmos,751,3
+lindenwood,579,2
+beechwood,944,7
+shelbyville,2532,7
+wainscott,859,14
+benevolence,887,0
+pomaria,967,0
+klickitat,2072,25
+tolstoy,283,3
+pomaria,1482,2
+mifflinburg,302,2
+pomaria,683,4
+lindenwood,1705,0
+stockman,1335,0
+hiteman,890,1
+lakeville,1029,11
+leonardo,560,2
+lakeville,509,4
+marstons,1346,1
+lindenwood,913,8
+lakeville,1234,0
+marstons,2117,6
+woodbine,1297,0
+marstons,14,1
+pomaria,53,0
+hanson,288,1
+lakeville,139,3
+tolstoy,832,2
+leonardo,84,6
+mifflinburg,460,1
+ranchester,15,6
+hanson,946,2
+shelbyville,638,0
+tolstoy,304,7
+merom,616,1
+hanson,1594,6
+tolstoy,604,2
+merom,342,1
+merom,941,1
+wainscott,814,0
+hiteman,1337,1
+ranchester,1279,3
+ranchester,1312,1
+klickitat,1447,8
+woodbine,1001,5
+lakeville,920,2
+tolstoy,1424,2
+klickitat,1595,15
+leonardo,1682,3
+newfields,435,1
+shelbyville,344,3
+lindenwood,1664,2
+woodbine,685,3
+marstons,617,3
+merom,753,4
+pomaria,1325,0
+shelbyville,1152,0
+pinesdale,352,3
+woodbine,1410,1
+beechwood,151,1
+wainscott,1521,10
+beechwood,109,3
+woodbine,1813,3
+woodbine,544,8
+shelbyville,2420,1
+shelbyville,1834,2
+leonardo,732,6
+beechwood,618,7
+lakeville,1887,1
+tolstoy,224,5
+woodbine,1491,7
+shelbyville,1107,0
+coffeen,980,0
+beechwood,1064,3
+marstons,858,7
+shelbyville,605,3
+pinesdale,463,0
+hiteman,1407,0
+tolstoy,511,9
+wainscott,670,2
+lindenwood,1701,14
+klickitat,1485,4
+ranchester,1595,8
+pinesdale,1511,1
+shelbyville,2041,3
+pinesdale,645,5
+forkland,202,2
+hanson,1525,5
+klickitat,1167,3
+klickitat,886,0
+onaga,391,8
+cosmos,900,2
+leonardo,1504,4
+lindenwood,2072,3
+hiteman,441,2
+lindenwood,1093,1
+lakeville,117,2
+hanson,1355,1
+newfields,973,4
+newfields,1384,11
+mifflinburg,75,9
+hanson,1633,15
+tolstoy,878,4
+shelbyville,1481,5
+tolstoy,1331,11
+pomaria,1628,7
+woodbine,739,13
+klickitat,1702,12
+shelbyville,981,1
+woodbine,1847,3
+tolstoy,764,10
+forkland,1026,1
+marstons,1235,2
+lakeville,536,14
+coffeen,439,3
+ranchester,605,4
+tolstoy,926,13
+woodbine,1799,0
+stockman,1312,3
+lindenwood,1050,3
+wainscott,451,5
+cosmos,222,2
+shelbyville,2370,10
+hiteman,284,2
+woodbine,1369,2
+lakeville,1187,1
+hiteman,280,1
+beechwood,157,2
+marstons,2072,7
+tolstoy,765,2
+marstons,2551,3
+mifflinburg,487,3
+forkland,551,9
+marstons,2483,1
+marstons,703,2
+shelbyville,2082,1
+forkland,757,2
+hanson,1481,5
+tolstoy,732,0
+lindenwood,1538,0
+hanson,108,6
+wainscott,201,6
+mifflinburg,152,3
+coffeen,1342,2
+newfields,1387,10
+cosmos,857,4
+lakeville,1410,5
+forkland,716,2
+stockman,1153,2
+shelbyville,1374,2
+beechwood,1104,9
+shelbyville,1101,14
+marstons,28,1
+newfields,775,1
+newfields,1009,5
+klickitat,1960,12
+woodbine,880,1
+merom,1086,1
+woodbine,493,7
+wainscott,1762,2
+shelbyville,2761,8
+lakeville,1875,7
+coffeen,1040,2
+lindenwood,1288,1
+shelbyville,1438,2
+lakeville,57,16
+newfields,1220,10
+forkland,1057,2
+hiteman,551,3
+shelbyville,424,2
+leonardo,1284,5
+marstons,1560,7
+wainscott,1610,6
+hiteman,1492,4
+wainscott,422,0
+shelbyville,1067,0
+lindenwood,145,5
+klickitat,1154,6
+shelbyville,1052,0
+onaga,83,0
+lindenwood,355,2
+shelbyville,2150,1
+hanson,1493,0
+klickitat,1003,1
+lindenwood,828,4
+hiteman,1528,1
+klickitat,1874,3
+tolstoy,1257,7
+coffeen,917,8
+pinesdale,1181,2
+woodbine,1169,1
+ranchester,1259,3
+benevolence,663,8
+ranchester,1575,7
+wainscott,1276,4
+pinesdale,1314,12
+lindenwood,1450,1
+leonardo,379,5
+woodbine,1545,5
+woodbine,872,1
+shelbyville,2460,4
+mifflinburg,410,2
+marstons,835,1
+shelbyville,2239,8
+marstons,2000,15
+hiteman,981,1
+klickitat,358,1
+shelbyville,2593,0
+klickitat,1207,0
+wainscott,540,8
+pinesdale,1275,3
+lakeville,1144,12
+woodbine,643,2
+benevolence,71,3
+onaga,18,0
+lindenwood,2,5
+marstons,984,0
+hanson,296,1
+newfields,1040,12
+hiteman,1721,1
+lindenwood,409,1
+benevolence,704,0
+marstons,104,2
+woodbine,617,7
+lindenwood,2599,1
+hanson,645,1
+hiteman,1756,1
+shelbyville,943,0
+benevolence,348,4
+klickitat,2218,5
+shelbyville,2236,1
+pomaria,1561,3
+wainscott,89,1
+merom,598,0
+hanson,1294,1
+klickitat,2413,8
+woodbine,19,2
+marstons,365,4
+pomaria,83,8
+shelbyville,1886,1
+forkland,797,0
+coffeen,1057,5
+woodbine,372,4
+lindenwood,996,13
+hanson,776,0
+lindenwood,2371,6
+hiteman,42,4
+hanson,1183,17
+klickitat,465,8
+onaga,76,2
+woodbine,587,9
+hanson,1455,3
+newfields,911,6
+beechwood,555,0
+lakeville,1576,9
+leonardo,625,4
+wainscott,1684,4
+merom,680,2
+lindenwood,2059,2
+stockman,1245,0
+mifflinburg,919,0
+ranchester,1559,6
+hanson,741,16
+coffeen,875,3
+marstons,773,1
+forkland,1103,4
+wainscott,1629,0
+newfields,966,2
+shelbyville,1779,2
+tolstoy,456,0
+benevolence,160,2
+hanson,430,1
+pomaria,1634,6
+wainscott,1559,6
+marstons,158,3
+lakeville,1031,7
+lindenwood,673,2
+cosmos,530,8
+marstons,202,10
+pinesdale,525,1
+marstons,1261,11
+klickitat,1106,10
+marstons,1220,15
+ranchester,1550,1
+tolstoy,1157,9
+tolstoy,694,1
+tolstoy,937,7
+cosmos,295,2
+shelbyville,865,5
+klickitat,1846,0
+coffeen,1228,0
+wainscott,269,0
+lakeville,1436,0
+klickitat,153,3
+stockman,149,6
+klickitat,2177,7
+hanson,1170,8
+marstons,2056,2
+klickitat,1577,1
+ranchester,1473,0
+leonardo,59,1
+leonardo,815,4
+marstons,2232,4
+shelbyville,2385,12
+lakeville,1874,4
+onaga,141,4
+woodbine,1036,1
+pomaria,583,9
+tolstoy,720,4
+tolstoy,52,5
+beechwood,936,0
+forkland,523,3
+hiteman,795,5
+beechwood,1125,2
+hanson,1175,4
+tolstoy,1531,1
+woodbine,369,11
+klickitat,973,0
+hanson,1399,4
+shelbyville,544,4
+hiteman,625,0
+allensville,470,2
+newfields,1590,6
+ranchester,1395,1
+marstons,403,2
+hanson,696,0
+pomaria,570,4
+lindenwood,675,1
+ranchester,474,4
+woodbine,1259,2
+lakeville,805,3
+woodbine,1283,11
+woodbine,1628,1
+marstons,1146,12
+stockman,734,1
+wainscott,1686,6
+ranchester,883,2
+hanson,184,4
+lakeville,940,4
+allensville,246,0
+onaga,58,0
+hiteman,356,4
+lakeville,1670,17
+marstons,489,3
+marstons,1629,1
+hiteman,788,3
+hiteman,975,7
+wainscott,876,7
+beechwood,537,1
+coffeen,839,3
+allensville,183,2
+klickitat,831,7
+merom,279,5
+hanson,904,2
+merom,1060,3
+merom,149,0
+pomaria,811,7
+ranchester,56,1
+hiteman,303,6
+lindenwood,803,6
+marstons,1015,2
+pinesdale,139,7
+mifflinburg,178,1
+lindenwood,2211,0
+pomaria,368,6
+lakeville,842,11
+merom,1113,2
+stockman,1009,1
+cosmos,642,8
+lindenwood,147,5
+newfields,976,3
+shelbyville,155,2
+lakeville,1445,1
+coffeen,106,3
+klickitat,782,6
+lakeville,1797,8
+onaga,539,0
+newfields,855,5
+coffeen,1373,8
+woodbine,912,2
+forkland,635,1
+forkland,112,4
+hanson,1144,14
+klickitat,239,3
+lakeville,36,20
+leonardo,1256,4
+wainscott,913,8
+hiteman,1367,3
+shelbyville,2187,7
+cosmos,668,2
+lindenwood,856,8
+tolstoy,793,3
+pinesdale,181,2
+stockman,436,2
+hanson,443,0
+coffeen,610,8
+wainscott,212,4
+stockman,646,4
+stockman,849,1
+shelbyville,2671,3
+newfields,894,1
+marstons,1027,12
+leonardo,95,3
+cosmos,357,3
+hanson,485,3
+merom,1000,4
+shelbyville,76,1
+mifflinburg,81,3
+marstons,1167,2
+merom,25,4
+leonardo,549,3
+newfields,944,9
+shelbyville,184,5
+wainscott,192,4
+tolstoy,1,0
+woodbine,94,5
+beechwood,618,4
+klickitat,1873,8
+shelbyville,1180,4
+leonardo,833,2
+shelbyville,1134,2
+hanson,1508,15
+lakeville,872,4
+leonardo,1875,2
+wainscott,1607,4
+marstons,109,5
+woodbine,1464,1
+pomaria,163,1
+lindenwood,2315,5
+benevolence,39,9
+beechwood,227,1
+forkland,1140,3
+pinesdale,678,7
+klickitat,1271,3
+ranchester,1199,1
+lindenwood,755,6
+cosmos,493,9
+hiteman,1409,1
+klickitat,1016,3
+coffeen,94,1
+newfields,805,5
+shelbyville,2359,2
+newfields,100,5
+tolstoy,168,13
+lakeville,1371,0
+shelbyville,2328,4
+leonardo,1933,2
+pinesdale,1214,2
+newfields,1072,7
+cosmos,956,3
+pinesdale,162,5
+marstons,361,0
+pinesdale,735,6
+leonardo,1454,14
+leonardo,1726,6
+shelbyville,1040,2
+ranchester,1433,8
+lakeville,1116,11
+onaga,674,4
+shelbyville,651,1
+wainscott,882,6
+coffeen,1501,2
+hiteman,145,1
+hiteman,366,10
+leonardo,2079,2
+hiteman,1233,1
+wainscott,92,10
+wainscott,1566,2
+wainscott,612,9
+shelbyville,1271,5
+stockman,487,0
+hiteman,1810,3
+newfields,1357,4
+marstons,439,1
+hanson,1446,12
+pomaria,799,1
+stockman,293,0
+coffeen,135,3
+wainscott,1651,15
+lindenwood,1266,9
+shelbyville,1466,7
+coffeen,366,4
+newfields,252,7
+hiteman,1151,0
+wainscott,1286,15
+leonardo,1597,2
+pomaria,833,5
+wainscott,351,13
+tolstoy,561,3
+lakeville,1147,1
+woodbine,1403,5
+woodbine,1218,8
+newfields,1087,0
+pomaria,1011,7
+wainscott,594,8
+onaga,208,0
+marstons,554,9
+shelbyville,2647,12
+merom,606,4
+klickitat,156,16
+lindenwood,2451,7
+woodbine,1955,9
+leonardo,1798,0
+hiteman,1169,4
+lakeville,1292,4
+lindenwood,2233,0
+wainscott,202,4
+leonardo,1189,5
+klickitat,1145,2
+beechwood,730,1
+wainscott,676,5
+klickitat,695,10
+lakeville,1872,18
+hanson,273,1
+pinesdale,745,1
+klickitat,1282,0
+woodbine,1759,3
+klickitat,886,3
+hiteman,1689,0
+lindenwood,2549,2
+marstons,1080,18
+klickitat,2315,9
+tolstoy,1793,2
+klickitat,1914,8
+beechwood,1045,4
+hanson,10,16
+hiteman,355,13
+woodbine,809,12
+hiteman,1619,1
+merom,192,6
+cosmos,721,4
+lindenwood,2648,2
+lakeville,859,1
+tolstoy,323,0
+shelbyville,2808,13
+leonardo,1828,4
+pinesdale,595,2
+benevolence,888,6
+marstons,2329,2
+coffeen,1296,10
+ranchester,416,5
+lindenwood,1347,4
+wainscott,1646,1
+wainscott,1793,3
+shelbyville,2050,1
+wainscott,606,3
+woodbine,1890,0
+coffeen,1218,0
+shelbyville,306,1
+mifflinburg,122,2
+woodbine,1062,0
+lakeville,826,13
+newfields,1532,2
+stockman,1393,2
+shelbyville,537,1
+ranchester,943,5
+marstons,2005,2
+merom,462,0
+ranchester,347,1
+klickitat,52,10
+ranchester,126,8
+lakeville,100,1
+leonardo,762,2
+hiteman,1397,0
+cosmos,53,5
+stockman,292,8
+hanson,527,5
+leonardo,329,0
+woodbine,779,0
+tolstoy,1607,0
+pomaria,799,0
+klickitat,2304,0
+mifflinburg,413,1
+merom,809,7
+tolstoy,488,2
+merom,291,2
+wainscott,1366,2
+coffeen,303,1
+woodbine,1451,0
+wainscott,1755,1
+hiteman,745,12
+hanson,1042,3
+tolstoy,1287,5
+merom,257,1
+forkland,270,1
+lakeville,613,5
+lindenwood,1928,6
+woodbine,105,4
+ranchester,637,1
+klickitat,1620,0
+cosmos,512,4
+mifflinburg,433,1
+lindenwood,510,5
+lakeville,1823,3
+lakeville,104,0
+leonardo,932,7
+marstons,2059,6
+klickitat,65,8
+stockman,1013,3
+lakeville,1450,6
+coffeen,578,2
+hiteman,623,0
+marstons,495,0
+shelbyville,903,4
+lindenwood,1192,6
+pinesdale,416,3
+klickitat,1837,8
+tolstoy,70,3
+wainscott,483,5
+coffeen,1024,5
+wainscott,940,2
+tolstoy,1562,8
+stockman,689,17
+lakeville,725,6
+beechwood,90,1
+leonardo,439,1
+ranchester,124,12
+beechwood,510,5
+pomaria,927,3
+hiteman,1157,2
+woodbine,403,4
+woodbine,359,4
+forkland,4,2
+beechwood,686,2
+klickitat,1046,11
+lakeville,1260,1
+coffeen,307,5
+benevolence,695,2
+ranchester,1604,0
+merom,704,2
+wainscott,1468,6
+tolstoy,1839,2
+shelbyville,1724,14
+cosmos,162,8
+stockman,1437,0
+lakeville,1843,2
+newfields,549,1
+marstons,621,1
+lindenwood,2415,0
+coffeen,660,4
+klickitat,1040,2
+woodbine,1564,6
+shelbyville,575,15
+pinesdale,310,1
+lindenwood,2288,5
+leonardo,1241,2
+klickitat,1292,8
+ranchester,1263,2
+hanson,1422,2
+beechwood,824,2
+marstons,833,3
+shelbyville,976,9
+cosmos,625,7
+ranchester,1589,18
+woodbine,1751,4
+pinesdale,1373,4
+shelbyville,1694,10
+hanson,800,11
+leonardo,1630,0
+leonardo,906,0
+klickitat,1079,3
+hiteman,891,9
+coffeen,1103,1
+leonardo,1485,0
+onaga,431,10
+hiteman,1147,3
+forkland,110,2
+stockman,1604,2
+pinesdale,1487,11
+ranchester,1611,6
+hanson,1064,5
+marstons,556,6
+leonardo,1744,1
+ranchester,428,4
+lakeville,690,0
+coffeen,1378,2
+lindenwood,1036,2
+hanson,93,3
+leonardo,2036,7
+hiteman,1189,0
+pinesdale,1013,5
+coffeen,10,0
+woodbine,35,7
+leonardo,157,2
+woodbine,199,12
+klickitat,1351,2
+lindenwood,2468,5
+tolstoy,653,3
+newfields,820,1
+wainscott,1397,0
+newfields,731,1
+tolstoy,400,2
+lakeville,1768,7
+wainscott,652,5
+pinesdale,951,1
+hanson,97,4
+lindenwood,847,7
+marstons,1072,0
+marstons,1213,5
+hanson,307,14
+marstons,235,1
+cosmos,372,3
+merom,256,1
+hiteman,26,5
+shelbyville,1375,1
+beechwood,129,2
+stockman,1362,4
+forkland,822,0
+klickitat,1508,3
+pinesdale,1074,4
+wainscott,564,2
+hanson,1538,1
+hiteman,582,4
+marstons,2565,11
+wainscott,1527,10
+pinesdale,270,4
+onaga,273,2
+pinesdale,1416,7
+stockman,1121,0
+coffeen,351,4
+stockman,165,2
+wainscott,747,5
+lindenwood,762,3
+marstons,1964,7
+pomaria,731,4
+tolstoy,1364,1
+lakeville,1867,0
+lakeville,679,13
+marstons,1693,3
+lakeville,1632,1
+ranchester,235,3
+hanson,1072,8
+klickitat,1572,4
+coffeen,894,2
+pomaria,889,0
+newfields,1039,3
+hanson,1121,16
+stockman,765,1
+woodbine,2016,0
+tolstoy,1825,4
+ranchester,1238,0
+lindenwood,747,6
+klickitat,1320,5
+klickitat,1760,1
+marstons,842,0
+ranchester,892,6
+forkland,10,4
+wainscott,477,10
+leonardo,58,5
+pomaria,1534,3
+marstons,1523,1
+cosmos,503,3
+marstons,1398,3
+lindenwood,1399,1
+forkland,796,0
+tolstoy,919,4
+hiteman,12,0
+cosmos,1021,7
+wainscott,1486,12
+ranchester,648,4
+shelbyville,51,5
+tolstoy,1285,6
+cosmos,7,2
+shelbyville,2506,0
+lindenwood,268,10
+marstons,1115,6
+wainscott,452,0
+marstons,544,12
+lakeville,1535,6
+lindenwood,225,4
+tolstoy,1367,5
+benevolence,287,2
+woodbine,630,2
+lindenwood,1322,6
+wainscott,846,3
+pomaria,1113,8
+mifflinburg,883,1
+leonardo,271,2
+lakeville,466,5
+coffeen,444,4
+beechwood,1151,6
+leonardo,342,2
+lindenwood,2086,0
+hiteman,1308,10
+stockman,728,3
+lindenwood,2272,0
+benevolence,403,7
+woodbine,713,6
+shelbyville,2559,1
+leonardo,2090,2
+pomaria,124,7
+benevolence,355,1
+shelbyville,2808,15
+pinesdale,816,2
+lindenwood,1960,8
+newfields,192,4
+pinesdale,121,2
+wainscott,203,0
+klickitat,2316,1
+pinesdale,689,7
+hanson,1164,2
+coffeen,1088,5
+lakeville,1556,9
+shelbyville,254,5
+shelbyville,1150,2
+newfields,1263,2
+marstons,1736,1
+mifflinburg,340,4
+wainscott,986,1
+marstons,757,0
+klickitat,353,1
+klickitat,1699,6
+newfields,1183,10
+leonardo,760,4
+pomaria,1512,6
+coffeen,69,0
+stockman,595,0
+klickitat,2072,8
+cosmos,748,1
+leonardo,1822,2
+wainscott,1354,1
+ranchester,1295,5
+merom,1099,2
+stockman,470,6
+lindenwood,2263,1
+wainscott,1097,4
+marstons,1942,1
+woodbine,1763,12
+woodbine,300,7
+marstons,1682,3
+shelbyville,666,6
+shelbyville,722,13
+beechwood,99,4
+beechwood,270,1
+klickitat,1431,3
+woodbine,1639,22
+newfields,1074,14
+lakeville,507,3
+pomaria,388,3
+coffeen,1161,2
+mifflinburg,580,4
+pinesdale,1196,1
+leonardo,1637,6
+newfields,147,0
+lakeville,1697,1
+woodbine,1369,9
+marstons,1831,10
+newfields,173,3
+newfields,822,12
+newfields,661,3
+merom,418,2
+merom,642,0
+pinesdale,256,5
+wainscott,351,10
+lindenwood,2518,2
+tolstoy,1836,1
+klickitat,1904,3
+tolstoy,629,9
+marstons,2091,13
+ranchester,1153,2
+woodbine,868,3
+hiteman,451,8
+klickitat,1777,6
+tolstoy,216,0
+wainscott,166,7
+ranchester,1487,3
+pinesdale,979,1
+merom,432,3
+lakeville,440,4
+klickitat,1921,10
+lindenwood,971,4
+marstons,942,1
+marstons,891,1
+marstons,776,5
+marstons,332,3
+marstons,2588,7
+marstons,33,1
+pinesdale,1244,11
+klickitat,1752,6
+wainscott,1632,9
+tolstoy,125,1
+beechwood,137,4
+forkland,366,5
+wainscott,1621,0
+stockman,130,2
+wainscott,735,0
+marstons,1045,9
+merom,596,7
+klickitat,611,17
+coffeen,1354,1
+cosmos,426,5
+pinesdale,695,2
+shelbyville,1283,2
+pomaria,340,1
+lindenwood,955,2
+woodbine,1020,0
+beechwood,955,7
+shelbyville,1881,13
+lindenwood,1637,8
+shelbyville,1873,11
+forkland,652,2
+forkland,702,1
+hiteman,1072,4
+hanson,1184,1
+klickitat,2297,3
+lindenwood,1746,3
+shelbyville,533,3
+lakeville,559,9
+marstons,2190,3
+ranchester,1508,1
+benevolence,434,1
+shelbyville,2342,3
+wainscott,1737,6
+lindenwood,882,0
+stockman,1205,1
+mifflinburg,122,0
+stockman,489,10
+tolstoy,779,1
+woodbine,1095,7
+shelbyville,886,1
+lindenwood,2509,1
+marstons,406,9
+tolstoy,736,4
+woodbine,1469,7
+marstons,1164,5
+wainscott,528,7
+woodbine,1482,0
+hanson,114,1
+cosmos,679,0
+shelbyville,1764,2
+leonardo,1703,1
+beechwood,625,3
+cosmos,819,0
+marstons,1749,25
+pomaria,133,1
+lindenwood,1905,2
+hiteman,459,0
+shelbyville,1754,1
+merom,1046,3
+woodbine,455,0
+klickitat,169,3
+ranchester,1494,7
+leonardo,1531,2
+newfields,1587,8
+tolstoy,563,0
+lindenwood,434,9
+pinesdale,14,2
+marstons,889,3
+beechwood,811,1
+pomaria,832,3
+hiteman,1096,6
+wainscott,1298,3
+woodbine,162,3
+hiteman,1824,4
+klickitat,1070,2
+klickitat,296,2
+hiteman,16,4
+klickitat,706,2
+shelbyville,1971,11
+lakeville,1382,4
+lindenwood,798,2
+marstons,1564,1
+forkland,649,7
+cosmos,420,2
+lakeville,859,7
+cosmos,1022,2
+wainscott,1524,6
+pinesdale,159,3
+leonardo,1173,5
+marstons,2132,6
+pinesdale,1344,1
+lindenwood,1585,0
+forkland,598,5
+leonardo,1224,3
+hanson,68,5
+marstons,1442,2
+shelbyville,2465,4
+lindenwood,2497,1
+leonardo,1939,3
+hiteman,282,0
+wainscott,833,2
+woodbine,718,3
+shelbyville,1381,2
+woodbine,248,3
+lakeville,108,0
+beechwood,977,4
+lindenwood,2467,6
+forkland,11,10
+leonardo,185,6
+marstons,1157,3
+cosmos,568,4
+newfields,31,12
+hiteman,1330,2
+wainscott,1318,0
+coffeen,596,4
+lindenwood,1386,1
+pomaria,1225,7
+allensville,442,5
+hanson,317,0
+cosmos,188,3
+shelbyville,2808,16
+klickitat,119,3
+hanson,337,10
+pinesdale,262,2
+shelbyville,2744,1
+leonardo,240,1
+lakeville,1126,0
+lakeville,382,2
+hiteman,1626,6
+leonardo,426,4
+merom,145,5
+marstons,2458,3
+woodbine,916,9
+lindenwood,2532,8
+shelbyville,1942,2
+stockman,413,2
+pinesdale,585,2
+pomaria,228,7
+lindenwood,484,1
+coffeen,1304,10
+pomaria,651,7
+klickitat,647,1
+ranchester,1354,1
+leonardo,198,3
+ranchester,87,2
+coffeen,602,1
+onaga,344,3
+lindenwood,1927,0
+tolstoy,405,0
+leonardo,912,1
+klickitat,1826,4
+forkland,105,3
+hanson,614,3
+stockman,615,5
+lindenwood,941,7
+hanson,7,3
+leonardo,512,0
+merom,227,0
+klickitat,754,0
+cosmos,268,7
+coffeen,1111,1
+klickitat,822,7
+coffeen,939,2
+allensville,124,2
+pomaria,1525,2
+newfields,860,1
+woodbine,1712,13
+tolstoy,940,5
+marstons,2282,2
+newfields,989,9
+shelbyville,1725,2
+newfields,824,1
+lindenwood,431,0
+leonardo,127,2
+newfields,718,6
+lakeville,1487,2
+pinesdale,295,0
+klickitat,2293,13
+newfields,660,7
+wainscott,267,2
+lakeville,319,9
+lindenwood,210,2
+mifflinburg,867,4
+leonardo,1414,4
+marstons,769,3
+pomaria,582,3
+leonardo,229,1
+lindenwood,1872,7
+coffeen,875,2
+lindenwood,2453,1
+pomaria,715,7
+lindenwood,2607,2
+shelbyville,1685,0
+stockman,1513,0
+hanson,609,0
+lindenwood,1871,4
+hanson,297,0
+leonardo,186,2
+hanson,1306,2
+stockman,1289,2
+coffeen,504,1
+mifflinburg,338,1
+shelbyville,1082,2
+merom,61,5
+beechwood,676,3
+woodbine,159,5
+lakeville,1047,0
+benevolence,881,1
+hiteman,670,15
+tolstoy,1088,14
+klickitat,2369,0
+coffeen,1032,3
+woodbine,934,3
+benevolence,730,11
+marstons,2545,1
+shelbyville,2634,2
+lindenwood,653,1
+pomaria,499,7
+woodbine,239,0
+hanson,1453,6
+tolstoy,970,3
+pinesdale,594,6
+shelbyville,675,13
+tolstoy,8,2
+newfields,1154,0
+allensville,31,2
+pinesdale,480,4
+hanson,1253,1
+beechwood,13,4
+hanson,384,8
+mifflinburg,566,0
+lindenwood,194,1
+tolstoy,472,1
+shelbyville,2736,12
+leonardo,2043,1
+beechwood,284,1
+lindenwood,877,5
+leonardo,616,9
+shelbyville,1221,7
+woodbine,629,0
+leonardo,14,2
+leonardo,630,1
+woodbine,1491,5
+hanson,174,0
+tolstoy,1838,0
+newfields,519,1
+shelbyville,2383,0
+hiteman,25,0
+marstons,2018,0
+pomaria,1447,5
+leonardo,1244,3
+ranchester,474,0
+wainscott,1304,11
+hanson,293,7
+marstons,256,0
+klickitat,230,10
+newfields,325,9
+leonardo,1474,0
+onaga,314,2
+ranchester,840,6
+hanson,1140,3
+stockman,551,2
+merom,880,1
+leonardo,1999,10
+wainscott,804,2
+woodbine,444,4
+newfields,115,1
+merom,505,4
+woodbine,480,1
+pomaria,1199,0
+klickitat,9,7
+tolstoy,898,4
+lindenwood,1547,3
+pomaria,1475,4
+klickitat,1995,0
+lindenwood,2322,11
+woodbine,713,9
+beechwood,982,2
+pinesdale,261,2
+stockman,1410,2
+lindenwood,1259,1
+beechwood,904,2
+beechwood,1101,1
+pinesdale,440,12
+onaga,68,3
+shelbyville,2559,11
+coffeen,281,0
+ranchester,50,4
+woodbine,215,4
+stockman,709,4
+newfields,1040,11
+klickitat,1182,0
+cosmos,686,0
+forkland,487,3
+ranchester,1142,2
+lakeville,1216,5
+lindenwood,2646,2
+lindenwood,485,1
+merom,535,3
+mifflinburg,345,2
+hiteman,1284,1
+woodbine,792,0
+woodbine,488,2
+wainscott,808,15
+ranchester,617,8
+leonardo,1950,3
+newfields,425,0
+woodbine,827,2
+shelbyville,1220,0
+pinesdale,984,5
+merom,1071,3
+leonardo,1202,3
+onaga,536,4
+hiteman,1227,1
+benevolence,327,4
+pomaria,1446,1
+pomaria,470,11
+lindenwood,2086,4
+lindenwood,3,8
+hanson,36,1
+pinesdale,1169,3
+stockman,852,10
+woodbine,1116,0
+lindenwood,2140,9
+marstons,2183,6
+mifflinburg,234,1
+shelbyville,1180,2
+wainscott,1434,0
+ranchester,1490,3
+newfields,1548,1
+shelbyville,1338,2
+klickitat,1117,10
+shelbyville,1714,6
+stockman,1164,4
+pinesdale,1405,6
+hiteman,1635,9
+woodbine,1975,0
+beechwood,261,8
+tolstoy,1634,0
+newfields,524,1
+klickitat,2361,4
+lakeville,944,4
+tolstoy,634,0
+woodbine,1923,13
+tolstoy,203,3
+benevolence,39,2
+hiteman,1666,0
+klickitat,207,8
+stockman,655,1
+hanson,1631,3
+merom,743,0
+mifflinburg,231,0
+marstons,2121,0
+stockman,1160,2
+newfields,173,2
+pinesdale,1145,1
+ranchester,1568,1
+klickitat,1731,8
+stockman,1598,1
+ranchester,553,0
+wainscott,583,4
+leonardo,844,1
+hanson,1044,7
+wainscott,1737,2
+pinesdale,1114,7
+merom,346,0
+shelbyville,354,1
+coffeen,280,4
+shelbyville,1887,1
+marstons,1093,3
+lindenwood,2297,6
+forkland,694,6
+klickitat,941,5
+benevolence,37,1
+coffeen,691,1
+coffeen,1201,3
+tolstoy,1088,17
+marstons,1826,1
+shelbyville,2753,1
+pinesdale,1314,5
+leonardo,766,21
+woodbine,1365,3
+hiteman,278,2
+lindenwood,2262,3
+pomaria,186,4
+cosmos,826,2
+shelbyville,1620,5
+tolstoy,1658,6
+coffeen,471,8
+ranchester,697,6
+lakeville,1080,4
+leonardo,329,2
+lindenwood,2085,7
+ranchester,1,8
+lindenwood,589,0
+marstons,648,8
+tolstoy,1416,1
+hanson,648,0
+beechwood,1131,4
+pinesdale,1507,0
+wainscott,1794,1
+woodbine,1096,1
+pomaria,1630,4
+merom,514,0
+hiteman,1216,4
+leonardo,642,9
+tolstoy,778,1
+hanson,319,0
+ranchester,774,3
+marstons,2088,2
+leonardo,873,1
+klickitat,1391,5
+coffeen,1504,5
+cosmos,997,0
+woodbine,1788,0
+hiteman,1536,3
+klickitat,1959,4
+allensville,225,0
+mifflinburg,804,4
+wainscott,1194,1
+mifflinburg,537,0
+newfields,577,2
+pinesdale,1265,3
+shelbyville,1990,2
+lindenwood,2264,0
+marstons,2618,1
+wainscott,1593,2
+woodbine,619,2
+stockman,62,5
+klickitat,457,4
+klickitat,2195,1
+shelbyville,1340,1
+newfields,460,2
+shelbyville,362,5
+woodbine,1896,1
+klickitat,2358,1
+leonardo,1341,3
+tolstoy,816,4
+wainscott,525,2
+coffeen,649,5
+marstons,1773,6
+tolstoy,777,1
+woodbine,474,4
+newfields,269,14
+lindenwood,2574,2
+lakeville,428,12
+pinesdale,846,0
+shelbyville,2720,10
+cosmos,908,8
+tolstoy,1642,10
+merom,1031,2
+forkland,692,2
+woodbine,230,6
+pinesdale,1500,1
+ranchester,1223,2
+pinesdale,1464,4
+benevolence,95,2
+woodbine,801,0
+merom,268,6
+hiteman,1170,5
+shelbyville,9,3
+lindenwood,28,1
+ranchester,1425,1
+hiteman,1455,8
+lindenwood,189,0
+hanson,483,9
+hanson,719,2
+merom,177,0
+klickitat,1263,3
+beechwood,697,0
+shelbyville,1079,2
+stockman,204,0
+pomaria,1116,1
+benevolence,196,0
+marstons,2511,0
+woodbine,519,0
+woodbine,1404,8
+wainscott,1306,8
+ranchester,811,6
+shelbyville,1895,10
+ranchester,1063,0
+pomaria,1484,3
+shelbyville,1888,8
+cosmos,157,2
+newfields,925,5
+stockman,981,3
+woodbine,519,4
+wainscott,265,5
+marstons,2190,16
+shelbyville,1205,11
+leonardo,131,1
+hanson,1355,3
+tolstoy,449,2
+tolstoy,149,0
+tolstoy,821,4
+lindenwood,1123,8
+coffeen,940,0
+marstons,2114,3
+klickitat,1556,0
+coffeen,706,1
+newfields,816,4
+wainscott,751,4
+woodbine,1533,4
+coffeen,375,2
+hanson,1466,1
+leonardo,257,5
+lindenwood,2101,2
+tolstoy,1729,4
+woodbine,1995,9
+lakeville,1171,1
+lindenwood,683,1
+tolstoy,546,0
+cosmos,812,2
+pomaria,489,4
+wainscott,1740,6
+stockman,569,0
+ranchester,421,7
+pomaria,983,5
+merom,482,13
+hanson,755,2
+lindenwood,2602,0
+merom,729,0
+shelbyville,2348,6
+tolstoy,1369,3
+lindenwood,2322,5
+shelbyville,1484,1
+woodbine,985,21
+klickitat,1067,2
+klickitat,1109,7
+lakeville,171,2
+stockman,1569,5
+coffeen,49,1
+hanson,534,9
+ranchester,157,11
+beechwood,766,1
+woodbine,759,2
+tolstoy,1457,1
+pomaria,1437,11
+cosmos,565,1
+hiteman,1516,7
+beechwood,748,3
+benevolence,929,4
+woodbine,1216,1
+hiteman,326,0
+stockman,6,3
+woodbine,1092,2
+leonardo,1240,2
+wainscott,116,12
+ranchester,1446,13
+cosmos,434,14
+woodbine,473,2
+marstons,623,8
+newfields,1439,0
+shelbyville,1987,10
+beechwood,1001,2
+tolstoy,184,11
+lindenwood,1590,6
+hiteman,874,13
+leonardo,485,1
+stockman,78,2
+lindenwood,2402,3
+lindenwood,2299,13
+newfields,1378,4
+onaga,249,4
+klickitat,1929,0
+wainscott,496,1
+leonardo,1926,4
+ranchester,833,0
+woodbine,1355,5
+newfields,134,1
+merom,1031,4
+tolstoy,1361,3
+lindenwood,1286,0
+stockman,122,9
+wainscott,1477,5
+coffeen,75,4
+stockman,736,3
+stockman,686,10
+hanson,608,7
+newfields,1050,3
+pinesdale,1282,1
+shelbyville,110,5
+lindenwood,117,2
+klickitat,305,5
+lakeville,965,3
+pinesdale,563,6
+lindenwood,102,3
+ranchester,1355,0
+woodbine,1336,0
+klickitat,292,9
+pomaria,121,6
+benevolence,102,2
+klickitat,1745,12
+ranchester,1532,3
+leonardo,711,1
+klickitat,2089,10
+merom,108,5
+leonardo,1367,5
+leonardo,2040,0
+shelbyville,438,10
+merom,595,0
+woodbine,319,6
+lakeville,323,2
+onaga,373,5
+shelbyville,901,5
+wainscott,1391,5
+lakeville,1545,4
+lakeville,484,5
+beechwood,1135,0
+beechwood,176,0
+hiteman,835,0
+woodbine,36,1
+marstons,412,1
+lakeville,1161,9
+wainscott,490,1
+cosmos,526,11
+marstons,1268,1
+newfields,1530,0
+shelbyville,503,2
+klickitat,338,10
+marstons,871,0
+lakeville,1517,2
+marstons,60,2
+wainscott,880,13
+marstons,738,1
+lindenwood,2298,3
+marstons,1038,4
+klickitat,1668,0
+leonardo,1573,2
+pinesdale,544,9
+lakeville,1531,5
+merom,1105,3
+ranchester,1,6
+pinesdale,1029,1
+marstons,137,10
+coffeen,1365,4
+beechwood,963,1
+klickitat,785,6
+marstons,1049,3
+shelbyville,773,1
+lindenwood,1311,1
+tolstoy,1414,3
+leonardo,430,3
+pinesdale,965,0
+hanson,630,6
+wainscott,531,1
+merom,259,4
+pinesdale,1363,19
+lakeville,843,3
+merom,424,1
+shelbyville,91,1
+hanson,1517,5
+tolstoy,82,4
+hiteman,494,0
+hiteman,1838,6
+wainscott,1284,12
+pomaria,189,0
+marstons,1288,12
+ranchester,1080,0
+tolstoy,194,1
+coffeen,707,1
+shelbyville,1313,6
+lindenwood,124,5
+wainscott,1113,3
+benevolence,44,1
+stockman,44,4
+lakeville,1501,5
+hiteman,956,4
+klickitat,1816,3
+woodbine,1788,15
+lakeville,765,3
+woodbine,790,2
+coffeen,581,2
+ranchester,913,7
+lindenwood,1399,0
+tolstoy,288,3
+woodbine,759,1
+allensville,342,7
+shelbyville,1360,0
+shelbyville,2228,2
+tolstoy,808,9
+hanson,1418,3
+hiteman,1829,3
+coffeen,1330,4
+tolstoy,366,7
+wainscott,247,4
+leonardo,146,4
+merom,42,0
+hanson,822,7
+coffeen,995,2
+pomaria,1562,10
+pomaria,234,2
+woodbine,1806,5
+lakeville,1118,15
+lindenwood,762,0
+lindenwood,2150,3
+lindenwood,1534,4
+merom,439,1
+marstons,721,7
+shelbyville,1495,1
+lindenwood,2191,2
+wainscott,16,5
+hiteman,366,2
+pomaria,765,0
+cosmos,714,8
+hanson,1415,3
+tolstoy,19,2
+lakeville,1234,4
+ranchester,824,9
+coffeen,496,3
+ranchester,1147,2
+newfields,1208,8
+beechwood,1119,6
+klickitat,1023,1
+pinesdale,376,1
+leonardo,2091,2
+wainscott,881,0
+beechwood,180,0
+wainscott,1662,3
+woodbine,1794,9
+merom,10,2
+pomaria,239,2
+shelbyville,1007,10
+hiteman,1830,2
+hanson,280,0
+beechwood,619,7
+hiteman,282,5
+lindenwood,1324,3
+pinesdale,266,4
+shelbyville,2651,4
+marstons,1239,4
+woodbine,1898,0
+coffeen,1190,5
+ranchester,1346,2
+stockman,1036,7
+leonardo,985,0
+klickitat,1460,0
+pomaria,933,9
+pinesdale,800,7
+lindenwood,146,0
+woodbine,1289,5
+wainscott,1150,1
+onaga,633,3
+marstons,933,1
+pomaria,961,5
+klickitat,2077,12
+hanson,480,0
+shelbyville,1913,10
+leonardo,1115,8
+klickitat,2289,2
+forkland,655,0
+wainscott,1079,1
+cosmos,467,7
+woodbine,355,13
+woodbine,619,3
+tolstoy,566,4
+marstons,1763,2
+marstons,41,8
+coffeen,327,1
+marstons,37,19
+newfields,869,5
+pomaria,1000,8
+pinesdale,226,2
+marstons,67,10
+pinesdale,1505,1
+tolstoy,642,11
+forkland,1156,1
+shelbyville,2005,0
+lindenwood,716,1
+woodbine,214,7
+wainscott,1092,3
+shelbyville,991,0
+ranchester,1162,3
+wainscott,1389,3
+marstons,2182,5
+newfields,520,3
+klickitat,738,17
+newfields,497,14
+lindenwood,893,5
+klickitat,863,8
+leonardo,1341,0
+stockman,745,6
+tolstoy,220,3
+pomaria,1407,2
+leonardo,1358,10
+newfields,1547,14
+forkland,885,5
+newfields,1541,2
+ranchester,1502,1
+pinesdale,685,0
+lindenwood,2637,9
+lakeville,1343,2
+hiteman,932,4
+shelbyville,306,0
+klickitat,779,6
+coffeen,543,2
+tolstoy,1657,0
+pomaria,1045,6
+tolstoy,619,10
+pomaria,1122,11
+klickitat,1411,7
+wainscott,855,3
+lindenwood,48,4
+marstons,1481,1
+lakeville,729,3
+lakeville,285,10
+cosmos,269,4
+shelbyville,558,2
+tolstoy,1256,4
+newfields,491,1
+tolstoy,1426,6
+tolstoy,745,1
+lakeville,948,3
+marstons,1210,0
+beechwood,581,0
+mifflinburg,704,2
+coffeen,991,7
+shelbyville,922,3
+lindenwood,174,1
+tolstoy,153,3
+shelbyville,2299,5
+woodbine,799,11
+klickitat,2202,7
+coffeen,2,0
+shelbyville,5,0
+newfields,116,5
+pinesdale,593,1
+marstons,2344,0
+mifflinburg,897,9
+woodbine,1481,0
+newfields,815,4
+klickitat,1243,3
+pinesdale,1182,6
+pinesdale,1393,3
+forkland,187,6
+marstons,802,16
+leonardo,1876,6
+lindenwood,2090,9
+klickitat,648,9
+wainscott,608,7
+leonardo,1596,4
+pomaria,1308,6
+benevolence,629,3
+pinesdale,306,6
+benevolence,434,0
+mifflinburg,443,3
+marstons,2273,0
+klickitat,1376,4
+pinesdale,901,6
+coffeen,1504,1
+stockman,556,5
+forkland,753,1
+tolstoy,854,1
+pinesdale,629,2
+stockman,731,2
+tolstoy,1015,8
+ranchester,819,2
+pinesdale,247,2
+newfields,918,5
+lindenwood,1989,4
+marstons,2248,7
+shelbyville,2224,1
+shelbyville,2451,12
+onaga,562,1
+pomaria,1624,1
+hiteman,719,3
+wainscott,978,1
+klickitat,1740,1
+stockman,521,0
+klickitat,649,3
+lindenwood,380,2
+klickitat,90,5
+hanson,932,1
+pinesdale,268,11
+benevolence,931,14
+lindenwood,1317,4
+shelbyville,1296,14
+marstons,1226,11
+cosmos,611,11
+lindenwood,238,9
+pinesdale,1408,6
+shelbyville,2302,1
+shelbyville,1773,10
+leonardo,1046,10
+pomaria,1572,3
+hiteman,600,4
+lindenwood,438,6
+lakeville,1436,6
+marstons,1396,0
+lakeville,1435,1
+wainscott,937,6
+wainscott,312,4
+leonardo,882,9
+klickitat,2157,7
+cosmos,912,2
+leonardo,1454,18
+pomaria,1352,3
+benevolence,80,4
+tolstoy,465,0
+klickitat,1090,3
+ranchester,252,4
+woodbine,1983,0
+hanson,629,1
+klickitat,153,5
+lindenwood,1480,2
+marstons,2170,5
+shelbyville,1961,2
+stockman,1507,5
+leonardo,1178,1
+shelbyville,1530,3
+woodbine,1560,1
+woodbine,289,2
+lakeville,1003,2
+marstons,211,7
+marstons,2176,1
+ranchester,591,1
+forkland,292,0
+cosmos,174,5
+merom,818,0
+shelbyville,1816,10
+newfields,1089,4
+wainscott,38,9
+lindenwood,385,0
+merom,1118,0
+marstons,1434,1
+woodbine,1899,5
+hiteman,1578,2
+leonardo,1543,2
+cosmos,71,6
+leonardo,1367,11
+allensville,155,6
+marstons,1731,18
+klickitat,1602,4
+forkland,168,2
+ranchester,1350,6
+lakeville,531,4
+marstons,1605,7
+lindenwood,1746,4
+hiteman,147,1
+lakeville,328,5
+wainscott,1603,3
+klickitat,1406,1
+marstons,1309,3
+woodbine,617,0
+newfields,1569,3
+marstons,2576,6
+newfields,904,1
+klickitat,2245,1
+klickitat,2109,1
+benevolence,313,1
+leonardo,678,15
+pinesdale,109,3
+woodbine,489,1
+leonardo,170,4
+klickitat,1173,3
+shelbyville,1559,1
+hiteman,48,0
+forkland,1099,2
+woodbine,1672,10
+tolstoy,1263,7
+lakeville,279,4
+hiteman,1332,6
+wainscott,14,5
+benevolence,14,3
+pinesdale,609,4
+beechwood,954,0
+ranchester,1577,1
+tolstoy,1332,4
+shelbyville,2306,7
+shelbyville,462,1
+stockman,1614,2
+marstons,1316,4
+hanson,1118,0
+woodbine,95,1
+ranchester,1453,4
+hiteman,348,1
+klickitat,2029,2
+ranchester,570,0
+hiteman,1197,2
+cosmos,389,15
+beechwood,1123,0
+shelbyville,966,1
+woodbine,1110,5
+leonardo,1697,1
+coffeen,12,0
+stockman,36,8
+benevolence,150,0
+shelbyville,1284,0
+hanson,684,10
+benevolence,613,1
+shelbyville,857,2
+wainscott,1300,2
+tolstoy,368,5
+marstons,1681,15
+lakeville,88,0
+lakeville,1475,0
+stockman,361,2
+pomaria,485,3
+tolstoy,806,7
+marstons,1486,2
+pomaria,851,8
+newfields,1401,7
+pomaria,1090,15
+lakeville,1031,0
+pinesdale,416,4
+beechwood,296,3
+lakeville,1029,4
+mifflinburg,568,0
+tolstoy,1394,11
+lindenwood,1198,2
+pinesdale,448,2
+marstons,2223,2
+klickitat,222,6
+lindenwood,1626,10
+woodbine,461,2
+woodbine,2014,7
+marstons,577,2
+ranchester,1433,9
+beechwood,950,1
+newfields,131,6
+pinesdale,507,8
+beechwood,1103,2
+klickitat,2310,5
+marstons,2326,2
+shelbyville,714,2
+lindenwood,1724,0
+forkland,452,2
+lindenwood,2630,4
+hiteman,39,5
+newfields,1238,2
+tolstoy,1015,1
+leonardo,1318,11
+wainscott,1138,0
+mifflinburg,394,4
+benevolence,471,7
+marstons,146,1
+klickitat,144,1
+lindenwood,1820,4
+lakeville,1898,2
+ranchester,715,8
+klickitat,334,7
+leonardo,2031,2
+hanson,135,3
+stockman,419,1
+forkland,561,4
+allensville,222,0
+lindenwood,1439,10
+shelbyville,138,6
+stockman,964,0
+leonardo,1947,1
+newfields,769,1
+lindenwood,2191,5
+lindenwood,695,1
+shelbyville,2818,1
+lindenwood,2475,2
+pinesdale,1272,3
+klickitat,75,3
+pinesdale,1045,7
+lindenwood,1617,1
+pinesdale,1010,5
+cosmos,993,4
+wainscott,1462,10
+lindenwood,98,5
+merom,601,3
+shelbyville,2143,4
+lakeville,1706,3
+lindenwood,970,0
+marstons,388,0
+ranchester,525,1
+mifflinburg,719,1
+hanson,1570,10
+tolstoy,1578,6
+wainscott,183,4
+hanson,966,4
+tolstoy,1164,7
+marstons,799,0
+stockman,914,2
+lakeville,1519,1
+lindenwood,1129,8
+tolstoy,270,5
+marstons,976,5
+marstons,1930,4
+stockman,360,7
+klickitat,693,19
+shelbyville,2455,2
+shelbyville,2169,8
+shelbyville,2537,14
+woodbine,506,2
+lindenwood,978,8
+lakeville,227,5
+lindenwood,746,3
+hanson,253,2
+marstons,1794,4
+newfields,1063,6
+mifflinburg,75,4
+lakeville,644,3
+lindenwood,1548,9
+shelbyville,1830,8
+woodbine,1611,6
+hanson,1372,1
+lakeville,1405,2
+hanson,563,12
+pomaria,791,2
+allensville,412,0
+wainscott,921,8
+tolstoy,238,5
+wainscott,1421,13
+newfields,478,1
+beechwood,1077,4
+woodbine,815,1
+ranchester,70,2
+marstons,821,12
+newfields,467,3
+hanson,516,10
+beechwood,881,1
+hanson,1019,1
+ranchester,457,9
+hiteman,1268,4
+ranchester,707,4
+pomaria,1642,2
+leonardo,2089,2
+beechwood,344,4
+woodbine,1707,3
+tolstoy,1765,0
+lakeville,1622,4
+leonardo,1365,2
+lindenwood,558,6
+wainscott,252,3
+marstons,374,15
+newfields,1294,4
+wainscott,833,0
+shelbyville,165,1
+marstons,2049,1
+marstons,1141,7
+stockman,334,6
+klickitat,1555,5
+allensville,103,5
+ranchester,1416,5
+hiteman,602,1
+lakeville,66,0
+leonardo,1946,0
+wainscott,830,5
+shelbyville,2813,18
+shelbyville,1279,6
+merom,478,7
+hanson,578,3
+tolstoy,978,2
+lakeville,652,9
+coffeen,1049,2
+beechwood,898,6
+hanson,814,6
+klickitat,1143,1
+beechwood,131,1
+forkland,797,5
+woodbine,1501,2
+wainscott,608,0
+hiteman,841,5
+wainscott,584,13
+shelbyville,100,5
+hanson,44,6
+newfields,478,8
+hiteman,836,4
+klickitat,1702,8
+pinesdale,1173,4
+forkland,108,2
+klickitat,35,16
+lindenwood,1267,0
+ranchester,1628,9
+coffeen,586,0
+marstons,861,1
+merom,705,0
+tolstoy,575,0
+wainscott,4,9
+shelbyville,1545,4
+hanson,1025,2
+ranchester,386,0
+lakeville,901,11
+hanson,1069,0
+pinesdale,1448,6
+lindenwood,319,0
+benevolence,858,8
+pinesdale,495,2
+tolstoy,1045,6
+ranchester,709,2
+shelbyville,891,9
+marstons,1845,6
+marstons,1682,9
+cosmos,179,1
+tolstoy,887,5
+pinesdale,1125,0
+newfields,1404,0
+shelbyville,1840,1
+wainscott,1233,9
+pomaria,197,3
+marstons,2618,8
+marstons,1765,13
+klickitat,2062,8
+shelbyville,151,2
+shelbyville,2218,11
+pomaria,641,2
+hanson,720,7
+ranchester,627,2
+onaga,630,2
+pomaria,1222,9
+leonardo,807,4
+newfields,1569,4
+wainscott,935,1
+leonardo,1790,3
+newfields,1582,6
+wainscott,1658,0
+ranchester,1432,3
+forkland,240,1
+allensville,283,1
+beechwood,845,3
+marstons,291,5
+wainscott,1041,11
+pomaria,579,2
+beechwood,1055,0
+woodbine,530,1
+wainscott,1797,6
+mifflinburg,447,0
+klickitat,2129,10
+merom,367,2
+pinesdale,573,8
+lakeville,39,9
+hiteman,1186,1
+shelbyville,2612,2
+mifflinburg,179,2
+hanson,756,1
+klickitat,123,0
+hanson,1597,0
+shelbyville,2053,5
+ranchester,1611,4
+lakeville,487,7
+woodbine,1670,4
+stockman,1228,5
+onaga,199,10
+tolstoy,1386,2
+woodbine,584,1
+marstons,2343,5
+newfields,1128,2
+wainscott,936,5
+shelbyville,2437,2
+marstons,1914,1
+leonardo,283,2
+hanson,1652,5
+ranchester,1377,6
+hiteman,1246,5
+shelbyville,1747,3
+newfields,1465,2
+merom,282,1
+lindenwood,127,4
+klickitat,1024,2
+newfields,1280,4
+lindenwood,1508,0
+stockman,1243,2
+lakeville,305,0
+hiteman,1315,4
+pomaria,823,2
+lindenwood,279,9
+pomaria,214,9
+ranchester,1344,3
+klickitat,901,2
+lindenwood,2046,5
+tolstoy,1610,3
+cosmos,1007,2
+cosmos,1077,8
+newfields,721,4
+stockman,865,2
+wainscott,885,4
+marstons,4,8
+lakeville,1298,3
+klickitat,1036,3
+pinesdale,606,0
+wainscott,65,8
+hanson,1178,2
+lindenwood,720,4
+mifflinburg,228,3
+pinesdale,398,7
+shelbyville,2689,7
+hiteman,1429,6
+lakeville,803,1
+coffeen,498,6
+wainscott,137,0
+hanson,25,5
+klickitat,832,8
+marstons,2557,1
+marstons,1734,2
+merom,737,5
+shelbyville,1449,4
+forkland,179,5
+woodbine,26,7
+ranchester,1364,7
+hiteman,1180,5
+klickitat,374,0
+ranchester,1471,0
+wainscott,52,3
+mifflinburg,23,1
+lakeville,1606,3
+beechwood,575,2
+cosmos,633,0
+newfields,271,8
+wainscott,734,4
+pinesdale,1305,1
+tolstoy,1066,2
+marstons,1982,10
+leonardo,1238,8
+leonardo,1982,1
+tolstoy,69,1
+leonardo,1411,15
+lindenwood,2360,3
+hanson,1030,1
+pomaria,1385,0
+leonardo,592,0
+pinesdale,1256,1
+shelbyville,708,3
+shelbyville,713,2
+hanson,353,4
+woodbine,1522,6
+newfields,814,4
+newfields,1070,10
+ranchester,1593,6
+hiteman,73,1
+woodbine,2053,0
+tolstoy,826,1
+lakeville,269,6
+pomaria,305,6
+hanson,1233,1
+klickitat,1814,1
+shelbyville,1963,2
+coffeen,95,2
+cosmos,228,1
+mifflinburg,166,6
+shelbyville,1333,2
+hiteman,705,0
+hanson,1510,0
+wainscott,477,4
+benevolence,595,8
+cosmos,661,3
+shelbyville,104,0
+stockman,1373,3
+hanson,1515,9
+newfields,261,3
+forkland,486,2
+woodbine,1504,1
+lindenwood,2141,1
+ranchester,1045,2
+lindenwood,549,6
+marstons,109,1
+hanson,422,6
+cosmos,907,6
+pomaria,472,3
+ranchester,1411,4
+coffeen,1126,6
+coffeen,1338,1
+klickitat,1106,3
+klickitat,2012,4
+coffeen,464,3
+woodbine,417,7
+cosmos,884,2
+pinesdale,1021,5
+hanson,1190,1
+lindenwood,829,0
+pomaria,127,8
+woodbine,506,10
+lakeville,1009,5
+woodbine,1435,5
+coffeen,1043,1
+lakeville,1255,2
+ranchester,55,1
+woodbine,187,9
+lindenwood,2199,6
+tolstoy,1259,7
+klickitat,2387,6
+onaga,675,7
+hanson,1140,4
+newfields,1466,4
+lakeville,126,3
+stockman,912,4
+lindenwood,899,4
+klickitat,1522,3
+hanson,1594,8
+lindenwood,941,9
+tolstoy,1275,5
+klickitat,2356,10
+hiteman,9,4
+stockman,1477,2
+leonardo,1651,4
+marstons,1369,2
+shelbyville,2339,3
+leonardo,1262,0
+stockman,1462,0
+onaga,609,0
+tolstoy,543,3
+stockman,84,3
+stockman,880,4
+pinesdale,573,1
+shelbyville,2674,6
+pinesdale,527,9
+woodbine,1778,3
+woodbine,892,6
+forkland,540,2
+shelbyville,1016,6
+hiteman,682,3
+woodbine,542,5
+mifflinburg,177,1
+ranchester,1483,7
+wainscott,1129,3
+woodbine,417,4
+hanson,467,7
+klickitat,781,4
+stockman,710,1
+marstons,95,2
+stockman,1202,4
+pinesdale,1410,0
+marstons,1629,12
+ranchester,861,0
+ranchester,516,8
+tolstoy,582,8
+shelbyville,1587,5
+marstons,1494,0
+ranchester,646,4
+tolstoy,399,0
+leonardo,152,14
+coffeen,1030,1
+leonardo,1102,7
+lakeville,1615,6
+wainscott,153,5
+woodbine,1256,2
+wainscott,1796,5
+pinesdale,1311,1
+coffeen,69,5
+stockman,459,0
+forkland,1094,8
+leonardo,1392,1
+pomaria,1186,0
+wainscott,944,13
+leonardo,1928,14
+benevolence,711,2
+lindenwood,1849,1
+coffeen,628,7
+coffeen,1353,0
+lindenwood,36,7
+hiteman,1287,0
+klickitat,1916,5
+lindenwood,1853,4
+newfields,808,2
+ranchester,1579,2
+hiteman,1300,3
+leonardo,196,0
+marstons,480,2
+newfields,435,17
+shelbyville,2682,4
+klickitat,968,1
+pomaria,262,10
+wainscott,484,7
+lakeville,542,1
+lindenwood,109,0
+ranchester,166,5
+lakeville,1137,1
+forkland,765,0
+klickitat,574,5
+woodbine,1521,3
+merom,41,7
+hiteman,359,13
+woodbine,180,3
+klickitat,1684,1
+shelbyville,1768,1
+pinesdale,241,2
+mifflinburg,771,1
+woodbine,598,4
+benevolence,736,11
+wainscott,1661,5
+merom,219,3
+pinesdale,718,1
+pomaria,807,0
+klickitat,1814,4
+wainscott,1548,1
+coffeen,1239,3
+wainscott,1283,3
+hiteman,1036,2
+klickitat,189,4
+marstons,97,12
+tolstoy,1573,0
+beechwood,418,2
+klickitat,900,6
+ranchester,453,2
+wainscott,383,2
+merom,400,11
+hanson,29,1
+hiteman,375,0
+lindenwood,2621,8
+newfields,419,13
+ranchester,580,2
+merom,229,6
+pomaria,1665,2
+klickitat,2202,9
+klickitat,269,8
+pomaria,772,0
+beechwood,829,7
+newfields,1256,9
+benevolence,253,6
+klickitat,2292,6
+shelbyville,1271,2
+wainscott,881,6
+klickitat,2132,1
+hanson,646,4
+lindenwood,11,5
+leonardo,1004,2
+woodbine,1782,10
+stockman,449,8
+wainscott,1153,6
+marstons,1345,1
+klickitat,902,6
+leonardo,1132,10
+klickitat,2004,0
+merom,1028,1
+woodbine,110,3
+tolstoy,249,3
+klickitat,1798,2
+marstons,2254,1
+leonardo,1220,1
+woodbine,1351,6
+lakeville,863,1
+lakeville,263,14
+ranchester,1144,1
+merom,332,0
+lindenwood,1823,3
+lakeville,1704,22
+lakeville,1099,1
+lindenwood,103,2
+pomaria,553,11
+marstons,1844,2
+benevolence,844,1
+tolstoy,310,4
+woodbine,833,13
+marstons,640,3
+lindenwood,1281,1
+klickitat,2392,3
+lindenwood,789,6
+lakeville,145,2
+coffeen,559,2
+hiteman,1369,2
+marstons,76,12
+ranchester,1368,2
+lindenwood,639,5
+hiteman,316,2
+leonardo,1737,5
+lindenwood,317,0
+klickitat,2392,2
+hanson,1235,6
+lakeville,496,0
+lindenwood,389,3
+tolstoy,1530,3
+coffeen,1165,5
+klickitat,593,4
+newfields,1486,0
+onaga,75,3
+pinesdale,1355,0
+newfields,469,5
+lindenwood,2526,3
+beechwood,718,3
+lindenwood,535,5
+pomaria,256,9
+marstons,1762,2
+tolstoy,287,0
+beechwood,796,9
+forkland,816,2
+lindenwood,1011,1
+hanson,1037,3
+wainscott,3,11
+newfields,1113,4
+leonardo,357,0
+lindenwood,755,9
+cosmos,504,9
+klickitat,135,5
+merom,194,6
+lindenwood,292,7
+klickitat,628,6
+stockman,19,9
+lakeville,464,4
+lakeville,1408,1
+lakeville,89,11
+hiteman,319,12
+ranchester,974,0
+klickitat,1831,1
+leonardo,1821,8
+newfields,1235,2
+lakeville,69,4
+newfields,1235,5
+wainscott,379,10
+pomaria,1243,1
+stockman,460,1
+lindenwood,1839,1
+pomaria,1350,7
+lindenwood,734,1
+tolstoy,493,6
+pomaria,926,2
+ranchester,201,1
+pinesdale,887,7
+coffeen,459,0
+woodbine,63,2
+klickitat,2025,4
+beechwood,484,3
+leonardo,1500,2
+klickitat,540,0
+onaga,675,6
+klickitat,820,2
+merom,78,1
+merom,707,4
+merom,445,8
+hanson,1073,4
+leonardo,1264,3
+ranchester,416,9
+cosmos,82,9
+woodbine,673,7
+stockman,1575,6
+forkland,527,3
+woodbine,1225,3
+benevolence,974,3
+newfields,804,1
+stockman,1212,4
+pinesdale,756,9
+woodbine,1168,6
+newfields,1095,6
+lakeville,1604,4
+leonardo,2115,4
+tolstoy,1453,1
+klickitat,1321,1
+hiteman,1773,4
+tolstoy,291,2
+coffeen,10,1
+onaga,591,0
+marstons,336,0
+pomaria,146,4
+klickitat,222,9
+merom,667,3
+woodbine,1788,8
+marstons,1567,0
+beechwood,681,5
+lakeville,1652,2
+marstons,1291,3
+hiteman,1222,3
+ranchester,1064,0
+lindenwood,1283,2
+wainscott,1028,0
+lindenwood,1960,1
+hiteman,124,3
+coffeen,168,8
+tolstoy,1092,7
+pinesdale,1145,8
+shelbyville,2180,4
+lakeville,1872,0
+shelbyville,143,1
+merom,485,7
+stockman,1016,4
+onaga,185,2
+coffeen,1330,3
+pomaria,6,2
+hiteman,1130,4
+shelbyville,1917,1
+hanson,894,4
+cosmos,1017,2
+pinesdale,1090,0
+tolstoy,535,3
+leonardo,2072,0
+shelbyville,1085,4
+leonardo,1761,2
+lindenwood,786,0
+marstons,1745,2
+leonardo,2064,7
+newfields,1201,4
+leonardo,353,0
+shelbyville,1056,0
+marstons,2603,2
+lindenwood,1931,0
+pomaria,166,5
+beechwood,1105,0
+woodbine,833,10
+marstons,30,1
+pinesdale,372,4
+newfields,944,10
+woodbine,459,1
+hiteman,823,0
+shelbyville,118,3
+onaga,515,2
+woodbine,795,14
+hanson,327,8
+newfields,101,5
+allensville,327,2
+marstons,1723,0
+pinesdale,409,6
+mifflinburg,702,2
+klickitat,2057,1
+lakeville,380,8
+tolstoy,245,1
+tolstoy,163,9
+tolstoy,1107,2
+marstons,74,6
+lindenwood,1607,3
+tolstoy,1283,6
+woodbine,74,0
+wainscott,143,1
+klickitat,1811,14
+tolstoy,700,9
+shelbyville,1402,5
+coffeen,426,3
+klickitat,2049,20
+merom,748,1
+cosmos,319,0
+stockman,642,5
+merom,301,9
+newfields,151,5
+beechwood,380,5
+leonardo,1355,8
+leonardo,952,0
+hanson,240,0
+merom,206,4
+allensville,394,2
+shelbyville,1493,0
+leonardo,542,2
+marstons,1030,0
+lindenwood,1778,6
+coffeen,737,0
+pinesdale,823,6
+ranchester,1502,9
+wainscott,1577,0
+shelbyville,1588,1
+leonardo,820,2
+forkland,965,0
+leonardo,1334,2
+stockman,1565,7
+cosmos,30,6
+onaga,85,3
+marstons,1902,12
+shelbyville,2760,0
+wainscott,981,0
+lindenwood,2515,1
+pinesdale,1104,7
+lindenwood,1505,4
+pomaria,1058,5
+woodbine,436,8
+pinesdale,1342,6
+forkland,270,3
+klickitat,1779,8
+wainscott,595,3
+leonardo,935,0
+forkland,1077,1
+beechwood,1061,5
+marstons,2248,2
+hiteman,91,2
+tolstoy,526,1
+marstons,1715,0
+benevolence,797,8
+cosmos,493,5
+woodbine,451,2
+shelbyville,2441,0
+hiteman,1517,3
+mifflinburg,898,0
+wainscott,1755,0
+tolstoy,574,1
+tolstoy,214,8
+leonardo,477,1
+klickitat,398,9
+newfields,1377,5
+pomaria,1398,9
+marstons,1307,0
+stockman,1360,2
+beechwood,327,2
+klickitat,2127,5
+hiteman,1138,3
+klickitat,1820,8
+pomaria,377,5
+pinesdale,481,1
+lakeville,608,13
+shelbyville,945,5
+stockman,1586,2
+lindenwood,858,4
+leonardo,1672,3
+marstons,1424,2
+cosmos,131,8
+hanson,74,4
+lindenwood,2514,7
+newfields,830,10
+hiteman,795,6
+klickitat,443,2
+klickitat,48,0
+hanson,779,5
+hiteman,1333,7
+pinesdale,411,2
+lindenwood,1928,7
+merom,1040,0
+cosmos,350,6
+lindenwood,1885,3
+marstons,757,2
+lindenwood,1145,3
+woodbine,1060,0
+lakeville,1296,1
+klickitat,140,5
+ranchester,1592,10
+stockman,909,0
+klickitat,1126,0
+marstons,798,13
+shelbyville,1931,2
+woodbine,1583,1
+cosmos,169,1
+woodbine,300,5
+ranchester,425,3
+lakeville,1447,2
+pomaria,834,2
+marstons,139,9
+cosmos,931,2
+shelbyville,2309,4
+lindenwood,663,3
+newfields,1088,6
+coffeen,300,0
+stockman,1093,2
+pomaria,962,6
+benevolence,857,3
+newfields,445,8
+hanson,203,0
+mifflinburg,152,1
+coffeen,1149,2
+leonardo,1046,4
+lindenwood,65,7
+lakeville,80,4
+merom,272,0
+coffeen,439,6
+lindenwood,2164,0
+leonardo,1725,0
+leonardo,459,6
+coffeen,34,5
+newfields,1245,11
+klickitat,608,0
+cosmos,153,1
+lindenwood,251,0
+hanson,300,12
+coffeen,1422,2
+shelbyville,2255,4
+merom,75,3
+leonardo,2106,5
+lakeville,1444,15
+marstons,1385,8
+mifflinburg,779,2
+pinesdale,57,7
+shelbyville,2592,9
+pomaria,1468,8
+onaga,357,4
+klickitat,1820,4
+woodbine,527,10
+cosmos,864,0
+pomaria,416,9
+cosmos,1065,6
+lakeville,415,5
+pomaria,664,11
+marstons,1062,11
+woodbine,1608,10
+hanson,1552,7
+lindenwood,1390,2
+marstons,910,5
+leonardo,261,6
+lindenwood,2191,10
+marstons,1639,7
+shelbyville,739,1
+lindenwood,1950,4
+hanson,1517,1
+newfields,1365,1
+pinesdale,490,2
+ranchester,552,1
+leonardo,7,2
+hiteman,1697,0
+hiteman,96,6
+tolstoy,1262,7
+hiteman,1333,12
+leonardo,1948,4
+wainscott,1039,1
+pomaria,1095,9
+allensville,347,0
+newfields,1026,1
+benevolence,305,2
+mifflinburg,772,2
+leonardo,374,2
+wainscott,878,6
+klickitat,1884,4
+tolstoy,67,3
+wainscott,366,14
+onaga,38,0
+lindenwood,2569,2
+pomaria,604,5
+pinesdale,1045,6
+woodbine,1638,4
+wainscott,1771,0
+newfields,1413,6
+woodbine,992,7
+ranchester,1420,1
+ranchester,437,8
+marstons,2434,3
+forkland,715,0
+lindenwood,741,13
+tolstoy,1660,1
+beechwood,918,0
+shelbyville,638,3
+leonardo,398,6
+marstons,479,3
+hiteman,1645,9
+ranchester,546,12
+cosmos,584,2
+pinesdale,1450,2
+mifflinburg,620,3
+ranchester,652,1
+tolstoy,227,0
+hanson,1182,4
+lindenwood,2642,5
+hanson,1157,2
+shelbyville,1262,1
+hiteman,1778,3
+hanson,826,6
+stockman,804,1
+beechwood,71,1
+woodbine,874,3
+shelbyville,1269,11
+hanson,148,6
+lindenwood,1196,2
+wainscott,859,6
+woodbine,1482,6
+newfields,684,4
+wainscott,363,3
+woodbine,808,6
+shelbyville,1049,3
+hanson,876,7
+tolstoy,924,22
+leonardo,1986,5
+newfields,849,6
+pomaria,766,9
+merom,1103,2
+onaga,558,2
+merom,923,1
+lindenwood,2298,4
+leonardo,1393,6
+leonardo,180,0
+klickitat,1388,0
+shelbyville,994,2
+marstons,1784,2
+lakeville,1485,3
+pinesdale,892,3
+onaga,17,2
+klickitat,1552,1
+lindenwood,764,9
+benevolence,687,1
+pinesdale,296,2
+tolstoy,1316,3
+leonardo,1647,3
+shelbyville,1644,5
+hanson,368,2
+pinesdale,799,0
+hanson,945,4
+lakeville,1218,6
+ranchester,823,7
+hiteman,148,2
+coffeen,135,2
+klickitat,578,2
+newfields,1113,2
+shelbyville,2569,0
+leonardo,793,1
+pinesdale,955,7
+cosmos,972,2
+marstons,2184,2
+wainscott,1579,4
+lindenwood,308,1
+newfields,421,2
+merom,301,3
+ranchester,847,4
+tolstoy,669,7
+woodbine,785,3
+woodbine,1343,1
+stockman,826,4
+marstons,1598,3
+coffeen,1252,0
+marstons,2531,0
+merom,228,2
+pomaria,559,0
+coffeen,295,10
+woodbine,755,0
+cosmos,219,4
+woodbine,115,7
+klickitat,1644,0
+marstons,318,8
+newfields,532,7
+tolstoy,1269,7
+pomaria,553,4
+pomaria,1031,4
+tolstoy,1452,15
+leonardo,2115,1
+wainscott,267,4
+lindenwood,1749,1
+stockman,747,2
+klickitat,1308,2
+merom,1108,2
+newfields,423,6
+pinesdale,22,6
+marstons,556,1
+stockman,83,7
+woodbine,68,0
+ranchester,1531,2
+stockman,267,1
+lakeville,616,0
+klickitat,1420,0
+cosmos,454,0
+marstons,1488,4
+marstons,2039,1
+mifflinburg,868,4
+lindenwood,583,6
+klickitat,37,11
+marstons,84,1
+shelbyville,218,10
+hanson,1437,9
+wainscott,1414,4
+pinesdale,664,3
+leonardo,200,5
+lindenwood,1238,4
+lindenwood,1800,2
+stockman,192,4
+lindenwood,2568,1
+coffeen,1149,8
+woodbine,65,1
+hanson,1295,7
+benevolence,728,4
+klickitat,781,2
+woodbine,404,2
+wainscott,480,0
+merom,1111,2
+ranchester,76,1
+tolstoy,1546,8
+wainscott,887,0
+woodbine,1976,13
+woodbine,1408,3
+stockman,23,1
+hiteman,1808,0
+stockman,852,0
+marstons,1359,3
+woodbine,490,3
+marstons,288,7
+shelbyville,825,2
+lakeville,452,4
+marstons,729,12
+shelbyville,72,5
+benevolence,645,6
+hiteman,1474,0
+hanson,124,5
+hanson,436,7
+beechwood,607,1
+wainscott,670,4
+stockman,1397,4
+cosmos,116,8
+hanson,1484,3
+leonardo,502,6
+shelbyville,704,3
+onaga,269,1
+wainscott,426,5
+tolstoy,425,11
+marstons,3,5
+pomaria,132,3
+merom,263,5
+klickitat,578,1
+shelbyville,2494,13
+ranchester,1564,6
+leonardo,225,3
+beechwood,185,1
+wainscott,1041,8
+pomaria,766,8
+stockman,813,0
+leonardo,1994,8
+lindenwood,2400,2
+lindenwood,2498,1
+wainscott,41,3
+klickitat,2236,5
+tolstoy,938,2
+klickitat,2080,1
+klickitat,740,4
+lakeville,1165,0
+cosmos,717,10
+pomaria,377,3
+lakeville,1308,8
+leonardo,957,8
+tolstoy,1642,8
+beechwood,1048,0
+leonardo,1335,3
+cosmos,198,0
+benevolence,729,7
+beechwood,153,1
+klickitat,2211,8
+lakeville,466,7
+newfields,814,3
+klickitat,808,0
+woodbine,368,6
+coffeen,931,0
+hanson,1090,1
+coffeen,962,10
+tolstoy,1357,3
+marstons,1692,5
+hanson,1177,1
+klickitat,393,3
+merom,752,2
+shelbyville,373,7
+wainscott,464,2
+marstons,157,0
+pomaria,438,3
+marstons,588,6
+woodbine,2006,2
+lindenwood,1285,0
+cosmos,969,5
+hanson,1253,5
+tolstoy,1204,5
+wainscott,1303,7
+pinesdale,218,4
+pinesdale,99,2
+pinesdale,1233,0
+tolstoy,1778,2
+marstons,1035,0
+shelbyville,33,1
+pomaria,525,5
+wainscott,815,9
+hanson,1380,8
+newfields,1533,0
+hiteman,1101,2
+leonardo,1301,2
+newfields,167,9
+marstons,1181,3
+hanson,90,7
+merom,507,0
+tolstoy,467,6
+wainscott,498,6
+pomaria,1441,7
+pomaria,798,15
+tolstoy,1177,5
+cosmos,648,2
+lakeville,839,7
+hanson,1301,2
+forkland,105,1
+lindenwood,350,0
+newfields,245,11
+cosmos,387,2
+pomaria,692,6
+shelbyville,1173,0
+marstons,232,5
+wainscott,1277,1
+hanson,26,9
+pinesdale,1023,8
+newfields,370,10
+lindenwood,1293,10
+ranchester,1205,8
+marstons,140,4
+onaga,595,1
+leonardo,1740,4
+mifflinburg,423,11
+pinesdale,327,1
+hanson,3,0
+newfields,1412,7
+ranchester,706,1
+shelbyville,953,1
+lakeville,1324,2
+klickitat,1344,3
+ranchester,288,2
+marstons,811,4
+lindenwood,2178,10
+shelbyville,2132,7
+mifflinburg,93,1
+klickitat,1370,3
+pomaria,990,2
+shelbyville,1813,9
+pinesdale,1230,1
+klickitat,1248,7
+shelbyville,858,6
+cosmos,258,2
+wainscott,1134,2
+shelbyville,375,8
+woodbine,1955,11
+cosmos,313,5
+lindenwood,1524,0
+newfields,413,0
+mifflinburg,30,7
+woodbine,15,12
+hanson,520,10
+lakeville,1099,3
+woodbine,1011,2
+lindenwood,1810,0
+pomaria,259,15
+lakeville,868,4
+forkland,830,4
+klickitat,729,1
+lakeville,380,0
+ranchester,26,2
+hanson,1013,0
+woodbine,523,9
+shelbyville,1929,2
+merom,519,4
+stockman,1131,2
+lindenwood,1834,0
+marstons,2488,8
+marstons,206,3
+lindenwood,2657,1
+wainscott,423,2
+coffeen,757,3
+cosmos,69,1
+coffeen,438,8
+merom,569,0
+hiteman,1195,3
+pomaria,1477,1
+tolstoy,426,1
+klickitat,896,1
+lindenwood,1642,2
+pomaria,1611,9
+coffeen,972,8
+wainscott,368,5
+woodbine,970,15
+ranchester,1027,0
+leonardo,1785,2
+hiteman,929,1
+lindenwood,1867,4
+beechwood,689,1
+benevolence,214,0
+tolstoy,1512,0
+pomaria,1052,9
+leonardo,733,3
+shelbyville,1900,7
+merom,850,0
+wainscott,1532,4
+shelbyville,939,0
+cosmos,1050,2
+shelbyville,849,5
+lakeville,162,5
+woodbine,998,7
+beechwood,144,5
+mifflinburg,337,2
+hiteman,1080,3
+marstons,121,6
+lakeville,1184,8
+woodbine,197,2
+hanson,852,16
+lakeville,1301,4
+leonardo,230,5
+pinesdale,552,8
+leonardo,2039,2
+hiteman,1563,3
+ranchester,210,3
+shelbyville,1248,1
+klickitat,276,6
+merom,240,4
+klickitat,1964,2
+pomaria,1299,2
+lakeville,382,3
+lindenwood,191,2
+newfields,1159,5
+marstons,474,6
+wainscott,877,5
+onaga,568,4
+stockman,1071,12
+leonardo,1459,8
+wainscott,1623,2
+lindenwood,2082,2
+pomaria,1666,6
+leonardo,2088,3
+lindenwood,2239,0
+pinesdale,1345,11
+beechwood,1007,0
+klickitat,1830,1
+merom,219,4
+stockman,329,4
+benevolence,722,5
+beechwood,394,0
+klickitat,1632,2
+cosmos,120,3
+lindenwood,2178,6
+marstons,1589,9
+hiteman,150,1
+benevolence,714,1
+leonardo,1637,4
+marstons,1313,0
+klickitat,1526,0
+woodbine,1716,3
+klickitat,511,1
+cosmos,259,9
+beechwood,408,0
+tolstoy,1468,3
+lindenwood,522,8
+lindenwood,69,1
+pomaria,23,1
+beechwood,290,5
+pomaria,944,7
+pomaria,968,7
+klickitat,824,4
+shelbyville,2561,1
+klickitat,804,4
+wainscott,295,14
+leonardo,585,1
+beechwood,79,3
+hiteman,1271,4
+marstons,2501,2
+woodbine,1849,4
+stockman,1283,3
+wainscott,1747,4
+leonardo,283,1
+mifflinburg,684,2
+ranchester,584,1
+newfields,1064,1
+lakeville,759,5
+mifflinburg,569,5
+tolstoy,304,12
+leonardo,1782,2
+lakeville,540,5
+shelbyville,2063,4
+leonardo,1110,7
+shelbyville,226,1
+lakeville,533,0
+wainscott,1293,3
+shelbyville,2757,0
+mifflinburg,356,1
+newfields,886,3
+stockman,954,4
+hiteman,248,5
+allensville,384,2
+benevolence,640,0
+shelbyville,1712,1
+ranchester,512,7
+lindenwood,1174,3
+hanson,7,10
+lindenwood,2320,3
+klickitat,1092,5
+stockman,1026,3
+tolstoy,582,6
+lindenwood,2278,1
+tolstoy,481,1
+coffeen,281,5
+leonardo,2069,0
+newfields,481,11
+hiteman,504,0
+woodbine,621,2
+woodbine,700,3
+wainscott,1206,4
+coffeen,1192,5
+forkland,1101,9
+tolstoy,689,6
+newfields,1619,2
+lindenwood,2050,4
+newfields,470,2
+marstons,1245,18
+pinesdale,695,6
+lakeville,1624,1
+leonardo,1680,9
+klickitat,2281,3
+hanson,275,3
+ranchester,1459,0
+pomaria,680,6
+hiteman,730,5
+wainscott,1284,3
+wainscott,1624,2
+leonardo,271,4
+coffeen,649,1
+tolstoy,576,7
+shelbyville,98,2
+woodbine,1790,1
+hanson,410,5
+pinesdale,1457,4
+lindenwood,2665,4
+woodbine,1512,2
+cosmos,1002,2
+newfields,544,3
+hanson,793,1
+ranchester,815,3
+tolstoy,1320,4
+leonardo,1645,6
+shelbyville,2770,6
+lakeville,548,0
+hanson,1063,12
+lakeville,1071,2
+wainscott,604,1
+ranchester,1338,6
+wainscott,1144,3
+lindenwood,1500,0
+wainscott,546,2
+wainscott,1108,2
+hiteman,1800,3
+klickitat,1702,11
+newfields,17,9
+tolstoy,519,10
+lakeville,1048,1
+woodbine,529,13
+stockman,1427,13
+shelbyville,135,1
+stockman,1113,1
+newfields,93,5
+coffeen,559,0
+shelbyville,2544,2
+tolstoy,433,5
+tolstoy,906,14
+tolstoy,660,1
+wainscott,588,0
+shelbyville,806,9
+leonardo,507,4
+newfields,1242,6
+shelbyville,945,3
+pomaria,1410,3
+cosmos,189,3
+tolstoy,401,8
+klickitat,2071,1
+wainscott,1146,5
+lindenwood,586,12
+lakeville,556,1
+shelbyville,1979,0
+marstons,850,3
+mifflinburg,463,0
+hiteman,1516,3
+marstons,384,12
+wainscott,597,2
+shelbyville,1971,13
+shelbyville,211,4
+mifflinburg,347,2
+hiteman,1255,0
+merom,320,7
+tolstoy,246,2
+ranchester,1038,2
+beechwood,399,2
+marstons,440,0
+tolstoy,956,2
+marstons,1911,0
+wainscott,1779,6
+ranchester,1364,6
+leonardo,2033,4
+ranchester,54,10
+wainscott,1211,2
+beechwood,1130,3
+klickitat,881,7
+klickitat,860,3
+newfields,928,4
+tolstoy,1127,12
+lindenwood,243,1
+coffeen,377,0
+wainscott,1646,2
+lindenwood,254,6
+merom,664,0
+wainscott,1665,2
+klickitat,2167,7
+hanson,1210,0
+forkland,1024,4
+beechwood,983,2
+lindenwood,99,1
+shelbyville,610,0
+leonardo,593,1
+hiteman,1272,1
+marstons,2540,7
+hanson,951,2
+cosmos,643,2
+klickitat,2002,0
+leonardo,1615,3
+tolstoy,1323,4
+shelbyville,1026,2
+tolstoy,610,3
+tolstoy,896,4
+lakeville,939,6
+wainscott,547,2
+shelbyville,1295,5
+wainscott,260,0
+woodbine,106,0
+leonardo,660,2
+wainscott,823,13
+ranchester,1206,0
+onaga,514,2
+wainscott,748,6
+tolstoy,864,12
+pomaria,1176,1
+hanson,917,3
+shelbyville,2131,7
+newfields,1240,3
+klickitat,2318,4
+hanson,1447,1
+tolstoy,1771,1
+stockman,1591,4
+mifflinburg,770,2
+newfields,707,2
+lakeville,907,6
+shelbyville,1672,2
+beechwood,801,4
+leonardo,1022,6
+hiteman,1041,5
+wainscott,1725,8
+coffeen,793,6
+marstons,1164,1
+woodbine,1474,18
+marstons,2335,4
+ranchester,813,0
+forkland,465,4
+wainscott,1730,15
+woodbine,986,1
+marstons,2616,2
+ranchester,465,0
+woodbine,1174,3
+leonardo,901,3
+woodbine,1571,11
+pomaria,976,0
+klickitat,1128,3
+lindenwood,342,2
+beechwood,75,7
+pomaria,1383,5
+lakeville,1512,7
+shelbyville,487,10
+wainscott,1352,11
+shelbyville,2123,0
+forkland,907,2
+ranchester,94,9
+merom,145,0
+shelbyville,1359,6
+hanson,1629,0
+hanson,1110,5
+lindenwood,281,2
+forkland,694,2
+pinesdale,531,2
+hanson,1437,12
+klickitat,1922,3
+ranchester,271,3
+lindenwood,2567,2
+wainscott,479,6
+pinesdale,627,3
+lindenwood,746,4
+newfields,892,11
+coffeen,314,3
+pomaria,388,5
+lakeville,1247,6
+hiteman,605,8
+leonardo,1866,0
+klickitat,1081,5
+onaga,610,1
+pomaria,249,5
+leonardo,1460,2
+hiteman,1040,2
+marstons,14,4
+marstons,2570,2
+lakeville,1805,3
+leonardo,603,1
+ranchester,1002,2
+hanson,293,9
+wainscott,110,5
+hanson,942,1
+marstons,855,6
+lakeville,375,2
+marstons,2540,12
+marstons,252,5
+woodbine,510,4
+benevolence,341,1
+stockman,1591,3
+coffeen,814,2
+leonardo,1908,5
+marstons,1282,1
+marstons,665,2
+pinesdale,912,2
+forkland,291,1
+marstons,2521,7
+leonardo,1667,2
+tolstoy,1224,10
+ranchester,1310,0
+pomaria,264,8
+leonardo,198,13
+stockman,397,2
+newfields,1403,1
+benevolence,811,4
+marstons,1034,4
+woodbine,866,0
+tolstoy,1008,6
+pinesdale,880,11
+hiteman,39,3
+klickitat,769,3
+stockman,428,4
+marstons,990,12
+lakeville,744,6
+hanson,501,0
+coffeen,386,6
+ranchester,654,0
+tolstoy,1507,1
+lakeville,1888,1
+pinesdale,1159,8
+shelbyville,425,3
+benevolence,755,2
+stockman,1388,5
+klickitat,615,4
+cosmos,818,0
+hanson,1166,3
+klickitat,858,11
+shelbyville,214,3
+shelbyville,507,6
+shelbyville,1296,9
+ranchester,1299,10
+allensville,86,2
+lindenwood,86,0
+lindenwood,679,8
+pinesdale,779,1
+stockman,1468,2
+stockman,1326,2
+leonardo,1750,1
+tolstoy,804,10
+stockman,1411,4
+ranchester,1162,7
+shelbyville,47,0
+wainscott,133,5
+klickitat,1182,5
+ranchester,360,5
+woodbine,923,4
+pomaria,1,7
+wainscott,1391,1
+tolstoy,453,1
+pinesdale,1145,10
+leonardo,223,11
+newfields,528,13
+beechwood,295,0
+onaga,42,6
+coffeen,350,1
+lindenwood,547,11
+shelbyville,1837,1
+merom,580,10
+ranchester,41,0
+cosmos,578,1
+hanson,757,1
+hiteman,544,0
+wainscott,1429,1
+coffeen,57,0
+forkland,961,4
+leonardo,659,3
+allensville,341,2
+shelbyville,1685,2
+shelbyville,1618,4
+klickitat,640,3
+pinesdale,487,1
+marstons,602,5
+marstons,1053,5
+hiteman,1502,17
+merom,883,3
+lindenwood,1130,5
+leonardo,1454,4
+leonardo,313,2
+allensville,50,2
+hanson,1605,4
+tolstoy,1769,3
+lakeville,650,2
+stockman,919,3
+pomaria,566,5
+marstons,1543,8
+lindenwood,1580,7
+wainscott,45,8
+woodbine,1973,0
+woodbine,677,1
+klickitat,2178,3
+cosmos,188,1
+shelbyville,2435,3
+hiteman,1302,6
+shelbyville,2752,0
+tolstoy,1199,1
+wainscott,666,2
+shelbyville,1401,7
+shelbyville,1806,3
+leonardo,690,17
+forkland,144,0
+hanson,443,2
+cosmos,473,1
+leonardo,1565,6
+shelbyville,2693,10
+stockman,1023,1
+pomaria,1135,3
+marstons,671,0
+hanson,823,1
+cosmos,822,4
+hanson,62,6
+leonardo,1247,5
+pinesdale,1225,4
+mifflinburg,111,3
+klickitat,2255,2
+hanson,1009,8
+marstons,2104,12
+marstons,765,4
+wainscott,93,7
+klickitat,1211,1
+forkland,331,3
+tolstoy,450,3
+lakeville,1309,2
+woodbine,1564,4
+klickitat,2099,3
+shelbyville,959,9
+tolstoy,1718,1
+onaga,668,2
+pomaria,708,2
+tolstoy,554,3
+marstons,2094,2
+stockman,1489,0
+hiteman,422,5
+shelbyville,2647,6
+wainscott,1191,5
+onaga,308,3
+allensville,43,6
+mifflinburg,620,1
+onaga,276,2
+ranchester,372,10
+ranchester,52,5
+merom,748,3
+pinesdale,498,4
+hanson,756,3
+merom,533,3
+pinesdale,155,8
+hiteman,580,5
+tolstoy,366,6
+marstons,2076,4
+klickitat,2360,0
+cosmos,304,2
+shelbyville,2599,3
+onaga,47,2
+klickitat,7,2
+marstons,2619,7
+shelbyville,2415,7
+newfields,131,12
+leonardo,982,0
+leonardo,622,13
+leonardo,1272,4
+lakeville,108,3
+allensville,164,7
+tolstoy,12,6
+merom,76,3
+pinesdale,1341,2
+coffeen,1414,1
+tolstoy,965,10
+wainscott,1703,15
+lakeville,361,4
+leonardo,1540,3
+shelbyville,1289,6
+allensville,106,0
+woodbine,95,7
+newfields,265,5
+hanson,1157,7
+hiteman,640,9
+leonardo,77,2
+shelbyville,1323,2
+klickitat,2243,0
+coffeen,466,0
+lindenwood,2351,4
+pinesdale,35,5
+lindenwood,367,5
+klickitat,1475,9
+woodbine,1979,0
+woodbine,1291,14
+pinesdale,585,0
+wainscott,1180,9
+tolstoy,1007,1
+newfields,1612,4
+lindenwood,195,4
+klickitat,245,3
+tolstoy,325,4
+lindenwood,860,2
+klickitat,1642,2
+klickitat,1137,2
+pinesdale,1317,5
+merom,1035,6
+onaga,101,2
+lindenwood,1856,3
+woodbine,764,3
+hanson,1169,2
+klickitat,171,4
+lindenwood,1982,7
+woodbine,18,2
+lindenwood,1199,8
+lakeville,794,19
+hanson,619,1
+woodbine,1667,3
+beechwood,158,2
+marstons,2133,2
+newfields,1448,1
+pinesdale,1456,3
+woodbine,1337,0
+woodbine,1482,2
+coffeen,612,5
+shelbyville,1488,0
+woodbine,1944,1
+shelbyville,501,9
+klickitat,1583,7
+ranchester,880,5
+pomaria,1459,0
+leonardo,531,13
+ranchester,1367,5
+tolstoy,184,3
+merom,39,1
+lakeville,1313,2
+stockman,147,1
+lindenwood,2458,7
+hiteman,636,0
+cosmos,594,0
+marstons,918,1
+pomaria,970,0
+shelbyville,2704,1
+hiteman,1397,4
+wainscott,715,1
+leonardo,1344,8
+stockman,1484,1
+klickitat,1871,5
+cosmos,595,6
+shelbyville,2333,2
+tolstoy,1076,2
+lindenwood,497,3
+pomaria,500,1
+beechwood,62,1
+cosmos,521,2
+tolstoy,41,5
+shelbyville,1894,12
+cosmos,11,1
+ranchester,1228,3
+tolstoy,1185,3
+marstons,1803,4
+wainscott,602,4
+tolstoy,446,3
+wainscott,841,2
+benevolence,619,2
+newfields,1338,3
+lindenwood,2601,0
+klickitat,663,7
+pinesdale,1159,3
+woodbine,856,1
+forkland,1096,1
+leonardo,1183,3
+onaga,247,2
+shelbyville,1948,1
+tolstoy,1011,1
+cosmos,84,9
+lindenwood,978,3
+klickitat,2358,15
+shelbyville,1454,17
+lindenwood,1507,8
+beechwood,78,1
+leonardo,1618,0
+beechwood,590,1
+stockman,1421,2
+klickitat,210,8
+marstons,2213,1
+beechwood,84,3
+newfields,1222,8
+hiteman,1106,4
+lakeville,855,4
+hanson,245,2
+woodbine,922,0
+shelbyville,1714,4
+lindenwood,1822,11
+shelbyville,1080,9
+hanson,699,3
+leonardo,1651,2
+hanson,303,1
+marstons,1205,8
+lindenwood,194,0
+woodbine,626,11
+allensville,34,2
+ranchester,1352,4
+lakeville,1326,2
+wainscott,535,5
+leonardo,764,2
+hanson,1048,3
+leonardo,2058,2
+marstons,1872,7
+pinesdale,565,0
+wainscott,1658,2
+hiteman,1412,13
+ranchester,1394,0
+leonardo,579,5
+newfields,275,1
+wainscott,777,2
+benevolence,212,10
+mifflinburg,840,1
+klickitat,644,4
+pomaria,206,4
+klickitat,902,3
+onaga,393,4
+lindenwood,599,2
+woodbine,1672,12
+stockman,756,2
+shelbyville,2623,9
+newfields,262,1
+leonardo,2101,14
+klickitat,1094,9
+hanson,1351,3
+pinesdale,1051,3
+leonardo,16,0
+klickitat,2330,6
+klickitat,2335,0
+forkland,376,1
+woodbine,214,6
+woodbine,221,4
+wainscott,235,2
+wainscott,1107,1
+shelbyville,1024,2
+shelbyville,1900,6
+beechwood,287,2
+stockman,567,2
+lindenwood,2245,4
+onaga,658,1
+woodbine,1703,0
+ranchester,596,6
+newfields,1608,6
+woodbine,103,6
+lindenwood,2017,8
+hanson,747,11
+tolstoy,202,1
+klickitat,1533,1
+beechwood,956,0
+lindenwood,1911,1
+newfields,1158,13
+pinesdale,699,0
+tolstoy,175,3
+hanson,342,7
+wainscott,1676,1
+tolstoy,1477,14
+tolstoy,378,0
+mifflinburg,304,0
+klickitat,2309,4
+mifflinburg,407,1
+pomaria,275,0
+allensville,492,5
+wainscott,1607,3
+leonardo,791,2
+hiteman,1557,0
+hanson,958,4
+forkland,1065,2
+woodbine,1094,2
+woodbine,1502,4
+forkland,302,5
+tolstoy,304,14
+pomaria,35,2
+wainscott,569,7
+lindenwood,66,6
+allensville,363,1
+lakeville,1575,7
+lindenwood,467,0
+hiteman,1115,1
+benevolence,246,0
+beechwood,426,2
+coffeen,772,0
+marstons,1881,3
+onaga,366,7
+tolstoy,796,4
+pomaria,3,2
+lindenwood,1778,7
+klickitat,1428,3
+cosmos,899,10
+lakeville,1019,4
+lindenwood,2436,4
+hanson,762,4
+pinesdale,317,1
+leonardo,1020,4
+hanson,196,0
+beechwood,942,1
+hanson,856,5
+marstons,1901,1
+ranchester,1300,4
+beechwood,298,2
+hiteman,44,2
+beechwood,801,3
+lindenwood,894,2
+lindenwood,54,8
+lindenwood,1416,4
+hiteman,1744,1
+hiteman,1380,3
+marstons,2550,1
+forkland,1035,1
+mifflinburg,877,4
+merom,626,3
+shelbyville,1199,10
+shelbyville,2722,1
+woodbine,1537,4
+klickitat,851,5
+wainscott,234,5
+tolstoy,608,4
+lakeville,1429,9
+wainscott,1751,8
+woodbine,766,11
+beechwood,1065,18
+lakeville,675,6
+hanson,281,15
+klickitat,1833,0
+woodbine,23,3
+lindenwood,1578,6
+ranchester,360,9
+shelbyville,2511,2
+leonardo,286,1
+merom,408,1
+newfields,1202,4
+hanson,1652,2
+marstons,2285,2
+marstons,40,6
+woodbine,774,1
+pinesdale,1436,1
+mifflinburg,213,3
+wainscott,1037,6
+lakeville,1505,1
+marstons,1644,0
+cosmos,294,1
+coffeen,1418,5
+leonardo,1352,5
+forkland,790,0
+newfields,905,10
+hiteman,825,3
+woodbine,578,3
+pomaria,1021,5
+pinesdale,1376,8
+wainscott,819,1
+klickitat,2267,3
+klickitat,390,0
+wainscott,1452,1
+wainscott,10,0
+klickitat,594,0
+lakeville,1715,0
+forkland,1131,8
+shelbyville,2051,2
+ranchester,824,8
+merom,413,0
+forkland,247,5
+wainscott,366,17
+pomaria,913,0
+cosmos,799,13
+lindenwood,2302,6
+onaga,28,2
+shelbyville,612,2
+shelbyville,1817,0
+marstons,1386,10
+hiteman,1522,6
+pomaria,1416,5
+newfields,676,4
+shelbyville,1858,4
+shelbyville,739,0
+woodbine,1664,7
+hiteman,536,7
+klickitat,1200,0
+marstons,2249,7
+pomaria,776,6
+lindenwood,814,14
+lindenwood,1115,10
+marstons,1992,2
+shelbyville,1692,10
+shelbyville,1300,0
+hanson,119,0
+marstons,771,8
+woodbine,1104,3
+ranchester,343,1
+newfields,133,2
+pomaria,105,1
+marstons,597,6
+woodbine,515,12
+pinesdale,1033,0
+marstons,471,4
+lindenwood,254,3
+mifflinburg,830,1
+pinesdale,1060,4
+benevolence,546,1
+cosmos,130,5
+woodbine,1568,0
+lindenwood,1885,4
+pinesdale,1416,5
+leonardo,308,6
+tolstoy,687,9
+lindenwood,1699,3
+coffeen,841,3
+leonardo,1574,1
+lindenwood,1590,0
+lakeville,1208,1
+pinesdale,721,3
+klickitat,2373,9
+lindenwood,834,8
+tolstoy,163,4
+forkland,513,0
+onaga,124,2
+stockman,787,1
+woodbine,1325,5
+leonardo,785,0
+tolstoy,444,1
+lakeville,977,8
+tolstoy,805,10
+woodbine,204,4
+tolstoy,1777,2
+lakeville,373,4
+shelbyville,1544,1
+shelbyville,99,0
+stockman,835,1
+wainscott,1088,3
+hiteman,650,4
+forkland,110,0
+newfields,517,6
+hiteman,1776,1
+pomaria,941,1
+beechwood,973,2
+klickitat,1783,3
+lakeville,1148,2
+lakeville,1193,5
+wainscott,641,4
+forkland,737,4
+lindenwood,1908,5
+lakeville,68,4
+lindenwood,1269,6
+merom,346,5
+beechwood,458,2
+stockman,292,1
+lakeville,1518,11
+pinesdale,228,1
+klickitat,690,0
+woodbine,316,6
+woodbine,2050,0
+leonardo,359,18
+mifflinburg,961,1
+lindenwood,1965,1
+stockman,162,3
+stockman,235,4
+lindenwood,2132,5
+tolstoy,687,5
+shelbyville,1999,0
+klickitat,1838,5
+coffeen,1057,0
+ranchester,644,3
+hanson,874,3
+tolstoy,903,0
+hiteman,282,1
+lindenwood,2487,2
+lakeville,286,2
+pomaria,262,11
+newfields,1523,1
+forkland,944,6
+lindenwood,2109,14
+cosmos,332,1
+merom,866,4
+onaga,674,6
+tolstoy,1525,4
+tolstoy,1416,4
+mifflinburg,3,1
+lindenwood,2100,3
+newfields,89,2
+beechwood,250,2
+hanson,844,0
+forkland,1140,1
+stockman,1596,0
+cosmos,232,11
+klickitat,159,1
+cosmos,117,5
+wainscott,179,2
+marstons,1794,11
+shelbyville,512,10
+leonardo,1478,5
+newfields,966,0
+woodbine,449,1
+hanson,246,13
+shelbyville,1201,3
+woodbine,1702,12
+shelbyville,2150,0
+ranchester,1181,0
+hiteman,575,3
+marstons,2192,3
+marstons,1363,8
+coffeen,812,4
+tolstoy,1771,9
+marstons,1063,1
+klickitat,1645,2
+cosmos,26,0
+allensville,418,6
+pinesdale,596,7
+newfields,342,2
+coffeen,595,3
+ranchester,755,8
+wainscott,170,7
+shelbyville,254,6
+onaga,456,0
+beechwood,1174,0
+woodbine,295,4
+pinesdale,545,0
+ranchester,1605,3
+tolstoy,101,2
+newfields,706,0
+pomaria,148,5
+shelbyville,2176,9
+mifflinburg,690,1
+shelbyville,488,4
+stockman,777,0
+hiteman,1308,11
+stockman,307,3
+coffeen,316,0
+shelbyville,670,1
+coffeen,1400,3
+pinesdale,698,0
+tolstoy,1469,7
+shelbyville,240,6
+coffeen,1288,1
+stockman,710,2
+marstons,945,2
+leonardo,1938,0
+hanson,1230,7
+woodbine,353,3
+hiteman,1812,2
+shelbyville,698,4
+ranchester,691,4
+forkland,1138,2
+leonardo,958,11
+hanson,1499,2
+lindenwood,423,5
+cosmos,148,1
+hiteman,1379,1
+lindenwood,669,6
+beechwood,1013,9
+beechwood,595,2
+shelbyville,2737,10
+marstons,515,5
+woodbine,1797,2
+merom,229,3
+lakeville,1061,4
+shelbyville,2445,0
+pomaria,1427,16
+lakeville,1080,1
+klickitat,1776,1
+leonardo,1841,3
+pinesdale,298,9
+coffeen,909,0
+hanson,1453,10
+wainscott,1200,5
+lindenwood,1496,11
+newfields,18,4
+lindenwood,2630,0
+onaga,403,0
+shelbyville,475,2
+leonardo,522,4
+lindenwood,2452,1
+beechwood,998,0
+hanson,683,2
+wainscott,363,5
+lindenwood,577,0
+merom,771,4
+leonardo,1125,0
+marstons,1964,6
+klickitat,1806,4
+woodbine,1646,3
+shelbyville,591,1
+pomaria,993,7
+stockman,1452,1
+lindenwood,1849,6
+beechwood,894,2
+shelbyville,2215,3
+ranchester,159,6
+coffeen,1296,4
+woodbine,904,9
+shelbyville,1249,3
+hiteman,716,1
+tolstoy,874,0
+wainscott,1042,1
+ranchester,1103,0
+mifflinburg,135,3
+beechwood,1135,3
+ranchester,202,1
+hanson,54,8
+hiteman,366,13
+lindenwood,1101,8
+tolstoy,1309,0
+leonardo,1006,1
+marstons,2310,0
+hiteman,160,4
+lindenwood,875,3
+newfields,1384,9
+benevolence,895,0
+lakeville,1642,8
+wainscott,979,0
+newfields,824,3
+beechwood,884,2
+onaga,498,0
+benevolence,254,1
+shelbyville,2133,3
+shelbyville,883,3
+coffeen,662,5
+cosmos,536,3
+leonardo,1635,16
+coffeen,0,9
+pomaria,1088,0
+woodbine,229,6
+klickitat,1167,6
+ranchester,1538,9
+lakeville,1043,1
+cosmos,62,4
+tolstoy,651,1
+newfields,183,7
+lakeville,1130,2
+beechwood,1115,2
+cosmos,178,0
+stockman,374,12
+newfields,1086,1
+woodbine,1474,8
+tolstoy,783,0
+woodbine,1118,5
+klickitat,1788,7
+lindenwood,1871,1
+lakeville,408,3
+newfields,881,0
+hiteman,228,0
+lindenwood,133,6
+klickitat,117,4
+klickitat,1765,4
+hiteman,666,1
+hanson,1243,2
+stockman,1369,1
+ranchester,1208,6
+lakeville,445,1
+newfields,117,12
+lindenwood,1542,1
+woodbine,1062,5
+pinesdale,754,0
+wainscott,1233,12
+marstons,1187,0
+forkland,163,7
+stockman,655,4
+tolstoy,355,5
+pinesdale,984,10
+stockman,940,6
+woodbine,1745,6
+lindenwood,655,0
+marstons,2174,2
+ranchester,1219,4
+shelbyville,1166,2
+cosmos,582,2
+lindenwood,747,12
+marstons,248,1
+hiteman,1550,8
+coffeen,1216,5
+lindenwood,1432,1
+stockman,1279,2
+tolstoy,1652,0
+ranchester,810,6
+woodbine,746,17
+leonardo,824,8
+woodbine,544,10
+hanson,1200,3
+onaga,16,0
+forkland,68,2
+klickitat,1049,3
+woodbine,1879,3
+pomaria,1495,4
+cosmos,758,3
+lindenwood,70,4
+mifflinburg,679,2
+leonardo,1579,15
+tolstoy,1706,7
+coffeen,685,5
+marstons,2245,4
+hiteman,250,2
+shelbyville,280,5
+forkland,546,2
+wainscott,269,7
+shelbyville,1216,2
+pinesdale,322,4
+hiteman,830,1
+wainscott,1512,11
+forkland,512,6
+pomaria,511,16
+lindenwood,1375,0
+woodbine,692,13
+pomaria,764,4
+woodbine,724,0
+hanson,519,13
+ranchester,1151,5
+marstons,477,0
+woodbine,1114,3
+shelbyville,2598,4
+marstons,1975,1
+marstons,412,6
+lakeville,744,7
+beechwood,1106,3
+pinesdale,866,0
+stockman,576,2
+lakeville,1382,6
+newfields,1369,0
+shelbyville,1525,1
+woodbine,1839,6
+shelbyville,1031,1
+wainscott,1240,5
+merom,1055,1
+tolstoy,842,0
+lindenwood,2676,0
+pomaria,727,2
+marstons,2368,0
+newfields,1516,9
+lindenwood,1010,4
+pinesdale,421,7
+stockman,1304,2
+lindenwood,1881,0
+newfields,1328,3
+tolstoy,104,7
+coffeen,1474,1
+stockman,1217,2
+lindenwood,390,5
+hiteman,509,1
+merom,460,2
+beechwood,735,2
+marstons,248,6
+hanson,251,6
+woodbine,1586,0
+shelbyville,476,0
+hiteman,945,3
+pinesdale,334,9
+newfields,669,1
+coffeen,1032,0
+merom,544,7
+marstons,1529,1
+tolstoy,201,1
+lakeville,809,10
+shelbyville,2014,9
+shelbyville,990,12
+newfields,993,3
+coffeen,615,2
+pinesdale,228,4
+shelbyville,24,3
+shelbyville,2583,8
+shelbyville,1001,0
+forkland,1041,7
+onaga,507,5
+newfields,1411,1
+marstons,848,2
+wainscott,997,6
+newfields,1145,1
+woodbine,21,4
+newfields,640,4
+klickitat,595,4
+stockman,1483,3
+forkland,345,0
+beechwood,750,0
+klickitat,258,4
+klickitat,2366,10
+forkland,179,3
+pinesdale,688,1
+marstons,1658,3
+shelbyville,960,7
+marstons,1781,1
+shelbyville,2488,0
+forkland,833,4
+forkland,898,4
+newfields,1525,12
+shelbyville,2372,8
+marstons,1271,2
+merom,918,5
+klickitat,2035,0
+pinesdale,475,6
+lakeville,1841,2
+hiteman,33,4
+newfields,1105,3
+forkland,1195,3
+wainscott,398,1
+marstons,2522,2
+klickitat,3,6
+cosmos,173,1
+marstons,1364,0
+pinesdale,937,1
+shelbyville,1927,4
+hanson,1557,5
+cosmos,691,12
+klickitat,2125,1
+lindenwood,326,6
+hanson,1553,14
+stockman,1316,3
+woodbine,985,20
+cosmos,452,2
+shelbyville,1454,12
+beechwood,325,6
+wainscott,1462,7
+pinesdale,278,1
+woodbine,681,3
+lakeville,774,7
+forkland,1126,0
+forkland,677,1
+coffeen,943,1
+leonardo,964,5
+marstons,1721,4
+woodbine,1760,1
+coffeen,794,2
+shelbyville,932,8
+allensville,270,7
+merom,948,3
+stockman,116,1
+shelbyville,609,3
+pinesdale,520,2
+beechwood,61,9
+lindenwood,2354,0
+shelbyville,1172,3
+leonardo,1284,4
+beechwood,557,5
+tolstoy,518,5
+hiteman,495,4
+cosmos,1039,6
+merom,208,8
+cosmos,594,4
+tolstoy,1272,5
+lindenwood,1824,2
+marstons,81,14
+hanson,252,2
+ranchester,1108,2
+hiteman,576,2
+hanson,748,2
+stockman,1099,4
+lakeville,1711,1
+tolstoy,1399,1
+cosmos,365,0
+beechwood,38,1
+marstons,2227,0
+lakeville,627,2
+mifflinburg,90,0
+wainscott,931,8
+mifflinburg,758,2
+shelbyville,1442,2
+woodbine,484,0
+newfields,752,0
+woodbine,1356,0
+newfields,1602,14
+leonardo,1777,2
+ranchester,741,0
+woodbine,591,7
+hanson,1009,1
+ranchester,655,7
+wainscott,366,16
+lakeville,1799,4
+beechwood,137,1
+woodbine,1105,9
+allensville,402,8
+klickitat,2335,7
+pomaria,1256,1
+ranchester,1553,9
+lindenwood,2221,9
+coffeen,1109,2
+wainscott,124,0
+hiteman,953,1
+hanson,1184,2
+hiteman,1053,3
+woodbine,1273,7
+klickitat,2138,5
+shelbyville,1613,8
+marstons,2529,3
+wainscott,876,12
+hanson,380,7
+hiteman,1162,4
+lindenwood,1987,3
+lakeville,454,1
+klickitat,618,3
+newfields,1636,6
+klickitat,692,2
+pomaria,465,10
+newfields,1038,1
+pinesdale,625,6
+allensville,343,1
+tolstoy,1216,6
+wainscott,295,5
+forkland,98,2
+leonardo,402,3
+pinesdale,1273,0
+leonardo,425,2
+tolstoy,246,4
+merom,1003,6
+hanson,136,0
+mifflinburg,480,5
+marstons,314,6
+wainscott,1573,6
+pinesdale,1148,0
+leonardo,1949,8
+tolstoy,439,2
+leonardo,43,4
+hiteman,1471,3
+newfields,1060,8
+newfields,1306,5
+pomaria,950,3
+mifflinburg,524,6
+pomaria,945,16
+hanson,1397,0
+tolstoy,602,0
+ranchester,1256,10
+tolstoy,1428,0
+klickitat,807,1
+forkland,1076,1
+ranchester,1191,12
+woodbine,1418,3
+pomaria,523,3
+allensville,14,0
+coffeen,1448,2
+pinesdale,609,10
+klickitat,2164,3
+marstons,20,2
+marstons,1902,4
+tolstoy,88,10
+lakeville,1412,5
+newfields,1160,1
+shelbyville,2311,5
+lindenwood,1820,6
+leonardo,428,0
+ranchester,587,7
+klickitat,581,12
+hanson,767,2
+shelbyville,1809,1
+klickitat,515,5
+woodbine,588,1
+benevolence,857,11
+klickitat,1011,5
+lindenwood,1887,0
+leonardo,1674,3
+leonardo,1754,2
+shelbyville,848,1
+shelbyville,2106,6
+marstons,1520,1
+pomaria,1410,0
+woodbine,1962,2
+beechwood,1067,2
+marstons,2219,1
+ranchester,800,2
+leonardo,1492,1
+pinesdale,155,5
+forkland,808,1
+stockman,795,3
+cosmos,830,8
+leonardo,1643,3
+marstons,369,0
+lakeville,1309,3
+pinesdale,392,8
+newfields,20,1
+lindenwood,574,4
+pinesdale,299,1
+hanson,1441,5
+newfields,1006,0
+onaga,340,0
+beechwood,182,1
+marstons,1302,13
+hiteman,178,7
+hiteman,1084,4
+newfields,31,2
+onaga,495,2
+cosmos,426,7
+onaga,260,1
+marstons,922,3
+hiteman,1076,6
+klickitat,136,1
+shelbyville,1347,11
+cosmos,159,6
+stockman,598,5
+lindenwood,468,1
+ranchester,1262,1
+leonardo,190,9
+wainscott,1216,3
+hanson,767,13
+hiteman,862,0
+shelbyville,1403,4
+shelbyville,1727,1
+shelbyville,2133,15
+wainscott,6,3
+beechwood,1158,1
+hiteman,975,11
+mifflinburg,594,3
+woodbine,862,8
+merom,888,0
+wainscott,831,5
+lindenwood,225,5
+merom,823,1
+leonardo,1961,5
+ranchester,1638,5
+hanson,363,8
+pomaria,689,5
+hiteman,688,2
+coffeen,772,2
+ranchester,36,4
+woodbine,2059,3
+tolstoy,531,2
+beechwood,264,10
+newfields,445,11
+mifflinburg,250,3
+benevolence,708,10
+woodbine,1426,3
+mifflinburg,438,1
+woodbine,1595,9
+shelbyville,2578,3
+shelbyville,2054,0
+marstons,2169,0
+allensville,151,6
+leonardo,1837,3
+wainscott,687,1
+ranchester,1333,3
+hiteman,462,7
+pomaria,470,15
+klickitat,794,6
+coffeen,1474,3
+lindenwood,409,3
+klickitat,415,9
+pinesdale,1419,3
+lakeville,104,2
+klickitat,656,15
+lindenwood,2008,7
+lindenwood,2083,4
+klickitat,1723,3
+lindenwood,59,12
+pomaria,475,2
+cosmos,442,1
+shelbyville,2817,2
+pomaria,1301,5
+lakeville,1591,6
+tolstoy,1726,0
+allensville,226,3
+stockman,1565,0
+pomaria,1203,1
+leonardo,558,2
+pomaria,1196,1
+forkland,95,0
+marstons,1297,7
+hanson,813,7
+shelbyville,1678,4
+pomaria,586,6
+woodbine,1099,6
+lindenwood,149,5
+newfields,1493,1
+ranchester,1604,6
+woodbine,2045,9
+ranchester,818,1
+leonardo,1861,5
+wainscott,816,3
+pinesdale,1508,3
+woodbine,141,0
+stockman,152,1
+pomaria,1473,3
+wainscott,1147,5
+wainscott,54,3
+ranchester,1276,2
+ranchester,995,1
+shelbyville,1665,1
+newfields,1125,5
+lindenwood,533,3
+klickitat,2107,3
+ranchester,982,2
+klickitat,2357,1
+shelbyville,1322,0
+shelbyville,1139,1
+coffeen,1115,3
+ranchester,1252,0
+shelbyville,2205,3
+pinesdale,463,1
+pomaria,1341,4
+lindenwood,733,14
+marstons,201,1
+hanson,1085,13
+ranchester,615,1
+hanson,467,3
+woodbine,239,6
+hiteman,210,0
+lindenwood,161,0
+lakeville,1244,0
+shelbyville,707,0
+shelbyville,938,1
+lakeville,161,6
+hiteman,580,3
+cosmos,355,4
+tolstoy,1547,1
+tolstoy,558,0
+pomaria,410,6
+mifflinburg,736,3
+klickitat,285,0
+allensville,46,0
+marstons,237,3
+pomaria,676,4
+klickitat,2113,2
+ranchester,1416,0
+lakeville,140,3
+coffeen,1180,1
+lakeville,717,4
+pinesdale,1036,4
+forkland,372,1
+ranchester,1589,6
+klickitat,1839,8
+hanson,1410,3
+benevolence,965,7
+pomaria,1647,0
+marstons,355,3
+lakeville,1510,1
+beechwood,1096,1
+shelbyville,2693,3
+stockman,1609,4
+beechwood,1169,2
+lakeville,1004,8
+tolstoy,1546,2
+mifflinburg,439,0
+pomaria,155,4
+lakeville,1714,0
+cosmos,1042,4
+woodbine,1813,10
+shelbyville,2744,0
+cosmos,771,6
+onaga,491,1
+woodbine,284,4
+beechwood,272,4
+ranchester,1374,4
+wainscott,298,12
+leonardo,130,10
+wainscott,971,8
+woodbine,1730,3
+coffeen,286,4
+stockman,1609,6
+shelbyville,665,8
+lindenwood,244,9
+woodbine,1419,3
+hiteman,1652,2
+lakeville,1006,2
+wainscott,122,5
+beechwood,831,6
+mifflinburg,672,1
+hiteman,683,2
+shelbyville,2334,8
+lindenwood,2358,2
+klickitat,1835,4
+tolstoy,61,11
+tolstoy,1782,6
+tolstoy,1690,6
+marstons,1512,11
+hanson,893,0
+newfields,944,2
+klickitat,88,2
+hiteman,1088,10
+klickitat,1671,4
+shelbyville,1915,2
+lakeville,1528,3
+shelbyville,2357,0
+klickitat,954,4
+hiteman,60,7
+shelbyville,1462,3
+shelbyville,1884,3
+beechwood,593,0
+wainscott,806,6
+cosmos,116,5
+shelbyville,1912,0
+beechwood,444,1
+klickitat,228,6
+marstons,2422,0
+hiteman,782,4
+newfields,676,3
+klickitat,881,14
+shelbyville,1771,0
+newfields,153,5
+shelbyville,1680,5
+leonardo,2003,0
+pomaria,1168,7
+woodbine,1054,5
+forkland,867,2
+lindenwood,577,1
+forkland,285,1
+pomaria,643,4
+lindenwood,2277,2
+hiteman,1421,1
+lindenwood,2000,5
+merom,539,3
+lakeville,187,1
+lindenwood,1152,0
+coffeen,864,3
+marstons,1604,2
+marstons,54,12
+shelbyville,1098,7
+shelbyville,337,0
+shelbyville,2590,2
+benevolence,357,4
+shelbyville,1908,2
+beechwood,1067,1
+lakeville,846,3
+woodbine,1107,1
+lakeville,739,1
+wainscott,400,4
+woodbine,384,2
+marstons,320,2
+lindenwood,1698,4
+lindenwood,1408,3
+wainscott,1392,2
+merom,737,4
+merom,142,2
+lakeville,1503,1
+tolstoy,1834,5
+woodbine,45,6
+shelbyville,184,8
+lakeville,816,3
+mifflinburg,79,5
+ranchester,179,5
+lindenwood,1031,5
+lakeville,72,3
+newfields,650,4
+hanson,1173,3
+lakeville,85,2
+pinesdale,864,10
+stockman,306,2
+lindenwood,1637,3
+pinesdale,1363,10
+ranchester,389,8
+marstons,1171,1
+leonardo,1458,2
+woodbine,888,6
+lakeville,1284,1
+lindenwood,2381,3
+allensville,281,0
+benevolence,233,2
+cosmos,227,8
+lakeville,1213,3
+pinesdale,1352,10
+hanson,1436,8
+pomaria,409,10
+newfields,594,4
+hanson,962,0
+stockman,66,6
+pomaria,210,0
+merom,1079,2
+tolstoy,1229,1
+woodbine,1130,5
+cosmos,110,5
+shelbyville,1032,7
+marstons,1297,3
+pomaria,23,3
+cosmos,679,11
+pomaria,743,4
+hiteman,426,1
+tolstoy,491,9
+ranchester,991,4
+marstons,921,8
+stockman,929,5
+tolstoy,1170,1
+beechwood,355,3
+merom,197,7
+marstons,2273,13
+lindenwood,522,13
+pomaria,346,1
+lindenwood,91,4
+pomaria,661,1
+forkland,275,0
+lindenwood,1647,3
+stockman,176,6
+newfields,722,2
+onaga,242,2
+merom,1067,1
+woodbine,812,1
+klickitat,2123,12
+cosmos,152,3
+onaga,259,6
+ranchester,944,11
+hiteman,1271,2
+benevolence,580,5
+hanson,1144,18
+newfields,1316,6
+klickitat,693,11
+merom,722,2
+marstons,1995,3
+pomaria,1032,1
+klickitat,629,0
+beechwood,604,1
+pomaria,1254,16
+hiteman,1243,2
+pinesdale,1172,1
+hiteman,1611,0
+forkland,262,2
+benevolence,105,2
+ranchester,156,8
+tolstoy,1274,2
+lindenwood,963,3
+beechwood,942,0
+beechwood,862,0
+benevolence,113,6
+hanson,773,4
+leonardo,1988,2
+shelbyville,754,4
+stockman,647,10
+cosmos,767,1
+tolstoy,1812,6
+leonardo,274,0
+klickitat,1508,2
+lindenwood,2474,3
+forkland,795,1
+merom,636,0
+coffeen,1397,0
+pinesdale,609,11
+coffeen,227,1
+cosmos,1034,0
+marstons,2409,4
+marstons,677,4
+shelbyville,2818,4
+tolstoy,114,8
+forkland,395,2
+shelbyville,1249,5
+woodbine,236,5
+merom,907,3
+cosmos,263,2
+beechwood,779,11
+beechwood,265,0
+hanson,1587,4
+onaga,410,4
+hiteman,1021,4
+marstons,1614,3
+hanson,895,12
+woodbine,1144,9
+ranchester,1588,4
+tolstoy,1695,7
+lindenwood,1465,1
+hiteman,1111,0
+wainscott,1057,2
+benevolence,899,10
+forkland,643,1
+lindenwood,286,2
+pomaria,113,4
+merom,943,4
+leonardo,1186,3
+stockman,941,0
+hanson,324,3
+klickitat,418,3
+tolstoy,143,15
+forkland,1054,3
+klickitat,1361,8
+onaga,7,1
+mifflinburg,942,0
+hiteman,669,5
+mifflinburg,414,1
+klickitat,749,4
+ranchester,297,3
+allensville,462,1
+shelbyville,1536,1
+pomaria,1464,2
+forkland,592,1
+wainscott,873,4
+coffeen,463,3
+lakeville,953,4
+pinesdale,761,8
+hanson,1461,13
+newfields,1059,0
+hanson,687,4
+leonardo,1184,0
+merom,483,2
+merom,867,1
+woodbine,888,3
+cosmos,557,8
+hanson,1325,0
+stockman,1328,7
+ranchester,170,4
+leonardo,2094,16
+lindenwood,1207,1
+woodbine,595,7
+lindenwood,796,2
+marstons,1738,5
+stockman,807,7
+shelbyville,103,2
+pomaria,501,5
+lindenwood,436,2
+forkland,971,2
+ranchester,98,4
+hiteman,938,6
+merom,360,7
+pinesdale,1352,13
+beechwood,670,3
+lindenwood,1002,1
+tolstoy,1797,7
+lakeville,1745,16
+woodbine,1140,14
+onaga,408,5
+allensville,175,3
+hiteman,1635,3
+merom,117,1
+beechwood,204,9
+lindenwood,1105,0
+marstons,695,3
+merom,39,0
+marstons,340,8
+leonardo,1678,2
+ranchester,1506,3
+marstons,1174,13
+forkland,470,1
+onaga,324,0
+benevolence,927,10
+woodbine,1525,1
+klickitat,1717,4
+merom,630,6
+merom,390,2
+shelbyville,815,10
+wainscott,51,4
+hanson,812,0
+leonardo,101,2
+merom,87,5
+stockman,1361,2
+lakeville,31,15
+wainscott,528,11
+wainscott,88,1
+hiteman,1199,4
+leonardo,364,2
+marstons,1435,3
+beechwood,1121,5
+leonardo,594,8
+stockman,1334,0
+klickitat,186,2
+forkland,593,1
+shelbyville,647,14
+hiteman,205,4
+newfields,1414,2
+lindenwood,1854,2
+lindenwood,1093,5
+pomaria,1026,10
+shelbyville,1871,4
+shelbyville,195,0
+shelbyville,2466,2
+klickitat,1467,0
+shelbyville,2717,11
+tolstoy,1030,1
+stockman,1114,0
+hanson,400,1
+wainscott,1343,1
+leonardo,134,2
+beechwood,1025,1
+pomaria,888,0
+tolstoy,1598,6
+beechwood,1176,9
+klickitat,769,0
+lindenwood,913,3
+hanson,473,4
+klickitat,550,0
+woodbine,188,0
+newfields,331,0
+pinesdale,960,1
+lindenwood,2533,4
+newfields,125,10
+marstons,1070,2
+marstons,126,2
+marstons,702,2
+leonardo,1998,0
+klickitat,132,7
+marstons,1986,0
+marstons,743,5
+forkland,245,9
+shelbyville,583,1
+beechwood,920,0
+hanson,249,4
+pinesdale,597,0
+hiteman,1473,1
+hanson,253,4
+marstons,255,1
+leonardo,463,0
+ranchester,1322,2
+hanson,1146,10
+beechwood,616,4
+mifflinburg,616,1
+marstons,2236,0
+pomaria,1043,3
+marstons,615,8
+woodbine,1402,1
+lindenwood,697,2
+cosmos,502,8
+hanson,358,16
+marstons,1444,5
+allensville,314,2
+coffeen,1093,1
+leonardo,1847,5
+shelbyville,2306,0
+woodbine,1446,6
+beechwood,629,3
+pomaria,792,2
+cosmos,530,6
+forkland,99,3
+onaga,648,5
+woodbine,1791,3
+shelbyville,1591,8
+beechwood,125,0
+allensville,374,7
+cosmos,228,10
+lindenwood,217,2
+pinesdale,1352,6
+woodbine,1880,2
+onaga,365,4
+forkland,1175,3
+hiteman,1717,4
+forkland,1129,1
+marstons,93,9
+hiteman,1432,1
+wainscott,1740,1
+klickitat,55,4
+ranchester,845,1
+klickitat,1476,2
+coffeen,428,0
+hanson,514,4
+marstons,1954,2
+woodbine,1656,2
+stockman,1184,4
+newfields,1614,7
+mifflinburg,266,1
+coffeen,143,1
+hiteman,536,10
+marstons,1552,1
+wainscott,1690,2
+coffeen,719,5
+tolstoy,201,0
+beechwood,525,3
+stockman,498,2
+klickitat,649,10
+pomaria,769,5
+onaga,577,0
+hanson,400,4
+klickitat,1410,1
+merom,944,7
+lindenwood,718,1
+lindenwood,965,9
+tolstoy,1738,10
+ranchester,329,4
+cosmos,501,10
+newfields,166,8
+lindenwood,2215,11
+hanson,424,2
+klickitat,973,7
+klickitat,912,0
+lakeville,184,3
+tolstoy,1305,3
+mifflinburg,133,3
+newfields,265,0
+shelbyville,932,4
+pomaria,609,9
+lindenwood,138,5
+ranchester,1019,2
+wainscott,214,2
+marstons,1059,7
+tolstoy,532,1
+shelbyville,654,0
+newfields,515,3
+stockman,1303,0
+cosmos,899,11
+marstons,1710,3
+wainscott,1264,4
+cosmos,867,7
+stockman,1567,3
+ranchester,618,6
+pinesdale,297,0
+stockman,30,2
+hiteman,241,11
+marstons,913,3
+hiteman,1321,4
+klickitat,942,0
+shelbyville,738,3
+pomaria,1050,6
+forkland,167,3
+merom,622,2
+leonardo,1444,5
+woodbine,1037,9
+woodbine,552,2
+lakeville,1505,8
+wainscott,398,5
+leonardo,1729,8
+marstons,2132,13
+leonardo,1514,0
+woodbine,1132,9
+mifflinburg,104,1
+lakeville,1383,1
+beechwood,861,8
+lakeville,1809,19
+pomaria,186,16
+woodbine,595,12
+hiteman,1376,6
+woodbine,1138,15
+stockman,1397,0
+leonardo,1502,2
+woodbine,647,3
+cosmos,1078,0
+coffeen,850,0
+pinesdale,1038,3
+tolstoy,1117,4
+lakeville,1184,4
+pomaria,156,4
+lakeville,1267,0
+shelbyville,940,0
+beechwood,923,1
+hanson,1658,4
+wainscott,207,2
+klickitat,345,0
+coffeen,1238,1
+wainscott,367,2
+marstons,939,2
+woodbine,1566,2
+lakeville,1306,4
+leonardo,540,3
+woodbine,1880,0
+klickitat,859,3
+beechwood,105,2
+marstons,1830,2
+ranchester,505,0
+ranchester,694,11
+woodbine,1068,6
+pinesdale,638,5
+merom,596,1
+hanson,1402,2
+forkland,1067,5
+lakeville,782,2
+wainscott,1794,5
+mifflinburg,499,8
+shelbyville,1686,7
+forkland,414,2
+hanson,738,14
+wainscott,306,5
+hiteman,895,0
+newfields,1578,6
+ranchester,1627,0
+marstons,533,7
+newfields,902,7
+ranchester,1207,7
+lindenwood,2071,2
+shelbyville,1513,0
+tolstoy,712,12
+coffeen,1304,8
+klickitat,2191,9
+marstons,258,1
+mifflinburg,517,5
+shelbyville,617,1
+lindenwood,651,2
+klickitat,2106,5
+pomaria,660,6
+leonardo,89,2
+lindenwood,206,3
+ranchester,1184,1
+lakeville,1896,0
+lindenwood,287,3
+cosmos,382,1
+hiteman,1359,1
+leonardo,1125,11
+ranchester,498,6
+shelbyville,2301,0
+shelbyville,2209,2
+marstons,1912,6
+shelbyville,737,3
+stockman,1461,1
+marstons,364,5
+cosmos,29,1
+shelbyville,1019,1
+tolstoy,49,0
+hanson,352,1
+lindenwood,2663,2
+pomaria,86,9
+cosmos,868,10
+marstons,765,1
+tolstoy,1073,0
+pomaria,753,2
+stockman,308,3
+klickitat,75,5
+pomaria,1235,3
+shelbyville,2566,7
+stockman,233,4
+mifflinburg,792,1
+lakeville,141,2
+pomaria,1534,1
+marstons,2393,4
+lakeville,441,0
+merom,638,2
+woodbine,1796,2
+lakeville,1223,2
+hiteman,739,1
+marstons,601,2
+tolstoy,110,10
+allensville,461,2
+marstons,1908,2
+hiteman,1382,0
+shelbyville,1799,8
+lindenwood,112,6
+ranchester,655,0
+lindenwood,2389,11
+wainscott,1146,3
+woodbine,808,2
+shelbyville,290,0
+pinesdale,327,3
+pomaria,443,3
+beechwood,336,0
+tolstoy,1076,0
+coffeen,165,0
+lindenwood,1057,10
+hanson,246,14
+stockman,898,0
+lindenwood,398,5
+beechwood,559,3
+woodbine,300,6
+leonardo,242,1
+pomaria,1269,2
+ranchester,755,3
+woodbine,626,5
+tolstoy,630,7
+pinesdale,486,0
+wainscott,546,0
+pinesdale,1181,0
+cosmos,936,6
+hanson,881,10
+onaga,47,4
+lakeville,1067,5
+stockman,145,6
+stockman,534,1
+lindenwood,1089,0
+lindenwood,2117,2
+merom,63,1
+marstons,725,2
+lindenwood,1340,5
+pinesdale,1495,4
+mifflinburg,202,1
+pomaria,1489,4
+klickitat,2329,5
+hiteman,201,2
+onaga,650,3
+hiteman,1851,0
+wainscott,1169,7
+stockman,1198,4
+hanson,794,4
+pomaria,426,11
+tolstoy,726,7
+klickitat,1041,1
+leonardo,185,9
+wainscott,916,7
+klickitat,719,8
+pomaria,491,16
+shelbyville,808,2
+onaga,612,3
+shelbyville,2525,5
+cosmos,642,0
+leonardo,1232,6
+onaga,299,0
+lindenwood,694,2
+pomaria,1550,2
+coffeen,854,0
+stockman,1069,1
+marstons,1022,2
+klickitat,1278,6
+tolstoy,82,3
+lakeville,1586,7
+marstons,198,7
+coffeen,1020,5
+lindenwood,2313,8
+hiteman,848,0
+benevolence,503,2
+cosmos,887,3
+shelbyville,1967,0
+pinesdale,987,2
+hanson,40,8
+hanson,1121,9
+marstons,789,4
+shelbyville,2006,7
+marstons,729,1
+beechwood,493,4
+lindenwood,1765,0
+hanson,1278,0
+shelbyville,1733,0
+newfields,344,5
+merom,365,1
+wainscott,166,1
+shelbyville,2596,1
+shelbyville,1954,0
+benevolence,957,2
+tolstoy,310,2
+klickitat,59,0
+hanson,1561,0
+marstons,1985,2
+hanson,737,16
+marstons,1581,2
+ranchester,210,10
+woodbine,570,2
+marstons,130,8
+lakeville,1383,0
+newfields,294,11
+ranchester,505,1
+newfields,1113,6
+tolstoy,1463,7
+shelbyville,1682,14
+pomaria,1113,18
+lindenwood,1886,2
+benevolence,187,2
+woodbine,1818,2
+newfields,1258,4
+lindenwood,1126,2
+woodbine,1665,11
+pinesdale,696,4
+stockman,929,1
+lindenwood,291,14
+hiteman,1737,9
+woodbine,582,4
+lindenwood,237,6
+wainscott,1451,9
+lakeville,850,1
+tolstoy,785,15
+stockman,71,3
+cosmos,832,10
+marstons,1037,1
+beechwood,344,1
+hanson,602,12
+lindenwood,1547,1
+hiteman,1022,4
+ranchester,1265,4
+ranchester,615,3
+wainscott,958,0
+woodbine,1003,7
+klickitat,1666,0
+coffeen,480,0
+pinesdale,192,7
+mifflinburg,478,0
+onaga,441,0
+tolstoy,1242,1
+stockman,147,7
+stockman,692,2
+newfields,163,0
+leonardo,1673,6
+wainscott,1199,15
+woodbine,1667,14
+leonardo,1971,7
+hiteman,1236,1
+hiteman,376,12
+wainscott,693,2
+hanson,1138,4
+newfields,694,3
+newfields,787,11
+shelbyville,2801,1
+ranchester,874,9
+lakeville,724,6
+merom,651,4
+cosmos,254,2
+shelbyville,1818,8
+woodbine,1374,4
+forkland,644,8
+coffeen,1045,1
+ranchester,259,5
+klickitat,2077,5
+hanson,1005,1
+newfields,221,14
+hanson,1144,5
+hanson,660,3
+hiteman,979,1
+klickitat,14,19
+ranchester,15,5
+pinesdale,425,0
+merom,749,1
+newfields,1305,2
+lindenwood,943,2
+hiteman,329,0
+wainscott,1585,10
+cosmos,910,0
+klickitat,1117,3
+marstons,1967,6
+marstons,242,1
+pinesdale,146,1
+shelbyville,1413,2
+stockman,461,4
+leonardo,1353,2
+stockman,1016,3
+leonardo,730,5
+onaga,326,0
+beechwood,219,1
+marstons,1044,4
+woodbine,2049,12
+onaga,402,1
+leonardo,1823,8
+newfields,464,1
+newfields,1633,1
+marstons,2599,6
+lakeville,1184,6
+hanson,500,1
+lakeville,1303,1
+klickitat,670,6
+newfields,1636,1
+leonardo,1226,1
+beechwood,167,1
+lakeville,1222,2
+klickitat,1402,6
+forkland,484,0
+wainscott,71,2
+shelbyville,758,6
+pinesdale,276,2
+lakeville,1749,0
+marstons,2111,6
+woodbine,795,4
+benevolence,6,5
+lakeville,748,0
+marstons,856,6
+wainscott,879,5
+leonardo,1616,0
+lakeville,315,2
+ranchester,157,5
+wainscott,204,0
+stockman,281,1
+merom,431,1
+shelbyville,1877,1
+lindenwood,1027,7
+leonardo,1241,1
+forkland,171,4
+woodbine,444,6
+wainscott,65,4
+ranchester,824,1
+allensville,303,1
+tolstoy,1477,11
+lindenwood,149,6
+onaga,177,1
+merom,58,6
+pinesdale,659,11
+marstons,2189,5
+beechwood,297,9
+ranchester,1,12
+lakeville,1397,0
+forkland,705,3
+lindenwood,676,1
+coffeen,68,7
+tolstoy,1172,2
+woodbine,100,15
+lakeville,18,0
+lakeville,1123,0
+shelbyville,616,2
+shelbyville,273,2
+lakeville,1039,4
+hanson,1029,5
+wainscott,1517,12
+leonardo,180,1
+shelbyville,418,0
+benevolence,935,3
+tolstoy,390,2
+coffeen,123,0
+merom,196,0
+shelbyville,1016,13
+hiteman,1357,4
+lakeville,419,8
+woodbine,1964,5
+merom,1016,5
+mifflinburg,685,0
+wainscott,1485,1
+hanson,1481,7
+hanson,727,4
+lakeville,595,5
+wainscott,1153,3
+allensville,296,1
+merom,876,5
+leonardo,847,0
+lakeville,1404,7
+benevolence,614,3
+lakeville,124,4
+lindenwood,937,6
+pomaria,1370,0
+lindenwood,143,1
+klickitat,1956,5
+wainscott,1531,3
+stockman,243,3
+mifflinburg,511,7
+pomaria,205,3
+hanson,727,7
+coffeen,768,3
+hanson,886,1
+leonardo,480,9
+lakeville,83,1
+woodbine,1792,2
+marstons,2066,3
+leonardo,1688,12
+marstons,2384,0
+pomaria,856,3
+shelbyville,1333,0
+tolstoy,972,2
+leonardo,622,12
+coffeen,797,3
+leonardo,72,2
+wainscott,1100,1
+coffeen,1130,3
+woodbine,829,0
+wainscott,991,1
+hiteman,81,4
+marstons,1133,1
+woodbine,1492,1
+shelbyville,2231,8
+hiteman,1035,9
+hiteman,570,12
+tolstoy,1499,3
+newfields,297,0
+pomaria,121,15
+lindenwood,1760,3
+coffeen,1099,3
+lakeville,1579,0
+lindenwood,949,0
+lindenwood,2097,3
+marstons,2603,0
+lakeville,1121,1
+lakeville,485,2
+marstons,1213,14
+pinesdale,1354,1
+woodbine,1312,8
+woodbine,1991,7
+leonardo,1504,0
+newfields,545,5
+klickitat,1637,4
+cosmos,434,9
+cosmos,467,12
+newfields,795,4
+pinesdale,1253,2
+klickitat,2313,0
+woodbine,1884,1
+lindenwood,728,5
+marstons,1051,2
+hiteman,919,2
+coffeen,1029,3
+pinesdale,872,3
+coffeen,1236,0
+beechwood,91,7
+lakeville,339,2
+cosmos,943,3
+hanson,428,11
+mifflinburg,586,3
+hanson,967,6
+pinesdale,665,3
+onaga,3,4
+shelbyville,2307,5
+newfields,782,0
+marstons,4,2
+leonardo,576,7
+stockman,1389,2
+forkland,872,1
+woodbine,1605,18
+tolstoy,645,3
+forkland,186,2
+coffeen,430,6
+marstons,1132,1
+hiteman,963,1
+shelbyville,404,9
+leonardo,1087,1
+hanson,691,1
+newfields,426,3
+newfields,115,5
+klickitat,979,6
+leonardo,1192,8
+ranchester,379,6
+beechwood,473,9
+marstons,1309,6
+klickitat,2015,0
+leonardo,1484,2
+marstons,1081,8
+leonardo,1933,19
+woodbine,96,8
+cosmos,348,11
+coffeen,1154,2
+stockman,853,3
+newfields,1317,8
+ranchester,1588,2
+wainscott,1601,3
+forkland,225,3
+lindenwood,1966,2
+newfields,1077,5
+leonardo,1789,2
+ranchester,521,1
+leonardo,1682,7
+leonardo,1663,1
+lindenwood,2570,3
+marstons,2170,6
+klickitat,2255,7
+lakeville,355,10
+shelbyville,629,2
+klickitat,2154,4
+lakeville,584,1
+onaga,411,0
+tolstoy,422,0
+pinesdale,283,2
+klickitat,173,11
+hiteman,883,1
+lakeville,1508,5
+stockman,1459,1
+marstons,361,3
+lakeville,907,16
+newfields,431,5
+pinesdale,1113,0
+shelbyville,2470,10
+pomaria,1066,1
+woodbine,766,9
+tolstoy,1437,4
+ranchester,1593,4
+pinesdale,793,1
+marstons,1367,4
+pomaria,1346,12
+tolstoy,1448,1
+wainscott,1254,5
+wainscott,1388,1
+tolstoy,1413,2
+woodbine,960,0
+hanson,849,5
+klickitat,2034,3
+shelbyville,632,6
+marstons,1208,12
+mifflinburg,463,5
+shelbyville,1461,3
+wainscott,1237,10
+mifflinburg,451,2
+pomaria,320,8
+newfields,610,1
+lakeville,1764,0
+pomaria,624,9
+pinesdale,869,1
+wainscott,566,1
+hanson,231,6
+lindenwood,1928,9
+ranchester,273,13
+forkland,1086,1
+hiteman,1153,3
+hiteman,1599,1
+beechwood,1032,7
+coffeen,371,2
+klickitat,1434,0
+wainscott,1171,13
+pomaria,745,2
+hiteman,1244,0
+tolstoy,864,9
+stockman,70,3
+woodbine,88,12
+merom,422,3
+lindenwood,2345,14
+wainscott,919,9
+lindenwood,432,3
+lindenwood,238,5
+lakeville,1238,5
+lindenwood,1271,2
+pinesdale,361,1
+marstons,1188,7
+hanson,16,1
+marstons,1341,7
+woodbine,914,0
+cosmos,676,1
+tolstoy,294,1
+klickitat,986,1
+woodbine,1302,9
+lindenwood,977,0
+stockman,1594,4
+cosmos,772,7
+marstons,669,0
+coffeen,1153,1
+leonardo,230,9
+leonardo,1702,0
+coffeen,792,7
+klickitat,1107,0
+marstons,1765,0
+klickitat,1709,1
+lindenwood,2500,2
+woodbine,90,7
+leonardo,576,8
+klickitat,994,3
+wainscott,942,2
+merom,753,3
+mifflinburg,499,5
+woodbine,274,4
+woodbine,1001,6
+woodbine,1360,0
+shelbyville,1403,2
+klickitat,12,0
+marstons,275,3
+newfields,770,0
+wainscott,1280,4
+newfields,326,2
+pomaria,1355,2
+coffeen,360,8
+klickitat,962,1
+tolstoy,523,8
+lakeville,1428,2
+ranchester,814,3
+hiteman,58,7
+hanson,1617,13
+cosmos,704,9
+shelbyville,2581,5
+woodbine,970,13
+leonardo,1424,1
+shelbyville,2322,3
+merom,557,0
+wainscott,2,9
+beechwood,753,0
+pomaria,630,3
+lakeville,22,1
+pomaria,1629,0
+mifflinburg,966,5
+lindenwood,2051,8
+klickitat,507,2
+woodbine,1203,5
+marstons,2365,0
+woodbine,78,5
+forkland,992,3
+beechwood,972,0
+forkland,504,8
+pinesdale,1502,0
+mifflinburg,621,0
+benevolence,483,1
+beechwood,1039,12
+klickitat,2328,5
+mifflinburg,856,3
+coffeen,679,1
+hiteman,1021,0
+allensville,123,5
+beechwood,100,3
+pinesdale,924,3
+leonardo,1426,4
+woodbine,1598,10
+merom,727,5
+lindenwood,502,6
+mifflinburg,193,5
+tolstoy,652,0
+shelbyville,2674,2
+beechwood,326,3
+shelbyville,1865,3
+forkland,381,0
+shelbyville,1399,5
+hiteman,186,5
+stockman,1047,1
+pomaria,1570,2
+lakeville,273,5
+merom,740,4
+hanson,912,2
+ranchester,144,7
+wainscott,100,3
+coffeen,561,0
+hiteman,1656,0
+marstons,114,3
+cosmos,530,2
+wainscott,585,1
+lindenwood,1623,5
+marstons,1519,4
+benevolence,584,0
+shelbyville,856,2
+lindenwood,1873,2
+tolstoy,1708,0
+forkland,187,5
+klickitat,338,5
+hiteman,997,7
+coffeen,460,9
+pomaria,1271,1
+marstons,1627,2
+klickitat,1675,0
+lindenwood,228,8
+hanson,1067,0
+stockman,37,6
+leonardo,2005,0
+ranchester,609,0
+woodbine,1102,2
+marstons,1439,10
+marstons,1829,11
+lakeville,979,1
+shelbyville,1624,6
+marstons,467,1
+pomaria,851,6
+stockman,843,1
+klickitat,27,6
+pomaria,833,0
+lindenwood,1970,2
+marstons,2104,3
+hiteman,1423,5
+woodbine,719,2
+lindenwood,1477,1
+pomaria,1036,14
+lindenwood,1408,0
+leonardo,166,10
+pinesdale,1192,5
+pomaria,1513,3
+marstons,794,10
+shelbyville,282,0
+shelbyville,2551,1
+lindenwood,220,2
+stockman,727,1
+klickitat,1876,3
+stockman,1249,0
+leonardo,1050,0
+hiteman,117,2
+stockman,358,5
+marstons,60,4
+klickitat,448,0
+forkland,194,0
+tolstoy,176,3
+klickitat,401,4
+tolstoy,1230,14
+lindenwood,1799,1
+pinesdale,474,0
+benevolence,895,3
+merom,1018,1
+shelbyville,2536,1
+lakeville,165,5
+lindenwood,2173,5
+shelbyville,1239,4
+marstons,729,5
+leonardo,1819,3
+pinesdale,458,1
+beechwood,728,1
+merom,447,2
+ranchester,1365,1
+pinesdale,367,1
+hanson,1566,0
+hanson,935,3
+cosmos,685,6
+lindenwood,152,0
+lakeville,246,14
+tolstoy,552,6
+hiteman,675,3
+lindenwood,2620,0
+tolstoy,1200,5
+lakeville,754,0
+pomaria,1536,6
+lakeville,1413,1
+marstons,54,0
+tolstoy,548,3
+allensville,138,5
+shelbyville,1196,6
+woodbine,312,3
+ranchester,746,2
+wainscott,1781,2
+marstons,640,4
+pomaria,757,7
+tolstoy,1183,0
+stockman,359,1
+shelbyville,293,1
+beechwood,829,0
+pinesdale,372,2
+pinesdale,407,3
+marstons,428,1
+lindenwood,1777,1
+leonardo,1423,17
+leonardo,995,2
+klickitat,2309,11
+lakeville,1521,0
+hanson,352,11
+lakeville,1034,1
+klickitat,2368,4
+benevolence,206,6
+leonardo,742,3
+stockman,857,0
+beechwood,1002,1
+forkland,1163,10
+pomaria,1185,0
+klickitat,483,5
+wainscott,921,5
+hiteman,952,7
+pinesdale,1334,4
+coffeen,1251,2
+lindenwood,1648,8
+marstons,64,12
+klickitat,415,1
+pinesdale,232,4
+woodbine,978,3
+leonardo,795,4
+stockman,141,1
+leonardo,1862,3
+wainscott,1156,9
+lindenwood,2577,10
+merom,501,4
+hiteman,1708,3
+shelbyville,818,2
+ranchester,409,4
+tolstoy,931,9
+stockman,1596,6
+cosmos,518,5
+lakeville,1290,4
+klickitat,928,3
+lindenwood,12,0
+wainscott,291,1
+mifflinburg,248,1
+ranchester,1565,5
+pomaria,1344,3
+shelbyville,1957,2
+shelbyville,1856,3
+coffeen,260,4
+tolstoy,1682,3
+leonardo,1740,1
+beechwood,429,0
+lindenwood,179,8
+ranchester,120,2
+cosmos,474,5
+hanson,1424,1
+leonardo,1677,1
+lindenwood,1958,3
+woodbine,1416,0
+shelbyville,465,1
+shelbyville,749,8
+tolstoy,588,12
+marstons,753,15
+ranchester,433,3
+klickitat,1087,0
+hiteman,1122,3
+lindenwood,958,7
+stockman,1542,0
+leonardo,1501,2
+cosmos,340,5
+stockman,1382,3
+marstons,1493,0
+marstons,662,1
+pinesdale,582,7
+marstons,2482,4
+pinesdale,732,0
+woodbine,2023,9
+pinesdale,1313,8
+coffeen,474,0
+shelbyville,2621,3
+lindenwood,540,3
+lindenwood,1144,1
+marstons,1010,3
+lakeville,1353,1
+hanson,895,9
+ranchester,717,0
+woodbine,739,15
+wainscott,1553,0
+shelbyville,648,1
+lindenwood,160,4
+woodbine,980,1
+lakeville,659,7
+wainscott,682,2
+woodbine,572,4
+leonardo,436,6
+lindenwood,2028,3
+hanson,71,3
+lindenwood,2657,2
+hanson,1296,2
+lakeville,1475,11
+hiteman,930,0
+coffeen,584,1
+woodbine,1853,18
+merom,894,4
+pomaria,198,2
+klickitat,1679,3
+lakeville,1191,7
+klickitat,62,6
+tolstoy,1728,11
+stockman,61,7
+pomaria,1220,8
+tolstoy,82,1
+woodbine,1199,5
+onaga,354,1
+stockman,272,5
+marstons,850,4
+wainscott,178,8
+pinesdale,1116,2
+lakeville,229,5
+newfields,246,7
+newfields,39,0
+hiteman,69,2
+lindenwood,477,3
+merom,1081,1
+wainscott,142,6
+merom,239,0
+marstons,796,1
+tolstoy,161,4
+leonardo,1732,4
+cosmos,908,6
+lindenwood,1874,4
+merom,226,0
+mifflinburg,44,3
+lindenwood,631,0
+leonardo,641,4
+lindenwood,169,2
+pinesdale,758,0
+lakeville,1288,0
+pomaria,1009,3
+tolstoy,812,3
+beechwood,855,4
+coffeen,159,1
+klickitat,818,7
+beechwood,971,1
+pomaria,968,3
+newfields,1399,1
+lindenwood,440,8
+hanson,424,5
+leonardo,409,4
+tolstoy,558,6
+stockman,918,6
+pinesdale,1255,5
+shelbyville,466,0
+lindenwood,1425,2
+klickitat,495,6
+woodbine,383,0
+lakeville,675,5
+beechwood,1149,1
+forkland,477,0
+tolstoy,1141,5
+beechwood,572,3
+ranchester,207,0
+marstons,71,0
+stockman,799,2
+coffeen,1479,8
+shelbyville,337,4
+leonardo,2033,0
+newfields,156,7
+pomaria,27,7
+tolstoy,1698,0
+leonardo,116,3
+beechwood,717,5
+stockman,1587,0
+klickitat,914,4
+forkland,789,3
+newfields,175,3
+marstons,1128,3
+beechwood,1101,4
+marstons,1427,4
+wainscott,1110,6
+lindenwood,1171,5
+klickitat,8,15
+lindenwood,2363,1
+woodbine,1127,1
+tolstoy,1265,2
+lindenwood,945,0
+tolstoy,731,7
+shelbyville,310,7
+newfields,74,3
+leonardo,826,10
+beechwood,13,1
+marstons,1488,6
+shelbyville,1463,9
+woodbine,1068,5
+leonardo,344,2
+wainscott,1128,0
+lakeville,688,7
+cosmos,321,6
+leonardo,1629,7
+marstons,1234,4
+hanson,872,6
+lindenwood,535,3
+stockman,966,0
+lindenwood,985,5
+hiteman,1348,3
+wainscott,1605,8
+wainscott,1039,14
+ranchester,775,8
+leonardo,1251,3
+coffeen,156,7
+leonardo,706,2
+merom,805,1
+stockman,730,2
+marstons,533,0
+tolstoy,1477,8
+pomaria,633,13
+ranchester,1459,1
+merom,281,4
+klickitat,394,6
+marstons,2381,7
+hanson,449,0
+ranchester,645,16
+leonardo,195,2
+klickitat,2236,7
+wainscott,983,6
+lakeville,1404,8
+pinesdale,98,0
+klickitat,5,4
+tolstoy,1560,1
+lindenwood,727,7
+stockman,1602,1
+newfields,444,1
+lindenwood,2619,9
+stockman,94,5
+coffeen,1260,1
+hiteman,753,0
+ranchester,667,0
+newfields,471,1
+pomaria,987,1
+cosmos,621,1
+pinesdale,888,6
+benevolence,358,9
+hanson,480,2
+woodbine,1516,9
+coffeen,1343,2
+stockman,895,3
+woodbine,403,8
+allensville,403,0
+tolstoy,1761,0
+woodbine,953,0
+lindenwood,823,2
+pinesdale,1182,4
+hanson,257,8
+cosmos,957,2
+hanson,1476,1
+wainscott,30,4
+shelbyville,1759,5
+lakeville,642,6
+wainscott,149,4
+coffeen,463,2
+leonardo,521,12
+mifflinburg,420,5
+leonardo,1188,3
+coffeen,1418,9
+lindenwood,651,0
+merom,1044,4
+merom,276,3
+stockman,788,6
+hiteman,453,12
+lakeville,1431,7
+lakeville,66,1
+klickitat,2352,2
+lakeville,1656,2
+beechwood,678,1
+benevolence,14,1
+shelbyville,1779,1
+wainscott,264,5
+pomaria,826,4
+hiteman,393,12
+merom,146,0
+klickitat,1100,0
+leonardo,363,6
+woodbine,1572,1
+hiteman,308,0
+wainscott,181,3
+hanson,1067,5
+klickitat,50,7
+forkland,940,2
+klickitat,1128,1
+lakeville,769,10
+wainscott,1205,3
+hanson,1324,11
+woodbine,1732,3
+mifflinburg,64,3
+coffeen,1088,3
+lindenwood,1651,15
+pinesdale,1396,5
+hanson,381,9
+marstons,2178,0
+stockman,1293,4
+wainscott,420,2
+beechwood,214,3
+benevolence,605,5
+leonardo,1964,2
+hiteman,1277,1
+lindenwood,291,18
+wainscott,1596,1
+hiteman,777,1
+leonardo,1280,3
+shelbyville,74,1
+hiteman,1308,8
+klickitat,734,4
+tolstoy,1586,2
+woodbine,1791,0
+merom,864,2
+wainscott,79,1
+mifflinburg,201,1
+pomaria,769,3
+leonardo,1857,3
+leonardo,874,8
+wainscott,1547,8
+lindenwood,79,3
+ranchester,1297,1
+ranchester,32,6
+pinesdale,449,7
+pomaria,292,2
+marstons,1475,6
+shelbyville,790,0
+klickitat,1967,11
+shelbyville,654,3
+coffeen,1060,0
+benevolence,831,1
+beechwood,766,2
+marstons,327,4
+leonardo,1022,4
+shelbyville,1784,7
+forkland,525,2
+ranchester,375,7
+lakeville,1704,13
+pinesdale,1040,3
+woodbine,1871,2
+newfields,62,0
+stockman,550,5
+woodbine,1165,11
+shelbyville,1873,6
+stockman,877,0
+ranchester,1587,3
+shelbyville,869,1
+leonardo,700,2
+marstons,768,3
+pomaria,1116,0
+stockman,478,2
+wainscott,683,6
+coffeen,1089,1
+wainscott,1555,5
+lindenwood,1374,2
+forkland,876,0
+wainscott,1421,5
+ranchester,837,11
+shelbyville,129,1
+leonardo,225,4
+hanson,693,9
+ranchester,244,1
+onaga,596,0
+marstons,2344,2
+lakeville,1531,7
+leonardo,534,2
+beechwood,687,2
+shelbyville,2702,4
+wainscott,1341,1
+marstons,1892,8
+marstons,1217,8
+klickitat,1292,0
+pomaria,1427,9
+hanson,1046,0
+beechwood,239,1
+hiteman,393,9
+hiteman,695,0
+shelbyville,56,4
+marstons,359,4
+klickitat,664,5
+newfields,1500,6
+mifflinburg,532,4
+hiteman,598,6
+shelbyville,534,2
+woodbine,984,14
+shelbyville,1201,9
+stockman,112,7
+leonardo,1905,1
+lindenwood,2044,2
+klickitat,677,2
+tolstoy,104,5
+woodbine,525,3
+hiteman,359,8
+ranchester,1535,5
+lindenwood,2382,2
+coffeen,1369,0
+cosmos,323,1
+ranchester,986,12
+klickitat,307,7
+marstons,1867,1
+leonardo,1395,1
+marstons,2440,5
+lakeville,1330,2
+klickitat,628,1
+shelbyville,465,10
+newfields,444,9
+klickitat,1833,1
+pomaria,567,5
+forkland,1005,4
+shelbyville,1281,1
+ranchester,491,2
+allensville,401,5
+merom,501,6
+lindenwood,1623,12
+klickitat,1429,11
+leonardo,117,0
+leonardo,1074,0
+allensville,310,1
+benevolence,100,0
+allensville,462,3
+woodbine,908,7
+woodbine,1781,2
+forkland,840,4
+coffeen,297,2
+shelbyville,457,2
+lindenwood,2058,5
+leonardo,1663,7
+stockman,847,0
+lindenwood,2421,3
+tolstoy,1001,0
+hiteman,198,11
+pomaria,1377,7
+klickitat,503,8
+stockman,726,2
+woodbine,500,1
+pomaria,1414,6
+pinesdale,1433,6
+pomaria,214,5
+merom,724,3
+woodbine,444,5
+beechwood,223,6
+wainscott,1710,10
+pomaria,555,0
+lakeville,1495,3
+hiteman,702,10
+newfields,192,6
+hanson,264,0
+wainscott,701,5
+hanson,1506,1
+newfields,1488,1
+lakeville,1539,1
+marstons,1391,3
+stockman,449,0
+allensville,248,3
+shelbyville,1913,3
+shelbyville,1493,2
+shelbyville,49,12
+marstons,2181,1
+shelbyville,343,10
+marstons,2515,11
+beechwood,429,1
+shelbyville,2741,2
+klickitat,2180,0
+ranchester,1110,6
+leonardo,827,0
+woodbine,1856,13
+wainscott,1300,9
+lakeville,835,3
+hanson,822,1
+lakeville,1184,11
+pinesdale,823,0
+merom,140,0
+newfields,763,5
+lakeville,275,6
+tolstoy,1102,13
+lindenwood,377,0
+ranchester,1124,3
+lakeville,1701,0
+lindenwood,735,4
+klickitat,768,1
+ranchester,983,4
+tolstoy,1011,13
+pomaria,998,1
+lakeville,54,12
+beechwood,53,0
+forkland,1081,0
+marstons,877,2
+tolstoy,685,3
+leonardo,1895,11
+pomaria,297,5
+ranchester,168,11
+newfields,263,8
+marstons,2383,8
+hanson,1369,6
+shelbyville,197,8
+stockman,942,3
+pomaria,481,4
+mifflinburg,2,3
+cosmos,500,8
+ranchester,1485,0
+coffeen,1441,0
+lindenwood,1941,5
+stockman,15,16
+lindenwood,1131,10
+klickitat,1377,0
+hiteman,274,1
+stockman,210,1
+hiteman,242,6
+marstons,424,5
+pomaria,289,4
+onaga,507,1
+coffeen,454,5
+lakeville,464,9
+tolstoy,1253,9
+klickitat,1129,4
+ranchester,1528,1
+wainscott,253,7
+woodbine,1117,1
+klickitat,46,0
+coffeen,173,0
+klickitat,165,12
+hanson,62,0
+hanson,1579,3
+shelbyville,151,0
+shelbyville,321,2
+klickitat,1097,0
+klickitat,2260,5
+wainscott,301,4
+lakeville,1043,2
+woodbine,1446,13
+coffeen,917,5
+woodbine,197,1
+klickitat,1681,3
+lakeville,222,5
+hanson,1510,23
+ranchester,1112,3
+wainscott,79,7
+allensville,262,2
+hiteman,1382,6
+cosmos,152,7
+stockman,1369,3
+stockman,711,5
+tolstoy,1339,2
+leonardo,553,12
+newfields,172,0
+lindenwood,1770,0
+lindenwood,1370,3
+newfields,1615,15
+leonardo,1774,7
+klickitat,2160,10
+pinesdale,451,5
+lakeville,1670,11
+wainscott,1588,4
+ranchester,1329,0
+pinesdale,725,10
+cosmos,572,1
+newfields,865,3
+lakeville,771,5
+lindenwood,783,3
+klickitat,2249,6
+hanson,201,1
+wainscott,792,9
+lakeville,297,0
+tolstoy,474,9
+newfields,458,0
+lindenwood,2240,8
+shelbyville,871,1
+shelbyville,1975,1
+lindenwood,511,1
+stockman,1611,3
+tolstoy,619,9
+pomaria,1282,2
+leonardo,687,3
+leonardo,1600,11
+shelbyville,1637,7
+ranchester,420,2
+klickitat,2022,8
+woodbine,1273,5
+woodbine,161,1
+coffeen,200,2
+pomaria,528,4
+lakeville,892,1
+leonardo,373,11
+cosmos,1017,8
+marstons,1994,7
+shelbyville,235,1
+lindenwood,1062,1
+wainscott,1247,1
+ranchester,1123,8
+ranchester,601,4
+ranchester,439,3
+pinesdale,419,7
+lakeville,1284,8
+leonardo,1477,1
+tolstoy,1313,9
+lindenwood,2081,2
+cosmos,0,2
+cosmos,469,6
+lindenwood,427,4
+woodbine,493,4
+marstons,473,12
+pinesdale,765,4
+hiteman,1301,4
+ranchester,384,4
+shelbyville,737,5
+mifflinburg,264,4
+shelbyville,393,8
+lindenwood,256,1
+wainscott,1093,1
+ranchester,1347,4
+lakeville,710,2
+leonardo,1828,3
+woodbine,796,1
+shelbyville,1296,0
+tolstoy,684,12
+cosmos,25,4
+newfields,16,7
+hanson,651,3
+marstons,609,1
+lakeville,943,2
+shelbyville,1613,0
+merom,166,1
+hanson,1124,1
+woodbine,1121,1
+marstons,420,4
+tolstoy,14,6
+coffeen,202,8
+pomaria,119,1
+lindenwood,2543,3
+woodbine,485,0
+lindenwood,2445,9
+newfields,968,2
+beechwood,1072,14
+woodbine,1004,2
+wainscott,1044,1
+wainscott,625,5
+pomaria,148,2
+wainscott,1795,0
+leonardo,406,15
+tolstoy,351,1
+benevolence,649,0
+lindenwood,726,10
+marstons,1520,9
+woodbine,1369,1
+newfields,872,0
+klickitat,901,0
+woodbine,1889,5
+newfields,304,1
+newfields,1061,2
+wainscott,1542,3
+pinesdale,18,1
+mifflinburg,726,1
+tolstoy,444,2
+ranchester,862,3
+newfields,284,4
+marstons,2641,10
+coffeen,682,1
+stockman,629,1
+marstons,1218,5
+hanson,317,9
+beechwood,830,5
+lindenwood,841,5
+mifflinburg,140,2
+cosmos,1056,1
+mifflinburg,233,0
+marstons,257,3
+tolstoy,1005,6
+newfields,47,3
+pomaria,724,6
+lindenwood,2479,0
+pomaria,1469,12
+forkland,1129,5
+wainscott,363,1
+beechwood,553,2
+pinesdale,417,5
+newfields,710,0
+forkland,991,2
+newfields,984,1
+newfields,991,12
+pomaria,499,8
+lakeville,188,4
+lindenwood,1182,9
+lindenwood,936,6
+stockman,1435,0
+woodbine,701,2
+coffeen,897,6
+shelbyville,1677,0
+stockman,1198,6
+marstons,2650,0
+tolstoy,1209,5
+woodbine,1201,2
+leonardo,848,0
+pinesdale,272,9
+wainscott,523,12
+ranchester,58,6
+forkland,17,5
+marstons,1445,1
+klickitat,1119,8
+lakeville,467,0
+hiteman,806,2
+newfields,1437,5
+cosmos,987,0
+ranchester,1165,1
+marstons,1145,4
+stockman,1449,7
+pinesdale,1355,2
+benevolence,73,1
+forkland,310,0
+hanson,623,5
+wainscott,778,4
+ranchester,923,3
+lindenwood,2463,1
+marstons,1211,9
+cosmos,471,2
+marstons,2129,17
+hiteman,1839,0
+newfields,1442,7
+hanson,336,7
+lakeville,1702,0
+allensville,337,2
+newfields,331,8
+newfields,31,0
+hanson,946,3
+woodbine,1964,3
+newfields,197,14
+klickitat,1818,5
+shelbyville,877,2
+ranchester,370,6
+hiteman,132,4
+lindenwood,606,2
+lakeville,1065,5
+mifflinburg,62,2
+ranchester,254,4
+wainscott,879,6
+benevolence,873,1
+lindenwood,704,0
+newfields,1259,3
+pomaria,1077,2
+cosmos,605,3
+tolstoy,257,0
+shelbyville,1432,11
+lakeville,492,16
+lakeville,1020,3
+lindenwood,132,6
+lakeville,1537,4
+tolstoy,207,2
+hanson,1576,2
+shelbyville,2814,5
+mifflinburg,628,2
+wainscott,851,6
+tolstoy,1454,12
+woodbine,766,3
+lindenwood,110,9
+cosmos,510,1
+klickitat,141,8
+pinesdale,1406,2
+shelbyville,1541,2
+lindenwood,726,1
+shelbyville,1709,3
+pomaria,936,5
+wainscott,907,12
+woodbine,1688,0
+cosmos,993,0
+shelbyville,824,1
+woodbine,1741,0
+tolstoy,617,5
+wainscott,883,3
+leonardo,323,0
+leonardo,126,4
+cosmos,359,3
+shelbyville,1012,2
+shelbyville,218,9
+lindenwood,255,4
+hanson,141,0
+hanson,1331,14
+shelbyville,2454,0
+lindenwood,1193,12
+mifflinburg,525,1
+lakeville,1101,3
+klickitat,1799,10
+klickitat,763,0
+lakeville,468,1
+pomaria,705,7
+klickitat,2334,11
+marstons,485,0
+lindenwood,1725,2
+klickitat,1060,6
+lakeville,10,2
+forkland,159,1
+onaga,397,1
+forkland,1083,2
+tolstoy,839,6
+lakeville,1251,3
+mifflinburg,503,3
+klickitat,2179,2
+shelbyville,1363,4
+pomaria,491,1
+lakeville,33,4
+klickitat,1102,3
+lakeville,1554,0
+shelbyville,873,11
+klickitat,330,3
+beechwood,529,3
+wainscott,361,5
+leonardo,948,0
+stockman,528,9
+marstons,1883,2
+marstons,905,5
+tolstoy,851,0
+tolstoy,1444,3
+lakeville,1329,1
+mifflinburg,977,2
+stockman,1467,4
+newfields,1138,5
+beechwood,698,3
+shelbyville,1880,6
+klickitat,1386,7
+benevolence,766,0
+pomaria,1495,3
+pinesdale,1496,7
+klickitat,1594,6
+woodbine,1631,1
+hiteman,756,7
+mifflinburg,209,0
+shelbyville,210,3
+klickitat,1556,6
+tolstoy,467,10
+lindenwood,557,0
+ranchester,494,1
+mifflinburg,910,2
+pomaria,658,2
+leonardo,2014,6
+marstons,806,7
+hiteman,346,2
+shelbyville,1153,2
+tolstoy,1032,0
+marstons,336,3
+newfields,444,2
+lindenwood,438,1
+pomaria,822,5
+lindenwood,1879,5
+pinesdale,381,6
+pinesdale,323,4
+beechwood,561,0
+forkland,268,2
+pinesdale,585,4
+klickitat,1395,5
+lindenwood,2419,0
+stockman,1266,3
+klickitat,1670,4
+pinesdale,265,0
+marstons,1449,1
+marstons,908,3
+lindenwood,1297,0
+tolstoy,157,6
+klickitat,1573,0
+forkland,348,1
+pomaria,1589,3
+tolstoy,1161,1
+leonardo,1500,3
+lakeville,1387,4
+leonardo,1726,2
+hiteman,1760,4
+beechwood,1071,9
+cosmos,792,3
+lakeville,608,12
+wainscott,1064,2
+shelbyville,243,1
+newfields,274,5
+klickitat,1092,10
+beechwood,147,1
+benevolence,613,0
+tolstoy,726,2
+shelbyville,2754,3
+leonardo,82,2
+beechwood,681,2
+shelbyville,2102,4
+leonardo,1133,3
+leonardo,1328,5
+tolstoy,1495,1
+leonardo,328,0
+shelbyville,831,0
+forkland,816,1
+marstons,1799,1
+woodbine,1848,9
+shelbyville,453,1
+hiteman,539,0
+cosmos,965,0
+pomaria,377,9
+hiteman,1121,3
+mifflinburg,126,4
+pinesdale,866,1
+coffeen,1179,5
+stockman,1458,0
+pomaria,1289,9
+woodbine,397,6
+woodbine,72,4
+wainscott,1713,9
+hiteman,1776,12
+tolstoy,207,6
+newfields,1541,10
+marstons,934,11
+pinesdale,1314,2
+lindenwood,1490,6
+tolstoy,965,0
+coffeen,220,3
+beechwood,348,4
+marstons,31,7
+tolstoy,1544,3
+coffeen,269,3
+leonardo,1985,11
+mifflinburg,924,0
+leonardo,530,17
+wainscott,1657,8
+mifflinburg,267,1
+wainscott,975,6
+lindenwood,1220,2
+onaga,395,1
+marstons,227,2
+cosmos,930,8
+lakeville,1778,7
+coffeen,991,3
+leonardo,1316,0
+benevolence,949,2
+ranchester,313,1
+wainscott,395,0
+merom,776,0
+woodbine,1311,8
+beechwood,112,3
+marstons,2466,3
+leonardo,1182,4
+mifflinburg,382,0
+stockman,344,2
+pomaria,1573,3
+pomaria,494,8
+benevolence,580,6
+pomaria,1589,1
+lindenwood,2407,1
+lindenwood,2473,3
+stockman,264,3
+coffeen,666,3
+newfields,1260,0
+pomaria,510,11
+allensville,475,3
+newfields,361,2
+shelbyville,942,1
+newfields,1585,3
+ranchester,1217,7
+hiteman,1783,5
+tolstoy,361,0
+wainscott,1241,15
+tolstoy,188,2
+beechwood,115,8
+lakeville,490,5
+marstons,293,2
+newfields,177,1
+hanson,794,6
+shelbyville,1690,6
+lindenwood,996,5
+marstons,2320,4
+leonardo,1998,2
+pinesdale,1350,3
+klickitat,476,1
+marstons,2606,10
+tolstoy,806,2
+leonardo,1845,2
+merom,464,3
+lindenwood,2381,0
+ranchester,335,0
+mifflinburg,326,3
+shelbyville,734,1
+forkland,830,3
+ranchester,1596,3
+pomaria,418,8
+beechwood,354,1
+stockman,3,3
+marstons,1277,11
+leonardo,234,2
+coffeen,1072,0
+mifflinburg,440,3
+stockman,1510,3
+tolstoy,1237,8
+klickitat,1532,1
+merom,1012,0
+lindenwood,1333,7
+klickitat,2350,1
+shelbyville,1419,7
+shelbyville,1182,4
+beechwood,54,7
+onaga,455,1
+cosmos,499,3
+pomaria,897,1
+marstons,66,0
+lindenwood,1989,10
+woodbine,679,3
+lakeville,1603,12
+onaga,84,2
+leonardo,1066,5
+newfields,928,3
+pinesdale,458,7
+benevolence,349,0
+marstons,199,4
+shelbyville,1009,4
+shelbyville,2537,4
+wainscott,925,14
+mifflinburg,52,8
+lakeville,125,6
+pomaria,1246,1
+mifflinburg,729,5
+leonardo,1089,9
+lindenwood,704,3
+shelbyville,2634,0
+forkland,152,4
+woodbine,953,4
+coffeen,1291,0
+woodbine,544,11
+pomaria,1587,3
+shelbyville,51,2
+wainscott,1488,1
+leonardo,1204,2
+shelbyville,849,0
+lakeville,1225,6
+pomaria,1110,2
+ranchester,1472,8
+onaga,84,9
+leonardo,1056,4
+wainscott,1476,4
+merom,1046,0
+hiteman,1390,11
+woodbine,1237,4
+shelbyville,517,5
+pomaria,1278,3
+hiteman,301,4
+woodbine,389,0
+marstons,741,0
+pomaria,90,5
+mifflinburg,424,1
+leonardo,787,1
+lindenwood,850,1
+pinesdale,368,9
+lindenwood,2237,0
+marstons,1067,1
+lindenwood,257,8
+benevolence,914,2
+lindenwood,104,6
+lindenwood,1332,3
+lakeville,11,2
+lindenwood,1919,3
+cosmos,117,3
+klickitat,1954,5
+wainscott,1606,1
+pomaria,1437,19
+shelbyville,982,3
+cosmos,910,1
+shelbyville,1739,4
+pinesdale,572,3
+lindenwood,682,5
+newfields,559,0
+leonardo,366,1
+ranchester,1080,4
+beechwood,588,0
+beechwood,433,2
+wainscott,214,5
+marstons,2609,3
+woodbine,283,3
+klickitat,541,6
+coffeen,737,2
+stockman,1417,5
+coffeen,991,5
+klickitat,797,5
+wainscott,1191,11
+pomaria,1314,2
+shelbyville,2510,2
+shelbyville,1208,5
+woodbine,1143,4
+hiteman,1769,5
+leonardo,399,3
+tolstoy,1504,0
+allensville,18,3
+klickitat,2199,2
+marstons,2476,0
+leonardo,2048,2
+lindenwood,2132,4
+benevolence,56,1
+pomaria,1026,5
+shelbyville,1702,5
+marstons,1896,6
+lakeville,1177,0
+stockman,1017,2
+ranchester,1300,6
+lindenwood,1431,1
+marstons,504,0
+tolstoy,662,0
+tolstoy,829,0
+leonardo,1528,8
+woodbine,302,1
+newfields,481,7
+newfields,152,2
+newfields,1437,4
+ranchester,1557,0
+pomaria,1672,2
+marstons,1807,2
+pinesdale,916,1
+klickitat,2283,3
+hanson,377,2
+klickitat,1197,6
+leonardo,152,4
+leonardo,760,0
+lakeville,492,8
+beechwood,1026,0
+shelbyville,2258,1
+lakeville,1595,9
+wainscott,494,4
+mifflinburg,332,2
+hanson,1188,2
+wainscott,699,2
+merom,694,1
+lindenwood,2190,2
+shelbyville,627,5
+forkland,1013,1
+hanson,244,1
+tolstoy,540,0
+onaga,554,5
+beechwood,411,2
+pomaria,1013,4
+klickitat,1011,3
+stockman,1147,5
+pomaria,1094,2
+coffeen,1419,9
+hiteman,747,2
+tolstoy,1539,1
+klickitat,2268,6
+coffeen,230,6
+lindenwood,1601,2
+lindenwood,1052,2
+lindenwood,70,3
+marstons,48,7
+merom,250,2
+klickitat,858,0
+lakeville,519,3
+beechwood,1100,6
+benevolence,548,10
+pomaria,1169,4
+klickitat,2407,4
+pomaria,1550,0
+pomaria,738,3
+marstons,1404,3
+lakeville,434,6
+woodbine,1704,0
+lakeville,1628,9
+klickitat,980,6
+hanson,590,1
+pomaria,967,2
+shelbyville,86,7
+pomaria,1389,1
+forkland,1173,0
+stockman,216,5
+newfields,489,1
+lindenwood,1435,2
+marstons,2021,2
+pomaria,345,3
+merom,638,3
+pomaria,1410,2
+newfields,233,1
+hanson,720,0
+wainscott,674,0
+leonardo,950,0
+wainscott,1793,7
+shelbyville,367,4
+merom,372,7
+newfields,88,6
+onaga,103,2
+hanson,242,0
+beechwood,806,10
+wainscott,1684,1
+shelbyville,389,2
+klickitat,132,3
+stockman,729,3
+wainscott,985,3
+beechwood,833,3
+forkland,324,4
+hiteman,1825,3
+forkland,1029,1
+stockman,685,3
+stockman,1472,1
+shelbyville,1842,4
+marstons,551,3
+allensville,49,7
+marstons,43,4
+pinesdale,1321,1
+leonardo,1723,1
+klickitat,655,1
+tolstoy,1678,1
+shelbyville,1571,0
+ranchester,44,0
+beechwood,218,0
+hanson,1305,11
+shelbyville,2483,1
+shelbyville,0,1
+pinesdale,428,1
+shelbyville,2322,14
+lindenwood,388,0
+ranchester,911,7
+pinesdale,231,5
+beechwood,863,3
+lakeville,771,2
+pinesdale,1363,7
+beechwood,685,5
+tolstoy,202,8
+allensville,351,3
+lindenwood,1643,4
+woodbine,1822,6
+hiteman,1484,1
+cosmos,799,11
+beechwood,217,3
+shelbyville,456,9
+hanson,678,1
+wainscott,844,2
+woodbine,1532,2
+leonardo,271,6
+woodbine,1569,0
+pomaria,1619,0
+stockman,1336,2
+klickitat,2136,7
+mifflinburg,119,5
+newfields,1187,5
+shelbyville,196,6
+leonardo,1608,8
+lindenwood,1520,1
+lindenwood,1096,6
+klickitat,2058,3
+ranchester,1590,4
+tolstoy,363,0
+forkland,192,2
+pomaria,764,5
+klickitat,1689,12
+mifflinburg,282,0
+tolstoy,297,4
+pinesdale,308,11
+shelbyville,438,8
+pomaria,1334,4
+cosmos,617,5
+lakeville,1225,4
+onaga,279,0
+lindenwood,473,5
+newfields,1068,5
+ranchester,751,2
+newfields,247,3
+marstons,2487,0
+pomaria,426,6
+lindenwood,523,1
+shelbyville,242,0
+leonardo,1531,0
+lindenwood,527,11
+newfields,270,0
+shelbyville,2682,0
+coffeen,68,3
+ranchester,449,7
+hanson,1055,5
+hiteman,909,10
+hiteman,166,2
+newfields,1497,3
+pomaria,714,2
+klickitat,468,4
+onaga,638,2
+merom,692,1
+hanson,935,1
+cosmos,161,11
+ranchester,1300,10
+tolstoy,1273,15
+onaga,189,3
+shelbyville,269,0
+lindenwood,803,2
+benevolence,106,0
+klickitat,88,7
+shelbyville,2183,1
+newfields,271,7
+beechwood,959,11
+shelbyville,1933,6
+allensville,244,6
+cosmos,267,3
+newfields,1447,2
+woodbine,1316,6
+leonardo,344,0
+marstons,346,1
+mifflinburg,533,3
+coffeen,1351,3
+merom,745,2
+lindenwood,1029,3
+newfields,516,12
+merom,786,2
+wainscott,656,1
+forkland,725,4
+newfields,1377,0
+marstons,1190,1
+klickitat,843,10
+pinesdale,630,3
+shelbyville,37,9
+marstons,1450,4
+mifflinburg,903,7
+ranchester,1534,4
+beechwood,809,1
+forkland,703,0
+coffeen,1294,2
+ranchester,216,1
+lakeville,1654,13
+beechwood,591,3
+wainscott,1167,0
+pinesdale,948,2
+tolstoy,631,12
+cosmos,306,3
+hiteman,651,5
+coffeen,852,0
+pomaria,599,2
+newfields,17,2
+tolstoy,1253,7
+woodbine,1199,10
+woodbine,325,0
+cosmos,460,12
+shelbyville,2676,10
+leonardo,526,4
+woodbine,1963,2
+hiteman,1562,14
+wainscott,831,0
+hanson,844,3
+lakeville,1166,0
+shelbyville,2006,3
+lindenwood,775,2
+onaga,150,4
+lakeville,550,9
+leonardo,1600,9
+pinesdale,9,3
+leonardo,1641,3
+newfields,1405,14
+stockman,318,2
+leonardo,161,2
+benevolence,155,0
+klickitat,1167,5
+shelbyville,660,3
+lakeville,393,6
+mifflinburg,75,11
+wainscott,413,1
+shelbyville,660,5
+leonardo,1971,4
+wainscott,449,7
+tolstoy,56,6
+lakeville,972,8
+wainscott,1566,7
+wainscott,358,2
+leonardo,2054,3
+woodbine,539,3
+hanson,493,4
+cosmos,927,3
+marstons,628,9
+marstons,701,5
+lakeville,1433,0
+wainscott,863,4
+stockman,944,0
+hiteman,984,3
+klickitat,2195,5
+forkland,1161,1
+lindenwood,1621,1
+onaga,308,9
+wainscott,834,11
+lakeville,297,2
+hiteman,1688,0
+benevolence,492,12
+pomaria,1537,8
+newfields,984,5
+marstons,259,4
+allensville,229,2
+pinesdale,573,5
+pomaria,134,5
+marstons,1442,4
+shelbyville,2437,1
+forkland,54,3
+beechwood,1041,4
+woodbine,1203,7
+tolstoy,67,6
+shelbyville,712,5
+klickitat,1216,5
+newfields,576,6
+klickitat,1046,7
+tolstoy,1670,4
+marstons,514,2
+pomaria,1533,1
+klickitat,402,3
+lindenwood,161,4
+pinesdale,365,3
+marstons,473,2
+lakeville,1057,5
+shelbyville,1346,0
+marstons,2157,8
+mifflinburg,240,11
+hiteman,1231,0
+shelbyville,2559,6
+coffeen,1298,3
+shelbyville,1326,4
+tolstoy,1228,1
+beechwood,453,1
+mifflinburg,520,0
+stockman,940,1
+cosmos,613,2
+woodbine,173,7
+tolstoy,1523,7
+stockman,891,2
+lakeville,1099,5
+klickitat,2340,10
+marstons,1304,8
+lakeville,1175,2
+lindenwood,2582,4
+mifflinburg,922,5
+tolstoy,795,17
+pomaria,1166,0
+marstons,1028,2
+hanson,1065,3
+lindenwood,1543,0
+klickitat,1084,0
+merom,445,7
+beechwood,124,3
+hanson,1426,12
+shelbyville,1816,3
+marstons,922,0
+hiteman,1090,3
+shelbyville,146,11
+wainscott,1090,10
+shelbyville,2558,0
+woodbine,1911,1
+forkland,650,3
+woodbine,1862,3
+beechwood,990,2
+tolstoy,114,7
+lindenwood,1537,0
+pinesdale,407,0
+lakeville,236,5
+leonardo,42,1
+marstons,1424,6
+lakeville,859,4
+klickitat,1092,7
+lindenwood,2342,0
+newfields,1304,0
+wainscott,944,12
+leonardo,2033,15
+forkland,35,7
+tolstoy,1025,0
+coffeen,194,0
+lindenwood,2046,6
+benevolence,805,4
+klickitat,1270,1
+shelbyville,1717,4
+woodbine,1283,4
+pomaria,484,7
+stockman,1547,14
+newfields,63,1
+beechwood,80,3
+shelbyville,1666,1
+pinesdale,1078,0
+beechwood,1091,3
+wainscott,327,5
+newfields,1529,0
+lindenwood,2347,8
+shelbyville,2176,1
+coffeen,166,2
+wainscott,16,2
+hiteman,1318,0
+shelbyville,1433,2
+marstons,1806,0
+forkland,615,6
+newfields,1285,6
+benevolence,696,2
+lindenwood,1995,0
+lakeville,847,10
+marstons,1313,1
+ranchester,273,6
+newfields,991,1
+coffeen,1150,3
+lakeville,568,6
+hiteman,1610,0
+shelbyville,1117,1
+mifflinburg,936,2
+lindenwood,1905,4
+leonardo,1353,5
+lindenwood,1689,0
+beechwood,1176,5
+leonardo,1552,2
+beechwood,849,6
+wainscott,332,4
+marstons,648,11
+stockman,313,2
+lindenwood,386,0
+wainscott,997,10
+lindenwood,558,9
+hanson,852,2
+stockman,1126,4
+wainscott,1292,4
+wainscott,1136,3
+benevolence,533,2
+hiteman,1371,0
+leonardo,1745,1
+merom,764,1
+pinesdale,55,8
+ranchester,1415,9
+shelbyville,1936,1
+merom,700,8
+lakeville,879,2
+klickitat,1686,1
+lakeville,55,7
+mifflinburg,978,2
+woodbine,1920,0
+forkland,865,5
+tolstoy,1222,3
+pinesdale,85,0
+tolstoy,1108,4
+allensville,300,3
+newfields,148,1
+woodbine,673,1
+beechwood,440,5
+cosmos,1025,3
+leonardo,631,1
+marstons,1167,3
+hanson,594,5
+marstons,2614,8
+shelbyville,949,1
+pinesdale,540,8
+lakeville,676,4
+pomaria,98,6
+tolstoy,827,0
+leonardo,1619,3
+merom,789,2
+tolstoy,1615,4
+shelbyville,280,17
+klickitat,2278,5
+hanson,1050,7
+shelbyville,1550,3
+ranchester,1315,1
+newfields,1438,5
+beechwood,672,3
+pinesdale,987,1
+pinesdale,558,4
+tolstoy,968,7
+marstons,161,0
+ranchester,1,0
+hiteman,201,6
+merom,458,1
+lindenwood,1831,2
+hiteman,1823,4
+coffeen,792,4
+newfields,834,9
+shelbyville,221,0
+hanson,387,1
+wainscott,489,0
+marstons,1676,16
+woodbine,925,0
+leonardo,1700,5
+hanson,451,0
+woodbine,905,0
+hanson,158,4
+beechwood,686,1
+hanson,1563,1
+klickitat,284,0
+hanson,949,0
+marstons,1878,0
+coffeen,1093,9
+hiteman,7,1
+hanson,1649,6
+shelbyville,2484,16
+newfields,245,9
+leonardo,1337,2
+ranchester,887,4
+leonardo,370,2
+leonardo,1846,5
+marstons,21,5
+wainscott,641,1
+pinesdale,765,14
+mifflinburg,347,10
+ranchester,319,10
+shelbyville,515,10
+mifflinburg,792,3
+shelbyville,2046,1
+newfields,851,6
+lindenwood,527,5
+woodbine,1866,12
+wainscott,1655,2
+leonardo,731,2
+wainscott,1259,10
+hanson,339,1
+cosmos,454,3
+forkland,737,8
+lindenwood,319,2
+hanson,291,0
+shelbyville,2655,7
+pomaria,1668,2
+pomaria,1548,0
+beechwood,727,3
+klickitat,595,3
+newfields,914,0
+woodbine,1129,0
+mifflinburg,376,1
+woodbine,1296,1
+coffeen,122,0
+lindenwood,1693,2
+woodbine,1262,0
+allensville,218,3
+beechwood,606,5
+beechwood,195,2
+wainscott,1733,1
+pomaria,1043,12
+lakeville,796,11
+klickitat,1246,3
+klickitat,938,6
+tolstoy,1818,2
+lindenwood,83,5
+lakeville,263,7
+shelbyville,329,10
+klickitat,1866,9
+lakeville,127,4
+leonardo,1398,4
+tolstoy,1072,2
+ranchester,153,1
+newfields,719,3
+shelbyville,721,5
+coffeen,288,0
+coffeen,287,2
+hiteman,1268,5
+cosmos,297,2
+beechwood,443,9
+onaga,490,2
+hiteman,1097,0
+cosmos,348,12
+pinesdale,1220,3
+klickitat,2141,0
+shelbyville,533,0
+woodbine,1469,8
+woodbine,1864,13
+ranchester,467,7
+lakeville,777,3
+merom,719,0
+klickitat,1225,4
+ranchester,1250,2
+ranchester,50,12
+lakeville,811,1
+allensville,360,5
+lindenwood,2646,4
+lindenwood,2174,0
+ranchester,542,4
+onaga,160,1
+hiteman,245,3
+woodbine,1967,4
+stockman,25,1
+ranchester,1314,0
+lakeville,826,1
+marstons,352,5
+shelbyville,2266,2
+wainscott,122,6
+klickitat,952,2
+shelbyville,1713,2
+shelbyville,2775,6
+shelbyville,1182,3
+pomaria,908,6
+lindenwood,1244,12
+shelbyville,862,6
+newfields,881,1
+mifflinburg,200,10
+ranchester,964,3
+klickitat,2137,1
+pomaria,491,9
+woodbine,270,1
+ranchester,792,7
+klickitat,1954,0
+klickitat,402,0
+forkland,1130,5
+woodbine,552,4
+klickitat,2277,6
+allensville,374,5
+lakeville,554,1
+hiteman,1000,9
+marstons,1896,12
+hiteman,1519,0
+cosmos,634,1
+leonardo,419,4
+tolstoy,1598,11
+merom,539,5
+marstons,279,4
+tolstoy,1249,7
+stockman,868,2
+coffeen,663,2
+merom,327,2
+hanson,1380,4
+marstons,2110,1
+leonardo,1891,1
+pomaria,1552,0
+newfields,1470,2
+lakeville,107,7
+coffeen,1098,5
+lindenwood,2557,14
+wainscott,1473,2
+beechwood,176,8
+mifflinburg,615,2
+ranchester,315,1
+allensville,503,3
+hiteman,242,3
+woodbine,554,3
+hanson,1009,10
+tolstoy,905,4
+cosmos,983,2
+forkland,1151,4
+pomaria,1403,7
+woodbine,1334,5
+pinesdale,955,10
+pomaria,510,8
+pinesdale,331,2
+leonardo,926,7
+pinesdale,162,10
+klickitat,774,2
+mifflinburg,521,3
+woodbine,589,2
+shelbyville,1521,1
+shelbyville,1568,1
+mifflinburg,242,3
+coffeen,1247,1
+hiteman,745,7
+pinesdale,1167,10
+onaga,93,2
+shelbyville,951,4
+pinesdale,582,1
+shelbyville,1754,2
+lindenwood,2210,8
+marstons,212,2
+leonardo,1349,7
+lakeville,750,1
+hanson,575,2
+tolstoy,891,12
+klickitat,1796,3
+ranchester,592,4
+stockman,334,4
+hiteman,777,0
+marstons,2383,1
+newfields,347,1
+stockman,1252,2
+klickitat,467,16
+klickitat,1451,4
+marstons,185,7
+onaga,252,1
+pomaria,1011,9
+ranchester,587,8
+newfields,222,0
+merom,256,0
+coffeen,1320,2
+lindenwood,2359,9
+leonardo,549,2
+leonardo,1076,5
+wainscott,1335,0
+pomaria,69,0
+pomaria,1395,1
+forkland,860,1
+stockman,913,3
+lindenwood,877,7
+onaga,522,0
+newfields,605,2
+beechwood,1167,0
+merom,712,1
+lindenwood,518,2
+lindenwood,506,2
+lakeville,1426,2
+hanson,1378,4
+pomaria,245,3
+hanson,1659,8
+ranchester,1061,5
+shelbyville,1556,1
+hiteman,1383,5
+lakeville,216,5
+pomaria,42,4
+benevolence,708,12
+klickitat,1465,12
+wainscott,335,3
+ranchester,1131,3
+lindenwood,2063,6
+woodbine,1128,2
+shelbyville,362,4
+marstons,2166,10
+stockman,1515,1
+wainscott,1061,0
+ranchester,963,0
+stockman,776,0
+marstons,118,3
+lakeville,36,18
+lindenwood,2070,2
+hanson,717,7
+beechwood,243,1
+wainscott,549,3
+coffeen,827,0
+marstons,1596,4
+newfields,462,1
+shelbyville,1665,0
+lakeville,250,6
+shelbyville,1551,3
+hanson,274,1
+wainscott,1750,1
+ranchester,1452,0
+tolstoy,393,4
+wainscott,117,0
+cosmos,127,12
+shelbyville,2080,2
+marstons,32,5
+leonardo,1694,3
+tolstoy,665,1
+shelbyville,1722,3
+newfields,1153,3
+hanson,1001,2
+merom,520,4
+lindenwood,2336,2
+leonardo,1731,4
+pomaria,1229,3
+shelbyville,380,3
+ranchester,354,4
+woodbine,1356,7
+newfields,1304,9
+lindenwood,2221,6
+newfields,369,2
+mifflinburg,767,1
+allensville,233,3
+ranchester,132,15
+beechwood,99,1
+marstons,402,2
+marstons,1749,2
+stockman,1026,4
+shelbyville,2007,1
+pomaria,179,2
+leonardo,261,1
+klickitat,171,8
+lindenwood,2216,7
+tolstoy,179,10
+leonardo,491,2
+leonardo,975,1
+tolstoy,905,12
+shelbyville,582,2
+tolstoy,212,4
+allensville,184,7
+coffeen,891,0
+shelbyville,609,2
+shelbyville,1116,14
+shelbyville,1553,2
+shelbyville,1791,0
+lakeville,1543,3
+leonardo,1441,3
+pinesdale,16,0
+klickitat,2109,3
+coffeen,446,1
+newfields,1175,3
+marstons,2131,1
+pomaria,1431,7
+klickitat,1956,11
+newfields,1323,4
+shelbyville,2405,12
+hanson,808,1
+allensville,344,1
+marstons,2384,2
+benevolence,175,3
+tolstoy,699,3
+woodbine,1439,0
+pinesdale,1160,1
+merom,779,4
+hanson,1100,0
+klickitat,588,2
+wainscott,604,11
+pinesdale,203,7
+wainscott,407,3
+tolstoy,1829,1
+hiteman,1,2
+shelbyville,1916,4
+stockman,811,10
+hiteman,269,3
+mifflinburg,956,0
+wainscott,432,0
+forkland,36,3
+pinesdale,288,2
+shelbyville,310,9
+marstons,2387,4
+wainscott,170,16
+coffeen,1032,4
+klickitat,2398,5
+pinesdale,417,4
+wainscott,445,3
+ranchester,1069,4
+lakeville,313,12
+woodbine,529,1
+shelbyville,1738,3
+lakeville,819,3
+ranchester,721,6
+woodbine,1409,0
+marstons,2646,10
+merom,417,7
+shelbyville,611,1
+newfields,240,9
+lindenwood,1548,6
+mifflinburg,87,4
+shelbyville,1654,3
+shelbyville,2600,2
+stockman,301,6
+leonardo,1162,4
+ranchester,435,2
+shelbyville,1501,4
+hanson,534,4
+klickitat,814,5
+cosmos,893,3
+pinesdale,1239,4
+newfields,526,4
+hanson,307,9
+wainscott,1727,3
+forkland,951,7
+coffeen,182,8
+newfields,1597,6
+coffeen,1099,1
+klickitat,2206,0
+klickitat,1935,2
+lakeville,1417,0
+pinesdale,314,3
+pomaria,232,12
+merom,715,1
+marstons,1547,7
+lakeville,1886,3
+cosmos,689,3
+cosmos,461,4
+pinesdale,154,5
+lakeville,226,2
+tolstoy,1524,4
+cosmos,396,2
+tolstoy,1105,5
+ranchester,1211,2
+lindenwood,419,2
+wainscott,965,6
+hanson,1140,0
+woodbine,1548,6
+wainscott,1031,6
+forkland,267,1
+shelbyville,550,5
+leonardo,945,0
+marstons,2177,10
+woodbine,1269,15
+stockman,1390,3
+pomaria,76,2
+klickitat,741,0
+coffeen,1036,0
+ranchester,43,1
+klickitat,1488,0
+stockman,213,5
+stockman,100,8
+shelbyville,104,7
+wainscott,417,1
+shelbyville,775,2
+hanson,1429,10
+coffeen,971,0
+marstons,110,8
+hanson,927,1
+tolstoy,1173,13
+cosmos,82,2
+leonardo,1376,6
+woodbine,1153,0
+wainscott,1707,5
+pinesdale,665,1
+newfields,1584,2
+onaga,679,0
+wainscott,146,4
+hiteman,913,5
+forkland,260,1
+newfields,1638,1
+pomaria,536,4
+hiteman,945,4
+forkland,807,0
+pinesdale,68,1
+shelbyville,1962,9
+hanson,446,3
+lakeville,1317,1
+cosmos,437,1
+shelbyville,228,12
+beechwood,263,0
+leonardo,1474,4
+marstons,2258,3
+lindenwood,1184,5
+wainscott,1207,7
+klickitat,2077,13
+hiteman,871,6
+merom,938,6
+lakeville,580,3
+lakeville,1015,8
+allensville,360,1
+shelbyville,1432,5
+shelbyville,1394,1
+lakeville,773,3
+lindenwood,1624,4
+klickitat,988,0
+pinesdale,218,0
+shelbyville,2227,0
+stockman,1210,1
+shelbyville,2022,3
+forkland,958,0
+hiteman,1212,5
+merom,425,3
+pomaria,911,4
+beechwood,94,1
+beechwood,466,4
+hanson,1458,15
+woodbine,1322,0
+hanson,145,5
+marstons,1580,4
+hiteman,1121,5
+shelbyville,2589,0
+hiteman,749,0
+marstons,314,0
+cosmos,783,0
+woodbine,487,12
+allensville,271,6
+pinesdale,1285,4
+forkland,1124,8
+merom,641,2
+lakeville,1545,7
+lindenwood,2360,0
+woodbine,1697,1
+hiteman,172,2
+pomaria,386,0
+hiteman,1140,2
+shelbyville,96,4
+allensville,279,4
+tolstoy,921,1
+tolstoy,631,8
+shelbyville,253,0
+leonardo,1986,9
+woodbine,1655,4
+ranchester,899,4
+leonardo,1458,3
+woodbine,1239,0
+leonardo,1737,1
+merom,444,2
+hiteman,1191,6
+woodbine,271,2
+allensville,197,5
+klickitat,2396,0
+shelbyville,2663,4
+lakeville,808,0
+stockman,143,1
+marstons,1380,7
+lindenwood,583,1
+tolstoy,1503,5
+woodbine,177,3
+marstons,1327,4
+pinesdale,93,0
+tolstoy,1753,1
+lindenwood,1157,1
+wainscott,1632,2
+hanson,1337,1
+tolstoy,735,0
+stockman,173,2
+coffeen,1389,4
+ranchester,315,4
+lindenwood,1439,6
+stockman,1150,0
+pomaria,357,1
+wainscott,1797,9
+woodbine,873,9
+beechwood,644,1
+lakeville,673,3
+stockman,179,1
+newfields,1547,4
+leonardo,1980,11
+pomaria,1653,2
+cosmos,276,0
+klickitat,2286,12
+stockman,1068,1
+mifflinburg,729,8
+shelbyville,1990,3
+mifflinburg,690,0
+pinesdale,423,7
+stockman,1041,4
+klickitat,170,4
+newfields,1125,8
+shelbyville,173,0
+hanson,1579,12
+marstons,2564,5
+hanson,58,0
+stockman,689,0
+coffeen,376,1
+ranchester,1233,2
+pomaria,999,9
+woodbine,1983,9
+leonardo,190,10
+wainscott,514,0
+hiteman,1447,5
+woodbine,715,2
+tolstoy,776,2
+pomaria,277,2
+lakeville,865,0
+klickitat,2352,3
+mifflinburg,802,2
+mifflinburg,375,7
+ranchester,1601,11
+beechwood,392,6
+hanson,1068,0
+wainscott,1193,2
+marstons,2224,10
+newfields,159,1
+lakeville,1295,0
+ranchester,1511,0
+mifflinburg,924,4
+stockman,1192,3
+shelbyville,623,3
+hanson,487,7
+hanson,254,2
+woodbine,740,0
+marstons,1675,1
+lindenwood,2271,0
+klickitat,1534,4
+woodbine,2019,3
+lakeville,484,2
+tolstoy,1241,0
+ranchester,382,4
+shelbyville,167,1
+pomaria,1557,8
+klickitat,1739,0
+lindenwood,1945,9
+shelbyville,1487,4
+wainscott,447,0
+newfields,82,10
+pinesdale,274,0
+coffeen,651,3
+mifflinburg,140,10
+stockman,874,0
+lakeville,473,1
+woodbine,1344,4
+pinesdale,806,7
+tolstoy,679,0
+hanson,1363,3
+pinesdale,943,0
+forkland,249,0
+marstons,128,0
+shelbyville,934,2
+woodbine,316,2
+wainscott,1757,4
+ranchester,1209,3
+hiteman,593,1
+mifflinburg,939,1
+ranchester,413,2
+tolstoy,102,7
+allensville,258,3
+stockman,1546,2
+marstons,281,5
+wainscott,186,1
+woodbine,1160,6
+shelbyville,2157,1
+forkland,275,8
+shelbyville,2663,12
+lindenwood,1071,4
+mifflinburg,605,1
+newfields,230,4
+shelbyville,1426,6
+shelbyville,1080,5
+ranchester,371,1
+tolstoy,727,6
+wainscott,176,4
+cosmos,908,3
+lakeville,973,1
+marstons,2565,6
+benevolence,678,5
+benevolence,168,0
+klickitat,667,2
+hanson,1611,8
+marstons,1130,6
+shelbyville,1187,2
+pomaria,1475,6
+beechwood,1066,0
+stockman,58,4
+hanson,1419,1
+leonardo,1324,4
+benevolence,130,2
+stockman,6,1
+woodbine,1862,9
+lindenwood,663,5
+shelbyville,923,3
+klickitat,536,3
+leonardo,1600,6
+cosmos,556,0
+wainscott,703,4
+coffeen,491,6
+klickitat,1698,7
+stockman,458,6
+lindenwood,1842,4
+lindenwood,2293,2
+klickitat,2351,6
+klickitat,1500,6
+hiteman,1604,2
+shelbyville,532,5
+shelbyville,2499,3
+shelbyville,1426,5
+woodbine,392,1
+tolstoy,1603,0
+pomaria,791,1
+lindenwood,1642,10
+klickitat,1915,2
+hanson,69,1
+shelbyville,1613,4
+klickitat,2364,2
+coffeen,902,6
+lakeville,1551,8
+leonardo,771,0
+woodbine,484,3
+lindenwood,1387,6
+mifflinburg,311,0
+lindenwood,1296,2
+beechwood,531,0
+klickitat,532,9
+shelbyville,1871,8
+klickitat,298,1
+tolstoy,754,9
+pomaria,1342,3
+shelbyville,1879,1
+lindenwood,806,2
+mifflinburg,594,0
+lakeville,253,6
+pinesdale,950,12
+tolstoy,1660,4
+coffeen,460,4
+lindenwood,29,7
+wainscott,159,6
+pinesdale,334,4
+shelbyville,249,0
+stockman,1176,4
+klickitat,1685,7
+pomaria,1301,2
+merom,87,6
+coffeen,550,3
+lindenwood,618,7
+lindenwood,2151,1
+klickitat,810,4
+forkland,1198,0
+ranchester,29,1
+lakeville,8,2
+stockman,201,0
+pomaria,953,3
+stockman,880,6
+tolstoy,1271,4
+pinesdale,826,11
+shelbyville,17,4
+beechwood,812,0
+onaga,663,6
+lakeville,315,8
+shelbyville,2818,3
+lakeville,1268,10
+marstons,1447,3
+leonardo,442,7
+pomaria,1176,2
+newfields,1238,12
+cosmos,488,0
+wainscott,975,10
+allensville,51,2
+cosmos,725,1
+mifflinburg,112,0
+pomaria,608,6
+pomaria,1111,2
+merom,960,6
+tolstoy,1117,3
+ranchester,870,9
+wainscott,1151,5
+stockman,143,5
+pinesdale,1038,4
+klickitat,2365,0
+stockman,459,1
+woodbine,1548,1
+onaga,485,1
+onaga,511,3
+woodbine,1091,4
+leonardo,1549,6
+klickitat,1312,4
+tolstoy,154,1
+coffeen,1463,2
+lindenwood,101,2
+leonardo,1552,0
+mifflinburg,141,1
+newfields,660,11
+newfields,612,9
+tolstoy,1638,6
+woodbine,1698,1
+wainscott,1315,6
+merom,494,5
+shelbyville,876,0
+marstons,2537,2
+tolstoy,489,2
+coffeen,261,4
+shelbyville,1221,3
+lindenwood,51,1
+coffeen,732,2
+beechwood,883,10
+klickitat,1678,6
+pinesdale,893,3
+shelbyville,2710,12
+stockman,991,5
+pomaria,1537,9
+klickitat,1221,3
+onaga,542,2
+leonardo,869,2
+lindenwood,1825,1
+klickitat,1893,2
+cosmos,805,6
+cosmos,1010,1
+marstons,2435,4
+beechwood,180,5
+forkland,68,7
+coffeen,871,4
+leonardo,1478,2
+pomaria,1030,4
+shelbyville,116,2
+marstons,2243,0
+forkland,1060,0
+forkland,1019,5
+hanson,1029,15
+hiteman,574,1
+beechwood,618,1
+stockman,298,1
+tolstoy,444,3
+ranchester,592,9
+hiteman,1215,10
+newfields,683,2
+forkland,458,3
+lindenwood,1502,1
+beechwood,622,0
+lindenwood,1147,4
+woodbine,118,8
+wainscott,1363,5
+lakeville,369,0
+hanson,230,4
+forkland,1120,1
+cosmos,182,0
+hanson,892,11
+newfields,1202,7
+pinesdale,67,2
+hiteman,551,0
+wainscott,859,10
+woodbine,1484,2
+shelbyville,2189,7
+leonardo,1860,6
+leonardo,268,12
+ranchester,612,3
+hiteman,1475,0
+marstons,302,4
+wainscott,1036,1
+lakeville,515,4
+marstons,1828,8
+ranchester,1263,3
+cosmos,825,0
+klickitat,2389,3
+woodbine,1902,14
+lakeville,1811,1
+shelbyville,1540,5
+lakeville,1291,4
+hanson,1471,0
+marstons,804,14
+shelbyville,2341,13
+leonardo,1334,1
+cosmos,882,0
+marstons,1560,4
+woodbine,1124,0
+beechwood,894,1
+hiteman,74,3
+marstons,320,15
+onaga,88,2
+cosmos,530,9
+hanson,1284,9
+hiteman,578,5
+pinesdale,739,0
+stockman,1547,10
+lakeville,189,2
+klickitat,1386,0
+lindenwood,2085,0
+pinesdale,1508,4
+ranchester,459,6
+newfields,1558,0
+stockman,1031,4
+forkland,159,2
+allensville,9,2
+marstons,1204,1
+hanson,153,1
+benevolence,348,7
+wainscott,889,8
+stockman,1474,2
+stockman,1429,4
+newfields,1059,1
+woodbine,303,10
+marstons,1285,2
+marstons,1483,5
+wainscott,1195,1
+stockman,1254,2
+hiteman,173,3
+ranchester,973,5
+lakeville,691,1
+woodbine,780,4
+wainscott,147,0
+beechwood,91,5
+ranchester,990,4
+lindenwood,205,1
+coffeen,1262,0
+shelbyville,665,2
+tolstoy,1663,4
+hanson,518,3
+pinesdale,1469,0
+cosmos,448,11
+newfields,899,4
+woodbine,1757,0
+newfields,1615,14
+woodbine,1310,3
+tolstoy,31,0
+lindenwood,962,1
+mifflinburg,70,4
+pomaria,1054,0
+pomaria,1273,3
+tolstoy,1557,8
+ranchester,873,5
+shelbyville,1886,3
+stockman,1178,0
+marstons,625,5
+coffeen,12,2
+leonardo,1894,0
+marstons,1164,0
+woodbine,1105,13
+lakeville,1538,0
+stockman,571,5
+marstons,473,4
+hanson,184,9
+lakeville,465,2
+woodbine,512,6
+merom,87,3
+shelbyville,500,3
+pomaria,1036,10
+lindenwood,977,1
+pomaria,522,3
+hanson,1658,13
+lakeville,249,1
+leonardo,363,15
+woodbine,1488,0
+lindenwood,1854,0
+klickitat,2310,2
+shelbyville,1590,2
+shelbyville,2221,0
+tolstoy,1028,4
+pinesdale,618,13
+coffeen,1150,6
+pomaria,49,0
+hanson,1146,12
+newfields,1231,6
+pinesdale,935,4
+pinesdale,214,1
+lakeville,575,1
+marstons,2132,2
+woodbine,2058,6
+lindenwood,1299,4
+leonardo,433,0
+wainscott,1419,7
+pomaria,1359,0
+wainscott,373,1
+newfields,261,1
+lakeville,688,10
+shelbyville,187,0
+cosmos,405,8
+leonardo,370,3
+ranchester,1328,10
+leonardo,1976,7
+wainscott,1420,1
+stockman,1279,1
+hiteman,1522,2
+leonardo,1209,4
+klickitat,1678,7
+klickitat,2326,11
+forkland,100,10
+leonardo,156,3
+pomaria,813,14
+klickitat,732,8
+allensville,120,5
+hiteman,1655,5
+leonardo,884,5
+marstons,2428,1
+shelbyville,270,11
+mifflinburg,755,0
+merom,3,2
+pinesdale,1220,0
+merom,460,3
+shelbyville,2646,12
+newfields,497,10
+hiteman,1786,7
+onaga,557,1
+marstons,1520,8
+pomaria,706,7
+leonardo,1608,11
+tolstoy,1667,5
+hiteman,1,4
+pinesdale,1045,4
+newfields,505,6
+klickitat,2338,7
+wainscott,1794,2
+klickitat,2229,2
+onaga,138,2
+tolstoy,639,1
+hiteman,1755,14
+cosmos,738,8
+klickitat,21,0
+tolstoy,930,0
+lindenwood,1701,1
+lindenwood,1640,0
+marstons,294,2
+wainscott,446,0
+onaga,78,2
+beechwood,614,0
+leonardo,814,1
+marstons,649,4
+klickitat,140,20
+shelbyville,854,9
+leonardo,958,4
+klickitat,230,9
+shelbyville,79,1
+pomaria,644,12
+wainscott,140,12
+lindenwood,789,2
+lakeville,472,0
+shelbyville,2470,7
+shelbyville,1275,0
+klickitat,2341,2
+klickitat,2372,1
+mifflinburg,421,2
+lindenwood,1947,2
+stockman,610,3
+newfields,1299,2
+wainscott,398,8
+woodbine,996,4
+woodbine,555,6
+woodbine,779,13
+beechwood,512,1
+newfields,800,3
+woodbine,558,5
+klickitat,680,6
+wainscott,820,7
+shelbyville,2512,6
+coffeen,593,2
+coffeen,1197,1
+lindenwood,153,0
+lakeville,106,8
+mifflinburg,509,8
+marstons,28,4
+cosmos,150,10
+onaga,145,0
+tolstoy,1230,5
+allensville,173,0
+onaga,1,3
+lindenwood,686,6
+beechwood,1159,3
+klickitat,1022,1
+newfields,1427,10
+woodbine,1721,3
+klickitat,1620,1
+klickitat,683,3
+beechwood,934,2
+merom,1091,2
+mifflinburg,814,1
+klickitat,11,8
+woodbine,862,5
+marstons,1836,8
+leonardo,580,4
+hanson,630,7
+wainscott,311,3
+pomaria,1150,1
+klickitat,733,1
+lindenwood,1087,7
+allensville,339,2
+wainscott,783,9
+marstons,2377,4
+stockman,1497,2
+shelbyville,2568,5
+lakeville,794,2
+stockman,322,5
+lakeville,1123,2
+woodbine,151,0
+newfields,1489,1
+marstons,301,0
+ranchester,890,0
+lakeville,688,0
+cosmos,876,7
+hanson,428,15
+newfields,627,16
+beechwood,738,1
+lindenwood,1222,0
+klickitat,1770,8
+marstons,911,3
+hanson,1518,8
+pinesdale,587,5
+klickitat,360,5
+ranchester,553,3
+coffeen,1005,0
+shelbyville,2523,10
+newfields,1008,7
+klickitat,1389,1
+leonardo,1342,0
+leonardo,205,0
+leonardo,2070,2
+marstons,1948,5
+shelbyville,1429,2
+klickitat,1778,15
+klickitat,167,6
+pomaria,332,8
+pinesdale,731,5
+shelbyville,1839,10
+onaga,335,8
+onaga,600,0
+wainscott,1558,8
+ranchester,640,2
+ranchester,414,6
+leonardo,1634,0
+wainscott,617,1
+newfields,602,6
+beechwood,992,4
+leonardo,1555,1
+woodbine,519,6
+stockman,1589,2
+coffeen,1418,0
+klickitat,1042,4
+forkland,532,0
+coffeen,997,3
+ranchester,1460,4
+pomaria,1220,3
+lakeville,1549,5
+forkland,254,2
+pinesdale,684,6
+leonardo,985,5
+tolstoy,1084,2
+marstons,2118,4
+pomaria,1400,5
+lakeville,1165,2
+newfields,1010,1
+pomaria,1644,1
+lindenwood,176,0
+lakeville,679,0
+cosmos,285,5
+mifflinburg,197,1
+cosmos,733,3
+newfields,732,4
+newfields,793,2
+pinesdale,147,1
+coffeen,1314,0
+wainscott,361,7
+marstons,683,2
+hiteman,341,0
+lindenwood,78,4
+lakeville,1024,0
+shelbyville,2529,6
+allensville,309,2
+klickitat,428,5
+newfields,493,3
+tolstoy,1191,0
+pomaria,1053,0
+stockman,570,6
+beechwood,430,3
+lakeville,311,4
+woodbine,1934,6
+coffeen,986,2
+wainscott,1410,1
+hiteman,1756,7
+wainscott,1422,6
+hiteman,410,3
+pomaria,489,2
+ranchester,464,1
+merom,371,0
+marstons,2410,4
+lakeville,1809,13
+klickitat,1642,3
+newfields,285,2
+tolstoy,1391,2
+hanson,860,5
+marstons,2589,2
+mifflinburg,25,5
+klickitat,3,0
+lindenwood,848,7
+ranchester,781,0
+beechwood,318,1
+woodbine,1575,8
+hiteman,1491,9
+marstons,2021,4
+wainscott,404,1
+hanson,439,1
+leonardo,1628,0
+leonardo,935,5
+klickitat,1136,0
+pinesdale,1503,2
+lakeville,47,2
+lindenwood,2299,2
+lakeville,82,6
+marstons,891,3
+shelbyville,1762,4
+lindenwood,1166,1
+shelbyville,1650,4
+marstons,452,3
+wainscott,1153,8
+ranchester,1286,0
+tolstoy,1780,2
+shelbyville,1795,5
+hiteman,274,4
+ranchester,1362,0
+klickitat,717,8
+lindenwood,1711,4
+hiteman,625,3
+klickitat,807,2
+hiteman,200,4
+lindenwood,2331,2
+forkland,578,2
+onaga,200,7
+newfields,1112,2
+lindenwood,1749,3
+tolstoy,378,3
+woodbine,932,3
+leonardo,785,2
+merom,850,4
+woodbine,1134,3
+leonardo,106,3
+marstons,2532,1
+wainscott,1097,2
+marstons,1990,1
+stockman,193,2
+lindenwood,2565,4
+marstons,1296,2
+marstons,1244,2
+mifflinburg,85,2
+shelbyville,997,1
+pomaria,1285,3
+pinesdale,791,0
+shelbyville,918,10
+stockman,729,2
+pomaria,317,3
+newfields,516,2
+lindenwood,2043,1
+stockman,1168,4
+tolstoy,1714,0
+shelbyville,1106,1
+lakeville,518,2
+onaga,616,2
+leonardo,1612,6
+woodbine,892,5
+onaga,450,0
+klickitat,1167,10
+shelbyville,715,9
+leonardo,371,0
+wainscott,377,10
+stockman,674,5
+marstons,1174,0
+ranchester,269,7
+merom,333,0
+ranchester,593,2
+woodbine,1129,2
+lakeville,1877,7
+hanson,1512,2
+marstons,2614,14
+allensville,459,3
+klickitat,1934,0
+lakeville,1531,6
+shelbyville,1849,0
+shelbyville,1466,1
+lindenwood,1883,3
+newfields,1462,0
+leonardo,78,10
+hiteman,536,12
+pomaria,1213,7
+klickitat,2152,0
+klickitat,1631,4
+hanson,1386,6
+forkland,1198,2
+lindenwood,1909,3
+pinesdale,626,0
+pomaria,131,7
+hiteman,720,0
+beechwood,219,4
+cosmos,709,4
+hiteman,1558,3
+shelbyville,1342,3
+lindenwood,1132,6
+pomaria,938,0
+leonardo,1023,4
+marstons,1618,3
+lakeville,849,10
+leonardo,1090,0
+hanson,309,0
+lakeville,42,3
+merom,839,5
+merom,716,0
+lakeville,1594,14
+forkland,364,3
+leonardo,1633,0
+leonardo,1550,0
+beechwood,824,3
+ranchester,97,4
+stockman,526,2
+leonardo,2018,0
+shelbyville,2471,10
+marstons,1896,2
+forkland,388,1
+klickitat,100,1
+newfields,760,10
+lakeville,525,6
+pomaria,884,2
+lakeville,1183,4
+woodbine,692,9
+hiteman,1013,3
+klickitat,324,8
+merom,1088,6
+lindenwood,637,3
+merom,309,1
+klickitat,1932,1
+merom,724,2
+benevolence,701,10
+lindenwood,921,7
+tolstoy,222,4
+forkland,1192,0
+tolstoy,1300,0
+shelbyville,649,2
+beechwood,432,1
+beechwood,575,0
+lindenwood,118,0
+hiteman,1196,4
+stockman,889,1
+merom,974,5
+shelbyville,221,4
+woodbine,1281,12
+lindenwood,1187,7
+shelbyville,1812,2
+klickitat,2315,6
+marstons,733,3
+lakeville,786,4
+lindenwood,1552,3
+lakeville,916,1
+tolstoy,1251,4
+ranchester,1383,1
+lakeville,1339,1
+tolstoy,31,2
+mifflinburg,716,1
+shelbyville,2750,3
+hiteman,1407,5
+leonardo,1916,4
+allensville,212,4
+stockman,594,7
+lakeville,1442,1
+tolstoy,30,0
+ranchester,571,3
+merom,526,3
+marstons,551,15
+wainscott,409,3
+marstons,2506,1
+pinesdale,191,0
+wainscott,1402,3
+shelbyville,181,2
+tolstoy,1203,2
+leonardo,263,3
+hanson,1353,4
+shelbyville,288,3
+hiteman,1499,3
+leonardo,219,5
+lakeville,1352,0
+shelbyville,1962,6
+forkland,145,3
+tolstoy,1407,2
+allensville,373,2
+lindenwood,495,5
+ranchester,886,1
+newfields,535,0
+pomaria,43,1
+pomaria,710,0
+tolstoy,1060,1
+pinesdale,152,8
+leonardo,446,3
+tolstoy,258,4
+leonardo,941,1
+leonardo,103,2
+lindenwood,2369,0
+pomaria,1299,3
+wainscott,738,3
+marstons,1888,0
+klickitat,2023,3
+lindenwood,321,3
+lindenwood,624,2
+shelbyville,241,6
+shelbyville,1926,2
+pinesdale,534,3
+woodbine,1256,3
+klickitat,74,1
+pinesdale,457,9
+coffeen,422,3
+forkland,334,1
+cosmos,644,6
+leonardo,1248,4
+pomaria,50,4
+shelbyville,1910,3
+beechwood,1047,2
+beechwood,674,2
+beechwood,511,1
+forkland,3,3
+mifflinburg,262,5
+forkland,343,1
+marstons,1926,1
+lindenwood,911,8
+shelbyville,2735,0
+leonardo,744,4
+merom,1087,6
+wainscott,1672,5
+pomaria,929,4
+pomaria,1260,6
+cosmos,575,0
+stockman,1081,8
+forkland,842,0
+coffeen,1262,1
+leonardo,1672,1
+tolstoy,669,8
+klickitat,2053,5
+tolstoy,178,1
+shelbyville,824,0
+leonardo,2043,3
+hiteman,282,9
+mifflinburg,23,6
+lindenwood,2307,2
+marstons,685,3
+tolstoy,1474,1
+tolstoy,158,2
+pinesdale,1169,2
+stockman,1184,1
+wainscott,300,0
+wainscott,1468,0
+hanson,89,1
+hiteman,402,4
+shelbyville,143,9
+coffeen,1268,1
+shelbyville,2566,6
+shelbyville,1454,13
+hiteman,670,9
+beechwood,105,5
+allensville,129,2
+ranchester,857,1
+lindenwood,1614,7
+pomaria,893,3
+hanson,1010,0
+stockman,1015,8
+leonardo,2011,0
+lindenwood,204,8
+ranchester,1589,9
+ranchester,273,11
+lakeville,279,8
+woodbine,766,18
+lindenwood,1587,0
+wainscott,882,10
+newfields,1470,0
+wainscott,1102,5
+shelbyville,491,2
+pomaria,746,3
+shelbyville,1862,0
+lakeville,1526,2
+merom,812,2
+hanson,951,3
+stockman,304,2
+hanson,1204,10
+marstons,1654,3
+shelbyville,534,11
+tolstoy,557,1
+lakeville,1173,1
+tolstoy,1167,10
+lakeville,946,6
+lakeville,572,0
+klickitat,2190,12
+allensville,302,2
+marstons,505,0
+woodbine,398,9
+lindenwood,1972,1
+tolstoy,1633,0
+shelbyville,47,14
+klickitat,1622,3
+lakeville,467,3
+tolstoy,1822,6
+mifflinburg,968,5
+pomaria,1673,0
+lakeville,1243,2
+hiteman,1031,0
+newfields,1499,9
+beechwood,240,0
+marstons,1985,5
+cosmos,226,7
+pomaria,701,4
+stockman,604,1
+lindenwood,1623,10
+woodbine,1027,8
+klickitat,2089,8
+pinesdale,653,0
+hanson,856,8
+pomaria,1617,1
+tolstoy,1339,11
+klickitat,1671,2
+shelbyville,1820,12
+ranchester,1052,1
+merom,263,0
+marstons,1764,1
+pomaria,1490,10
+klickitat,2348,3
+beechwood,115,1
+pinesdale,955,11
+hiteman,93,3
+cosmos,981,0
+hiteman,1390,9
+hiteman,693,7
+coffeen,5,0
+woodbine,1715,8
+klickitat,484,11
+newfields,1626,0
+woodbine,1186,6
+leonardo,241,4
+shelbyville,1989,5
+forkland,1158,3
+forkland,186,0
+lakeville,961,4
+lakeville,1872,19
+klickitat,890,0
+coffeen,246,5
+marstons,337,0
+hanson,1072,6
+lakeville,1613,0
+pinesdale,1337,0
+pinesdale,518,3
+merom,800,6
+pomaria,1534,14
+forkland,570,6
+newfields,1374,2
+lindenwood,469,0
+mifflinburg,885,2
+stockman,880,2
+shelbyville,2531,8
+pomaria,68,0
+forkland,107,2
+merom,61,2
+hiteman,394,5
+shelbyville,2766,8
+lakeville,1038,1
+wainscott,877,2
+lindenwood,2581,12
+newfields,213,3
+ranchester,1580,1
+hiteman,156,2
+marstons,2174,1
+lakeville,1215,6
+hiteman,78,3
+hanson,1274,2
+lindenwood,920,10
+benevolence,792,2
+lindenwood,1246,1
+merom,170,6
+hiteman,887,5
+leonardo,587,3
+cosmos,772,4
+allensville,323,1
+pomaria,1082,4
+newfields,1046,7
+pinesdale,779,0
+tolstoy,1049,4
+lindenwood,2601,6
+marstons,2035,8
+wainscott,121,2
+woodbine,1907,0
+hanson,1498,14
+hanson,568,4
+allensville,18,0
+ranchester,63,4
+ranchester,667,1
+woodbine,552,5
+klickitat,1093,4
+leonardo,1766,0
+ranchester,1508,4
+woodbine,1186,9
+woodbine,1611,9
+newfields,209,3
+tolstoy,750,9
+coffeen,1083,5
+shelbyville,170,6
+pomaria,557,1
+marstons,937,1
+marstons,797,12
+hiteman,1407,2
+hiteman,275,6
+leonardo,2091,0
+forkland,933,1
+marstons,1182,1
+coffeen,488,3
+cosmos,848,0
+lindenwood,268,2
+hiteman,396,0
+wainscott,449,0
+ranchester,61,0
+coffeen,895,4
+ranchester,296,5
+pomaria,557,9
+pomaria,1172,2
+forkland,345,1
+woodbine,1883,3
+pinesdale,1039,3
+marstons,1298,3
+wainscott,192,2
+tolstoy,1171,0
+pomaria,681,4
+wainscott,1550,9
+hiteman,446,15
+hanson,1172,7
+woodbine,542,9
+mifflinburg,492,0
+pomaria,274,2
+lindenwood,1131,4
+newfields,969,5
+hanson,990,0
+pinesdale,667,9
+leonardo,560,7
+pomaria,1595,2
+coffeen,662,1
+marstons,2538,5
+woodbine,1544,10
+klickitat,1227,1
+pomaria,1444,3
+marstons,1055,0
+lakeville,1566,3
+ranchester,750,0
+woodbine,2007,0
+stockman,727,5
+tolstoy,1552,1
+hanson,148,3
+pomaria,1313,0
+wainscott,1395,1
+lakeville,609,12
+coffeen,1460,3
+wainscott,599,4
+stockman,510,8
+stockman,906,6
+woodbine,141,1
+cosmos,544,0
+shelbyville,722,7
+lakeville,1320,9
+stockman,223,2
+hanson,763,4
+shelbyville,1196,1
+shelbyville,2339,7
+pomaria,680,5
+beechwood,205,1
+coffeen,204,6
+newfields,1031,2
+ranchester,987,4
+pomaria,1514,1
+woodbine,210,0
+woodbine,681,0
+pomaria,1196,7
+wainscott,656,13
+mifflinburg,911,2
+cosmos,590,1
+woodbine,810,3
+beechwood,1077,9
+klickitat,1914,9
+hiteman,1032,4
+merom,446,3
+lindenwood,915,3
+merom,6,1
+tolstoy,16,3
+stockman,93,0
+woodbine,610,1
+pinesdale,853,2
+newfields,547,7
+pinesdale,781,0
+forkland,437,0
+lindenwood,534,6
+wainscott,157,0
+ranchester,865,0
+benevolence,897,2
+lakeville,1184,12
+ranchester,441,6
+marstons,1731,14
+newfields,1051,0
+tolstoy,558,1
+klickitat,2311,1
+woodbine,477,2
+stockman,709,6
+pomaria,947,3
+klickitat,2289,0
+coffeen,210,5
+hanson,959,3
+ranchester,272,1
+shelbyville,1627,1
+hiteman,1334,0
+cosmos,506,0
+hiteman,1773,3
+tolstoy,385,1
+leonardo,2099,6
+lakeville,1344,8
+lindenwood,2153,4
+klickitat,1433,3
+wainscott,1644,9
+beechwood,631,6
+cosmos,937,1
+hanson,1545,6
+klickitat,886,1
+ranchester,493,1
+wainscott,1211,4
+stockman,155,3
+pomaria,798,14
+pomaria,273,0
+stockman,53,2
+marstons,1536,4
+pinesdale,305,5
+lakeville,566,8
+wainscott,974,9
+allensville,130,3
+shelbyville,2176,4
+klickitat,1877,3
+hanson,1102,3
+woodbine,271,6
+cosmos,896,5
+beechwood,12,4
+pinesdale,1475,7
+lindenwood,836,6
+cosmos,930,9
+lakeville,655,0
+leonardo,785,7
+lakeville,1015,9
+coffeen,986,3
+wainscott,760,3
+lindenwood,2288,0
+marstons,1863,0
+klickitat,665,0
+pomaria,1468,1
+wainscott,1275,4
+pomaria,1176,10
+shelbyville,1954,15
+hiteman,1642,0
+pomaria,1260,8
+pinesdale,443,7
+wainscott,636,6
+klickitat,1287,1
+lakeville,1420,0
+coffeen,22,1
+klickitat,2253,0
+tolstoy,1836,0
+pomaria,94,1
+forkland,1101,4
+lindenwood,1148,22
+pomaria,778,2
+lindenwood,1590,3
+wainscott,101,4
+coffeen,949,3
+lakeville,612,7
+stockman,1545,0
+woodbine,1598,11
+tolstoy,1173,11
+woodbine,896,6
+pinesdale,1243,4
+newfields,1509,3
+wainscott,1798,4
+lindenwood,895,3
+lindenwood,677,8
+lindenwood,2177,2
+hiteman,272,1
+shelbyville,724,11
+shelbyville,1802,3
+mifflinburg,395,0
+newfields,349,0
+shelbyville,2322,15
+merom,194,7
+benevolence,311,0
+cosmos,946,0
+marstons,2540,14
+leonardo,391,0
+beechwood,365,5
+tolstoy,220,5
+leonardo,1105,3
+leonardo,303,5
+marstons,519,4
+tolstoy,875,2
+hanson,435,3
+lindenwood,83,0
+pomaria,647,2
+forkland,726,0
+beechwood,556,0
+ranchester,377,2
+hanson,1115,1
+wainscott,669,11
+wainscott,1585,2
+pinesdale,1149,14
+klickitat,503,6
+beechwood,317,5
+ranchester,951,2
+mifflinburg,790,5
+merom,179,2
+lindenwood,689,0
+hanson,1242,9
+lindenwood,265,1
+hanson,1633,12
+lindenwood,2404,1
+lindenwood,1520,7
+klickitat,427,6
+shelbyville,1832,0
+ranchester,859,1
+newfields,254,5
+leonardo,1066,6
+onaga,330,0
+wainscott,597,1
+newfields,1387,9
+merom,596,11
+klickitat,2031,0
+klickitat,781,7
+pinesdale,150,0
+tolstoy,448,3
+lakeville,1283,7
+pinesdale,17,1
+woodbine,763,0
+marstons,870,2
+mifflinburg,313,2
+marstons,562,0
+lakeville,1405,15
+leonardo,251,4
+tolstoy,1322,0
+hiteman,632,2
+hiteman,1356,2
+ranchester,66,0
+lindenwood,1043,0
+pinesdale,1276,1
+pinesdale,392,3
+pomaria,348,0
+shelbyville,1519,3
+woodbine,911,1
+marstons,1515,2
+wainscott,1653,12
+leonardo,228,5
+ranchester,197,4
+coffeen,1434,1
+coffeen,1126,2
+beechwood,713,2
+klickitat,2366,14
+wainscott,1504,2
+ranchester,200,0
+lakeville,733,1
+ranchester,671,2
+stockman,843,6
+tolstoy,643,9
+pinesdale,569,0
+pomaria,311,3
+tolstoy,1197,2
+lindenwood,1416,7
+pinesdale,1263,1
+klickitat,1667,3
+wainscott,1514,9
+newfields,1490,3
+stockman,1339,0
+lindenwood,2080,9
+coffeen,949,8
+woodbine,750,5
+beechwood,640,1
+leonardo,2045,8
+marstons,758,11
+newfields,1557,0
+lindenwood,455,2
+merom,292,0
+marstons,1583,6
+lindenwood,1817,5
+merom,220,3
+stockman,1384,1
+newfields,162,2
+hiteman,264,2
+marstons,2008,7
+cosmos,645,1
+woodbine,776,1
+woodbine,1522,5
+tolstoy,750,3
+lindenwood,2316,7
+leonardo,9,10
+pomaria,1650,2
+cosmos,479,1
+shelbyville,1518,4
+lakeville,79,5
+allensville,150,2
+klickitat,437,2
+allensville,175,0
+hanson,152,9
+leonardo,1091,8
+tolstoy,1621,1
+shelbyville,1393,5
+woodbine,926,0
+pinesdale,1440,6
+klickitat,1895,1
+beechwood,973,0
+stockman,190,2
+merom,989,1
+hanson,1112,1
+coffeen,797,0
+lakeville,42,1
+coffeen,1213,6
+leonardo,1163,12
+woodbine,520,3
+cosmos,187,0
+ranchester,607,5
+onaga,345,0
+woodbine,1642,1
+pomaria,1356,3
+onaga,251,2
+allensville,62,8
+merom,134,5
+lakeville,1406,5
+stockman,551,4
+lindenwood,2651,15
+mifflinburg,509,13
+marstons,2249,4
+pinesdale,638,12
+ranchester,289,7
+onaga,151,2
+shelbyville,204,4
+ranchester,902,8
+shelbyville,1071,0
+wainscott,1165,0
+shelbyville,2187,6
+shelbyville,824,2
+lindenwood,2370,0
+pomaria,264,6
+marstons,2541,0
+klickitat,704,0
+beechwood,386,0
+pomaria,447,4
+pinesdale,1049,5
+shelbyville,84,3
+stockman,1238,1
+tolstoy,1289,0
+shelbyville,521,1
+klickitat,973,2
+hanson,1231,10
+cosmos,464,9
+forkland,226,0
+leonardo,485,2
+pomaria,24,4
+ranchester,747,0
+mifflinburg,474,3
+woodbine,1774,0
+pomaria,872,2
+pomaria,147,1
+stockman,463,3
+marstons,721,4
+merom,437,0
+mifflinburg,269,3
+coffeen,243,0
+klickitat,224,5
+leonardo,888,6
+wainscott,1161,13
+mifflinburg,701,2
+lindenwood,1163,2
+beechwood,568,2
+cosmos,617,4
+lakeville,910,7
+ranchester,143,2
+wainscott,1357,2
+newfields,1265,3
+hanson,1006,11
+hanson,653,1
+marstons,166,0
+woodbine,548,5
+hiteman,776,1
+onaga,615,2
+wainscott,1259,17
+pinesdale,722,0
+stockman,524,8
+klickitat,2043,9
+tolstoy,1834,4
+hanson,752,1
+lindenwood,785,0
+pinesdale,870,4
+woodbine,436,2
+woodbine,582,1
+shelbyville,2712,4
+allensville,147,0
+hanson,822,0
+hanson,229,1
+shelbyville,2611,12
+hiteman,1332,10
+newfields,1104,7
+hanson,639,13
+hanson,955,0
+marstons,1749,4
+leonardo,1330,2
+hiteman,1116,0
+shelbyville,1180,1
+wainscott,318,3
+newfields,225,3
+klickitat,749,0
+wainscott,1644,12
+klickitat,2399,4
+merom,197,0
+klickitat,573,5
+forkland,378,0
+coffeen,856,3
+cosmos,620,6
+marstons,2221,6
+newfields,523,0
+klickitat,764,0
+stockman,76,1
+klickitat,734,1
+beechwood,646,1
+merom,737,6
+ranchester,306,2
+klickitat,1177,13
+forkland,519,2
+shelbyville,1368,4
+ranchester,1257,1
+wainscott,183,9
+onaga,353,1
+lindenwood,538,2
+stockman,1257,11
+wainscott,1672,0
+coffeen,742,1
+newfields,413,7
+marstons,1550,3
+newfields,1139,5
+ranchester,773,0
+stockman,1136,4
+coffeen,1178,3
+coffeen,1453,2
+forkland,883,3
+lindenwood,364,0
+ranchester,195,1
+marstons,2091,4
+shelbyville,1688,3
+woodbine,1700,15
+marstons,55,1
+ranchester,1124,2
+wainscott,1144,4
+marstons,476,1
+klickitat,922,3
+klickitat,2252,0
+pomaria,385,0
+stockman,1581,4
+woodbine,895,2
+lindenwood,919,0
+newfields,1525,14
+shelbyville,1204,4
+coffeen,38,7
+marstons,894,2
+newfields,1406,9
+cosmos,958,7
+leonardo,1956,0
+lakeville,785,12
+lakeville,463,3
+tolstoy,58,4
+benevolence,379,1
+woodbine,1256,8
+newfields,740,7
+ranchester,1086,8
+marstons,900,4
+woodbine,1639,8
+shelbyville,357,1
+stockman,1107,8
+marstons,630,2
+lakeville,1097,8
+mifflinburg,973,4
+woodbine,1821,5
+hiteman,1611,2
+pomaria,1289,18
+wainscott,1387,1
+lakeville,496,3
+leonardo,1317,1
+stockman,1445,2
+lindenwood,122,2
+marstons,2311,4
+hiteman,1244,1
+marstons,734,0
+newfields,1027,14
+woodbine,26,1
+marstons,1458,0
+hiteman,883,4
+woodbine,330,0
+woodbine,247,8
+marstons,513,2
+klickitat,902,2
+lindenwood,615,4
+lindenwood,1119,5
+shelbyville,1772,5
+hanson,664,1
+lindenwood,1509,3
+shelbyville,614,8
+lindenwood,1301,6
+tolstoy,1579,1
+leonardo,897,8
+tolstoy,845,1
+lindenwood,23,2
+marstons,1518,1
+newfields,960,0
+newfields,455,1
+lakeville,1733,1
+klickitat,1815,8
+pinesdale,1467,0
+lakeville,890,0
+hiteman,379,0
+klickitat,283,7
+marstons,2429,1
+mifflinburg,423,6
+leonardo,428,1
+marstons,2522,0
+klickitat,924,3
+forkland,73,2
+hiteman,20,11
+marstons,2020,5
+cosmos,680,1
+wainscott,1372,8
+marstons,991,1
+marstons,1482,9
+shelbyville,1108,2
+hiteman,774,3
+hanson,1132,5
+marstons,1324,1
+cosmos,740,12
+pomaria,966,6
+tolstoy,1354,1
+lindenwood,1191,3
+leonardo,13,3
+woodbine,1467,1
+newfields,900,3
+lakeville,1036,6
+leonardo,2038,4
+leonardo,1568,1
+leonardo,1649,2
+hanson,238,6
+woodbine,1474,13
+lindenwood,1618,0
+tolstoy,653,5
+tolstoy,341,1
+beechwood,773,4
+pinesdale,1519,0
+leonardo,1107,0
+woodbine,594,17
+hanson,569,8
+shelbyville,940,3
+klickitat,1533,2
+pinesdale,1244,10
+shelbyville,478,5
+stockman,1098,2
+newfields,783,4
+newfields,1258,8
+lindenwood,102,2
+hanson,1459,0
+shelbyville,1075,1
+stockman,1011,1
+klickitat,289,3
+shelbyville,1091,2
+woodbine,987,2
+shelbyville,1749,0
+stockman,1581,2
+lindenwood,238,8
+cosmos,258,6
+lakeville,162,1
+klickitat,2177,8
+newfields,688,4
+lindenwood,933,4
+forkland,507,1
+hanson,1323,5
+lindenwood,623,0
+marstons,1189,1
+coffeen,347,7
+leonardo,95,2
+tolstoy,1378,1
+marstons,1516,3
+pinesdale,1466,3
+klickitat,1201,3
+ranchester,984,2
+hiteman,1811,1
+wainscott,1269,1
+wainscott,1059,1
+marstons,1060,3
+klickitat,2089,20
+shelbyville,2173,3
+klickitat,1347,0
+forkland,564,2
+beechwood,1067,5
+lakeville,1734,9
+shelbyville,1916,6
+shelbyville,1599,6
+mifflinburg,287,0
+marstons,998,2
+wainscott,1618,12
+wainscott,635,1
+marstons,2501,0
+klickitat,857,6
+newfields,48,6
+merom,781,4
+woodbine,2045,1
+coffeen,262,3
+klickitat,1783,14
+klickitat,2088,3
+ranchester,83,1
+cosmos,545,1
+hanson,1423,2
+woodbine,1165,0
+leonardo,2025,1
+woodbine,962,4
+marstons,793,11
+klickitat,967,2
+leonardo,318,3
+tolstoy,972,1
+stockman,1114,3
+mifflinburg,694,0
+shelbyville,2315,3
+ranchester,1344,0
+marstons,2318,6
+lindenwood,151,2
+ranchester,1199,11
+shelbyville,2334,15
+coffeen,974,1
+pinesdale,1143,8
+tolstoy,109,2
+ranchester,1000,8
+onaga,236,2
+ranchester,1176,8
+onaga,68,8
+marstons,386,0
+pomaria,1586,7
+shelbyville,800,2
+tolstoy,518,8
+klickitat,1054,3
+hiteman,1158,11
+wainscott,229,14
+onaga,628,5
+newfields,122,1
+pinesdale,1512,1
+coffeen,571,7
+shelbyville,2539,1
+hiteman,1587,0
+onaga,347,0
+beechwood,74,5
+klickitat,2412,5
+shelbyville,1518,2
+wainscott,993,5
+allensville,6,6
+ranchester,1219,0
+klickitat,2151,2
+hiteman,631,0
+lindenwood,2491,2
+lakeville,697,2
+stockman,1014,2
+pinesdale,732,2
+coffeen,541,6
+lindenwood,1984,0
+marstons,1770,2
+forkland,503,1
+pomaria,808,1
+lindenwood,1715,1
+marstons,498,0
+pomaria,156,5
+lindenwood,1522,2
+hiteman,583,1
+hiteman,942,2
+lindenwood,2641,6
+ranchester,446,0
+marstons,23,1
+stockman,1259,3
+shelbyville,2335,6
+woodbine,540,2
+shelbyville,571,10
+wainscott,563,3
+marstons,1827,9
+lakeville,1804,5
+shelbyville,259,6
+hanson,369,2
+mifflinburg,191,2
+lindenwood,2047,3
+woodbine,755,2
+shelbyville,1577,2
+tolstoy,370,0
+stockman,970,4
+pinesdale,820,10
+leonardo,766,18
+newfields,1572,0
+hiteman,1808,3
+pomaria,169,2
+pinesdale,1480,3
+cosmos,758,2
+klickitat,414,4
+mifflinburg,951,2
+merom,778,0
+wainscott,569,2
+stockman,1592,1
+lakeville,1804,2
+lakeville,1125,0
+woodbine,31,4
+stockman,1253,8
+leonardo,1556,5
+hiteman,866,4
+lakeville,1715,9
+hiteman,1105,0
+lakeville,901,9
+hanson,571,2
+hanson,1096,0
+hanson,623,2
+pomaria,158,6
+shelbyville,1082,0
+woodbine,120,5
+forkland,333,2
+woodbine,1060,1
+leonardo,1435,2
+marstons,825,2
+lindenwood,1277,7
+marstons,374,2
+shelbyville,1863,2
+beechwood,473,1
+newfields,1487,6
+hiteman,9,1
+tolstoy,1511,3
+lindenwood,2293,3
+klickitat,624,0
+lakeville,91,4
+leonardo,154,1
+klickitat,1041,4
+newfields,797,3
+shelbyville,1416,5
+beechwood,424,1
+allensville,338,1
+klickitat,220,5
+klickitat,1236,0
+mifflinburg,49,4
+tolstoy,487,9
+cosmos,911,0
+hiteman,668,2
+marstons,2055,1
+newfields,1487,0
+hanson,1573,5
+woodbine,2049,1
+hiteman,237,4
+lindenwood,2184,2
+lakeville,315,7
+leonardo,496,3
+leonardo,1361,3
+klickitat,1617,2
+lakeville,1350,15
+stockman,1597,0
+tolstoy,102,13
+pomaria,118,0
+pinesdale,1035,4
+lakeville,1520,3
+onaga,363,4
+newfields,32,11
+cosmos,38,2
+klickitat,1345,15
+stockman,2,0
+cosmos,58,2
+hiteman,1429,7
+tolstoy,383,6
+beechwood,60,8
+marstons,709,7
+woodbine,1484,4
+lindenwood,2459,0
+wainscott,239,1
+klickitat,1778,13
+leonardo,447,16
+wainscott,901,1
+pomaria,1044,15
+forkland,449,3
+lakeville,1151,0
+coffeen,516,3
+tolstoy,463,3
+pomaria,1498,3
+hanson,337,4
+lakeville,1860,7
+newfields,809,7
+wainscott,1276,1
+stockman,947,3
+woodbine,574,3
+klickitat,1060,0
+woodbine,364,0
+klickitat,2215,0
+hanson,602,8
+lindenwood,1454,0
+wainscott,197,3
+pomaria,653,0
+lindenwood,377,2
+tolstoy,1441,7
+shelbyville,1196,3
+shelbyville,2598,5
+pinesdale,711,4
+cosmos,401,3
+wainscott,1285,2
+lakeville,1775,1
+pomaria,377,14
+leonardo,699,9
+cosmos,328,0
+forkland,1178,3
+woodbine,1441,5
+benevolence,67,1
+cosmos,710,11
+wainscott,271,7
+wainscott,14,1
+woodbine,266,19
+shelbyville,2,0
+onaga,620,1
+newfields,987,3
+woodbine,1842,10
+beechwood,923,0
+shelbyville,1876,4
+klickitat,72,10
+beechwood,570,7
+pinesdale,774,1
+wainscott,1089,4
+lindenwood,2356,0
+pinesdale,972,2
+mifflinburg,583,1
+marstons,975,9
+forkland,120,1
+pinesdale,659,3
+newfields,454,11
+shelbyville,352,4
+lakeville,549,0
+hanson,474,2
+hanson,1306,0
+marstons,94,1
+lakeville,142,4
+ranchester,1427,1
+coffeen,434,3
+marstons,2352,5
+forkland,10,0
+hiteman,39,6
+pomaria,984,2
+lindenwood,499,0
+cosmos,629,3
+pinesdale,796,10
+hanson,516,3
+coffeen,258,9
+marstons,867,1
+lindenwood,2051,4
+klickitat,2310,4
+lakeville,1382,3
+tolstoy,917,4
+newfields,1191,6
+shelbyville,2472,4
+lindenwood,554,1
+woodbine,1600,2
+pinesdale,1424,4
+merom,478,0
+marstons,899,9
+shelbyville,2236,3
+newfields,660,3
+pomaria,1468,15
+shelbyville,1519,0
+hiteman,1714,9
+onaga,266,3
+pinesdale,695,3
+shelbyville,1347,3
+cosmos,110,7
+stockman,1060,2
+pomaria,1222,5
+shelbyville,1414,3
+klickitat,2179,5
+lakeville,444,7
+wainscott,1671,8
+leonardo,2073,8
+lindenwood,1551,3
+pomaria,770,7
+ranchester,1091,3
+marstons,832,0
+forkland,300,0
+beechwood,320,2
+leonardo,346,11
+tolstoy,1028,0
+pomaria,1115,7
+ranchester,1595,10
+wainscott,1262,5
+ranchester,75,3
+marstons,35,2
+leonardo,1257,3
+benevolence,884,1
+ranchester,1397,3
+forkland,458,1
+hanson,1349,7
+pinesdale,370,0
+stockman,980,4
+lindenwood,494,1
+shelbyville,89,0
+mifflinburg,576,0
+newfields,991,8
+lindenwood,1754,3
+hanson,617,3
+pinesdale,1100,2
+klickitat,2049,18
+pomaria,1080,10
+leonardo,1617,13
+cosmos,985,2
+shelbyville,917,2
+tolstoy,440,2
+lakeville,1212,7
+pomaria,877,0
+shelbyville,2074,1
+marstons,331,0
+marstons,1539,2
+woodbine,790,1
+lakeville,853,1
+hiteman,579,3
+ranchester,119,1
+tolstoy,810,0
+woodbine,137,2
+woodbine,823,5
+hanson,1379,17
+marstons,754,0
+hiteman,734,1
+tolstoy,1032,5
+wainscott,1256,6
+shelbyville,2006,2
+leonardo,217,0
+marstons,635,1
+stockman,159,10
+klickitat,1745,17
+woodbine,794,7
+pomaria,530,0
+marstons,2562,9
+mifflinburg,951,1
+tolstoy,1150,4
+cosmos,452,4
+pinesdale,715,1
+klickitat,1741,3
+wainscott,203,2
+hiteman,768,5
+shelbyville,2464,4
+woodbine,352,3
+klickitat,1619,1
+newfields,987,9
+wainscott,129,2
+lindenwood,2448,4
+leonardo,1522,1
+stockman,1000,2
+klickitat,515,0
+klickitat,2282,1
+shelbyville,2327,9
+newfields,741,3
+shelbyville,437,9
+lindenwood,578,0
+hanson,361,8
+shelbyville,1821,4
+klickitat,1778,6
+klickitat,326,1
+stockman,97,1
+onaga,234,2
+hiteman,403,3
+wainscott,1560,6
+leonardo,213,2
+klickitat,1486,0
+coffeen,394,3
+onaga,357,5
+pomaria,1381,11
+tolstoy,39,4
+stockman,1021,4
+forkland,413,1
+ranchester,497,0
+lindenwood,2495,4
+pinesdale,684,2
+marstons,224,1
+klickitat,1509,4
+pomaria,770,6
+cosmos,538,7
+pomaria,446,0
+klickitat,57,0
+coffeen,199,3
+lindenwood,1775,0
+klickitat,1740,9
+hanson,1012,7
+coffeen,662,11
+pomaria,1136,10
+woodbine,1927,2
+pomaria,979,6
+coffeen,1361,1
+shelbyville,1137,1
+wainscott,932,3
+lindenwood,406,5
+woodbine,300,1
+pomaria,385,15
+marstons,1870,6
+ranchester,726,6
+newfields,1163,1
+benevolence,78,3
+klickitat,1463,6
+shelbyville,1102,1
+lindenwood,1665,2
+klickitat,1830,4
+leonardo,43,5
+lakeville,269,8
+marstons,1764,8
+onaga,510,1
+newfields,16,8
+tolstoy,968,1
+marstons,143,5
+hiteman,31,0
+onaga,364,2
+leonardo,347,9
+coffeen,1117,1
+hanson,673,3
+woodbine,659,2
+leonardo,583,0
+stockman,91,2
+wainscott,957,8
+klickitat,791,2
+ranchester,1076,1
+cosmos,221,3
+klickitat,2186,4
+lakeville,807,2
+tolstoy,1132,1
+mifflinburg,799,0
+leonardo,498,0
+pinesdale,1481,1
+leonardo,751,2
+wainscott,1250,2
+lindenwood,2320,7
+klickitat,1846,3
+hanson,963,0
+hanson,137,6
+lindenwood,927,3
+lakeville,1707,2
+woodbine,1202,14
+allensville,404,3
+marstons,474,5
+coffeen,302,4
+shelbyville,37,3
+hiteman,153,3
+shelbyville,2047,7
+klickitat,2262,5
+coffeen,114,0
+lindenwood,1175,0
+hiteman,404,1
+merom,977,2
+pinesdale,414,3
+hanson,52,1
+wainscott,161,11
+lindenwood,1807,0
+mifflinburg,402,0
+woodbine,401,5
+hanson,1492,2
+forkland,138,4
+klickitat,1880,2
+pomaria,1478,3
+tolstoy,649,7
+hanson,498,5
+pinesdale,1282,3
+hiteman,301,5
+leonardo,824,1
+ranchester,900,3
+klickitat,29,3
+hiteman,1239,4
+klickitat,293,7
+onaga,111,2
+leonardo,2088,6
+stockman,284,6
+lakeville,1342,4
+leonardo,1121,5
+wainscott,1196,2
+shelbyville,848,2
+marstons,514,0
+stockman,1295,4
+pinesdale,1361,4
+hiteman,151,7
+klickitat,2157,6
+mifflinburg,56,2
+shelbyville,1350,3
+mifflinburg,640,7
+stockman,1401,9
+woodbine,362,5
+pomaria,673,2
+klickitat,1086,3
+pinesdale,937,0
+klickitat,727,5
+shelbyville,2627,2
+lakeville,85,1
+marstons,1158,10
+wainscott,1653,6
+newfields,508,2
+shelbyville,2650,13
+pomaria,202,3
+tolstoy,8,6
+ranchester,555,3
+newfields,793,3
+woodbine,4,3
+klickitat,1552,20
+ranchester,1438,3
+lindenwood,942,2
+newfields,1046,5
+klickitat,1925,8
+newfields,512,3
+hiteman,361,5
+woodbine,1111,8
+pomaria,1423,2
+hiteman,82,1
+marstons,2082,0
+tolstoy,111,3
+klickitat,587,3
+pinesdale,469,1
+klickitat,955,1
+ranchester,846,5
+lindenwood,1608,2
+klickitat,1362,0
+shelbyville,1951,9
+tolstoy,1102,7
+marstons,637,0
+shelbyville,2804,2
+leonardo,2099,0
+shelbyville,280,6
+cosmos,1005,1
+stockman,807,2
+shelbyville,178,1
+allensville,447,5
+newfields,300,3
+lindenwood,1721,0
+pomaria,1511,1
+marstons,859,3
+pinesdale,635,1
+cosmos,348,3
+klickitat,125,6
+woodbine,2028,7
+wainscott,388,2
+newfields,612,7
+forkland,654,8
+pinesdale,923,8
+hiteman,1848,2
+benevolence,727,2
+shelbyville,1957,3
+newfields,736,0
+hiteman,102,2
+ranchester,1060,1
+pomaria,698,0
+marstons,581,12
+hiteman,1562,9
+lakeville,1103,1
+leonardo,105,3
+stockman,10,4
+klickitat,1655,10
+klickitat,1295,1
+lakeville,1603,15
+klickitat,1055,0
+woodbine,713,7
+lakeville,866,4
+shelbyville,1526,3
+mifflinburg,646,2
+lakeville,885,2
+pomaria,182,5
+shelbyville,675,0
+shelbyville,965,0
+marstons,2138,1
+ranchester,1550,5
+lakeville,498,2
+newfields,458,6
+lindenwood,743,1
+hanson,293,5
+pinesdale,1469,4
+tolstoy,1788,1
+lindenwood,1864,2
+pomaria,1021,12
+wainscott,1623,11
+beechwood,1171,1
+leonardo,1522,2
+cosmos,219,13
+ranchester,1464,2
+lakeville,396,8
+stockman,1128,0
+klickitat,2394,8
+newfields,1292,10
+pomaria,870,2
+tolstoy,879,3
+lindenwood,1653,1
+forkland,229,5
+coffeen,1344,3
+pinesdale,879,6
+stockman,866,0
+lindenwood,813,8
+hanson,1299,3
+stockman,422,1
+cosmos,405,3
+tolstoy,1146,7
+shelbyville,759,0
+mifflinburg,650,3
+tolstoy,1128,0
+marstons,535,10
+marstons,1319,3
+marstons,1782,0
+klickitat,1552,10
+leonardo,735,1
+klickitat,649,4
+lakeville,247,1
+hanson,810,3
+lindenwood,979,3
+ranchester,828,0
+leonardo,225,6
+allensville,212,5
+ranchester,838,4
+stockman,598,3
+woodbine,1637,3
+stockman,1538,1
+shelbyville,1792,5
+forkland,552,1
+klickitat,2231,2
+coffeen,1072,7
+stockman,1497,7
+pinesdale,366,0
+shelbyville,300,3
+hiteman,1814,2
+hiteman,570,9
+pinesdale,916,0
+woodbine,1093,2
+shelbyville,260,4
+hiteman,1247,2
+woodbine,745,6
+benevolence,54,6
+hanson,98,1
+mifflinburg,859,3
+hanson,1427,4
+wainscott,1106,0
+pinesdale,513,3
+marstons,1862,2
+klickitat,1676,7
+shelbyville,140,4
+hiteman,1261,2
+coffeen,381,0
+newfields,1649,2
+klickitat,1817,4
+pomaria,660,3
+tolstoy,1356,11
+marstons,958,4
+tolstoy,332,16
+ranchester,612,0
+hiteman,1532,1
+hiteman,1238,11
+pomaria,1153,1
+shelbyville,809,4
+lindenwood,1723,5
+shelbyville,907,1
+marstons,462,0
+ranchester,346,0
+pomaria,1525,1
+marstons,2590,6
+benevolence,432,2
+wainscott,1799,12
+tolstoy,1210,3
+lindenwood,2212,1
+shelbyville,1276,2
+marstons,2152,0
+tolstoy,141,8
+coffeen,1326,0
+lakeville,17,5
+marstons,2151,3
+ranchester,927,0
+mifflinburg,320,0
+stockman,235,1
+klickitat,313,1
+mifflinburg,649,0
+merom,922,1
+lakeville,1341,2
+onaga,52,5
+lindenwood,1773,1
+shelbyville,61,0
+stockman,41,6
+lindenwood,387,1
+pomaria,185,0
+hanson,362,7
+tolstoy,646,2
+onaga,352,0
+hiteman,899,2
+hiteman,1485,1
+shelbyville,840,2
+lakeville,894,3
+lindenwood,2401,5
+tolstoy,459,0
+marstons,668,4
+pinesdale,393,3
+marstons,1278,5
+lakeville,1613,14
+woodbine,1890,2
+marstons,660,5
+hiteman,1428,1
+pomaria,449,5
+hiteman,186,11
+forkland,184,3
+lindenwood,682,15
+hiteman,1216,9
+pomaria,1427,5
+coffeen,123,1
+wainscott,1291,6
+leonardo,1863,7
+lakeville,39,5
+beechwood,510,6
+ranchester,1070,1
+shelbyville,170,3
+leonardo,191,2
+klickitat,2109,11
+wainscott,379,12
+hanson,1440,2
+woodbine,488,7
+beechwood,1091,2
+newfields,1583,2
+stockman,566,0
+coffeen,1020,0
+shelbyville,1308,5
+pomaria,1545,2
+pinesdale,1391,4
+newfields,521,2
+lindenwood,971,3
+woodbine,1509,0
+newfields,36,5
+hiteman,1057,2
+leonardo,167,2
+newfields,121,1
+klickitat,2196,0
+klickitat,36,3
+lakeville,1212,5
+pomaria,1120,1
+shelbyville,2666,5
+beechwood,12,5
+cosmos,465,4
+newfields,414,4
+shelbyville,1897,2
+beechwood,1013,6
+leonardo,1116,3
+wainscott,1164,0
+ranchester,1342,1
+ranchester,1451,2
+leonardo,507,1
+woodbine,1414,11
+shelbyville,1758,2
+hanson,1274,5
+leonardo,1271,11
+woodbine,748,5
+lakeville,700,3
+tolstoy,840,0
+ranchester,420,20
+shelbyville,264,2
+pomaria,1068,2
+lindenwood,392,9
+hanson,944,1
+cosmos,310,1
+allensville,517,2
+wainscott,409,6
+ranchester,1400,3
+pinesdale,1487,8
+wainscott,1149,3
+stockman,1309,1
+lindenwood,1143,1
+stockman,18,6
+pinesdale,1040,4
+hiteman,1350,13
+marstons,698,8
+woodbine,1611,8
+pomaria,419,4
+tolstoy,666,7
+shelbyville,860,17
+hanson,381,1
+beechwood,1172,0
+stockman,332,3
+newfields,1593,11
+leonardo,1026,3
+klickitat,726,6
+lindenwood,508,7
+cosmos,403,4
+ranchester,1129,3
+allensville,76,2
+benevolence,468,4
+lindenwood,669,1
+hiteman,1118,2
+lindenwood,1955,0
+shelbyville,1770,2
+cosmos,964,7
+hanson,1148,1
+beechwood,1032,6
+tolstoy,1127,4
+lakeville,528,12
+leonardo,1087,2
+klickitat,2089,21
+tolstoy,424,5
+woodbine,118,7
+beechwood,1024,1
+lindenwood,830,1
+marstons,467,5
+ranchester,672,7
+lindenwood,126,7
+klickitat,2292,0
+marstons,2388,10
+lindenwood,231,11
+coffeen,204,0
+cosmos,656,0
+coffeen,1397,3
+merom,896,2
+forkland,473,2
+klickitat,2258,4
+pomaria,134,6
+hiteman,1439,8
+lakeville,1589,8
+forkland,119,3
+marstons,745,0
+woodbine,867,13
+hanson,1555,9
+wainscott,114,0
+lindenwood,999,3
+lakeville,1638,4
+newfields,1046,1
+shelbyville,1658,1
+tolstoy,788,1
+pomaria,675,2
+mifflinburg,715,0
+lakeville,805,5
+coffeen,949,5
+hiteman,1096,8
+ranchester,78,0
+cosmos,609,1
+tolstoy,907,4
+shelbyville,922,2
+pomaria,404,5
+ranchester,1559,4
+wainscott,1343,5
+hiteman,256,11
+merom,106,3
+coffeen,362,2
+wainscott,1414,2
+shelbyville,1269,1
+shelbyville,520,11
+marstons,2427,0
+klickitat,2127,9
+newfields,907,7
+pinesdale,1467,2
+pinesdale,1067,2
+hiteman,1728,5
+pomaria,1070,1
+wainscott,972,14
+pomaria,1338,1
+coffeen,815,4
+wainscott,1166,10
+hiteman,1731,0
+shelbyville,1501,5
+lakeville,1264,5
+hiteman,940,5
+forkland,488,7
+lakeville,861,0
+woodbine,1132,8
+klickitat,2352,5
+shelbyville,1613,3
+wainscott,905,4
+hanson,1042,15
+cosmos,850,5
+mifflinburg,563,1
+pinesdale,826,10
+hiteman,426,4
+hiteman,1485,4
+merom,554,2
+tolstoy,485,1
+onaga,187,1
+lakeville,316,14
+lindenwood,50,2
+lakeville,1681,7
+stockman,95,3
+wainscott,1357,1
+lindenwood,2287,4
+ranchester,1508,8
+leonardo,1714,4
+woodbine,1965,0
+lindenwood,822,2
+shelbyville,962,0
+ranchester,207,4
+newfields,1565,0
+shelbyville,673,6
+shelbyville,248,13
+wainscott,205,4
+shelbyville,83,2
+cosmos,250,1
+shelbyville,2650,3
+forkland,35,0
+shelbyville,1816,13
+cosmos,614,1
+pomaria,1516,12
+hanson,1379,10
+leonardo,693,2
+wainscott,1103,3
+klickitat,339,3
+klickitat,881,6
+forkland,260,0
+lindenwood,2253,2
+woodbine,1674,0
+klickitat,1938,3
+marstons,634,4
+marstons,1487,2
+lindenwood,2646,9
+lindenwood,2557,1
+marstons,947,10
+marstons,973,3
+lindenwood,2248,8
+woodbine,1967,3
+tolstoy,1073,6
+benevolence,427,5
+beechwood,197,2
+klickitat,1394,0
+allensville,433,1
+lakeville,981,1
+lakeville,1655,4
+onaga,386,0
+cosmos,666,5
+klickitat,2392,8
+stockman,246,2
+leonardo,1832,2
+leonardo,1465,2
+coffeen,1484,1
+ranchester,1123,2
+pomaria,1152,2
+newfields,1175,5
+hanson,1183,14
+marstons,1033,5
+stockman,122,0
+allensville,1,5
+lindenwood,1693,0
+tolstoy,71,8
+merom,519,7
+hiteman,1820,1
+newfields,66,3
+onaga,147,4
+marstons,1903,3
+hanson,608,5
+newfields,327,0
+forkland,71,6
+newfields,767,4
+benevolence,730,1
+pinesdale,657,0
+lakeville,892,2
+onaga,466,1
+newfields,13,9
+forkland,169,5
+klickitat,2252,2
+marstons,2069,19
+hiteman,1718,2
+lindenwood,515,4
+klickitat,1545,3
+tolstoy,796,8
+lindenwood,377,1
+shelbyville,686,2
+shelbyville,2644,2
+lindenwood,456,9
+newfields,128,4
+woodbine,1133,0
+beechwood,272,2
+beechwood,1162,0
+hanson,1025,0
+pomaria,1496,2
+newfields,1213,5
+marstons,1155,3
+lindenwood,581,6
+newfields,1227,1
+woodbine,980,0
+woodbine,1305,4
+hanson,751,6
+woodbine,1253,6
+forkland,632,0
+klickitat,1620,5
+marstons,1255,8
+hanson,1397,2
+marstons,1884,1
+ranchester,386,1
+lakeville,1399,10
+shelbyville,2109,2
+pinesdale,440,14
+newfields,1296,8
+hiteman,571,2
+pomaria,931,4
+marstons,1683,5
+hiteman,201,0
+lakeville,1430,7
+klickitat,1962,1
+allensville,14,2
+leonardo,1358,11
+klickitat,611,13
+shelbyville,282,4
+lindenwood,394,5
+beechwood,292,0
+beechwood,371,2
+newfields,431,8
+hanson,1656,13
+allensville,241,3
+wainscott,1472,6
+lindenwood,452,3
+newfields,69,4
+shelbyville,2781,2
+tolstoy,1456,2
+marstons,1792,2
+pomaria,1120,0
+marstons,2495,9
+newfields,595,2
+pinesdale,630,0
+hanson,688,2
+lakeville,1213,5
+shelbyville,1738,1
+hiteman,1145,6
+stockman,699,3
+woodbine,1311,10
+coffeen,1242,1
+coffeen,733,4
+wainscott,1358,7
+woodbine,789,8
+beechwood,539,2
+ranchester,1148,10
+coffeen,267,2
+woodbine,1209,3
+lakeville,98,14
+marstons,1154,7
+coffeen,652,1
+shelbyville,760,2
+klickitat,1480,0
+ranchester,1059,0
+tolstoy,873,3
+woodbine,418,3
+marstons,18,1
+lindenwood,2456,3
+coffeen,397,2
+hiteman,1547,2
+lindenwood,2282,4
+stockman,214,9
+shelbyville,2040,5
+lakeville,1001,5
+shelbyville,1338,6
+woodbine,1393,2
+hanson,125,5
+hanson,1402,6
+hanson,1147,0
+lakeville,1522,6
+wainscott,99,0
+hiteman,312,3
+shelbyville,757,1
+lakeville,1634,0
+woodbine,1370,7
+shelbyville,2747,7
+newfields,648,0
+wainscott,900,5
+lakeville,1562,12
+klickitat,266,1
+wainscott,958,2
+stockman,1191,3
+coffeen,579,2
+lakeville,840,1
+wainscott,1399,4
+wainscott,1270,2
+shelbyville,2762,8
+wainscott,666,11
+lakeville,492,12
+shelbyville,175,2
+stockman,900,3
+pinesdale,801,3
+lindenwood,775,0
+marstons,2633,1
+hiteman,1035,0
+ranchester,1188,4
+newfields,621,0
+forkland,246,1
+beechwood,254,0
+lindenwood,2643,2
+klickitat,1688,10
+pomaria,261,1
+hiteman,487,0
+leonardo,220,7
+wainscott,581,1
+lakeville,323,0
+woodbine,2007,6
+merom,402,2
+klickitat,465,9
+lindenwood,1554,0
+hanson,1309,2
+shelbyville,2553,3
+pomaria,1315,0
+stockman,212,5
+tolstoy,855,3
+marstons,494,4
+shelbyville,1416,1
+lakeville,1040,1
+allensville,169,3
+woodbine,726,5
+woodbine,1110,3
+klickitat,2022,12
+cosmos,103,0
+cosmos,478,7
+marstons,1518,5
+forkland,901,4
+marstons,446,4
+stockman,1156,2
+stockman,893,4
+hiteman,688,0
+shelbyville,2709,4
+marstons,333,5
+klickitat,202,9
+tolstoy,71,5
+klickitat,677,3
+benevolence,849,5
+mifflinburg,398,2
+ranchester,1341,1
+lakeville,1079,3
+lindenwood,291,11
+hiteman,283,5
+lindenwood,456,5
+pinesdale,1445,1
+forkland,595,2
+wainscott,1039,13
+hanson,349,2
+wainscott,1292,0
+klickitat,1174,3
+ranchester,1627,10
+stockman,1384,2
+cosmos,579,4
+tolstoy,463,6
+klickitat,2100,3
+cosmos,455,7
+lakeville,881,3
+lakeville,1459,16
+newfields,1056,10
+lindenwood,1568,2
+newfields,663,12
+lindenwood,1701,13
+lindenwood,1025,4
+pomaria,316,11
+mifflinburg,144,0
+leonardo,2011,1
+hiteman,705,1
+marstons,2358,7
+wainscott,677,9
+ranchester,1635,3
+ranchester,925,1
+beechwood,935,2
+pinesdale,150,1
+lindenwood,1998,5
+coffeen,1107,7
+klickitat,2248,0
+wainscott,751,3
+wainscott,492,1
+newfields,1269,0
+merom,883,1
+onaga,525,1
+allensville,95,3
+stockman,163,4
+stockman,18,3
+pomaria,1544,3
+cosmos,324,0
+lakeville,1562,1
+cosmos,388,1
+coffeen,1406,4
+lindenwood,270,5
+benevolence,532,2
+ranchester,1397,4
+wainscott,1638,1
+shelbyville,1789,7
+lindenwood,2108,1
+forkland,793,4
+hanson,1465,2
+hanson,834,6
+benevolence,426,5
+cosmos,786,4
+stockman,173,1
+hanson,707,7
+beechwood,1174,7
+wainscott,379,5
+woodbine,879,5
+hanson,1007,7
+leonardo,1018,0
+lindenwood,705,11
+pinesdale,555,4
+newfields,222,10
+woodbine,48,3
+pomaria,1159,11
+tolstoy,1004,0
+lindenwood,1643,5
+coffeen,668,1
+wainscott,1371,1
+newfields,1019,1
+cosmos,1072,8
+marstons,2491,2
+mifflinburg,169,1
+newfields,975,11
+newfields,1238,5
+cosmos,495,0
+pomaria,264,3
+woodbine,2024,7
+hanson,862,3
+lindenwood,1345,6
+pinesdale,1422,0
+marstons,2197,2
+hanson,509,1
+merom,445,0
+lindenwood,2318,4
+woodbine,568,0
+leonardo,1938,6
+pomaria,242,2
+leonardo,1876,4
+wainscott,394,5
+leonardo,68,0
+ranchester,789,0
+klickitat,1238,2
+beechwood,728,2
+ranchester,1053,0
+newfields,117,5
+tolstoy,1647,9
+lakeville,420,1
+wainscott,1110,3
+shelbyville,2710,2
+benevolence,152,4
+leonardo,1219,6
+benevolence,386,1
+beechwood,752,3
+wainscott,53,0
+lindenwood,618,4
+lindenwood,626,4
+stockman,316,0
+shelbyville,1953,8
+lindenwood,1010,2
+woodbine,214,1
+coffeen,343,3
+benevolence,41,1
+forkland,1111,1
+pomaria,779,0
+lindenwood,449,3
+ranchester,1162,9
+pomaria,1606,4
+marstons,1819,0
+merom,934,0
+tolstoy,1108,0
+hiteman,160,3
+allensville,365,7
+hanson,464,4
+lindenwood,1034,4
+hiteman,1158,7
+lindenwood,1393,4
+newfields,1002,7
+klickitat,1779,3
+klickitat,1525,7
+hanson,257,10
+cosmos,965,5
+shelbyville,2205,6
+ranchester,1004,3
+allensville,226,6
+shelbyville,2053,8
+marstons,1735,2
+ranchester,962,1
+newfields,1167,2
+klickitat,2103,2
+marstons,1057,4
+merom,597,3
+marstons,378,4
+shelbyville,2614,4
+hanson,115,7
+allensville,120,2
+shelbyville,1986,4
+forkland,55,7
+shelbyville,1351,1
+leonardo,1271,12
+shelbyville,201,7
+mifflinburg,849,1
+woodbine,940,1
+stockman,280,2
+newfields,17,7
+beechwood,232,1
+lindenwood,1881,11
+coffeen,606,1
+klickitat,1883,0
+shelbyville,1178,0
+woodbine,1442,9
+leonardo,1988,9
+hiteman,918,3
+mifflinburg,515,0
+beechwood,806,8
+marstons,2232,8
+pomaria,1142,0
+stockman,862,0
+pomaria,822,6
+coffeen,432,0
+marstons,1571,6
+newfields,444,0
+woodbine,1113,0
+marstons,1141,4
+mifflinburg,782,1
+hanson,1285,2
+pinesdale,675,3
+marstons,2098,1
+pomaria,805,4
+lindenwood,1505,3
+hiteman,96,2
+shelbyville,1207,4
+mifflinburg,540,1
+lindenwood,1436,8
+woodbine,66,2
+shelbyville,1940,2
+benevolence,381,4
+merom,1096,4
+pinesdale,243,10
+lakeville,1225,2
+stockman,12,2
+wainscott,1698,10
+klickitat,904,1
+wainscott,62,11
+hiteman,321,4
+lindenwood,67,0
+marstons,2584,7
+marstons,529,8
+stockman,1586,1
+newfields,657,2
+allensville,54,3
+coffeen,252,0
+wainscott,1735,7
+hanson,642,4
+beechwood,1144,2
+tolstoy,1469,9
+klickitat,138,9
+ranchester,58,14
+marstons,1492,1
+stockman,1190,0
+ranchester,1256,5
+klickitat,1561,7
+klickitat,1051,5
+pinesdale,13,2
+woodbine,428,5
+marstons,2471,15
+lindenwood,1735,5
+pinesdale,326,6
+forkland,894,10
+ranchester,1542,0
+marstons,1424,0
+woodbine,2011,3
+merom,405,2
+pomaria,1355,15
+marstons,1248,3
+pomaria,276,2
+klickitat,2024,8
+forkland,1127,0
+cosmos,69,4
+mifflinburg,240,8
+leonardo,123,0
+klickitat,1866,0
+mifflinburg,830,0
+wainscott,359,1
+shelbyville,482,7
+newfields,1236,0
+stockman,503,2
+klickitat,1193,5
+newfields,483,1
+tolstoy,1146,6
+lindenwood,724,1
+woodbine,448,2
+woodbine,1282,2
+pinesdale,380,0
+stockman,493,2
+hiteman,286,1
+newfields,1142,2
+ranchester,617,7
+newfields,401,4
+leonardo,204,5
+lindenwood,988,0
+tolstoy,891,6
+wainscott,934,11
+newfields,802,4
+tolstoy,155,9
+woodbine,657,0
+onaga,9,3
+leonardo,316,11
+cosmos,651,2
+leonardo,263,18
+pinesdale,1428,9
+wainscott,605,1
+newfields,1447,1
+marstons,1760,3
+woodbine,476,2
+pinesdale,1052,1
+mifflinburg,888,2
+mifflinburg,79,11
+onaga,150,5
+klickitat,514,0
+pomaria,527,3
+newfields,449,6
+leonardo,878,3
+hiteman,468,4
+wainscott,978,10
+mifflinburg,224,3
+klickitat,1584,16
+klickitat,1041,15
+forkland,1093,1
+tolstoy,870,2
+beechwood,209,2
+tolstoy,240,2
+pomaria,389,2
+forkland,427,2
+marstons,1001,0
+pinesdale,942,4
+hanson,857,4
+wainscott,382,1
+tolstoy,1574,2
+forkland,868,2
+leonardo,1597,0
+cosmos,608,9
+newfields,334,3
+klickitat,693,20
+wainscott,1657,5
+hiteman,436,1
+marstons,709,4
+lakeville,416,1
+pomaria,713,6
+lakeville,1537,6
+newfields,637,5
+cosmos,110,4
+lakeville,1808,10
+leonardo,1588,1
+lakeville,1775,8
+beechwood,493,0
+shelbyville,328,5
+cosmos,367,2
+marstons,412,2
+hiteman,786,0
+cosmos,568,5
+newfields,1378,8
+forkland,219,3
+pomaria,943,8
+klickitat,1434,1
+leonardo,1081,3
+tolstoy,1339,6
+pinesdale,989,5
+allensville,61,2
+marstons,2276,1
+mifflinburg,173,4
+forkland,442,0
+tolstoy,1450,1
+hiteman,864,2
+lakeville,1841,3
+leonardo,425,0
+pinesdale,1480,1
+newfields,1009,1
+pomaria,83,4
+stockman,647,2
+lakeville,1759,1
+leonardo,198,10
+woodbine,1404,0
+beechwood,739,2
+stockman,636,0
+pomaria,368,10
+tolstoy,1770,1
+newfields,823,2
+hanson,466,10
+klickitat,366,0
+shelbyville,2426,1
+hiteman,399,2
+lakeville,1041,1
+newfields,585,3
+marstons,1372,5
+klickitat,382,1
+lakeville,256,1
+klickitat,379,5
+shelbyville,1668,1
+benevolence,603,8
+lakeville,1315,1
+onaga,259,1
+mifflinburg,373,1
+marstons,1071,3
+woodbine,1960,2
+newfields,1415,3
+newfields,1057,2
+pinesdale,56,1
+marstons,2433,2
+lakeville,1271,0
+woodbine,395,0
+marstons,1131,2
+cosmos,958,6
+coffeen,1475,0
+lindenwood,256,2
+hiteman,1212,15
+coffeen,829,0
+hanson,357,1
+marstons,309,3
+hanson,1399,6
+shelbyville,2305,2
+lakeville,229,10
+klickitat,1904,6
+ranchester,171,9
+stockman,1607,2
+shelbyville,2703,10
+cosmos,816,2
+woodbine,1748,3
+lakeville,612,0
+pinesdale,100,2
+lindenwood,1594,2
+leonardo,373,1
+marstons,406,7
+leonardo,686,0
+pinesdale,111,5
+shelbyville,358,0
+ranchester,1466,10
+pinesdale,1129,1
+pomaria,1437,20
+tolstoy,214,3
+pinesdale,1028,1
+coffeen,1341,5
+woodbine,105,5
+stockman,1085,6
+leonardo,198,12
+merom,616,2
+ranchester,1567,1
+merom,144,1
+stockman,539,4
+hiteman,1317,6
+stockman,1004,1
+merom,203,3
+marstons,1692,2
+tolstoy,1783,4
+cosmos,292,2
+ranchester,936,3
+pinesdale,298,2
+wainscott,1103,7
+woodbine,0,0
+klickitat,602,0
+ranchester,310,5
+lindenwood,1998,10
+lindenwood,1508,8
+lindenwood,1449,1
+marstons,1746,2
+hanson,483,4
+woodbine,12,7
+shelbyville,1674,4
+wainscott,174,5
+lindenwood,2016,5
+merom,79,0
+shelbyville,959,0
+pomaria,641,6
+mifflinburg,375,4
+lakeville,1421,5
+marstons,723,4
+onaga,230,1
+lindenwood,2648,0
+marstons,1072,4
+shelbyville,264,3
+shelbyville,834,3
+pomaria,1191,3
+marstons,719,11
+beechwood,304,4
+stockman,1106,3
+wainscott,902,0
+newfields,1316,0
+hanson,1508,9
+leonardo,1227,0
+cosmos,983,5
+wainscott,442,6
+pomaria,1646,5
+cosmos,178,1
+ranchester,905,2
+shelbyville,2004,6
+cosmos,808,11
+beechwood,165,1
+hanson,1626,4
+marstons,561,0
+shelbyville,355,3
+newfields,804,5
+lakeville,793,4
+marstons,1571,8
+pomaria,179,1
+newfields,1449,4
+klickitat,1979,3
+forkland,941,0
+leonardo,419,5
+allensville,392,1
+lakeville,169,3
+lindenwood,1204,3
+pomaria,519,7
+coffeen,682,0
+klickitat,1274,4
+lakeville,17,3
+shelbyville,1747,11
+pomaria,138,1
+ranchester,1229,4
+leonardo,528,22
+marstons,2023,12
+tolstoy,872,0
+hiteman,494,4
+marstons,2617,2
+pomaria,871,1
+lakeville,1021,0
+klickitat,1041,8
+woodbine,167,2
+hiteman,920,0
+mifflinburg,380,1
+hanson,1026,4
+merom,252,3
+pomaria,121,0
+tolstoy,1685,1
+marstons,51,1
+marstons,921,15
+pomaria,1442,12
+benevolence,134,2
+mifflinburg,838,2
+newfields,120,8
+merom,316,7
+lakeville,763,2
+newfields,1546,5
+lakeville,237,4
+woodbine,1186,10
+pomaria,1262,1
+leonardo,2006,8
+marstons,1896,15
+hanson,35,3
+woodbine,802,3
+leonardo,938,0
+pomaria,228,1
+leonardo,1837,4
+marstons,758,12
+ranchester,618,3
+wainscott,567,2
+merom,1013,3
+merom,704,5
+hiteman,226,3
+shelbyville,729,3
+wainscott,1082,2
+leonardo,453,1
+onaga,97,2
+tolstoy,890,3
+klickitat,476,0
+ranchester,1550,8
+leonardo,1491,2
+coffeen,1086,0
+lindenwood,549,1
+woodbine,1767,7
+wainscott,732,1
+klickitat,1808,2
+allensville,71,3
+klickitat,1832,6
+beechwood,299,2
+klickitat,1596,0
+beechwood,784,5
+forkland,834,0
+pomaria,215,4
+hanson,1603,5
+stockman,36,2
+coffeen,639,0
+tolstoy,876,5
+cosmos,636,0
+klickitat,319,7
+lakeville,861,2
+shelbyville,2499,6
+wainscott,301,3
+leonardo,1038,0
+forkland,429,2
+cosmos,53,1
+marstons,2554,9
+lindenwood,1567,0
+beechwood,647,3
+leonardo,957,2
+wainscott,880,2
+shelbyville,91,13
+woodbine,118,0
+leonardo,1187,4
+shelbyville,220,6
+cosmos,938,1
+ranchester,1511,1
+wainscott,1506,2
+ranchester,1421,5
+marstons,2068,3
+marstons,1999,5
+klickitat,2201,2
+coffeen,1349,1
+klickitat,1672,0
+stockman,721,5
+lakeville,1289,5
+woodbine,1753,4
+lindenwood,2482,3
+beechwood,804,5
+klickitat,1393,0
+leonardo,132,2
+klickitat,2061,7
+woodbine,1446,8
+leonardo,678,1
+stockman,1585,1
+pomaria,298,1
+shelbyville,2512,2
+newfields,325,6
+ranchester,46,4
+newfields,1339,6
+lakeville,1475,5
+wainscott,1305,5
+merom,150,10
+pinesdale,1381,3
+leonardo,40,2
+marstons,1756,4
+shelbyville,2353,1
+ranchester,964,4
+leonardo,170,15
+lakeville,1760,1
+woodbine,1576,6
+stockman,1547,12
+lakeville,440,6
+mifflinburg,510,4
+wainscott,508,0
+lindenwood,1966,8
+wainscott,1306,2
+woodbine,1608,2
+woodbine,491,0
+klickitat,242,3
+newfields,799,1
+pomaria,1068,5
+pinesdale,1008,2
+lindenwood,2543,2
+woodbine,1605,13
+lakeville,844,3
+pomaria,582,1
+cosmos,454,1
+klickitat,1245,0
+newfields,1388,0
+cosmos,838,0
+benevolence,549,13
+lakeville,40,3
+beechwood,322,6
+lindenwood,22,10
+klickitat,148,19
+ranchester,1044,0
+marstons,103,7
+shelbyville,2809,3
+allensville,242,1
+lindenwood,1315,2
+marstons,2473,0
+marstons,2030,0
+lindenwood,710,0
+pinesdale,661,5
+wainscott,1344,3
+shelbyville,2566,0
+klickitat,2204,3
+woodbine,1507,3
+merom,508,3
+leonardo,825,3
+woodbine,1695,2
+ranchester,1203,6
+newfields,1201,6
+lakeville,95,2
+marstons,2322,4
+lakeville,177,6
+shelbyville,2630,4
+wainscott,939,1
+marstons,452,4
+merom,521,4
+hiteman,1603,4
+woodbine,1834,1
+ranchester,896,14
+wainscott,619,6
+hanson,1073,2
+hiteman,162,0
+pomaria,526,3
+tolstoy,1797,8
+woodbine,1654,3
+lindenwood,247,2
+lakeville,1166,11
+woodbine,1826,0
+tolstoy,1819,1
+leonardo,881,6
+klickitat,1246,7
+ranchester,1205,14
+stockman,1417,8
+marstons,225,2
+newfields,1340,1
+shelbyville,46,2
+merom,89,4
+hiteman,993,3
+klickitat,1775,0
+merom,809,6
+marstons,2116,2
+ranchester,1176,7
+marstons,705,15
+forkland,612,10
+marstons,939,3
+marstons,1500,5
+klickitat,473,3
+tolstoy,981,0
+marstons,2611,2
+pinesdale,1438,3
+hiteman,669,2
+marstons,285,11
+marstons,276,3
+beechwood,93,0
+benevolence,495,10
+ranchester,503,2
+klickitat,1331,1
+leonardo,1915,1
+tolstoy,273,0
+coffeen,862,2
+klickitat,1509,6
+newfields,1008,0
+shelbyville,2520,14
+wainscott,1754,0
+shelbyville,2335,5
+coffeen,264,4
+leonardo,560,4
+tolstoy,384,3
+tolstoy,1301,2
+klickitat,2016,6
+benevolence,554,1
+klickitat,679,2
+merom,23,1
+onaga,376,5
+lindenwood,2527,5
+pomaria,977,1
+lindenwood,1023,1
+hiteman,1222,6
+beechwood,1130,0
+benevolence,825,2
+benevolence,65,1
+lindenwood,125,0
+lindenwood,1941,8
+marstons,647,2
+hiteman,155,3
+woodbine,1155,2
+beechwood,794,3
+cosmos,159,1
+lindenwood,2408,6
+klickitat,1778,14
+klickitat,1626,0
+woodbine,318,0
+hanson,715,0
+beechwood,750,5
+lindenwood,2433,4
+woodbine,29,0
+hiteman,879,2
+stockman,81,3
+ranchester,372,7
+coffeen,1235,7
+hanson,1198,4
+hiteman,462,3
+wainscott,1027,3
+ranchester,118,0
+tolstoy,725,2
+lakeville,540,3
+lindenwood,683,6
+klickitat,197,8
+wainscott,1334,4
+lakeville,1252,2
+shelbyville,931,5
+ranchester,1536,7
+leonardo,116,1
+wainscott,863,2
+klickitat,420,1
+hiteman,1176,1
+forkland,752,0
+lakeville,151,3
+wainscott,883,14
+allensville,118,0
+leonardo,644,2
+mifflinburg,176,0
+cosmos,328,2
+klickitat,2311,0
+pinesdale,789,4
+coffeen,281,9
+leonardo,1219,5
+pomaria,1053,3
+cosmos,680,0
+coffeen,240,3
+lakeville,757,5
+cosmos,971,3
+woodbine,345,0
+lindenwood,540,1
+pinesdale,132,5
+klickitat,384,2
+woodbine,214,9
+lindenwood,2329,1
+klickitat,1833,2
+beechwood,280,6
+klickitat,859,2
+merom,1082,2
+klickitat,137,4
+onaga,613,2
+tolstoy,1703,2
+benevolence,256,0
+tolstoy,400,13
+hanson,899,3
+newfields,1022,8
+woodbine,1950,5
+merom,88,1
+pomaria,784,4
+hiteman,537,6
+stockman,237,1
+shelbyville,199,9
+leonardo,1684,2
+pomaria,442,1
+tolstoy,1389,1
+pomaria,982,9
+hiteman,1603,1
+lindenwood,1126,7
+pinesdale,400,4
+ranchester,1353,1
+leonardo,51,12
+tolstoy,785,9
+klickitat,616,1
+woodbine,1873,8
+shelbyville,1952,8
+cosmos,284,4
+benevolence,966,5
+lindenwood,2675,11
+lakeville,890,4
+hanson,1358,2
+hiteman,739,2
+hanson,1331,12
+leonardo,1949,7
+leonardo,1944,4
+newfields,1483,2
+forkland,183,1
+woodbine,1001,4
+tolstoy,645,0
+hiteman,1188,1
+lindenwood,2671,0
+marstons,1749,8
+onaga,309,2
+klickitat,1194,13
+woodbine,1657,4
+shelbyville,1878,3
+marstons,2498,2
+klickitat,1596,5
+hiteman,1350,11
+mifflinburg,507,3
+newfields,1427,4
+benevolence,222,4
+leonardo,330,3
+marstons,2013,4
+tolstoy,1398,1
+klickitat,340,7
+shelbyville,1424,7
+lindenwood,360,0
+tolstoy,1811,2
+woodbine,865,0
+pomaria,947,2
+hanson,891,2
+klickitat,2361,1
+wainscott,1657,14
+ranchester,589,5
+cosmos,51,2
+klickitat,50,3
+hiteman,1263,6
+shelbyville,167,4
+tolstoy,1165,6
+leonardo,734,6
+hanson,1114,0
+wainscott,481,1
+ranchester,709,3
+leonardo,1850,5
+wainscott,830,0
+merom,302,0
+hiteman,1137,1
+lindenwood,244,0
+stockman,463,0
+lakeville,1670,14
+lakeville,1824,2
+tolstoy,207,5
+lakeville,285,9
+hiteman,859,5
+hanson,1306,4
+shelbyville,2043,5
+forkland,1154,1
+marstons,1876,4
+mifflinburg,718,4
+tolstoy,613,9
+klickitat,394,1
+newfields,1204,7
+tolstoy,1542,2
+coffeen,1409,2
+klickitat,2327,3
+shelbyville,797,1
+hanson,10,0
+marstons,1788,5
+onaga,207,5
+ranchester,421,2
+klickitat,1909,9
+ranchester,1355,3
+shelbyville,2533,11
+leonardo,689,5
+shelbyville,991,1
+hanson,146,1
+ranchester,129,6
+leonardo,157,7
+leonardo,2117,3
+pomaria,1080,7
+marstons,660,6
+klickitat,1335,1
+hiteman,1821,2
+ranchester,1447,1
+woodbine,1646,2
+tolstoy,995,2
+pomaria,1564,2
+hiteman,1412,0
+hanson,1640,4
+shelbyville,1610,9
+beechwood,789,1
+marstons,2649,1
+newfields,1040,13
+lindenwood,1507,4
+onaga,137,2
+woodbine,1212,7
+newfields,265,3
+tolstoy,1017,2
+lindenwood,2662,4
+marstons,1113,10
+ranchester,140,6
+lakeville,368,15
+merom,890,0
+woodbine,41,3
+marstons,2286,3
+hanson,284,0
+merom,789,7
+forkland,20,4
+klickitat,334,3
+wainscott,263,9
+stockman,125,5
+tolstoy,1693,3
+ranchester,578,0
+tolstoy,1695,1
+pomaria,460,4
+newfields,586,2
+lakeville,1831,6
+hiteman,186,3
+wainscott,1543,8
+leonardo,257,7
+cosmos,501,7
+ranchester,953,7
+shelbyville,1996,5
+wainscott,926,4
+coffeen,113,1
+cosmos,152,2
+lindenwood,2259,1
+woodbine,1208,5
+newfields,693,3
+merom,424,6
+stockman,1318,7
+newfields,1421,0
+beechwood,988,1
+lakeville,1140,9
+klickitat,2057,5
+shelbyville,898,0
+marstons,2170,2
+mifflinburg,215,2
+leonardo,1714,9
+shelbyville,1753,7
+shelbyville,2325,1
+lakeville,1523,3
+pinesdale,1042,4
+newfields,936,6
+hanson,1172,5
+shelbyville,71,11
+tolstoy,1762,4
+tolstoy,1003,2
+ranchester,837,4
+hiteman,556,13
+merom,79,5
+cosmos,940,13
+ranchester,375,3
+newfields,1494,1
+marstons,2510,2
+hanson,31,4
+hanson,1489,2
+klickitat,1881,1
+woodbine,9,11
+woodbine,2007,12
+lakeville,931,2
+pomaria,1600,3
+klickitat,303,15
+benevolence,708,6
+klickitat,79,4
+shelbyville,2614,1
+pinesdale,1120,1
+coffeen,1192,2
+tolstoy,1689,15
+cosmos,204,0
+wainscott,1731,3
+lindenwood,955,3
+tolstoy,354,0
+coffeen,940,8
+hanson,320,0
+klickitat,1951,1
+pomaria,1383,4
+marstons,2229,0
+forkland,829,2
+tolstoy,1628,1
+newfields,1058,9
+shelbyville,1142,7
+lakeville,394,1
+cosmos,44,2
+pomaria,353,0
+marstons,567,6
+wainscott,572,6
+shelbyville,907,3
+lindenwood,1977,0
+stockman,347,2
+marstons,90,1
+klickitat,305,10
+shelbyville,1551,0
+beechwood,1031,4
+merom,762,0
+pomaria,1472,8
+stockman,797,9
+leonardo,985,11
+hanson,327,0
+forkland,1118,2
+lakeville,1798,0
+wainscott,1034,2
+hiteman,272,6
+merom,974,13
+woodbine,1073,4
+shelbyville,1401,12
+leonardo,871,6
+leonardo,1562,1
+coffeen,776,4
+ranchester,1476,4
+benevolence,950,1
+forkland,11,7
+pomaria,205,6
+mifflinburg,40,8
+pinesdale,691,0
+tolstoy,518,1
+shelbyville,2343,2
+marstons,554,7
+coffeen,1375,0
+lakeville,227,15
+hanson,916,0
+newfields,1279,0
+merom,1020,4
+beechwood,190,3
+woodbine,293,2
+hanson,63,3
+wainscott,1340,9
+leonardo,1173,7
+hiteman,1738,3
+shelbyville,1641,0
+onaga,24,0
+stockman,782,2
+beechwood,1040,9
+shelbyville,2664,11
+wainscott,533,3
+newfields,558,3
+leonardo,1599,0
+hiteman,1475,5
+klickitat,1334,0
+klickitat,648,11
+stockman,1358,1
+shelbyville,921,12
+newfields,1251,2
+onaga,612,2
+benevolence,550,2
+pomaria,226,2
+hiteman,1471,2
+marstons,404,5
+pomaria,976,2
+shelbyville,2453,2
+shelbyville,1619,7
+benevolence,261,2
+klickitat,1811,13
+lindenwood,1621,6
+ranchester,246,3
+ranchester,1088,1
+hanson,1569,3
+leonardo,1613,4
+newfields,1473,4
+hanson,892,7
+leonardo,1395,6
+ranchester,281,5
+woodbine,1552,0
+klickitat,232,1
+tolstoy,104,1
+klickitat,864,0
+mifflinburg,871,1
+lakeville,1839,2
+lakeville,996,4
+stockman,1386,4
+lindenwood,278,4
+shelbyville,245,1
+pomaria,476,8
+lindenwood,64,5
+lindenwood,1477,2
+hiteman,918,4
+wainscott,1241,17
+woodbine,511,4
+benevolence,17,5
+pomaria,1067,5
+beechwood,439,2
+klickitat,472,1
+hanson,580,7
+lindenwood,1697,2
+lindenwood,709,1
+wainscott,1037,8
+lakeville,500,0
+lindenwood,1472,0
+cosmos,679,2
+marstons,1135,13
+coffeen,1469,4
+shelbyville,816,2
+shelbyville,1852,3
+wainscott,1170,6
+lakeville,608,2
+leonardo,551,2
+marstons,1357,0
+shelbyville,378,8
+wainscott,300,9
+wainscott,1643,2
+klickitat,1619,2
+leonardo,1128,1
+lakeville,1028,13
+klickitat,685,1
+klickitat,1402,2
+tolstoy,1822,2
+coffeen,1135,3
+newfields,209,5
+shelbyville,1355,0
+hiteman,989,7
+hiteman,126,5
+leonardo,348,2
+klickitat,1202,2
+marstons,1447,1
+shelbyville,1361,2
+pomaria,290,0
+hiteman,1737,15
+klickitat,878,1
+wainscott,1304,4
+leonardo,274,6
+shelbyville,1113,1
+allensville,79,1
+lakeville,639,3
+forkland,1029,5
+pinesdale,432,3
+coffeen,1167,8
+tolstoy,705,2
+merom,792,3
+klickitat,2371,7
+merom,1083,6
+leonardo,1933,16
+lindenwood,2540,2
+newfields,813,4
+hiteman,1705,2
+lindenwood,2316,3
+wainscott,1577,5
+marstons,60,6
+klickitat,407,3
+pomaria,253,7
+hanson,88,0
+hiteman,404,0
+hiteman,1329,3
+coffeen,329,2
+shelbyville,2,12
+benevolence,544,0
+tolstoy,613,0
+ranchester,853,1
+hiteman,54,1
+forkland,1056,6
+marstons,662,2
+lindenwood,659,0
+hiteman,1145,3
+lindenwood,2114,6
+beechwood,699,1
+hanson,1553,16
+allensville,272,5
+klickitat,1969,4
+tolstoy,750,6
+woodbine,1204,7
+lindenwood,2452,6
+lakeville,653,3
+woodbine,1817,1
+benevolence,157,0
+leonardo,197,0
+forkland,217,1
+wainscott,241,14
+lindenwood,2129,1
+marstons,2451,3
+woodbine,877,1
+newfields,535,2
+lindenwood,486,3
+lakeville,1120,1
+mifflinburg,898,2
+wainscott,150,2
+hanson,1011,3
+tolstoy,631,6
+wainscott,1388,4
+mifflinburg,73,3
+mifflinburg,953,1
+klickitat,603,1
+lakeville,1615,5
+marstons,2410,5
+allensville,358,0
+tolstoy,1448,6
+mifflinburg,926,0
+marstons,1195,1
+leonardo,231,12
+stockman,1454,0
+hanson,561,0
+lakeville,223,2
+beechwood,840,7
+shelbyville,2187,0
+leonardo,1933,6
+newfields,1640,2
+tolstoy,968,14
+woodbine,1709,0
+klickitat,1914,3
+lindenwood,2434,3
+marstons,1341,8
+pomaria,974,9
+tolstoy,1361,2
+woodbine,854,4
+pomaria,1118,2
+mifflinburg,353,1
+lindenwood,1445,6
+tolstoy,927,4
+marstons,1239,1
+shelbyville,597,12
+beechwood,275,7
+hiteman,167,4
+benevolence,121,4
+shelbyville,238,5
+woodbine,1283,1
+shelbyville,350,6
+lakeville,1320,12
+woodbine,504,7
+tolstoy,1305,4
+tolstoy,1578,3
+lakeville,1441,11
+pomaria,515,0
+coffeen,1471,1
+woodbine,960,1
+forkland,216,1
+allensville,16,4
+shelbyville,351,6
+cosmos,619,9
+pomaria,900,6
+cosmos,875,2
+shelbyville,204,14
+pomaria,855,1
+stockman,1039,5
+tolstoy,326,9
+mifflinburg,221,3
+newfields,1388,5
+marstons,2165,0
+coffeen,1493,0
+beechwood,881,4
+klickitat,1998,4
+klickitat,845,8
+wainscott,992,3
+tolstoy,79,1
+leonardo,1909,1
+hanson,955,1
+hanson,196,1
+woodbine,1444,5
+newfields,1074,11
+lindenwood,453,2
+ranchester,443,6
+hanson,150,1
+coffeen,1369,4
+hanson,136,10
+shelbyville,1636,1
+hiteman,1168,1
+tolstoy,1477,12
+stockman,1278,3
+onaga,550,5
+pinesdale,1454,1
+cosmos,819,5
+shelbyville,1445,3
+beechwood,194,0
+lindenwood,848,1
+beechwood,620,6
+ranchester,949,1
+woodbine,1571,17
+merom,274,3
+woodbine,1649,2
+pinesdale,1497,0
+pomaria,1317,0
+benevolence,449,1
+pinesdale,221,8
+leonardo,1304,0
+lindenwood,538,11
+pinesdale,219,4
+klickitat,1562,11
+stockman,1431,3
+woodbine,1129,5
+leonardo,1054,2
+lindenwood,2674,8
+lindenwood,586,3
+allensville,33,2
+lindenwood,2261,1
+forkland,569,4
+newfields,509,3
+forkland,1186,0
+ranchester,1295,10
+marstons,2520,1
+woodbine,1906,4
+marstons,947,1
+newfields,1019,5
+leonardo,659,18
+merom,441,1
+marstons,704,3
+shelbyville,467,4
+ranchester,796,2
+merom,609,2
+lakeville,736,9
+shelbyville,2322,7
+mifflinburg,913,3
+newfields,950,1
+stockman,1196,4
+klickitat,1705,0
+wainscott,1306,3
+coffeen,225,0
+lindenwood,148,0
+merom,871,0
+cosmos,149,8
+lindenwood,825,5
+coffeen,1384,6
+merom,710,1
+wainscott,1474,8
+beechwood,360,9
+pomaria,760,9
+pomaria,1147,14
+pomaria,608,2
+hiteman,155,8
+marstons,567,3
+coffeen,1230,1
+coffeen,1129,8
+stockman,615,9
+hanson,111,5
+lindenwood,231,8
+shelbyville,1225,2
+ranchester,393,7
+wainscott,1283,0
+coffeen,373,1
+beechwood,106,6
+marstons,2027,0
+woodbine,102,2
+shelbyville,2476,4
+leonardo,40,9
+woodbine,76,1
+leonardo,871,11
+shelbyville,2188,2
+pinesdale,1414,1
+wainscott,1385,1
+tolstoy,1807,2
+pomaria,1262,0
+lindenwood,430,3
+shelbyville,1241,11
+cosmos,34,2
+marstons,63,4
+woodbine,1939,0
+shelbyville,2548,2
+woodbine,572,3
+benevolence,822,3
+hiteman,1096,10
+hanson,331,8
+hiteman,934,2
+klickitat,688,0
+ranchester,715,2
+allensville,274,5
+leonardo,839,1
+lindenwood,2019,3
+woodbine,770,4
+pinesdale,584,8
+klickitat,1895,2
+tolstoy,184,4
+coffeen,1348,2
+coffeen,1173,10
+onaga,513,0
+mifflinburg,738,1
+mifflinburg,856,2
+hanson,548,8
+wainscott,907,3
+coffeen,1332,1
+tolstoy,190,8
+hanson,1168,3
+ranchester,219,11
+woodbine,1702,13
+woodbine,634,0
+klickitat,26,7
+marstons,1665,0
+klickitat,874,4
+wainscott,786,3
+tolstoy,1625,4
+lindenwood,231,3
+marstons,1805,3
+marstons,913,1
+woodbine,1629,7
+hanson,1377,5
+lindenwood,1637,1
+shelbyville,2234,6
+klickitat,1083,7
+leonardo,1037,5
+pomaria,578,2
+tolstoy,498,5
+klickitat,1270,2
+klickitat,626,3
+wainscott,1227,11
+lakeville,1861,1
+leonardo,475,0
+woodbine,584,7
+beechwood,930,7
+allensville,179,2
+hiteman,1209,12
+tolstoy,303,4
+leonardo,1003,2
+marstons,130,2
+beechwood,1167,1
+beechwood,858,4
+wainscott,871,0
+marstons,2144,4
+wainscott,370,3
+leonardo,665,7
+hanson,841,0
+pomaria,904,11
+tolstoy,693,9
+klickitat,996,5
+allensville,160,0
+forkland,332,1
+leonardo,649,3
+stockman,38,5
+lakeville,1187,6
+pomaria,1473,2
+pinesdale,1201,5
+ranchester,343,4
+cosmos,909,0
+merom,560,4
+woodbine,1750,6
+coffeen,1363,2
+marstons,627,2
+lindenwood,713,12
+shelbyville,2161,11
+merom,452,1
+marstons,496,7
+klickitat,2413,2
+leonardo,1665,1
+marstons,1365,7
+marstons,1223,0
+forkland,295,0
+shelbyville,944,5
+stockman,17,2
+leonardo,1579,12
+lakeville,1011,0
+merom,667,2
+ranchester,1011,2
+pinesdale,792,1
+marstons,1170,2
+lindenwood,2422,5
+tolstoy,1658,9
+woodbine,1428,1
+newfields,534,3
+marstons,2014,8
+marstons,543,10
+coffeen,646,0
+wainscott,529,7
+tolstoy,386,0
+leonardo,1681,1
+tolstoy,1613,2
+beechwood,326,4
+allensville,511,4
+tolstoy,1791,0
+pinesdale,1308,1
+stockman,162,0
+tolstoy,432,6
+tolstoy,1237,0
+marstons,1586,11
+mifflinburg,859,11
+pinesdale,1074,1
+tolstoy,893,0
+marstons,468,8
+merom,942,2
+hiteman,1363,3
+shelbyville,1778,0
+hanson,149,0
+ranchester,82,4
+leonardo,1222,3
+beechwood,918,3
+marstons,1091,6
+ranchester,1301,1
+merom,41,1
+newfields,1066,1
+lindenwood,964,8
+tolstoy,1218,13
+klickitat,2215,1
+shelbyville,739,5
+coffeen,1225,4
+shelbyville,2050,5
+hiteman,1423,3
+pomaria,1638,6
+lindenwood,1507,3
+pinesdale,923,2
+leonardo,1841,0
+lakeville,422,8
+klickitat,1664,0
+woodbine,1235,9
+wainscott,858,4
+shelbyville,69,5
+woodbine,238,0
+leonardo,619,0
+hanson,274,0
+stockman,1317,0
+cosmos,358,3
+tolstoy,37,3
+hanson,826,4
+shelbyville,1098,6
+merom,612,4
+ranchester,735,2
+beechwood,396,11
+beechwood,1125,1
+tolstoy,982,1
+wainscott,656,9
+ranchester,140,0
+cosmos,470,1
+ranchester,275,4
+merom,341,6
+wainscott,32,2
+ranchester,934,0
+tolstoy,433,9
+leonardo,835,1
+klickitat,658,0
+pinesdale,706,1
+shelbyville,1409,2
+marstons,1187,4
+cosmos,38,1
+mifflinburg,426,1
+pinesdale,1305,2
+klickitat,898,6
+ranchester,1317,12
+marstons,856,4
+allensville,343,0
+woodbine,1222,0
+klickitat,192,4
+shelbyville,438,5
+marstons,972,3
+hanson,1318,1
+tolstoy,1123,0
+tolstoy,972,0
+lindenwood,1288,2
+newfields,532,2
+woodbine,1598,12
+hiteman,373,0
+newfields,490,15
+lindenwood,675,0
+marstons,2063,7
+leonardo,1895,5
+pomaria,180,2
+benevolence,331,0
+shelbyville,820,8
+leonardo,1473,0
+pinesdale,1171,0
+lindenwood,2071,0
+klickitat,1917,1
+lakeville,57,8
+forkland,929,0
+benevolence,486,1
+lindenwood,568,4
+wainscott,13,3
+shelbyville,2309,0
+marstons,2524,12
+marstons,1976,10
+hanson,1252,7
+newfields,1004,1
+tolstoy,1359,2
+tolstoy,1703,1
+ranchester,810,2
+tolstoy,1389,2
+shelbyville,1038,6
+leonardo,1458,5
+wainscott,1482,2
+allensville,229,0
+woodbine,1362,0
+wainscott,1559,5
+shelbyville,295,5
+pomaria,71,1
+wainscott,1268,0
+lakeville,1660,1
+stockman,116,0
+klickitat,2116,3
+leonardo,583,1
+wainscott,34,2
+wainscott,1544,0
+tolstoy,549,3
+hiteman,1765,6
+pomaria,558,3
+ranchester,851,6
+ranchester,1123,11
+wainscott,919,6
+lindenwood,2108,5
+woodbine,671,1
+newfields,420,0
+marstons,2115,2
+marstons,274,7
+shelbyville,982,12
+hanson,1247,9
+forkland,482,3
+coffeen,1083,0
+lakeville,477,2
+hanson,29,0
+pinesdale,1266,5
+ranchester,1111,1
+mifflinburg,781,2
+leonardo,1855,1
+leonardo,1693,3
+pinesdale,954,4
+pomaria,972,1
+shelbyville,2004,0
+shelbyville,2715,6
+lindenwood,134,2
+marstons,622,3
+newfields,987,8
+pomaria,124,4
+ranchester,880,1
+lindenwood,394,4
+lindenwood,1326,2
+forkland,655,4
+marstons,2032,10
+shelbyville,1457,2
+klickitat,1589,2
+woodbine,1653,15
+lindenwood,2129,6
+coffeen,726,0
+lakeville,58,2
+pinesdale,1066,9
+lindenwood,1969,3
+lindenwood,563,5
+tolstoy,803,12
+hiteman,277,2
+lindenwood,1331,1
+hiteman,965,2
+pomaria,892,1
+lakeville,414,10
+ranchester,1605,2
+ranchester,978,2
+pinesdale,971,0
+lindenwood,2606,0
+marstons,1776,1
+hiteman,510,2
+lakeville,956,1
+wainscott,901,4
+klickitat,1394,9
+woodbine,568,3
+tolstoy,656,9
+wainscott,928,6
+beechwood,479,0
+hiteman,1753,1
+benevolence,928,0
+shelbyville,49,2
+lakeville,878,4
+beechwood,530,2
+newfields,696,7
+benevolence,314,5
+klickitat,2123,8
+wainscott,1686,4
+marstons,1749,9
+hanson,705,0
+ranchester,1389,4
+woodbine,1877,1
+marstons,2639,4
+shelbyville,1097,2
+hanson,518,9
+beechwood,547,1
+beechwood,28,2
+cosmos,34,1
+coffeen,919,1
+cosmos,1078,5
+woodbine,226,11
+marstons,51,6
+pinesdale,1097,0
+shelbyville,1206,9
+forkland,665,0
+leonardo,1895,0
+lakeville,1781,0
+coffeen,1121,3
+pinesdale,321,0
+marstons,315,4
+shelbyville,2439,2
+woodbine,1896,2
+ranchester,864,5
+pomaria,202,2
+newfields,1499,10
+stockman,950,4
+lindenwood,1260,0
+marstons,1292,3
+beechwood,640,4
+klickitat,2324,5
+klickitat,2361,8
+hiteman,1040,3
+shelbyville,1464,2
+leonardo,490,4
+newfields,541,1
+coffeen,147,5
+lakeville,406,1
+lakeville,332,3
+woodbine,996,3
+pomaria,705,2
+marstons,2061,9
+shelbyville,2013,9
+shelbyville,1948,5
+klickitat,1707,5
+klickitat,2333,9
+leonardo,1782,5
+leonardo,766,1
+allensville,50,3
+lakeville,348,9
+woodbine,1138,4
+marstons,798,6
+woodbine,405,0
+lakeville,1797,5
+tolstoy,1041,2
+hanson,1658,1
+lindenwood,83,4
+pomaria,321,3
+ranchester,1393,14
+wainscott,993,9
+wainscott,1201,7
+mifflinburg,611,3
+ranchester,1618,1
+forkland,853,2
+hanson,81,2
+marstons,1152,0
+hanson,661,4
+coffeen,267,4
+tolstoy,1012,4
+marstons,970,5
+pomaria,1095,4
+newfields,1183,7
+shelbyville,19,3
+stockman,285,3
+beechwood,892,0
+klickitat,1328,2
+lakeville,1234,7
+leonardo,877,1
+lakeville,466,3
+leonardo,354,0
+tolstoy,914,4
+klickitat,14,20
+shelbyville,1327,6
+forkland,1132,0
+mifflinburg,626,1
+lakeville,94,1
+marstons,175,10
+cosmos,288,1
+stockman,1555,1
+klickitat,1763,11
+cosmos,2,9
+benevolence,301,4
+hiteman,280,9
+tolstoy,1720,7
+stockman,1185,1
+tolstoy,278,0
+wainscott,798,6
+forkland,95,1
+wainscott,154,2
+hanson,1131,2
+newfields,654,1
+hanson,1528,5
+allensville,176,3
+coffeen,786,6
+onaga,501,2
+marstons,1897,7
+ranchester,1583,5
+ranchester,290,4
+marstons,1783,1
+newfields,326,0
+hiteman,173,4
+newfields,1570,10
+marstons,1528,3
+stockman,1266,5
+hanson,66,1
+hanson,1352,11
+marstons,417,8
+woodbine,345,5
+beechwood,517,3
+mifflinburg,937,3
+wainscott,372,2
+cosmos,1043,1
+hiteman,659,3
+shelbyville,2227,2
+pomaria,108,6
+marstons,625,7
+lindenwood,1065,0
+marstons,1719,1
+hanson,369,1
+onaga,663,2
+ranchester,782,8
+cosmos,469,8
+marstons,975,14
+shelbyville,2284,4
+marstons,1889,4
+mifflinburg,382,1
+woodbine,971,1
+pomaria,288,11
+klickitat,1775,5
+shelbyville,1686,1
+lakeville,1353,2
+shelbyville,170,9
+woodbine,399,2
+hiteman,1849,0
+lindenwood,769,3
+newfields,725,2
+pinesdale,709,1
+beechwood,280,2
+tolstoy,1283,4
+klickitat,190,4
+leonardo,1545,11
+hanson,693,6
+forkland,613,2
+newfields,581,2
+coffeen,728,3
+marstons,1111,1
+marstons,1156,5
+klickitat,857,0
+merom,620,4
+klickitat,2109,10
+hanson,1509,3
+merom,301,2
+onaga,46,0
+klickitat,388,0
+coffeen,1006,2
+cosmos,472,2
+pinesdale,243,2
+klickitat,255,2
+wainscott,543,1
+hanson,878,7
+klickitat,157,1
+wainscott,1527,7
+shelbyville,804,2
+pinesdale,425,8
+hiteman,1376,1
+merom,187,6
+stockman,1427,1
+stockman,681,3
+klickitat,35,17
+hiteman,883,0
+woodbine,87,2
+pomaria,550,0
+lakeville,36,9
+woodbine,813,0
+stockman,891,1
+klickitat,1408,1
+merom,940,2
+hiteman,1528,4
+marstons,1255,6
+lindenwood,2513,9
+leonardo,95,0
+marstons,2035,4
+allensville,263,6
+lindenwood,1418,2
+stockman,1010,0
+cosmos,911,3
+woodbine,981,5
+shelbyville,2295,4
+marstons,1759,1
+wainscott,1114,0
+marstons,1925,1
+allensville,47,7
+pomaria,122,2
+lakeville,961,0
+klickitat,920,6
+wainscott,246,1
+klickitat,1645,3
+stockman,1254,1
+lindenwood,704,1
+shelbyville,1954,10
+hanson,1399,1
+shelbyville,1242,3
+forkland,5,3
+shelbyville,2608,4
+stockman,1383,0
+newfields,1009,8
+klickitat,2184,2
+shelbyville,697,13
+allensville,208,0
+klickitat,2068,1
+klickitat,1181,3
+klickitat,1799,0
+stockman,34,2
+marstons,883,7
+leonardo,1411,7
+forkland,941,1
+shelbyville,2388,11
+hiteman,976,8
+shelbyville,2425,3
+lindenwood,740,0
+beechwood,1057,1
+shelbyville,2761,4
+newfields,121,5
+beechwood,1112,12
+forkland,904,1
+cosmos,346,1
+forkland,1053,8
+woodbine,292,3
+marstons,572,0
+shelbyville,772,2
+leonardo,1367,14
+woodbine,221,0
+hiteman,1745,3
+lindenwood,450,0
+benevolence,746,0
+leonardo,1006,4
+shelbyville,599,3
+cosmos,935,1
+hiteman,417,0
+klickitat,757,3
+woodbine,1315,2
+hiteman,74,4
+merom,738,3
+wainscott,502,7
+lindenwood,1286,3
+woodbine,817,0
+ranchester,564,0
+leonardo,2078,4
+newfields,1251,0
+lakeville,1681,9
+cosmos,121,3
+hiteman,916,6
+wainscott,1708,13
+forkland,808,10
+klickitat,502,1
+lindenwood,2556,5
+lakeville,959,1
+stockman,1313,0
+beechwood,441,3
+wainscott,1322,5
+lindenwood,2637,10
+lindenwood,641,1
+klickitat,1836,6
+wainscott,977,4
+wainscott,1779,2
+wainscott,1296,12
+wainscott,1239,7
+newfields,1072,4
+wainscott,451,3
+pinesdale,258,1
+pomaria,495,3
+lindenwood,277,0
+leonardo,343,3
+marstons,205,6
+lakeville,2,4
+hanson,1553,1
+beechwood,906,6
+pomaria,1434,2
+forkland,362,1
+lindenwood,1569,5
+pomaria,1485,2
+coffeen,1401,2
+newfields,1245,0
+cosmos,555,2
+klickitat,1412,9
+onaga,625,3
+beechwood,631,8
+stockman,1547,6
+newfields,1039,2
+newfields,727,8
+hiteman,593,2
+lindenwood,2307,13
+lindenwood,2202,1
+pinesdale,1290,1
+beechwood,903,2
+pomaria,1516,5
+marstons,1900,1
+marstons,2075,0
+klickitat,3,10
+stockman,614,3
+shelbyville,949,4
+leonardo,888,1
+hiteman,444,10
+klickitat,1271,2
+shelbyville,1881,12
+ranchester,514,7
+pomaria,1112,2
+hanson,1074,2
+ranchester,173,6
+leonardo,2099,3
+woodbine,1189,1
+pinesdale,305,9
+hanson,1643,4
+hiteman,917,3
+shelbyville,159,0
+hanson,569,13
+ranchester,550,9
+wainscott,1185,4
+ranchester,1413,8
+onaga,6,5
+ranchester,1448,5
+woodbine,1617,4
+ranchester,645,3
+coffeen,474,3
+wainscott,900,6
+marstons,821,13
+shelbyville,340,1
+marstons,328,4
+klickitat,362,0
+klickitat,2122,5
+shelbyville,214,6
+woodbine,698,4
+ranchester,1283,0
+pomaria,165,3
+hiteman,1210,9
+klickitat,170,2
+stockman,421,0
+shelbyville,1643,2
+pomaria,235,0
+lindenwood,66,12
+klickitat,1966,1
+wainscott,1431,4
+lindenwood,2609,6
+beechwood,599,2
+hanson,1161,9
+hanson,602,10
+woodbine,1138,10
+tolstoy,200,2
+beechwood,214,5
+coffeen,1451,1
+hanson,1302,1
+merom,1035,1
+newfields,692,1
+stockman,751,0
+beechwood,782,3
+cosmos,71,9
+stockman,1509,2
+pinesdale,184,2
+woodbine,477,0
+ranchester,1415,1
+benevolence,943,1
+lakeville,1604,0
+newfields,1211,8
+pinesdale,1076,5
+pinesdale,607,4
+beechwood,292,1
+stockman,1285,2
+woodbine,783,6
+marstons,2359,4
+cosmos,715,8
+shelbyville,287,0
+pomaria,299,3
+hanson,1385,1
+tolstoy,355,3
+pomaria,305,4
+pomaria,931,2
+tolstoy,1693,6
+shelbyville,1401,4
+forkland,612,6
+pomaria,997,10
+coffeen,992,5
+newfields,720,4
+wainscott,811,3
+wainscott,1118,7
+tolstoy,483,7
+woodbine,650,1
+pomaria,909,7
+tolstoy,237,4
+wainscott,1189,6
+leonardo,785,4
+leonardo,1540,0
+woodbine,1868,4
+coffeen,1322,5
+lindenwood,1159,7
+klickitat,1048,3
+wainscott,1000,0
+woodbine,1827,10
+hiteman,1266,4
+ranchester,1285,5
+leonardo,1526,1
+cosmos,499,5
+pinesdale,810,5
+lindenwood,1359,0
+shelbyville,1323,0
+lakeville,1419,11
+tolstoy,1447,2
+ranchester,793,2
+stockman,1391,2
+wainscott,802,3
+tolstoy,379,4
+newfields,147,1
+lindenwood,526,6
+benevolence,347,0
+tolstoy,939,2
+newfields,824,7
+marstons,391,1
+merom,843,5
+hanson,1632,0
+benevolence,461,4
+shelbyville,809,2
+hiteman,770,2
+hanson,106,11
+newfields,48,3
+forkland,116,0
+leonardo,298,7
+wainscott,93,14
+ranchester,592,5
+beechwood,685,8
+ranchester,1209,0
+woodbine,748,4
+marstons,1003,10
+klickitat,2351,0
+wainscott,659,3
+wainscott,861,7
+pomaria,1567,0
+stockman,513,1
+stockman,453,3
+lakeville,1217,6
+onaga,29,0
+pomaria,1316,2
+hiteman,10,4
+benevolence,810,2
+leonardo,650,0
+lakeville,652,3
+stockman,271,0
+lindenwood,2078,0
+hiteman,1022,3
+forkland,827,4
+pinesdale,966,1
+marstons,1939,3
+lakeville,333,4
+beechwood,396,7
+woodbine,506,5
+lindenwood,2431,4
+wainscott,1251,7
+merom,872,5
+lindenwood,1384,3
+mifflinburg,149,5
+tolstoy,506,1
+lindenwood,234,3
+mifflinburg,37,3
+wainscott,1291,7
+pomaria,177,10
+tolstoy,1828,2
+shelbyville,1089,3
+lakeville,1389,18
+tolstoy,28,0
+merom,668,4
+lindenwood,2154,0
+hanson,91,6
+lindenwood,392,2
+coffeen,699,7
+klickitat,1557,0
+woodbine,1283,13
+klickitat,2264,7
+hanson,367,5
+beechwood,685,3
+pinesdale,1183,4
+merom,342,2
+pomaria,676,0
+ranchester,506,4
+pomaria,464,4
+ranchester,1312,0
+marstons,1780,5
+newfields,133,6
+hanson,760,4
+hanson,1091,6
+marstons,1784,0
+lindenwood,768,4
+hiteman,650,2
+wainscott,1449,4
+coffeen,1030,2
+lindenwood,1578,9
+wainscott,1228,5
+woodbine,397,15
+hiteman,1349,1
+shelbyville,2571,4
+pomaria,1676,0
+newfields,1535,1
+hiteman,733,8
+newfields,1314,7
+stockman,89,4
+cosmos,540,6
+wainscott,351,4
+forkland,425,2
+hanson,885,5
+hiteman,1774,0
+leonardo,372,0
+lakeville,31,17
+hanson,1551,2
+leonardo,974,0
+tolstoy,1673,10
+lindenwood,245,1
+cosmos,611,5
+hiteman,522,8
+woodbine,1820,3
+marstons,781,3
+merom,340,2
+forkland,573,6
+tolstoy,131,7
+ranchester,985,8
+marstons,128,9
+shelbyville,1941,0
+wainscott,511,3
+woodbine,184,3
+pomaria,1470,9
+hiteman,91,3
+lindenwood,1707,1
+tolstoy,1744,5
+woodbine,778,2
+leonardo,687,0
+lindenwood,1818,8
+klickitat,1093,3
+tolstoy,1830,2
+tolstoy,652,2
+lakeville,1809,9
+lindenwood,31,1
+newfields,1617,3
+pinesdale,278,9
+marstons,629,3
+tolstoy,889,1
+lindenwood,1407,8
+merom,935,4
+cosmos,124,4
+lakeville,437,4
+leonardo,2045,6
+newfields,1320,2
+lindenwood,1253,0
+leonardo,572,0
+beechwood,478,10
+shelbyville,1431,5
+shelbyville,2487,2
+merom,100,5
+coffeen,1371,5
+wainscott,529,0
+newfields,1427,3
+pomaria,513,8
+klickitat,2418,12
+shelbyville,781,3
+newfields,960,2
+benevolence,743,3
+tolstoy,1618,4
+hanson,1388,12
+wainscott,482,7
+coffeen,1281,3
+lindenwood,774,5
+tolstoy,88,12
+wainscott,1615,0
+klickitat,1921,5
+lindenwood,1507,5
+pomaria,1381,4
+tolstoy,1000,5
+marstons,657,14
+beechwood,685,12
+pomaria,1203,9
+lindenwood,1719,4
+forkland,67,2
+hiteman,179,6
+marstons,116,9
+beechwood,497,0
+newfields,715,0
+lindenwood,2099,5
+woodbine,643,8
+wainscott,1695,3
+leonardo,1098,5
+mifflinburg,785,5
+tolstoy,1815,4
+pomaria,583,10
+lindenwood,1507,11
+ranchester,1345,7
+tolstoy,274,3
+marstons,1631,1
+shelbyville,2646,7
+ranchester,1609,2
+tolstoy,249,10
+beechwood,426,3
+pomaria,478,3
+pinesdale,864,11
+beechwood,263,5
+lakeville,649,2
+coffeen,178,10
+cosmos,504,0
+marstons,2037,0
+marstons,2443,5
+woodbine,1853,19
+klickitat,886,12
+forkland,219,4
+klickitat,434,0
+wainscott,791,4
+ranchester,777,3
+newfields,1256,10
+lindenwood,682,11
+hanson,1044,8
+stockman,1209,1
+woodbine,39,7
+hiteman,238,5
+marstons,1675,0
+shelbyville,1973,8
+marstons,953,0
+hanson,325,1
+hanson,11,0
+pinesdale,1424,3
+hanson,58,8
+pinesdale,203,2
+woodbine,576,6
+wainscott,1336,3
+pinesdale,982,9
+stockman,645,0
+cosmos,589,2
+shelbyville,916,3
+tolstoy,1452,11
+hanson,1410,10
+ranchester,1122,2
+coffeen,413,1
+marstons,1070,9
+coffeen,1380,0
+leonardo,1411,17
+lindenwood,1508,9
+marstons,2021,15
+woodbine,1218,0
+klickitat,1358,0
+lindenwood,547,4
+lindenwood,2626,8
+pinesdale,761,7
+tolstoy,1096,0
+wainscott,1430,4
+lindenwood,1985,10
+newfields,834,10
+lakeville,1085,4
+woodbine,484,5
+shelbyville,1904,1
+ranchester,1588,7
+forkland,786,4
+hanson,602,13
+hiteman,1623,4
+pinesdale,1080,4
+beechwood,77,0
+stockman,491,0
+woodbine,1112,0
+wainscott,979,2
+pomaria,690,0
+coffeen,1477,3
+pinesdale,573,3
+lindenwood,1217,9
+lakeville,1141,3
+woodbine,1653,7
+ranchester,758,8
+newfields,1507,2
+marstons,288,6
+tolstoy,302,1
+klickitat,1279,10
+lindenwood,1939,1
+wainscott,34,11
+mifflinburg,958,0
+newfields,570,3
+newfields,1620,0
+marstons,2215,0
+hiteman,132,0
+coffeen,104,5
+hanson,221,3
+wainscott,855,2
+woodbine,998,0
+lakeville,1329,9
+woodbine,1353,6
+woodbine,734,1
+lakeville,898,9
+ranchester,1466,7
+lakeville,227,11
+pomaria,547,6
+marstons,771,6
+wainscott,630,2
+woodbine,1168,0
+coffeen,1196,0
+lindenwood,434,10
+newfields,752,3
+hanson,896,0
+tolstoy,1572,0
+hanson,1026,6
+wainscott,1032,3
+tolstoy,7,2
+ranchester,423,1
+hanson,1178,3
+ranchester,1148,14
+leonardo,1473,3
+shelbyville,2581,4
+tolstoy,213,4
+shelbyville,1921,9
+pinesdale,1242,4
+wainscott,1467,2
+newfields,1591,0
+benevolence,848,0
+pinesdale,925,8
+marstons,1299,3
+leonardo,1540,4
+shelbyville,1754,4
+klickitat,407,7
+klickitat,777,2
+woodbine,1436,0
+pomaria,427,4
+marstons,2372,4
+coffeen,244,1
+lindenwood,1147,5
+marstons,880,4
+cosmos,765,0
+lakeville,951,1
+shelbyville,1699,9
+marstons,2507,0
+leonardo,1954,7
+pomaria,724,0
+woodbine,600,2
+marstons,1963,13
+woodbine,123,7
+klickitat,2229,1
+tolstoy,273,3
+lakeville,1594,8
+klickitat,218,2
+ranchester,928,15
+klickitat,2136,1
+leonardo,75,4
+shelbyville,148,13
+klickitat,1565,1
+shelbyville,355,5
+lakeville,967,1
+allensville,229,5
+newfields,628,2
+tolstoy,1543,3
+tolstoy,1497,2
+marstons,1731,16
+hiteman,859,9
+newfields,1183,13
+cosmos,557,1
+hiteman,40,0
+newfields,388,12
+woodbine,861,13
+newfields,988,2
+tolstoy,1014,0
+klickitat,2301,1
+shelbyville,700,5
+pomaria,227,3
+lakeville,559,12
+shelbyville,719,10
+hanson,573,5
+wainscott,1236,8
+newfields,1124,0
+klickitat,2089,17
+woodbine,600,0
+stockman,1245,1
+lindenwood,327,2
+klickitat,2362,7
+stockman,829,0
+beechwood,1104,6
+hiteman,1066,2
+shelbyville,1124,5
+pinesdale,457,1
+merom,551,0
+leonardo,1371,0
+lakeville,1626,2
+beechwood,73,0
+leonardo,955,2
+stockman,1431,0
+hiteman,1588,1
+hanson,662,4
+hanson,58,11
+wainscott,1406,2
+ranchester,1185,10
+wainscott,1053,3
+beechwood,983,1
+marstons,713,4
+marstons,1989,2
+marstons,1995,7
+marstons,2103,0
+newfields,404,6
+hanson,221,5
+wainscott,64,13
+klickitat,1991,5
+hanson,151,5
+ranchester,337,3
+marstons,1595,6
+shelbyville,713,1
+lindenwood,760,1
+shelbyville,842,1
+lindenwood,1498,0
+klickitat,314,5
+lindenwood,1532,3
+pinesdale,576,4
+klickitat,2062,0
+marstons,1413,2
+ranchester,575,6
+marstons,2327,4
+klickitat,1565,6
+stockman,105,1
+tolstoy,271,1
+klickitat,1767,9
+hanson,412,3
+lakeville,839,14
+forkland,6,2
+lakeville,1009,1
+stockman,49,12
+shelbyville,1373,1
+shelbyville,1342,19
+woodbine,1039,1
+leonardo,81,3
+lindenwood,1334,3
+lindenwood,1016,3
+shelbyville,2302,10
+pomaria,871,8
+shelbyville,2770,2
+shelbyville,627,4
+stockman,928,1
+lakeville,167,0
+hiteman,568,1
+hanson,39,1
+shelbyville,1308,9
+hiteman,1484,4
+ranchester,265,17
+coffeen,663,0
+klickitat,209,5
+stockman,775,1
+klickitat,286,9
+shelbyville,539,10
+lakeville,1456,4
+stockman,727,0
+shelbyville,2184,16
+hanson,1495,2
+onaga,330,2
+pomaria,1159,18
+lindenwood,1897,5
+lindenwood,2651,13
+woodbine,1867,9
+cosmos,5,2
+merom,459,1
+shelbyville,997,4
+shelbyville,275,14
+coffeen,565,1
+ranchester,1263,0
+newfields,1552,3
+lakeville,1774,4
+shelbyville,527,0
+shelbyville,555,2
+pomaria,953,0
+leonardo,695,3
+cosmos,847,0
+woodbine,383,2
+klickitat,2012,3
+stockman,1089,2
+beechwood,509,6
+coffeen,1263,5
+pinesdale,1226,6
+pinesdale,71,1
+shelbyville,1545,9
+hiteman,1339,17
+newfields,299,13
+woodbine,1665,0
+marstons,39,0
+leonardo,174,6
+hiteman,1714,5
+leonardo,1547,1
+hiteman,1469,1
+hanson,147,1
+hanson,752,6
+klickitat,1041,14
+cosmos,846,5
+shelbyville,1731,3
+lindenwood,2296,2
+stockman,442,0
+hiteman,1641,5
+coffeen,583,1
+benevolence,814,1
+ranchester,570,1
+ranchester,52,2
+klickitat,1186,3
+marstons,2521,1
+cosmos,747,13
+pomaria,1055,4
+beechwood,59,12
+shelbyville,1969,2
+shelbyville,1697,4
+hanson,1029,3
+pomaria,316,9
+ranchester,1095,4
+coffeen,1005,1
+marstons,1852,0
+tolstoy,1487,1
+cosmos,892,2
+wainscott,1104,3
+pinesdale,590,4
+leonardo,1798,1
+leonardo,559,11
+lindenwood,1624,2
+tolstoy,326,0
+hanson,738,13
+ranchester,267,0
+shelbyville,2533,15
+klickitat,149,6
+mifflinburg,334,1
+newfields,1563,0
+lakeville,1243,1
+wainscott,1361,7
+lakeville,187,6
+cosmos,71,13
+beechwood,1009,1
+hiteman,1068,3
+pomaria,898,3
+woodbine,1019,2
+pinesdale,935,6
+newfields,593,3
+lindenwood,630,10
+newfields,196,3
+marstons,1777,2
+marstons,777,2
+marstons,68,0
+forkland,0,0
+cosmos,168,3
+tolstoy,747,1
+leonardo,1120,3
+wainscott,1739,8
+mifflinburg,720,7
+lindenwood,106,3
+hiteman,1858,13
+beechwood,158,0
+pomaria,1294,5
+pinesdale,1234,0
+marstons,1488,1
+klickitat,611,14
+woodbine,479,12
+woodbine,2055,2
+ranchester,221,3
+lakeville,966,1
+newfields,224,7
+beechwood,1077,12
+allensville,375,0
+shelbyville,828,0
+klickitat,2122,10
+beechwood,743,6
+shelbyville,2363,3
+ranchester,274,1
+wainscott,1303,10
+pinesdale,581,2
+newfields,1639,0
+pinesdale,569,3
+woodbine,1090,9
+ranchester,135,5
+wainscott,565,6
+beechwood,529,0
+wainscott,722,2
+lindenwood,948,7
+ranchester,624,7
+tolstoy,1168,2
+stockman,344,6
+hanson,801,0
+stockman,678,0
+forkland,672,2
+merom,667,4
+marstons,1585,1
+coffeen,694,9
+woodbine,928,1
+beechwood,371,1
+lindenwood,1383,0
+coffeen,926,1
+wainscott,220,0
+lindenwood,1138,3
+marstons,80,2
+shelbyville,692,6
+wainscott,1536,1
+shelbyville,2808,6
+marstons,2494,3
+klickitat,1986,2
+lindenwood,890,3
+klickitat,2024,5
+leonardo,847,4
+pomaria,180,6
+tolstoy,70,2
+merom,334,1
+ranchester,115,6
+merom,360,0
+cosmos,541,8
+beechwood,529,1
+merom,506,3
+stockman,1474,3
+newfields,1135,11
+pomaria,781,10
+stockman,353,8
+tolstoy,233,3
+lakeville,1122,7
+hanson,155,10
+newfields,1023,6
+merom,498,4
+lindenwood,2105,2
+lakeville,1303,6
+leonardo,1986,3
+marstons,2144,7
+merom,868,4
+klickitat,2019,3
+marstons,805,4
+stockman,564,2
+tolstoy,1446,0
+marstons,1064,0
+woodbine,347,5
+benevolence,135,0
+tolstoy,82,2
+leonardo,1108,5
+ranchester,67,2
+lindenwood,1101,3
+pinesdale,1173,0
+ranchester,1601,13
+wainscott,1383,2
+pinesdale,1040,6
+klickitat,1940,11
+leonardo,1140,2
+klickitat,1255,4
+klickitat,1248,0
+shelbyville,2751,3
+hiteman,1495,1
+newfields,1505,2
+klickitat,599,1
+marstons,2234,3
+tolstoy,147,4
+newfields,1482,1
+lindenwood,327,5
+hanson,865,5
+forkland,1187,2
+shelbyville,1330,1
+beechwood,713,3
+shelbyville,2138,4
+hanson,146,4
+coffeen,1398,1
+ranchester,1490,4
+lindenwood,1929,2
+leonardo,1090,1
+pomaria,718,0
+marstons,729,10
+leonardo,1427,0
+woodbine,610,7
+marstons,2414,1
+lakeville,1884,10
+newfields,120,5
+woodbine,417,5
+lindenwood,1269,9
+shelbyville,2728,0
+woodbine,872,2
+cosmos,998,2
+forkland,509,2
+leonardo,1999,13
+marstons,1836,11
+stockman,580,2
+ranchester,754,8
+pomaria,1047,1
+pomaria,1363,3
+hiteman,219,7
+benevolence,476,3
+mifflinburg,316,7
+mifflinburg,228,4
+pinesdale,588,6
+pomaria,1656,2
+pomaria,381,0
+onaga,339,0
+shelbyville,2505,0
+lakeville,1044,7
+shelbyville,1936,7
+tolstoy,590,3
+hiteman,1267,3
+marstons,1946,2
+shelbyville,538,1
+marstons,1429,1
+forkland,868,1
+ranchester,1109,2
+shelbyville,564,11
+newfields,1446,1
+lindenwood,283,3
+klickitat,1294,4
+ranchester,790,2
+hanson,1449,0
+shelbyville,559,11
+tolstoy,1564,1
+woodbine,1244,1
+beechwood,141,0
+leonardo,1659,2
+klickitat,367,2
+marstons,431,4
+hanson,1175,8
+lindenwood,1104,9
+ranchester,395,14
+klickitat,1935,10
+lindenwood,1804,0
+marstons,721,1
+klickitat,171,5
+hanson,1012,5
+klickitat,945,5
+woodbine,1995,10
+klickitat,1554,1
+pomaria,1164,1
+leonardo,1321,7
+mifflinburg,59,0
+marstons,2040,5
+shelbyville,2650,2
+marstons,2584,6
+shelbyville,570,1
+hanson,1107,2
+marstons,67,2
+newfields,61,8
+hanson,246,8
+klickitat,149,5
+lindenwood,996,1
+lindenwood,2299,10
+lindenwood,1410,9
+woodbine,898,8
+marstons,37,17
+leonardo,353,1
+wainscott,779,8
+forkland,858,2
+wainscott,321,0
+benevolence,321,3
+pinesdale,1471,2
+stockman,916,1
+pinesdale,921,3
+leonardo,1423,10
+marstons,1290,8
+shelbyville,2462,0
+hiteman,1764,4
+newfields,131,0
+woodbine,2021,2
+shelbyville,1390,0
+forkland,2,5
+onaga,507,6
+shelbyville,1996,3
+woodbine,1881,1
+marstons,467,0
+lakeville,1752,9
+hiteman,699,10
+lakeville,649,11
+shelbyville,40,4
+woodbine,320,0
+lakeville,1897,4
+stockman,250,0
+hiteman,75,7
+wainscott,1121,1
+marstons,1957,3
+wainscott,149,13
+woodbine,1287,1
+pomaria,131,6
+klickitat,723,4
+woodbine,90,1
+lindenwood,2663,1
+woodbine,98,4
+forkland,723,1
+beechwood,309,0
+ranchester,1425,3
+lindenwood,332,0
+marstons,472,4
+marstons,365,5
+lindenwood,1339,3
+coffeen,1038,2
+klickitat,784,5
+hanson,972,0
+beechwood,224,0
+klickitat,783,4
+cosmos,972,1
+wainscott,309,1
+klickitat,794,5
+pomaria,256,10
+lindenwood,48,5
+woodbine,1591,5
+pinesdale,96,2
+lakeville,1012,1
+woodbine,1191,0
+lindenwood,1891,3
+forkland,612,1
+lindenwood,2517,0
+klickitat,36,10
+leonardo,108,2
+wainscott,716,5
+onaga,580,2
+hiteman,1475,6
+shelbyville,1354,3
+klickitat,129,12
+lindenwood,2486,1
+lakeville,579,3
+lakeville,65,0
+pinesdale,322,3
+lindenwood,1339,1
+coffeen,518,1
+woodbine,1262,3
+coffeen,999,0
+marstons,2165,1
+tolstoy,1025,2
+marstons,651,0
+wainscott,451,2
+newfields,346,7
+newfields,71,4
+tolstoy,848,1
+klickitat,1980,11
+hanson,1582,7
+leonardo,460,1
+wainscott,1508,8
+klickitat,1687,2
+wainscott,362,0
+coffeen,1517,2
+tolstoy,735,1
+klickitat,1977,5
+klickitat,1428,2
+pomaria,326,2
+lindenwood,1568,0
+klickitat,1047,0
+newfields,330,1
+lakeville,1741,11
+hanson,475,2
+klickitat,623,5
+pinesdale,325,4
+woodbine,1433,0
+cosmos,444,1
+woodbine,589,4
+woodbine,1915,6
+newfields,773,0
+leonardo,94,8
+woodbine,1152,0
+pomaria,1068,12
+hiteman,289,4
+klickitat,1679,5
+lindenwood,1590,10
+coffeen,678,1
+hiteman,1223,0
+cosmos,436,1
+woodbine,1985,1
+hiteman,780,2
+marstons,1174,6
+lindenwood,667,2
+leonardo,1725,4
+marstons,163,2
+hiteman,1339,6
+wainscott,1664,0
+forkland,69,4
+shelbyville,784,13
+woodbine,828,1
+merom,1052,4
+klickitat,493,1
+pomaria,1441,9
+lindenwood,2557,2
+marstons,242,11
+hiteman,1487,11
+stockman,1441,8
+lakeville,1252,5
+merom,735,5
+pomaria,1165,10
+woodbine,1793,1
+marstons,2514,2
+stockman,1032,2
+lindenwood,1165,2
+newfields,36,3
+klickitat,1073,5
+woodbine,106,2
+merom,105,3
+beechwood,1106,1
+leonardo,881,1
+stockman,287,2
+onaga,636,0
+klickitat,1189,1
+pinesdale,29,5
+woodbine,369,12
+klickitat,799,0
+newfields,446,1
+merom,406,6
+hiteman,1316,0
+leonardo,525,4
+ranchester,295,5
+merom,1087,5
+lakeville,119,5
+cosmos,55,0
+hanson,241,2
+hanson,1295,3
+lakeville,1713,3
+klickitat,1694,1
+stockman,1203,1
+marstons,2565,4
+marstons,2123,9
+lakeville,535,4
+klickitat,1034,0
+wainscott,1274,0
+tolstoy,1441,1
+klickitat,1103,7
+cosmos,232,8
+newfields,1400,3
+pinesdale,985,13
+shelbyville,1140,5
+ranchester,1147,3
+lakeville,554,9
+marstons,2441,9
+wainscott,269,9
+ranchester,1031,12
+pinesdale,498,2
+hiteman,1277,5
+shelbyville,1388,2
+shelbyville,2725,2
+pomaria,961,0
+tolstoy,713,0
+ranchester,1468,0
+onaga,320,4
+ranchester,873,1
+klickitat,205,2
+beechwood,281,7
+marstons,1314,1
+beechwood,843,3
+newfields,986,3
+leonardo,143,1
+wainscott,1197,6
+merom,211,2
+leonardo,618,2
+merom,907,4
+beechwood,396,6
+lindenwood,1905,17
+wainscott,161,8
+tolstoy,617,10
+wainscott,1430,0
+cosmos,891,14
+leonardo,615,7
+lindenwood,2375,2
+pomaria,268,1
+shelbyville,1707,0
+marstons,1852,2
+lindenwood,1380,6
+lindenwood,6,3
+marstons,443,0
+beechwood,743,5
+lindenwood,1056,4
+cosmos,727,2
+marstons,1399,9
+coffeen,83,4
+klickitat,171,19
+newfields,395,8
+stockman,98,0
+wainscott,253,2
+klickitat,189,3
+allensville,384,6
+klickitat,651,8
+leonardo,1777,12
+woodbine,1285,2
+merom,514,2
+lindenwood,1197,1
+stockman,1617,1
+klickitat,2046,0
+ranchester,880,2
+lindenwood,813,9
+hiteman,303,0
+beechwood,41,3
+pomaria,73,3
+newfields,1506,4
+stockman,1235,5
+woodbine,1457,8
+hiteman,1423,2
+hanson,40,11
+shelbyville,822,3
+pinesdale,1494,1
+tolstoy,1147,9
+pinesdale,159,7
+lakeville,223,4
+pomaria,759,9
+coffeen,425,7
+hanson,789,6
+shelbyville,443,2
+leonardo,271,14
+stockman,690,2
+wainscott,1201,4
+hanson,1616,4
+woodbine,928,4
+ranchester,297,6
+wainscott,38,8
+klickitat,919,5
+hanson,778,7
+pinesdale,1139,0
+woodbine,1049,8
+shelbyville,2044,5
+ranchester,356,6
+lindenwood,937,14
+cosmos,104,1
+coffeen,1215,2
+hanson,1149,4
+woodbine,828,3
+woodbine,1030,2
+marstons,116,1
+ranchester,1099,3
+forkland,1123,4
+mifflinburg,971,5
+woodbine,578,7
+woodbine,1677,2
+klickitat,1178,7
+lindenwood,2304,6
+stockman,685,2
+forkland,727,0
+hanson,89,8
+leonardo,1369,0
+newfields,1105,4
+merom,152,3
+ranchester,806,1
+klickitat,633,3
+shelbyville,696,1
+coffeen,471,9
+tolstoy,142,4
+beechwood,596,0
+hanson,1458,14
+klickitat,1762,0
+shelbyville,268,6
+lindenwood,678,8
+pinesdale,1308,6
+klickitat,564,2
+leonardo,1435,1
+shelbyville,2402,0
+lakeville,1561,4
+pomaria,930,2
+woodbine,1443,7
+beechwood,411,1
+ranchester,514,0
+coffeen,1286,6
+leonardo,1479,1
+shelbyville,2641,5
+marstons,2437,3
+allensville,292,0
+tolstoy,726,6
+merom,897,4
+hiteman,761,5
+pinesdale,1178,4
+klickitat,1187,6
+tolstoy,926,9
+pomaria,1393,3
+klickitat,569,6
+klickitat,831,5
+shelbyville,2187,2
+lindenwood,1858,3
+newfields,1267,2
+woodbine,1804,3
+ranchester,595,3
+ranchester,1347,9
+cosmos,566,5
+forkland,199,2
+newfields,1434,1
+lindenwood,826,2
+wainscott,598,8
+klickitat,673,1
+leonardo,1865,2
+lakeville,1681,3
+tolstoy,1600,0
+leonardo,510,1
+tolstoy,362,2
+ranchester,844,6
+woodbine,1446,4
+marstons,1333,1
+shelbyville,702,2
+newfields,713,12
+lakeville,1108,7
+coffeen,930,0
+klickitat,2393,2
+woodbine,740,2
+woodbine,1950,10
+pomaria,1084,0
+ranchester,1558,6
+wainscott,1195,3
+ranchester,1431,4
+hanson,631,2
+beechwood,75,3
+marstons,482,0
+beechwood,120,1
+pinesdale,1065,2
+lakeville,1500,4
+cosmos,518,7
+lindenwood,1258,4
+hanson,67,3
+shelbyville,1468,8
+benevolence,854,8
+pomaria,49,1
+benevolence,488,6
+shelbyville,2669,5
+hanson,1333,5
+leonardo,171,3
+coffeen,575,2
+tolstoy,90,13
+coffeen,897,3
+marstons,2191,11
+ranchester,490,0
+marstons,1752,3
+wainscott,1141,1
+forkland,2,1
+beechwood,928,1
+lakeville,542,2
+stockman,1302,4
+allensville,26,7
+tolstoy,368,0
+ranchester,1311,2
+beechwood,866,1
+marstons,2351,5
+beechwood,877,5
+pinesdale,1369,0
+lakeville,922,5
+ranchester,1414,1
+pinesdale,878,1
+klickitat,1112,0
+wainscott,653,3
+shelbyville,512,18
+cosmos,554,4
+lindenwood,1839,3
+cosmos,286,5
+onaga,224,2
+hanson,1510,10
+stockman,950,1
+marstons,640,1
+wainscott,732,5
+marstons,1698,1
+hiteman,1252,1
+wainscott,1401,3
+mifflinburg,676,0
+hiteman,160,0
+woodbine,397,5
+beechwood,509,2
+klickitat,1552,9
+hiteman,1833,4
+stockman,696,8
+shelbyville,361,1
+wainscott,427,5
+marstons,1476,3
+klickitat,1761,2
+onaga,676,9
+coffeen,301,1
+lindenwood,1127,6
+klickitat,1984,10
+klickitat,2239,0
+hanson,642,3
+beechwood,118,1
+lakeville,1873,2
+klickitat,2231,7
+lakeville,873,3
+beechwood,999,3
+cosmos,120,0
+wainscott,361,10
+cosmos,134,5
+ranchester,555,9
+pinesdale,398,2
+klickitat,2318,3
+coffeen,1174,4
+forkland,1148,4
+woodbine,1193,2
+forkland,280,3
+beechwood,563,4
+wainscott,994,1
+hiteman,1372,2
+woodbine,902,5
+wainscott,771,5
+lindenwood,969,0
+lakeville,1259,0
+leonardo,1434,0
+merom,1004,6
+stockman,503,5
+coffeen,1265,4
+hiteman,139,1
+tolstoy,1180,2
+tolstoy,836,3
+woodbine,1982,3
+merom,359,5
+marstons,2418,10
+leonardo,867,3
+pomaria,1468,12
+pomaria,558,1
+newfields,1497,11
+cosmos,979,4
+lakeville,568,8
+stockman,193,3
+tolstoy,830,2
+klickitat,2291,2
+marstons,1069,4
+coffeen,284,6
+forkland,150,3
+klickitat,2238,2
+merom,345,2
+pomaria,50,8
+hanson,672,14
+benevolence,549,9
+hiteman,1718,0
+merom,31,2
+lindenwood,1928,0
+woodbine,1834,3
+lindenwood,2227,7
+hanson,1192,1
+hanson,823,3
+lindenwood,2388,0
+lindenwood,628,7
+leonardo,925,2
+hanson,652,2
+mifflinburg,745,2
+forkland,134,1
+lindenwood,2581,9
+newfields,1088,3
+beechwood,103,12
+pomaria,1332,0
+shelbyville,2524,5
+hiteman,591,8
+lindenwood,1580,1
+hiteman,885,4
+newfields,906,1
+newfields,261,2
+woodbine,1885,1
+ranchester,438,0
+forkland,873,1
+cosmos,32,2
+tolstoy,1582,0
+newfields,1489,10
+newfields,1621,2
+hiteman,573,1
+stockman,1363,0
+pinesdale,38,9
+merom,70,0
+shelbyville,886,4
+stockman,179,5
+wainscott,1641,0
+lakeville,1384,0
+lakeville,1863,11
+klickitat,1096,0
+cosmos,358,2
+woodbine,908,11
+newfields,1529,7
+woodbine,1930,2
+forkland,801,1
+shelbyville,444,4
+wainscott,44,10
+ranchester,514,3
+tolstoy,175,2
+shelbyville,413,0
+woodbine,1731,2
+marstons,84,13
+leonardo,1367,8
+wainscott,159,0
+lakeville,817,0
+hiteman,531,0
+forkland,300,5
+merom,888,1
+merom,367,1
+lakeville,528,9
+benevolence,644,0
+lindenwood,672,2
+ranchester,1181,2
+shelbyville,1672,5
+klickitat,1880,12
+wainscott,845,4
+marstons,2056,9
+woodbine,1700,16
+pomaria,849,5
+hanson,1105,3
+forkland,341,1
+woodbine,320,2
+coffeen,1360,4
+shelbyville,693,3
+hanson,1363,17
+tolstoy,278,1
+newfields,1248,1
+marstons,296,5
+marstons,1234,0
+klickitat,1764,9
+lindenwood,1112,0
+marstons,1266,7
+wainscott,433,9
+onaga,489,2
+leonardo,167,15
+hiteman,99,1
+forkland,631,0
+shelbyville,287,1
+wainscott,897,2
+benevolence,905,2
+klickitat,2069,4
+lakeville,988,5
+merom,824,0
+shelbyville,2294,12
+wainscott,1630,2
+lakeville,975,2
+merom,383,3
+tolstoy,964,6
+lakeville,360,2
+lindenwood,1001,2
+beechwood,229,3
+tolstoy,626,3
+newfields,1093,4
+lindenwood,2558,2
+hiteman,1488,5
+hiteman,163,4
+tolstoy,539,2
+klickitat,531,0
+forkland,1100,0
+pinesdale,1050,9
+lindenwood,933,2
+stockman,273,1
+pinesdale,739,1
+marstons,2456,3
+woodbine,245,3
+hiteman,271,6
+stockman,1296,7
+leonardo,1845,6
+klickitat,2188,1
+lindenwood,1006,0
+merom,50,0
+ranchester,439,1
+woodbine,240,3
+hanson,1554,6
+klickitat,711,4
+hiteman,1571,2
+wainscott,844,0
+woodbine,262,0
+pinesdale,691,4
+lakeville,1179,3
+woodbine,210,4
+pinesdale,222,0
+cosmos,504,2
+stockman,199,2
+lindenwood,478,2
+wainscott,1272,4
+mifflinburg,940,2
+mifflinburg,266,6
+woodbine,1331,3
+klickitat,338,1
+shelbyville,2217,10
+beechwood,216,0
+hanson,255,3
+beechwood,837,4
+marstons,1093,4
+beechwood,727,2
+lindenwood,24,0
+pomaria,341,1
+woodbine,1082,1
+pomaria,628,1
+klickitat,953,4
+shelbyville,722,8
+tolstoy,769,10
+pomaria,631,2
+forkland,441,0
+pinesdale,1285,3
+benevolence,8,5
+hiteman,1003,2
+pomaria,1463,4
+pinesdale,433,2
+pinesdale,1365,2
+tolstoy,1499,2
+forkland,588,2
+marstons,2371,1
+hiteman,1434,1
+lakeville,1099,13
+newfields,1119,4
+marstons,1616,4
+stockman,937,1
+pinesdale,344,1
+klickitat,394,2
+leonardo,1491,3
+coffeen,28,4
+shelbyville,1638,5
+hanson,1373,1
+wainscott,1700,0
+shelbyville,454,6
+hanson,475,3
+hanson,1078,3
+lakeville,1745,9
+benevolence,87,0
+leonardo,1354,7
+cosmos,63,0
+stockman,1546,1
+woodbine,1235,5
+ranchester,1150,1
+hanson,1418,10
+beechwood,76,2
+tolstoy,9,0
+forkland,771,9
+ranchester,1326,0
+woodbine,1090,2
+merom,372,3
+leonardo,707,4
+cosmos,405,2
+marstons,1630,0
+leonardo,1731,6
+marstons,550,3
+shelbyville,442,13
+pomaria,1563,5
+mifflinburg,548,3
+klickitat,1407,5
+marstons,97,9
+shelbyville,531,6
+hanson,1076,1
+mifflinburg,976,5
+pomaria,767,1
+lindenwood,1425,6
+newfields,168,3
+marstons,2396,0
+lindenwood,2635,6
+forkland,833,2
+leonardo,2094,11
+klickitat,2244,3
+merom,1020,1
+wainscott,923,5
+pinesdale,804,0
+woodbine,12,0
+tolstoy,309,7
+leonardo,457,4
+marstons,864,2
+hanson,17,13
+shelbyville,1769,3
+lindenwood,2284,0
+klickitat,1366,4
+lindenwood,2643,0
+klickitat,726,0
+onaga,674,5
+lindenwood,1379,1
+merom,214,1
+marstons,965,6
+forkland,903,0
+marstons,416,0
+pomaria,549,1
+lakeville,1441,2
+newfields,1222,2
+klickitat,547,0
+pinesdale,3,1
+pinesdale,1056,1
+leonardo,684,2
+marstons,1605,6
+wainscott,244,0
+klickitat,989,10
+pomaria,305,7
+klickitat,715,0
+lakeville,1546,0
+newfields,406,8
+hiteman,1841,7
+tolstoy,1415,0
+shelbyville,2818,6
+leonardo,757,2
+marstons,821,7
+lakeville,1704,1
+tolstoy,1577,0
+stockman,399,1
+shelbyville,1925,3
+klickitat,599,2
+klickitat,2050,3
+stockman,702,0
+marstons,1424,8
+ranchester,1024,0
+lakeville,359,2
+hanson,838,7
+leonardo,305,4
+woodbine,84,1
+lakeville,285,11
+stockman,1453,10
+shelbyville,149,1
+beechwood,519,9
+shelbyville,763,1
+shelbyville,1844,6
+wainscott,365,0
+newfields,1034,3
+shelbyville,407,4
+leonardo,1910,0
+pinesdale,1247,9
+ranchester,138,1
+coffeen,890,4
+beechwood,334,5
+forkland,32,3
+onaga,369,2
+klickitat,946,1
+hiteman,1358,1
+coffeen,486,3
+lindenwood,486,14
+pinesdale,800,0
+beechwood,562,1
+wainscott,1144,1
+shelbyville,1692,14
+shelbyville,1754,12
+lakeville,1116,6
+klickitat,887,1
+leonardo,1788,0
+onaga,8,1
+lakeville,1122,6
+hiteman,1101,4
+woodbine,1753,6
+lindenwood,1429,0
+lindenwood,1394,3
+shelbyville,1279,8
+lakeville,1479,5
+lindenwood,1382,3
+hanson,1467,10
+coffeen,1234,3
+leonardo,902,3
+newfields,665,2
+newfields,1095,1
+ranchester,445,0
+stockman,1319,0
+newfields,1593,7
+lindenwood,1104,1
+woodbine,229,4
+stockman,93,1
+marstons,199,3
+wainscott,725,7
+mifflinburg,17,1
+klickitat,421,2
+marstons,1044,8
+hiteman,607,1
+pinesdale,527,10
+pinesdale,773,2
+klickitat,1784,0
+shelbyville,859,14
+marstons,1944,3
+woodbine,1983,1
+merom,720,2
+woodbine,691,6
+onaga,215,2
+cosmos,529,1
+hanson,1204,8
+coffeen,1011,2
+ranchester,1426,7
+leonardo,665,6
+woodbine,990,4
+lakeville,1316,0
+shelbyville,1702,3
+wainscott,866,2
+ranchester,639,1
+woodbine,275,10
+woodbine,337,7
+mifflinburg,32,1
+leonardo,1664,2
+marstons,437,4
+hiteman,960,4
+stockman,1376,5
+lindenwood,2077,0
+lindenwood,2653,2
+hanson,1331,5
+coffeen,364,2
+marstons,2509,5
+pinesdale,807,7
+ranchester,488,0
+newfields,95,1
+woodbine,2059,8
+lindenwood,2522,5
+lakeville,38,7
+tolstoy,1036,3
+shelbyville,1516,6
+coffeen,775,8
+marstons,458,0
+newfields,542,2
+ranchester,175,2
+woodbine,481,10
+lakeville,716,1
+tolstoy,1371,11
+shelbyville,166,6
+onaga,405,2
+merom,835,2
+hanson,1259,0
+mifflinburg,630,1
+ranchester,1589,17
+shelbyville,1015,3
+benevolence,890,1
+ranchester,973,2
+pomaria,708,9
+marstons,81,9
+ranchester,1442,0
+wainscott,1592,3
+klickitat,2039,4
+cosmos,224,1
+leonardo,1726,5
+shelbyville,446,4
+stockman,1071,0
+lakeville,654,1
+tolstoy,649,4
+stockman,812,7
+leonardo,1671,12
+tolstoy,1634,4
+beechwood,52,7
+beechwood,955,6
+stockman,274,2
+ranchester,917,6
+hanson,732,3
+woodbine,1549,2
+tolstoy,919,1
+klickitat,32,11
+shelbyville,2377,3
+wainscott,1790,11
+marstons,632,3
+lindenwood,1257,1
+shelbyville,615,0
+shelbyville,1709,7
+pomaria,534,0
+shelbyville,934,4
+hanson,54,2
+lakeville,1389,16
+allensville,127,8
+marstons,741,10
+klickitat,1394,10
+lindenwood,513,5
+merom,73,0
+marstons,1305,6
+wainscott,606,2
+hiteman,649,3
+newfields,584,4
+hiteman,425,8
+marstons,899,1
+onaga,538,3
+lindenwood,350,1
+marstons,1715,2
+leonardo,1528,2
+woodbine,2049,0
+newfields,1165,4
+forkland,1167,3
+klickitat,508,2
+onaga,74,8
+lindenwood,819,1
+shelbyville,2798,0
+klickitat,2339,2
+hiteman,382,4
+lakeville,1093,1
+lakeville,467,5
+pinesdale,943,5
+lindenwood,640,5
+lakeville,63,1
+lindenwood,9,1
+woodbine,151,4
+hiteman,1804,13
+merom,902,2
+woodbine,1204,4
+newfields,1196,1
+leonardo,1624,9
+marstons,2278,2
+hiteman,717,1
+beechwood,961,16
+ranchester,516,4
+leonardo,1623,0
+klickitat,570,2
+lindenwood,1239,2
+klickitat,69,13
+lakeville,1558,2
+pomaria,920,7
+shelbyville,330,6
+woodbine,1286,3
+woodbine,2035,1
+allensville,48,0
+hiteman,1382,1
+shelbyville,248,7
+hanson,928,2
+hanson,401,10
+marstons,630,3
+forkland,62,2
+pomaria,559,2
+pomaria,1041,7
+newfields,1547,1
+woodbine,1036,0
+pinesdale,1127,4
+pinesdale,698,11
+beechwood,334,0
+coffeen,599,0
+mifflinburg,971,6
+lindenwood,1028,1
+hanson,89,3
+woodbine,1797,0
+benevolence,333,2
+pinesdale,1059,3
+marstons,589,8
+woodbine,1793,5
+beechwood,249,7
+tolstoy,30,2
+woodbine,818,8
+klickitat,2022,5
+stockman,1540,5
+hanson,572,1
+woodbine,1868,9
+cosmos,446,4
+merom,312,0
+hanson,424,0
+marstons,895,10
+woodbine,1740,0
+mifflinburg,366,0
+pomaria,1010,2
+wainscott,1522,1
+pomaria,268,2
+beechwood,222,1
+leonardo,1058,3
+benevolence,266,2
+tolstoy,977,5
+pinesdale,1441,4
+lindenwood,2008,4
+beechwood,769,0
+woodbine,841,3
+shelbyville,2501,3
+wainscott,491,3
+forkland,370,2
+wainscott,572,2
+wainscott,1227,4
+coffeen,1519,3
+pinesdale,390,2
+ranchester,1472,2
+leonardo,78,8
+pomaria,901,4
+pinesdale,1312,3
+pomaria,14,0
+hiteman,751,1
+benevolence,103,2
+lakeville,19,2
+stockman,100,6
+onaga,176,1
+stockman,745,1
+pinesdale,1164,3
+benevolence,451,5
+leonardo,1783,0
+wainscott,610,4
+hanson,131,1
+lakeville,1208,9
+ranchester,1367,9
+wainscott,1629,2
+woodbine,808,4
+woodbine,1534,4
+lindenwood,2632,2
+marstons,1059,4
+pinesdale,343,3
+wainscott,736,5
+cosmos,514,0
+merom,455,6
+hanson,738,6
+pinesdale,61,1
+merom,918,7
+woodbine,1005,2
+hiteman,1683,3
+shelbyville,1790,15
+klickitat,1589,6
+merom,131,4
+tolstoy,931,4
+tolstoy,1285,2
+tolstoy,309,9
+pinesdale,117,4
+hanson,86,14
+leonardo,1235,1
+stockman,953,0
+shelbyville,523,4
+ranchester,826,0
+lakeville,302,6
+mifflinburg,798,4
+pomaria,1556,7
+merom,823,3
+coffeen,645,5
+pinesdale,1122,2
+leonardo,1398,0
+leonardo,279,2
+woodbine,171,13
+mifflinburg,544,2
+marstons,471,8
+lindenwood,8,2
+coffeen,996,0
+ranchester,834,0
+coffeen,1508,1
+allensville,282,1
+hanson,123,5
+mifflinburg,775,4
+pomaria,1518,5
+lindenwood,1184,10
+beechwood,590,3
+mifflinburg,654,4
+cosmos,427,4
+woodbine,1123,1
+benevolence,689,2
+merom,728,3
+marstons,1027,6
+tolstoy,1717,0
+merom,30,2
+marstons,223,3
+wainscott,586,0
+shelbyville,1206,3
+onaga,57,5
+hanson,870,7
+leonardo,1210,4
+lakeville,763,3
+shelbyville,2450,3
+hanson,719,7
+klickitat,920,11
+pomaria,1317,3
+shelbyville,947,3
+marstons,1315,2
+stockman,320,2
+tolstoy,1797,0
+benevolence,121,3
+leonardo,174,1
+hiteman,1460,6
+ranchester,981,0
+pomaria,633,9
+woodbine,1981,2
+lindenwood,1652,1
+leonardo,1716,6
+forkland,83,0
+lakeville,1579,4
+hiteman,1829,4
+woodbine,1930,0
+hanson,416,1
+hanson,515,3
+lindenwood,1825,7
+marstons,1118,4
+ranchester,1304,12
+leonardo,163,4
+lakeville,644,4
+benevolence,69,1
+coffeen,408,2
+leonardo,893,0
+stockman,1069,6
+woodbine,1303,1
+newfields,1247,5
+leonardo,733,7
+shelbyville,586,6
+shelbyville,1850,3
+pomaria,668,1
+mifflinburg,62,7
+hanson,892,8
+ranchester,851,1
+tolstoy,625,6
+pomaria,264,9
+wainscott,1686,3
+wainscott,550,8
+lakeville,1854,2
+coffeen,1142,1
+forkland,892,1
+mifflinburg,824,2
+marstons,311,3
+forkland,1144,0
+leonardo,391,10
+lindenwood,2487,5
+leonardo,1516,3
+lakeville,1799,12
+klickitat,1262,0
+pinesdale,1464,0
+klickitat,2332,4
+benevolence,473,3
+lindenwood,2571,10
+leonardo,203,0
+tolstoy,51,1
+onaga,25,1
+hiteman,1380,6
+lindenwood,313,8
+woodbine,1397,2
+hanson,692,4
+hanson,1325,2
+shelbyville,1,2
+lakeville,1028,0
+cosmos,899,1
+lindenwood,2055,8
+lakeville,901,3
+coffeen,1143,1
+wainscott,140,2
+woodbine,1856,6
+tolstoy,262,3
+wainscott,242,5
+woodbine,929,15
+marstons,5,2
+shelbyville,1291,2
+hiteman,1412,10
+coffeen,624,5
+shelbyville,2174,14
+shelbyville,603,4
+shelbyville,1484,12
+coffeen,1271,5
+woodbine,1319,10
+klickitat,1034,2
+klickitat,1687,3
+marstons,1727,3
+benevolence,181,6
+hanson,1582,6
+marstons,2284,4
+hanson,815,4
+benevolence,777,0
+shelbyville,2599,0
+lakeville,1058,2
+stockman,608,5
+newfields,1006,2
+hiteman,1168,6
+woodbine,1654,2
+pinesdale,973,2
+hanson,1111,3
+woodbine,1898,4
+newfields,539,0
+klickitat,774,11
+onaga,175,2
+wainscott,1595,12
+klickitat,365,0
+beechwood,915,5
+lakeville,151,14
+cosmos,1055,0
+newfields,658,5
+lindenwood,565,2
+ranchester,111,0
+woodbine,2049,9
+tolstoy,627,2
+merom,1100,2
+tolstoy,582,3
+marstons,1682,4
+hanson,304,2
+newfields,1064,6
+pomaria,1081,2
+klickitat,1246,12
+cosmos,967,3
+hanson,1150,0
+marstons,1658,1
+lakeville,403,1
+lakeville,1445,5
+wainscott,1589,4
+wainscott,1724,5
+tolstoy,1649,5
+ranchester,676,10
+beechwood,762,0
+wainscott,1504,6
+merom,886,2
+hiteman,1688,1
+newfields,79,3
+forkland,176,2
+lakeville,1141,4
+woodbine,437,0
+wainscott,2,3
+lakeville,1524,5
+lakeville,310,0
+lindenwood,533,8
+tolstoy,1557,4
+leonardo,1203,4
+lindenwood,108,2
+marstons,149,0
+marstons,1133,8
+lindenwood,1208,1
+lakeville,1683,3
+lakeville,927,6
+lindenwood,1583,3
+shelbyville,2737,1
+ranchester,1490,11
+lakeville,1011,1
+allensville,181,3
+leonardo,703,6
+coffeen,583,2
+klickitat,2223,1
+hiteman,17,2
+lindenwood,238,2
+coffeen,1076,1
+wainscott,271,4
+wainscott,1143,1
+marstons,2494,0
+hanson,64,3
+shelbyville,1555,6
+wainscott,1493,2
+lindenwood,1661,7
+marstons,990,11
+klickitat,594,1
+newfields,1622,4
+leonardo,1800,1
+wainscott,1084,6
+marstons,974,12
+forkland,738,1
+marstons,82,2
+ranchester,188,6
+lindenwood,704,7
+hiteman,595,5
+hanson,936,8
+newfields,1204,19
+klickitat,1293,3
+hanson,1497,2
+marstons,1931,2
+wainscott,1395,2
+shelbyville,1035,12
+hanson,1461,4
+newfields,1545,1
+tolstoy,109,6
+leonardo,27,0
+shelbyville,1663,2
+woodbine,1829,10
+klickitat,1436,4
+woodbine,629,3
+leonardo,1910,1
+pomaria,1222,7
+marstons,2500,7
+beechwood,735,4
+coffeen,1277,4
+hanson,816,3
+marstons,240,3
+klickitat,872,0
+woodbine,363,2
+marstons,722,3
+lakeville,739,14
+lakeville,875,13
+woodbine,1205,3
+beechwood,1165,2
+leonardo,949,4
+lakeville,672,11
+woodbine,715,4
+merom,523,0
+marstons,1561,10
+lakeville,1558,1
+coffeen,321,4
+hanson,1649,1
+lindenwood,1101,4
+lindenwood,475,1
+marstons,1952,3
+wainscott,1116,3
+marstons,1699,6
+newfields,545,3
+beechwood,489,5
+woodbine,206,1
+ranchester,80,2
+wainscott,1656,2
+onaga,309,3
+lakeville,1556,7
+leonardo,440,6
+lakeville,1681,1
+tolstoy,348,3
+marstons,140,14
+lakeville,1276,1
+coffeen,1313,3
+benevolence,266,12
+lakeville,170,1
+hiteman,1552,0
+klickitat,1548,1
+lindenwood,644,2
+hiteman,995,14
+lakeville,28,0
+wainscott,1186,4
+newfields,759,0
+klickitat,770,1
+lindenwood,1934,2
+shelbyville,2647,10
+klickitat,1702,6
+lakeville,1524,0
+cosmos,976,8
+shelbyville,2789,3
+tolstoy,867,12
+hanson,296,0
+marstons,2331,1
+klickitat,1053,0
+shelbyville,820,4
+klickitat,983,1
+klickitat,1455,7
+hiteman,1276,0
+newfields,630,1
+newfields,1623,7
+lakeville,399,5
+merom,296,3
+shelbyville,1819,1
+wainscott,1758,10
+beechwood,288,5
+shelbyville,313,6
+lakeville,619,2
+klickitat,2398,4
+hiteman,1576,0
+lindenwood,2063,5
+leonardo,820,3
+hanson,490,0
+pomaria,798,8
+beechwood,441,1
+lindenwood,901,1
+ranchester,556,4
+lakeville,1191,0
+cosmos,215,2
+klickitat,1545,9
+shelbyville,1327,5
+lakeville,436,7
+coffeen,222,2
+woodbine,587,0
+lindenwood,2679,0
+ranchester,309,7
+wainscott,263,11
+hanson,528,7
+hanson,233,16
+woodbine,1276,1
+wainscott,944,10
+lakeville,1729,0
+lindenwood,2577,6
+pinesdale,475,3
+leonardo,1865,0
+tolstoy,587,4
+lindenwood,1557,1
+wainscott,1476,5
+marstons,304,0
+pomaria,1636,7
+newfields,381,2
+leonardo,1821,7
+hanson,1036,0
+cosmos,195,1
+leonardo,1831,0
+marstons,1340,2
+shelbyville,17,8
+shelbyville,2001,0
+lindenwood,1627,5
+marstons,428,4
+allensville,38,7
+woodbine,814,4
+mifflinburg,957,1
+marstons,518,12
+coffeen,1512,4
+tolstoy,822,5
+beechwood,947,1
+cosmos,490,1
+lakeville,1704,20
+shelbyville,2649,4
+lakeville,657,1
+lindenwood,1945,7
+hiteman,926,0
+forkland,1101,8
+ranchester,346,1
+wainscott,184,4
+shelbyville,203,2
+marstons,2177,2
+pinesdale,243,9
+marstons,1752,10
+newfields,1654,1
+pomaria,163,9
+woodbine,1485,7
+coffeen,1120,1
+lakeville,1211,10
+hiteman,411,9
+lindenwood,321,0
+woodbine,51,2
+woodbine,235,9
+woodbine,444,0
+stockman,292,7
+newfields,865,2
+coffeen,684,1
+hanson,1170,16
+newfields,1341,2
+pomaria,1131,5
+pomaria,194,0
+pinesdale,533,0
+pinesdale,472,2
+pomaria,1177,1
+hanson,1559,1
+marstons,2290,3
+cosmos,430,3
+lindenwood,847,0
+shelbyville,1509,5
+hiteman,1380,7
+leonardo,1393,10
+lindenwood,2130,4
+forkland,1071,4
+newfields,1507,1
+tolstoy,14,4
+onaga,473,5
+hanson,572,0
+klickitat,1150,1
+woodbine,744,5
+shelbyville,441,5
+klickitat,733,2
+hanson,601,2
+pinesdale,1167,2
+tolstoy,1371,3
+hanson,209,12
+lindenwood,2185,1
+marstons,1894,9
+beechwood,1107,4
+klickitat,2254,3
+woodbine,197,3
+shelbyville,622,2
+woodbine,1034,2
+hanson,145,6
+tolstoy,803,2
+forkland,54,0
+pomaria,1630,0
+shelbyville,1047,2
+lindenwood,2562,0
+klickitat,2415,1
+forkland,844,2
+woodbine,1031,3
+tolstoy,1276,2
+lindenwood,2215,7
+pomaria,85,0
+marstons,517,8
+marstons,1567,8
+lakeville,1614,8
+tolstoy,1546,11
+hiteman,967,4
+wainscott,1197,4
+coffeen,1377,9
+ranchester,458,2
+marstons,54,9
+stockman,909,4
+tolstoy,1251,2
+shelbyville,1835,6
+mifflinburg,17,0
+pinesdale,726,5
+lindenwood,1217,1
+lakeville,780,6
+marstons,1892,11
+lindenwood,1898,3
+pinesdale,1255,6
+pomaria,253,3
+leonardo,1100,0
+klickitat,1679,18
+ranchester,1392,8
+onaga,187,0
+allensville,10,0
+onaga,368,3
+woodbine,700,1
+merom,776,3
+coffeen,1404,2
+woodbine,945,0
+marstons,1103,12
+stockman,1406,0
+shelbyville,1610,3
+leonardo,1761,1
+newfields,975,8
+beechwood,961,0
+shelbyville,2786,4
+coffeen,750,6
+lindenwood,1843,4
+ranchester,134,0
+stockman,288,1
+mifflinburg,86,0
+newfields,853,0
+klickitat,1248,1
+leonardo,741,1
+shelbyville,2124,14
+hanson,859,2
+shelbyville,104,3
+hanson,164,1
+newfields,1497,10
+lindenwood,1809,6
+lindenwood,1132,3
+coffeen,883,2
+woodbine,1423,0
+woodbine,1429,3
+stockman,135,4
+wainscott,1197,0
+lakeville,1820,2
+hanson,1110,9
+allensville,65,7
+lindenwood,1489,7
+lakeville,6,2
+lindenwood,1602,12
+marstons,2429,0
+lakeville,161,1
+woodbine,1884,0
+woodbine,1775,1
+shelbyville,646,1
+shelbyville,2416,5
+shelbyville,463,2
+benevolence,164,2
+coffeen,680,0
+wainscott,19,0
+pomaria,19,0
+mifflinburg,28,1
+newfields,269,0
+forkland,1126,5
+klickitat,1409,2
+wainscott,1728,1
+shelbyville,869,0
+klickitat,1065,1
+shelbyville,2050,3
+marstons,128,5
+ranchester,1145,3
+onaga,386,2
+hanson,1235,1
+klickitat,214,9
+ranchester,746,3
+coffeen,318,0
+coffeen,1123,4
+woodbine,689,1
+shelbyville,2441,2
+wainscott,1585,6
+klickitat,1270,4
+woodbine,497,2
+marstons,1163,3
+leonardo,1579,3
+benevolence,108,0
+hanson,507,2
+pinesdale,144,3
+pinesdale,1205,5
+pomaria,462,0
+lindenwood,2648,1
+marstons,1996,0
+lindenwood,2599,4
+woodbine,1667,6
+shelbyville,2079,2
+newfields,1274,4
+wainscott,1549,5
+hanson,1323,0
+lindenwood,534,5
+merom,984,0
+mifflinburg,396,0
+coffeen,753,4
+hanson,594,10
+ranchester,1400,8
+stockman,130,3
+lindenwood,1396,5
+marstons,2488,5
+lakeville,1151,3
+klickitat,1388,6
+marstons,201,7
+leonardo,1085,0
+wainscott,1340,4
+lakeville,1520,0
+coffeen,694,5
+wainscott,248,13
+merom,525,5
+beechwood,109,5
+cosmos,181,4
+newfields,732,5
+beechwood,158,6
+leonardo,1705,11
+merom,1117,3
+lakeville,835,0
+marstons,2417,0
+woodbine,1281,5
+shelbyville,1488,2
+pomaria,90,12
+tolstoy,738,4
+benevolence,634,4
+marstons,1749,7
+leonardo,2096,2
+lindenwood,14,1
+shelbyville,723,0
+lakeville,1458,3
+merom,952,3
+coffeen,412,4
+klickitat,1818,11
+pomaria,509,7
+newfields,311,3
+stockman,765,0
+allensville,191,0
+hiteman,1218,1
+woodbine,1304,3
+pomaria,786,4
+marstons,2146,2
+lakeville,485,1
+klickitat,1551,2
+lakeville,1288,1
+marstons,662,4
+marstons,1959,0
+stockman,1381,5
+cosmos,219,7
+leonardo,1298,4
+pomaria,1629,4
+leonardo,997,2
+leonardo,497,1
+newfields,754,6
+shelbyville,2518,3
+klickitat,2124,0
+stockman,56,0
+beechwood,932,4
+shelbyville,1277,4
+tolstoy,78,1
+tolstoy,606,0
+pomaria,1341,10
+merom,469,4
+pomaria,626,5
+ranchester,1393,0
+pinesdale,894,0
+woodbine,1361,9
+klickitat,1974,1
+newfields,1648,1
+beechwood,284,4
+beechwood,731,2
+beechwood,525,0
+pinesdale,122,10
+marstons,1182,3
+leonardo,360,0
+woodbine,667,2
+pomaria,468,0
+hiteman,1811,0
+lakeville,1524,12
+marstons,1897,6
+ranchester,688,2
+klickitat,2381,5
+tolstoy,760,10
+hiteman,1562,5
+beechwood,1020,0
+cosmos,504,3
+hiteman,1402,2
+shelbyville,1509,1
+wainscott,1563,7
+klickitat,1345,0
+hanson,360,4
+woodbine,895,1
+shelbyville,916,12
+beechwood,860,0
+merom,943,3
+wainscott,1472,0
+lakeville,847,0
+pinesdale,1035,1
+tolstoy,205,0
+ranchester,1585,1
+marstons,1057,6
+wainscott,1462,2
+shelbyville,1622,2
+cosmos,343,2
+pinesdale,726,0
+stockman,182,0
+klickitat,2024,4
+wainscott,1540,10
+lakeville,1362,3
+ranchester,1082,7
+newfields,485,1
+shelbyville,144,10
+tolstoy,1423,3
+pomaria,508,2
+leonardo,1642,2
+ranchester,644,2
+beechwood,1133,4
+pinesdale,1154,3
+marstons,1761,1
+klickitat,299,2
+merom,422,0
+shelbyville,2810,0
+pinesdale,1010,2
+woodbine,62,5
+shelbyville,2625,0
+hiteman,726,1
+mifflinburg,833,5
+lindenwood,1545,5
+lakeville,1265,9
+leonardo,2064,5
+newfields,593,2
+marstons,2030,1
+woodbine,1471,0
+newfields,699,1
+lindenwood,2455,9
+hiteman,1,0
+onaga,154,5
+onaga,357,3
+ranchester,292,6
+lindenwood,502,5
+pomaria,1135,6
+pinesdale,1280,1
+marstons,1175,8
+marstons,1310,3
+lakeville,311,0
+shelbyville,1065,4
+hiteman,651,3
+allensville,158,3
+pinesdale,1478,2
+hanson,308,0
+stockman,721,3
+coffeen,295,0
+hanson,1433,8
+lindenwood,2237,2
+hanson,476,0
+klickitat,1060,15
+shelbyville,583,3
+lindenwood,2333,3
+leonardo,7,10
+woodbine,1781,3
+woodbine,1977,2
+benevolence,704,4
+ranchester,274,8
+leonardo,1139,14
+marstons,1744,12
+lakeville,1559,0
+klickitat,1728,5
+newfields,1288,3
+coffeen,725,2
+shelbyville,1835,0
+ranchester,1288,0
+woodbine,89,5
+hiteman,1046,1
+klickitat,225,2
+woodbine,1414,7
+ranchester,725,5
+woodbine,1032,8
+klickitat,776,1
+lindenwood,2488,0
+leonardo,1590,1
+wainscott,1365,2
+lindenwood,2411,1
+lakeville,285,8
+tolstoy,707,1
+cosmos,738,12
+leonardo,644,9
+pomaria,664,12
+leonardo,372,4
+marstons,1718,11
+shelbyville,1891,2
+newfields,271,12
+cosmos,756,2
+klickitat,1285,4
+klickitat,1728,11
+coffeen,333,0
+lindenwood,2422,0
+hanson,414,6
+klickitat,503,10
+newfields,1389,7
+woodbine,174,3
+woodbine,557,5
+cosmos,963,9
+lindenwood,208,3
+tolstoy,701,2
+hanson,875,9
+klickitat,305,18
+klickitat,1536,1
+klickitat,687,9
+merom,424,5
+pomaria,1038,0
+beechwood,1154,6
+klickitat,2371,9
+beechwood,841,0
+cosmos,142,3
+pomaria,86,12
+forkland,550,1
+hanson,648,5
+newfields,99,6
+allensville,130,4
+beechwood,815,2
+marstons,1864,2
+shelbyville,2344,2
+lindenwood,2141,5
+pomaria,1019,0
+lindenwood,2661,0
+onaga,324,1
+leonardo,1386,7
+klickitat,2276,2
+newfields,1645,10
+pomaria,1579,1
+lindenwood,819,3
+stockman,251,8
+shelbyville,2450,1
+klickitat,1893,1
+klickitat,628,8
+woodbine,955,2
+shelbyville,1431,6
+coffeen,64,1
+merom,543,4
+lindenwood,1656,1
+shelbyville,491,0
+ranchester,641,7
+ranchester,1258,1
+tolstoy,94,6
+shelbyville,718,17
+newfields,1629,5
+pomaria,368,0
+lindenwood,1451,5
+woodbine,1074,4
+hanson,894,7
+ranchester,300,4
+beechwood,141,2
+coffeen,825,1
+klickitat,428,2
+mifflinburg,259,3
+lindenwood,118,1
+pinesdale,166,6
+cosmos,963,6
+pomaria,1045,9
+klickitat,1877,4
+klickitat,2339,1
+hiteman,1597,4
+ranchester,755,4
+lakeville,592,1
+forkland,59,1
+wainscott,286,3
+lakeville,1459,3
+marstons,1508,5
+tolstoy,20,3
+leonardo,623,4
+hiteman,1125,5
+lakeville,1292,5
+hiteman,1380,14
+lakeville,1004,10
+pinesdale,1089,0
+cosmos,540,8
+newfields,973,7
+wainscott,619,0
+beechwood,557,0
+newfields,1074,9
+wainscott,1281,0
+shelbyville,213,0
+lakeville,1468,14
+lindenwood,2057,2
+ranchester,1107,0
+marstons,261,0
+newfields,331,5
+newfields,47,1
+stockman,1363,6
+hiteman,203,0
+lindenwood,465,3
+klickitat,256,2
+woodbine,2026,0
+klickitat,1623,3
+shelbyville,1826,1
+allensville,405,3
+leonardo,997,3
+pomaria,1530,4
+leonardo,1679,1
+tolstoy,1439,9
+woodbine,1203,1
+tolstoy,1763,2
+klickitat,1977,6
+coffeen,411,8
+lakeville,1463,7
+marstons,1260,6
+pomaria,1450,8
+mifflinburg,163,6
+cosmos,531,2
+shelbyville,2468,16
+hanson,328,0
+pomaria,862,5
+woodbine,864,6
+wainscott,1192,4
+wainscott,214,7
+leonardo,1522,6
+mifflinburg,83,6
+newfields,214,1
+lindenwood,1988,4
+lindenwood,2585,10
+wainscott,560,2
+lindenwood,1187,1
+hanson,378,1
+pomaria,1161,12
+shelbyville,1907,0
+merom,225,6
+lindenwood,295,1
+klickitat,1356,1
+hanson,1131,6
+coffeen,1191,6
+leonardo,1281,1
+leonardo,1989,4
+marstons,1142,5
+pomaria,260,3
+hiteman,158,1
+stockman,663,4
+cosmos,840,1
+marstons,2210,8
+cosmos,748,4
+lindenwood,1045,5
+leonardo,841,3
+wainscott,972,2
+marstons,2266,3
+lakeville,1282,3
+klickitat,384,3
+onaga,528,0
+mifflinburg,235,2
+marstons,2019,2
+wainscott,116,5
+klickitat,1005,9
+woodbine,1727,1
+beechwood,1069,8
+hanson,233,1
+ranchester,808,2
+pinesdale,368,3
+pinesdale,588,1
+shelbyville,1554,3
+tolstoy,1707,3
+shelbyville,418,5
+allensville,230,1
+merom,16,2
+tolstoy,19,8
+cosmos,964,3
+stockman,756,8
+newfields,1368,7
+wainscott,164,1
+newfields,1573,3
+merom,189,2
+lindenwood,924,5
+shelbyville,531,9
+lakeville,1132,8
+pomaria,1560,3
+hiteman,376,6
+forkland,21,0
+beechwood,734,1
+lindenwood,853,0
+ranchester,1284,4
+stockman,421,1
+lindenwood,429,1
+stockman,62,3
+newfields,1284,8
+leonardo,650,1
+newfields,821,0
+cosmos,952,1
+newfields,1074,8
+shelbyville,2364,5
+marstons,990,6
+lakeville,972,6
+newfields,303,2
+klickitat,1614,5
+shelbyville,1547,4
+wainscott,159,5
+klickitat,1509,11
+lakeville,1753,1
+woodbine,1024,4
+hanson,664,7
+pinesdale,656,3
+pomaria,12,0
+woodbine,443,1
+shelbyville,1324,2
+lakeville,997,6
+newfields,795,3
+tolstoy,1314,1
+merom,534,3
+shelbyville,675,9
+pinesdale,264,2
+klickitat,1759,3
+coffeen,1410,2
+leonardo,1325,0
+lakeville,929,4
+ranchester,840,7
+hanson,86,7
+lindenwood,2050,3
+cosmos,481,3
+allensville,23,7
+klickitat,1760,15
+mifflinburg,679,1
+tolstoy,1554,5
+pinesdale,1046,11
+leonardo,2035,3
+shelbyville,665,6
+klickitat,1570,2
+newfields,223,0
+ranchester,431,9
+stockman,989,6
+hiteman,1022,0
+shelbyville,2654,8
+marstons,1239,3
+shelbyville,1147,1
+stockman,1085,7
+leonardo,588,4
+beechwood,275,3
+benevolence,366,5
+lindenwood,60,1
+ranchester,320,0
+tolstoy,618,8
+ranchester,460,4
+marstons,2025,0
+wainscott,90,5
+pinesdale,1046,10
+cosmos,994,1
+marstons,2000,4
+marstons,1225,12
+shelbyville,2527,2
+mifflinburg,785,0
+marstons,529,1
+ranchester,897,6
+coffeen,1141,0
+benevolence,705,6
+beechwood,626,1
+hanson,1145,3
+pinesdale,824,5
+pomaria,331,4
+lindenwood,1132,2
+wainscott,379,1
+tolstoy,1050,5
+stockman,317,4
+woodbine,1299,1
+lakeville,1022,3
+lindenwood,634,0
+marstons,1068,1
+pomaria,542,5
+woodbine,727,0
+hiteman,1037,2
+klickitat,479,20
+coffeen,884,0
+marstons,1025,1
+lakeville,1211,2
+forkland,700,1
+onaga,245,1
+leonardo,415,0
+cosmos,586,4
+hiteman,1085,3
+hanson,1076,0
+newfields,83,4
+tolstoy,1659,3
+allensville,273,0
+leonardo,932,14
+newfields,1350,0
+klickitat,264,2
+benevolence,884,2
+lakeville,18,2
+lindenwood,1144,5
+newfields,1578,1
+pinesdale,933,10
+lakeville,920,1
+marstons,48,2
+coffeen,298,1
+wainscott,1723,2
+stockman,263,8
+lakeville,1896,1
+lindenwood,1481,7
+marstons,2389,3
+woodbine,1974,4
+tolstoy,1822,16
+pinesdale,1099,0
+forkland,825,8
+tolstoy,1755,15
+pinesdale,1301,0
+ranchester,1140,6
+lindenwood,313,12
+tolstoy,1392,1
+shelbyville,1062,2
+marstons,1048,5
+woodbine,1041,0
+shelbyville,2274,4
+pinesdale,1141,0
+shelbyville,1595,4
+klickitat,627,0
+forkland,189,2
+shelbyville,614,7
+beechwood,834,2
+coffeen,1270,3
+forkland,772,1
+coffeen,1176,1
+lindenwood,1157,6
+pomaria,1382,2
+onaga,378,1
+leonardo,398,3
+shelbyville,1721,0
+klickitat,1575,3
+pomaria,964,6
+newfields,43,6
+leonardo,1716,13
+stockman,412,1
+klickitat,2169,3
+ranchester,1181,3
+klickitat,1451,1
+cosmos,358,0
+lakeville,1537,2
+hanson,621,1
+woodbine,1449,3
+marstons,2305,0
+woodbine,990,6
+woodbine,319,2
+woodbine,1600,1
+hanson,513,3
+lindenwood,774,11
+shelbyville,813,3
+merom,400,1
+hiteman,874,3
+hiteman,46,15
+ranchester,775,5
+beechwood,12,2
+allensville,288,2
+merom,594,2
+newfields,1003,4
+newfields,32,7
+coffeen,1206,0
+pomaria,408,0
+hanson,431,3
+klickitat,101,8
+lindenwood,174,3
+woodbine,1841,10
+tolstoy,1488,2
+pomaria,997,0
+leonardo,1289,2
+klickitat,161,4
+tolstoy,65,3
+newfields,646,3
+coffeen,719,1
+cosmos,524,2
+lindenwood,2448,2
+hiteman,1679,3
+lakeville,957,1
+tolstoy,1707,4
+stockman,12,1
+tolstoy,348,0
+shelbyville,1867,6
+marstons,1489,0
+allensville,241,1
+shelbyville,474,0
+woodbine,1814,0
+newfields,1206,3
+shelbyville,2074,2
+ranchester,1631,0
+woodbine,750,2
+leonardo,998,6
+lakeville,1634,4
+klickitat,2356,5
+forkland,245,6
+forkland,975,2
+hanson,1485,9
+cosmos,228,4
+leonardo,716,1
+newfields,1407,16
+klickitat,508,1
+marstons,180,3
+hiteman,994,4
+marstons,2201,11
+lindenwood,664,4
+hanson,758,0
+hiteman,175,4
+tolstoy,675,0
+lakeville,1449,4
+pomaria,1123,2
+woodbine,46,5
+woodbine,1929,6
+marstons,910,11
+hanson,458,3
+cosmos,611,9
+hanson,1443,0
+shelbyville,2564,3
+tolstoy,760,0
+klickitat,674,8
+lakeville,263,1
+leonardo,611,2
+ranchester,160,2
+hiteman,1642,2
+stockman,688,1
+shelbyville,1873,1
+mifflinburg,252,0
+cosmos,193,11
+onaga,509,0
+lindenwood,2627,2
+wainscott,879,4
+newfields,272,0
+lakeville,1064,1
+stockman,787,3
+klickitat,601,5
+stockman,1453,5
+marstons,841,9
+lindenwood,1124,3
+pinesdale,17,4
+lindenwood,739,1
+newfields,1502,3
+marstons,452,5
+ranchester,1051,3
+cosmos,743,3
+pomaria,131,5
+beechwood,965,7
+marstons,366,2
+marstons,908,2
+benevolence,798,0
+shelbyville,2751,5
+cosmos,637,2
+lindenwood,905,0
+pomaria,836,6
+forkland,765,5
+mifflinburg,769,5
+coffeen,672,3
+lakeville,797,0
+leonardo,1144,3
+woodbine,1938,0
+wainscott,1166,5
+coffeen,1393,3
+lindenwood,31,0
+woodbine,1322,4
+woodbine,308,12
+hiteman,627,7
+hanson,812,3
+shelbyville,2484,17
+forkland,1128,2
+pomaria,1529,4
+tolstoy,1543,4
+shelbyville,490,4
+cosmos,572,2
+hiteman,347,1
+wainscott,1186,6
+leonardo,171,2
+pinesdale,880,13
+lakeville,818,12
+coffeen,322,4
+wainscott,761,3
+cosmos,479,6
+ranchester,1514,2
+hiteman,1011,0
+marstons,2213,2
+newfields,1397,3
+hanson,343,8
+lakeville,36,13
+woodbine,1237,8
+beechwood,516,1
+mifflinburg,259,0
+cosmos,451,2
+mifflinburg,75,7
+merom,324,0
+ranchester,489,4
+cosmos,1025,0
+klickitat,2097,1
+woodbine,1995,3
+hiteman,577,1
+benevolence,136,0
+pinesdale,867,6
+lakeville,613,1
+wainscott,1326,10
+woodbine,294,1
+klickitat,1950,6
+wainscott,1752,0
+hanson,1542,0
+pomaria,701,6
+woodbine,508,2
+marstons,1790,2
+lakeville,1501,6
+stockman,598,11
+pinesdale,517,1
+newfields,1399,3
+leonardo,986,12
+hiteman,862,5
+lindenwood,1693,3
+wainscott,310,6
+newfields,1074,12
+cosmos,1077,6
+onaga,607,2
+wainscott,441,11
+tolstoy,499,6
+stockman,756,7
+stockman,219,3
+lakeville,1535,2
+klickitat,68,0
+lakeville,479,3
+pinesdale,197,1
+beechwood,1053,1
+lindenwood,1611,0
+leonardo,645,0
+hiteman,709,9
+leonardo,128,12
+woodbine,299,6
+shelbyville,2321,5
+marstons,2258,7
+stockman,1441,7
+klickitat,2060,0
+lakeville,87,5
+marstons,2423,9
+pinesdale,214,5
+ranchester,467,6
+pinesdale,1219,0
+pinesdale,1341,0
+ranchester,662,3
+hanson,1011,6
+wainscott,241,13
+marstons,10,4
+coffeen,1469,3
+newfields,1320,4
+hanson,1510,14
+forkland,1183,4
+newfields,1544,1
+lindenwood,913,6
+newfields,541,11
+newfields,588,6
+coffeen,577,2
+forkland,521,3
+ranchester,236,2
+pomaria,385,3
+coffeen,745,1
+woodbine,496,5
+hiteman,1201,2
+beechwood,23,1
+pomaria,369,11
+hiteman,1522,10
+marstons,472,5
+mifflinburg,735,2
+wainscott,1540,3
+shelbyville,1840,3
+tolstoy,1499,0
+merom,88,2
+hanson,19,0
+pinesdale,276,6
+newfields,1024,0
+newfields,1487,9
+wainscott,901,2
+mifflinburg,586,5
+lindenwood,2078,5
+wainscott,1573,4
+klickitat,306,0
+marstons,1022,7
+lakeville,432,0
+pinesdale,684,7
+benevolence,123,11
+marstons,1707,8
+woodbine,1708,2
+newfields,372,5
+shelbyville,2487,7
+coffeen,1024,4
+hiteman,1686,3
+stockman,1201,2
+shelbyville,1537,6
+shelbyville,2342,12
+ranchester,1508,5
+marstons,1325,10
+woodbine,594,11
+hiteman,878,3
+stockman,1493,6
+klickitat,2089,13
+wainscott,202,7
+klickitat,1710,3
+klickitat,1521,3
+allensville,489,11
+forkland,525,5
+hanson,151,4
+marstons,601,1
+pinesdale,471,4
+ranchester,865,10
+klickitat,1269,4
+wainscott,232,9
+hiteman,1224,1
+tolstoy,597,1
+merom,320,8
+coffeen,1124,0
+pinesdale,1457,3
+lindenwood,1322,4
+ranchester,182,5
+stockman,1561,6
+hanson,1429,2
+lindenwood,847,1
+marstons,2299,2
+woodbine,67,9
+lindenwood,2493,0
+leonardo,1279,8
+lindenwood,511,0
+coffeen,756,4
+coffeen,351,6
+lakeville,1199,6
+cosmos,292,7
+onaga,676,3
+beechwood,1106,5
+coffeen,1353,1
+ranchester,88,6
+marstons,2612,2
+lakeville,122,0
+ranchester,1285,4
+ranchester,351,0
+klickitat,271,1
+leonardo,852,14
+hanson,503,8
+shelbyville,2233,0
+shelbyville,334,1
+marstons,1442,1
+shelbyville,334,10
+marstons,395,3
+pomaria,1236,1
+tolstoy,1124,0
+cosmos,332,9
+wainscott,711,10
+leonardo,836,5
+newfields,1432,0
+lakeville,1098,5
+klickitat,447,3
+pomaria,1021,0
+tolstoy,1503,7
+lindenwood,2130,16
+stockman,1575,10
+leonardo,1989,0
+hanson,363,9
+lindenwood,1427,3
+coffeen,1284,0
+lakeville,1724,1
+wainscott,857,2
+lakeville,574,11
+merom,516,6
+shelbyville,1101,5
+klickitat,910,0
+merom,61,4
+klickitat,1853,1
+coffeen,244,0
+wainscott,1040,3
+wainscott,470,1
+forkland,1131,5
+marstons,250,7
+klickitat,886,6
+woodbine,1290,2
+hanson,281,14
+cosmos,773,6
+benevolence,383,5
+marstons,231,6
+cosmos,578,3
+leonardo,1537,4
+marstons,1215,1
+mifflinburg,959,0
+lindenwood,2311,1
+coffeen,690,5
+shelbyville,522,3
+lindenwood,405,0
+merom,280,0
+wainscott,1780,2
+hanson,962,7
+wainscott,1278,6
+klickitat,2230,7
+shelbyville,103,5
+coffeen,246,7
+stockman,1500,1
+hiteman,231,0
+lindenwood,1046,1
+woodbine,926,10
+leonardo,346,14
+pinesdale,431,7
+lindenwood,1123,7
+shelbyville,1503,6
+mifflinburg,607,3
+leonardo,1093,0
+ranchester,624,3
+stockman,1136,3
+klickitat,1554,4
+pomaria,651,10
+klickitat,545,0
+pomaria,582,5
+shelbyville,2074,11
+pinesdale,1162,1
+coffeen,156,5
+klickitat,390,1
+mifflinburg,378,1
+wainscott,454,2
+coffeen,704,9
+marstons,2452,6
+wainscott,1279,5
+tolstoy,1641,6
+lakeville,1183,0
+cosmos,402,3
+beechwood,199,3
+shelbyville,1141,7
+onaga,262,1
+woodbine,1824,0
+hanson,212,2
+woodbine,1349,7
+lindenwood,498,0
+beechwood,824,5
+tolstoy,583,8
+ranchester,1176,14
+lindenwood,741,8
+benevolence,339,1
+pomaria,272,3
+lakeville,1525,6
+marstons,2618,11
+hiteman,1579,3
+shelbyville,825,1
+shelbyville,748,4
+mifflinburg,653,2
+klickitat,1901,1
+ranchester,649,6
+leonardo,786,10
+marstons,263,2
+benevolence,337,2
+klickitat,2317,3
+shelbyville,381,1
+cosmos,698,0
+wainscott,984,10
+lakeville,65,7
+coffeen,519,4
+pomaria,68,11
+lakeville,732,0
+forkland,215,5
+pinesdale,838,5
+hanson,1045,1
+onaga,550,8
+hanson,605,3
+coffeen,533,3
+coffeen,859,4
+hiteman,122,0
+beechwood,74,4
+leonardo,1935,3
+cosmos,934,5
+newfields,156,9
+hanson,669,2
+coffeen,550,1
+leonardo,595,9
+forkland,1164,0
+tolstoy,1270,11
+leonardo,184,1
+stockman,163,1
+hiteman,789,2
+newfields,1354,2
+marstons,2629,3
+woodbine,1451,2
+klickitat,1246,8
+lindenwood,308,4
+mifflinburg,565,2
+leonardo,2097,4
+shelbyville,1085,2
+benevolence,377,7
+coffeen,1000,0
+pomaria,1405,1
+newfields,346,4
+woodbine,1829,11
+allensville,341,0
+hanson,1436,3
+pinesdale,159,14
+forkland,938,0
+klickitat,983,12
+lindenwood,29,2
+pinesdale,603,1
+onaga,236,8
+wainscott,4,6
+hiteman,318,4
+cosmos,713,2
+wainscott,785,2
+shelbyville,2335,8
+pinesdale,785,4
+lindenwood,733,15
+pinesdale,17,2
+pinesdale,1189,1
+klickitat,1036,2
+coffeen,527,1
+woodbine,319,8
+beechwood,616,3
+tolstoy,709,8
+tolstoy,633,1
+pomaria,1470,13
+lakeville,799,1
+pomaria,1159,7
+ranchester,1185,8
+tolstoy,940,7
+beechwood,475,1
+klickitat,252,4
+shelbyville,1014,2
+hanson,895,2
+hiteman,469,3
+lindenwood,1963,5
+forkland,9,1
+tolstoy,1276,13
+wainscott,1586,3
+benevolence,444,6
+stockman,652,3
+lindenwood,2472,11
+woodbine,1349,6
+newfields,824,4
+lindenwood,558,4
+marstons,430,0
+pomaria,1650,7
+pomaria,1194,2
+shelbyville,1023,4
+tolstoy,677,1
+woodbine,1291,11
+klickitat,2360,5
+woodbine,554,10
+leonardo,9,9
+lakeville,1231,11
+pomaria,1321,1
+lindenwood,862,3
+pomaria,1636,8
+pomaria,1645,4
+klickitat,1316,0
+hanson,230,8
+hiteman,168,2
+coffeen,572,1
+hanson,738,4
+merom,302,3
+pinesdale,1362,0
+klickitat,2393,8
+wainscott,758,2
+pinesdale,795,2
+ranchester,601,6
+hanson,247,12
+mifflinburg,384,2
+marstons,2520,0
+hanson,915,3
+shelbyville,2081,0
+klickitat,1812,4
+shelbyville,2722,3
+lindenwood,635,6
+klickitat,1015,7
+pinesdale,1167,0
+forkland,974,1
+tolstoy,843,1
+lindenwood,1154,1
+merom,931,1
+klickitat,2316,3
+onaga,408,6
+newfields,1325,5
+stockman,1052,0
+lindenwood,1866,3
+leonardo,971,16
+hiteman,616,3
+hiteman,952,0
+pomaria,262,5
+marstons,458,8
+coffeen,1222,3
+ranchester,1509,3
+hiteman,771,1
+pomaria,387,0
+newfields,895,0
+woodbine,312,1
+marstons,2079,0
+ranchester,197,7
+klickitat,1945,2
+stockman,27,9
+ranchester,1141,5
+merom,86,0
+forkland,344,0
+klickitat,1312,0
+onaga,250,0
+hiteman,1015,0
+pinesdale,843,0
+lindenwood,211,2
+klickitat,2296,4
+cosmos,311,11
+klickitat,2195,22
+benevolence,377,5
+forkland,453,5
+stockman,1565,1
+tolstoy,235,1
+newfields,1201,0
+lakeville,906,7
+stockman,658,3
+coffeen,661,6
+marstons,929,11
+lakeville,1731,0
+allensville,197,10
+klickitat,874,2
+klickitat,2386,0
+onaga,10,8
+shelbyville,1172,4
+wainscott,620,7
+cosmos,313,2
+shelbyville,1261,0
+cosmos,452,5
+lindenwood,610,0
+wainscott,707,2
+tolstoy,190,3
+wainscott,478,8
+shelbyville,16,3
+forkland,616,2
+klickitat,1792,8
+forkland,84,0
+klickitat,62,8
+cosmos,591,10
+coffeen,1464,1
+woodbine,1911,0
+woodbine,1094,10
+tolstoy,51,0
+lindenwood,1483,4
+klickitat,246,11
+lakeville,904,0
+woodbine,1286,4
+ranchester,417,10
+cosmos,30,8
+marstons,883,5
+newfields,1389,0
+woodbine,1991,0
+lindenwood,2587,13
+leonardo,1408,4
+lindenwood,1646,0
+newfields,269,5
+marstons,2223,0
+beechwood,1045,1
+beechwood,1041,7
+woodbine,788,1
+hanson,1393,4
+cosmos,760,0
+hiteman,997,8
+hanson,369,10
+tolstoy,285,1
+klickitat,2174,15
+hiteman,822,6
+allensville,192,0
+lindenwood,171,6
+leonardo,1923,7
+woodbine,818,1
+lakeville,710,0
+lindenwood,445,2
+leonardo,1235,4
+merom,739,3
+wainscott,1384,3
+klickitat,2024,17
+klickitat,132,1
+woodbine,1395,1
+woodbine,840,7
+cosmos,567,12
+pomaria,1294,3
+coffeen,639,1
+leonardo,715,1
+klickitat,1209,3
+ranchester,1151,6
+lakeville,239,10
+hiteman,1048,2
+shelbyville,2179,8
+marstons,1903,4
+mifflinburg,623,0
+hiteman,778,2
+allensville,73,4
+shelbyville,2219,3
+lakeville,1292,8
+pomaria,235,6
+lindenwood,846,3
+marstons,771,2
+newfields,1608,5
+hiteman,1541,1
+pomaria,1578,0
+pinesdale,1259,5
+cosmos,455,3
+beechwood,985,3
+newfields,113,5
+newfields,314,13
+stockman,778,3
+pinesdale,264,3
+klickitat,1038,9
+pomaria,1309,3
+marstons,119,5
+woodbine,1215,2
+shelbyville,215,0
+shelbyville,1199,6
+beechwood,964,0
+shelbyville,1161,1
+leonardo,176,1
+marstons,2444,12
+hanson,1156,1
+tolstoy,1297,1
+klickitat,2172,8
+leonardo,636,9
+stockman,1301,2
+shelbyville,78,3
+ranchester,736,0
+klickitat,649,2
+mifflinburg,452,5
+lakeville,1576,14
+woodbine,1730,5
+hiteman,1795,9
+marstons,713,3
+hiteman,857,0
+pomaria,177,13
+pomaria,1249,0
+hiteman,1654,4
+pomaria,1098,5
+tolstoy,1550,6
+woodbine,1163,2
+klickitat,2338,2
+klickitat,306,3
+leonardo,1459,4
+lakeville,936,0
+mifflinburg,211,1
+beechwood,258,4
+mifflinburg,293,1
+hiteman,628,0
+newfields,44,6
+hiteman,1437,3
+benevolence,700,1
+lindenwood,2117,11
+woodbine,974,8
+lakeville,736,11
+ranchester,602,2
+mifflinburg,748,3
+hanson,1301,0
+pinesdale,891,3
+marstons,9,4
+shelbyville,382,3
+lakeville,1684,2
+woodbine,918,2
+cosmos,372,4
+beechwood,71,5
+lindenwood,46,7
+coffeen,1056,3
+tolstoy,1097,2
+ranchester,336,4
+lindenwood,231,4
+marstons,348,14
+coffeen,505,3
+pomaria,1113,9
+lakeville,1644,5
+mifflinburg,615,3
+stockman,377,0
+hiteman,1169,5
+leonardo,1798,11
+stockman,15,6
+woodbine,881,6
+woodbine,910,2
+ranchester,878,1
+tolstoy,706,0
+marstons,2201,1
+pinesdale,814,11
+lindenwood,977,2
+woodbine,703,1
+beechwood,145,1
+leonardo,1870,0
+marstons,25,3
+shelbyville,1315,4
+cosmos,623,10
+pinesdale,267,2
+lakeville,235,3
+woodbine,1984,8
+klickitat,789,5
+coffeen,756,3
+hiteman,1495,13
+hiteman,1527,5
+shelbyville,429,2
+benevolence,927,6
+shelbyville,87,13
+allensville,315,0
+beechwood,798,0
+wainscott,108,0
+marstons,911,10
+pinesdale,790,10
+lakeville,753,1
+leonardo,1302,0
+newfields,292,8
+tolstoy,245,4
+lakeville,1608,1
+woodbine,1277,3
+marstons,1633,1
+klickitat,1199,1
+lakeville,1436,2
+woodbine,381,1
+leonardo,1774,8
+lindenwood,764,10
+pomaria,165,4
+wainscott,1445,5
+hiteman,1787,2
+forkland,1191,0
+shelbyville,687,3
+woodbine,1692,13
+leonardo,1540,1
+shelbyville,2710,8
+forkland,1029,7
+wainscott,1441,3
+hanson,1330,3
+shelbyville,1297,5
+hanson,1281,3
+leonardo,1734,0
+mifflinburg,885,4
+pomaria,1642,5
+marstons,1626,2
+forkland,498,4
+allensville,274,2
+coffeen,425,1
+stockman,764,9
+lindenwood,938,0
+ranchester,988,1
+woodbine,142,3
+marstons,2311,8
+ranchester,573,1
+woodbine,279,0
+newfields,1284,2
+stockman,262,7
+hiteman,1078,4
+lindenwood,103,5
+mifflinburg,629,4
+shelbyville,2169,2
+wainscott,294,1
+ranchester,708,2
+beechwood,1012,1
+woodbine,758,2
+tolstoy,400,10
+hanson,871,6
+wainscott,1623,10
+leonardo,29,8
+pinesdale,544,5
+shelbyville,2436,0
+lindenwood,757,2
+woodbine,643,9
+pinesdale,290,2
+ranchester,1592,13
+cosmos,693,1
+pinesdale,1216,1
+lindenwood,2109,10
+cosmos,893,13
+marstons,2527,4
+tolstoy,1030,2
+shelbyville,2775,11
+klickitat,2360,1
+allensville,360,3
+leonardo,1236,1
+klickitat,2386,3
+pomaria,503,2
+klickitat,731,2
+shelbyville,1051,0
+pomaria,1524,1
+marstons,1683,2
+ranchester,923,5
+shelbyville,2000,6
+newfields,784,1
+woodbine,1535,9
+newfields,1096,13
+benevolence,242,2
+stockman,293,3
+lakeville,1614,5
+wainscott,902,6
+tolstoy,760,9
+lindenwood,1811,0
+woodbine,1110,7
+newfields,529,8
+cosmos,127,9
+coffeen,948,5
+lakeville,1252,4
+wainscott,288,4
+lindenwood,94,2
+mifflinburg,419,1
+marstons,1656,2
+lindenwood,1216,3
+cosmos,323,4
+marstons,416,9
+newfields,497,0
+wainscott,1447,0
+coffeen,991,8
+lindenwood,2266,6
+mifflinburg,182,0
+newfields,643,0
+lakeville,1648,2
+ranchester,1437,3
+mifflinburg,961,10
+coffeen,425,2
+merom,252,1
+lakeville,1381,4
+lakeville,1573,1
+shelbyville,2094,3
+ranchester,1617,2
+lakeville,1643,13
+tolstoy,1533,5
+newfields,220,0
+coffeen,1313,0
+pomaria,1334,7
+hiteman,33,13
+stockman,209,4
+tolstoy,1760,4
+woodbine,1677,0
+pinesdale,450,2
+woodbine,1991,9
+klickitat,122,4
+lindenwood,1495,1
+mifflinburg,733,1
+lakeville,1364,1
+hiteman,314,1
+mifflinburg,14,0
+lakeville,459,3
+ranchester,1007,0
+mifflinburg,368,4
+lakeville,1304,3
+stockman,715,3
+newfields,908,1
+leonardo,79,2
+lakeville,400,6
+woodbine,748,16
+shelbyville,192,8
+marstons,1394,0
+lindenwood,2171,3
+ranchester,947,11
+hiteman,627,1
+woodbine,751,5
+newfields,755,3
+stockman,1428,0
+forkland,1124,6
+pinesdale,994,1
+tolstoy,351,0
+lakeville,1740,10
+benevolence,304,6
+shelbyville,1763,2
+leonardo,1426,2
+tolstoy,1473,9
+woodbine,1319,4
+marstons,1720,0
+pinesdale,1065,6
+lakeville,813,4
+allensville,287,1
+wainscott,366,7
+benevolence,646,4
+benevolence,897,12
+ranchester,892,4
+wainscott,337,5
+lakeville,1454,0
+woodbine,594,10
+lakeville,559,11
+lindenwood,2137,8
+ranchester,527,3
+woodbine,7,0
+beechwood,910,1
+hanson,430,7
+marstons,2554,0
+onaga,193,3
+hanson,730,6
+pinesdale,1244,1
+klickitat,1751,5
+coffeen,1098,3
+ranchester,1437,2
+marstons,2157,2
+onaga,422,2
+forkland,1005,0
+lakeville,868,10
+marstons,1787,5
+hanson,365,1
+shelbyville,479,10
+hiteman,537,5
+klickitat,1628,5
+hiteman,937,2
+merom,296,2
+lakeville,527,2
+tolstoy,692,2
+klickitat,1468,9
+woodbine,1748,1
+marstons,2187,11
+pomaria,113,8
+ranchester,1498,2
+lindenwood,1700,0
+lakeville,847,4
+leonardo,596,5
+leonardo,7,9
+lindenwood,991,0
+marstons,267,12
+woodbine,316,5
+hiteman,659,5
+marstons,2056,8
+lindenwood,1300,2
+klickitat,77,4
+stockman,445,2
+merom,719,2
+hanson,93,4
+lindenwood,1312,8
+allensville,90,1
+woodbine,241,1
+lindenwood,219,9
+leonardo,210,0
+shelbyville,466,1
+coffeen,461,0
+hiteman,2,8
+newfields,1286,1
+tolstoy,182,3
+klickitat,86,1
+mifflinburg,465,3
+woodbine,1446,2
+newfields,1249,11
+hanson,104,2
+coffeen,1008,6
+hiteman,1302,4
+shelbyville,1050,1
+newfields,1310,3
+merom,983,4
+woodbine,343,11
+newfields,389,0
+lakeville,1368,3
+lindenwood,5,5
+woodbine,615,1
+marstons,1483,4
+leonardo,972,2
+shelbyville,982,6
+marstons,624,3
+stockman,845,2
+tolstoy,868,9
+lindenwood,1076,0
+tolstoy,1569,10
+hiteman,130,9
+woodbine,1197,1
+pomaria,721,0
+cosmos,772,8
+ranchester,1538,2
+lindenwood,1530,5
+forkland,924,3
+klickitat,913,10
+lakeville,374,1
+benevolence,600,2
+marstons,1574,13
+coffeen,707,4
+shelbyville,1239,0
+woodbine,496,1
+ranchester,1335,8
+hanson,316,0
+lakeville,852,3
+pomaria,350,6
+pinesdale,1175,0
+shelbyville,954,2
+leonardo,1234,5
+merom,831,2
+stockman,1012,2
+mifflinburg,230,0
+lindenwood,2087,7
+klickitat,194,4
+newfields,1393,0
+newfields,351,1
+hanson,199,5
+leonardo,88,2
+stockman,414,4
+tolstoy,974,1
+lakeville,1368,5
+shelbyville,2521,3
+klickitat,438,3
+newfields,1590,5
+lindenwood,205,4
+ranchester,286,5
+klickitat,1024,14
+shelbyville,2354,7
+tolstoy,491,5
+leonardo,1985,10
+wainscott,276,7
+leonardo,841,0
+lakeville,520,0
+marstons,206,0
+pinesdale,1504,10
+klickitat,1645,0
+marstons,471,0
+ranchester,707,3
+pinesdale,501,3
+hanson,1089,1
+ranchester,584,4
+hanson,806,10
+ranchester,247,0
+lindenwood,911,13
+newfields,1458,14
+lindenwood,1618,1
+klickitat,1598,9
+tolstoy,516,3
+marstons,2182,1
+wainscott,23,0
+lindenwood,295,5
+woodbine,1283,7
+woodbine,1825,0
+cosmos,568,3
+lindenwood,1916,3
+merom,386,0
+klickitat,731,4
+ranchester,932,6
+woodbine,492,2
+newfields,416,0
+newfields,884,5
+lindenwood,1288,7
+lakeville,1005,8
+hiteman,641,4
+woodbine,334,0
+newfields,466,4
+coffeen,1489,1
+hiteman,1204,3
+shelbyville,478,0
+leonardo,154,4
+leonardo,504,0
+pinesdale,1501,2
+leonardo,636,4
+mifflinburg,331,0
+cosmos,695,1
+pinesdale,759,1
+marstons,1127,6
+benevolence,485,7
+shelbyville,2818,7
+coffeen,567,4
+merom,211,5
+wainscott,1462,4
+hanson,1161,7
+hanson,1179,8
+wainscott,784,8
+shelbyville,2013,1
+woodbine,1488,7
+woodbine,1262,6
+lindenwood,2545,4
+klickitat,151,10
+marstons,1053,6
+lakeville,1720,3
+pinesdale,697,0
+coffeen,186,0
+ranchester,132,14
+shelbyville,2202,4
+lakeville,82,8
+cosmos,798,0
+shelbyville,815,0
+coffeen,1314,6
+ranchester,1399,0
+tolstoy,1183,2
+lindenwood,1976,1
+ranchester,598,4
+marstons,616,4
+klickitat,418,5
+newfields,558,0
+ranchester,675,0
+woodbine,155,10
+pinesdale,1286,2
+tolstoy,1706,4
+pomaria,829,0
+stockman,1259,6
+shelbyville,1975,0
+hiteman,1775,1
+wainscott,1327,0
+lakeville,22,8
+pomaria,385,12
+mifflinburg,151,0
+klickitat,1871,7
+leonardo,1726,1
+shelbyville,1782,2
+marstons,88,3
+klickitat,458,13
+merom,216,6
+cosmos,813,2
+coffeen,1222,4
+stockman,1392,2
+leonardo,756,7
+lindenwood,365,4
+marstons,1065,1
+benevolence,708,3
+marstons,2032,1
+pomaria,1527,0
+hanson,509,0
+leonardo,1731,1
+wainscott,138,2
+hiteman,1240,13
+coffeen,1373,7
+hanson,1256,7
+klickitat,2381,0
+ranchester,183,0
+pinesdale,1208,4
+leonardo,1623,3
+pomaria,701,0
+lakeville,633,4
+tolstoy,559,0
+shelbyville,2196,1
+newfields,232,0
+pomaria,1542,1
+marstons,1827,4
+shelbyville,1101,7
+woodbine,861,5
+lindenwood,2457,2
+stockman,542,1
+lindenwood,596,3
+wainscott,240,10
+lakeville,806,2
+beechwood,966,5
+marstons,2239,1
+merom,1022,3
+onaga,555,2
+stockman,155,6
+leonardo,551,0
+hanson,231,1
+newfields,649,5
+lindenwood,1821,3
+pomaria,1053,5
+leonardo,954,0
+forkland,275,5
+klickitat,2268,5
+wainscott,353,0
+forkland,1169,8
+ranchester,840,4
+hanson,227,0
+shelbyville,1538,9
+shelbyville,144,6
+tolstoy,1013,3
+forkland,137,4
+lindenwood,918,2
+klickitat,1409,1
+marstons,1432,2
+lakeville,139,5
+merom,480,3
+lindenwood,195,1
+mifflinburg,718,1
+klickitat,812,4
+forkland,269,4
+forkland,327,2
+hiteman,5,0
+lindenwood,481,10
+wainscott,1100,5
+forkland,989,2
+ranchester,865,2
+pinesdale,493,0
+marstons,513,16
+lindenwood,1552,4
+klickitat,1637,6
+wainscott,165,0
+lindenwood,127,6
+hanson,1496,4
+ranchester,822,7
+leonardo,668,12
+tolstoy,1043,3
+lakeville,98,8
+beechwood,797,1
+klickitat,1429,3
+klickitat,2322,7
+tolstoy,177,9
+merom,707,1
+marstons,1475,9
+leonardo,576,3
+newfields,1339,5
+wainscott,194,4
+lakeville,1405,0
+pomaria,525,6
+pomaria,1090,18
+wainscott,832,3
+benevolence,64,4
+wainscott,772,7
+leonardo,1198,5
+stockman,1433,4
+lindenwood,856,4
+ranchester,662,4
+ranchester,480,3
+merom,406,8
+shelbyville,2527,5
+coffeen,1093,8
+benevolence,760,0
+forkland,431,2
+shelbyville,2053,10
+klickitat,1121,5
+wainscott,341,3
+klickitat,2056,4
+mifflinburg,362,4
+leonardo,1213,2
+newfields,93,8
+wainscott,1080,3
+forkland,846,4
+klickitat,1495,2
+woodbine,566,1
+shelbyville,2339,6
+lindenwood,2048,2
+stockman,82,2
+wainscott,1171,4
+newfields,326,9
+lindenwood,505,2
+merom,370,7
+marstons,1193,1
+pomaria,376,2
+onaga,348,4
+hiteman,717,0
+woodbine,1390,1
+tolstoy,701,7
+mifflinburg,867,2
+woodbine,971,0
+lindenwood,2637,12
+marstons,49,7
+leonardo,205,1
+newfields,1158,12
+marstons,1722,1
+leonardo,150,2
+mifflinburg,749,0
+hanson,984,2
+lindenwood,982,7
+hiteman,1309,2
+pomaria,1205,4
+lindenwood,1519,9
+tolstoy,1332,0
+shelbyville,477,0
+ranchester,112,12
+pomaria,1141,3
+lakeville,1469,2
+stockman,39,3
+lindenwood,1859,3
+hiteman,1830,0
+lakeville,640,8
+cosmos,941,1
+leonardo,890,2
+shelbyville,1454,5
+lakeville,1544,1
+lakeville,1120,8
+leonardo,1362,0
+ranchester,340,0
+beechwood,678,7
+lakeville,1327,8
+cosmos,333,0
+marstons,2109,6
+lakeville,1312,0
+lakeville,266,2
+cosmos,5,0
+hanson,148,5
+onaga,164,3
+hanson,70,3
+shelbyville,1798,0
+stockman,42,1
+klickitat,632,3
+woodbine,1019,1
+marstons,1898,7
+marstons,2441,1
+cosmos,475,1
+hanson,580,4
+beechwood,917,3
+coffeen,618,4
+mifflinburg,166,0
+onaga,644,3
+hiteman,940,4
+ranchester,792,6
+shelbyville,1151,2
+pinesdale,751,0
+marstons,685,6
+shelbyville,1141,3
+hiteman,321,0
+ranchester,26,7
+tolstoy,434,9
+woodbine,1186,5
+ranchester,534,6
+tolstoy,1832,11
+wainscott,463,0
+leonardo,252,4
+hiteman,872,1
+shelbyville,2680,0
+marstons,1549,2
+allensville,429,3
+pomaria,389,9
+woodbine,1405,1
+hanson,1656,7
+klickitat,504,5
+mifflinburg,162,5
+leonardo,199,1
+lakeville,897,2
+leonardo,603,0
+wainscott,1022,5
+pinesdale,608,4
+pomaria,519,3
+lindenwood,1511,9
+leonardo,1010,3
+woodbine,1861,1
+stockman,1464,1
+lindenwood,697,0
+marstons,1544,4
+tolstoy,1648,2
+wainscott,1767,2
+hanson,502,3
+hanson,1570,14
+shelbyville,1989,0
+benevolence,558,0
+cosmos,764,5
+mifflinburg,674,1
+hanson,275,5
+newfields,991,3
+merom,777,2
+marstons,61,12
+wainscott,1547,0
+newfields,471,4
+hanson,1621,1
+klickitat,875,0
+pinesdale,1451,1
+newfields,1026,3
+leonardo,1283,5
+hiteman,1133,0
+pomaria,1659,4
+mifflinburg,951,0
+lindenwood,1276,12
+ranchester,1295,6
+wainscott,1668,5
+newfields,1292,12
+marstons,1200,7
+newfields,1207,1
+leonardo,1136,3
+cosmos,937,5
+pomaria,1067,3
+benevolence,683,0
+klickitat,72,11
+klickitat,1893,4
+hanson,1175,2
+hiteman,223,3
+forkland,666,2
+tolstoy,1498,4
+woodbine,1939,5
+marstons,2257,4
+hiteman,1132,1
+marstons,1498,2
+leonardo,529,7
+klickitat,1963,3
+lakeville,79,4
+klickitat,2,9
+stockman,1349,0
+shelbyville,812,6
+allensville,464,1
+wainscott,481,0
+forkland,305,3
+hiteman,1168,8
+ranchester,690,1
+shelbyville,723,4
+klickitat,1706,15
+klickitat,2006,2
+newfields,722,3
+hanson,209,9
+pinesdale,689,0
+shelbyville,241,1
+klickitat,1623,4
+hanson,1437,0
+stockman,1361,3
+ranchester,883,4
+hanson,834,4
+stockman,686,16
+newfields,221,10
+ranchester,746,6
+pinesdale,454,8
+hiteman,1278,0
+hiteman,1008,2
+shelbyville,1163,1
+stockman,1025,11
+cosmos,590,2
+merom,492,0
+pomaria,559,4
+pinesdale,1198,8
+hanson,1164,5
+newfields,267,5
+benevolence,718,2
+tolstoy,1435,3
+wainscott,1770,2
+ranchester,1286,3
+coffeen,1054,2
+leonardo,811,0
+tolstoy,1588,3
+shelbyville,1798,3
+beechwood,782,1
+mifflinburg,536,0
+pomaria,42,11
+leonardo,885,4
+hiteman,925,1
+forkland,812,1
+tolstoy,474,11
+marstons,1105,3
+leonardo,538,3
+lakeville,737,3
+hanson,1090,0
+newfields,451,6
+shelbyville,511,9
+leonardo,873,0
+mifflinburg,153,4
+marstons,1708,6
+leonardo,610,8
+lindenwood,1921,2
+leonardo,342,4
+lakeville,274,1
+wainscott,737,0
+coffeen,1174,2
+marstons,1620,11
+hanson,1370,1
+coffeen,1254,0
+leonardo,1189,0
+leonardo,848,1
+woodbine,1237,9
+woodbine,1708,0
+marstons,168,11
+pinesdale,698,9
+marstons,506,1
+marstons,2636,10
+woodbine,25,1
+coffeen,213,3
+leonardo,580,5
+coffeen,881,1
+hiteman,1616,1
+shelbyville,846,11
+leonardo,1519,2
+beechwood,675,8
+merom,878,1
+hiteman,588,2
+leonardo,177,1
+marstons,2135,4
+newfields,254,4
+tolstoy,1512,5
+newfields,934,2
+coffeen,823,4
+stockman,1528,0
+pinesdale,346,0
+marstons,1981,2
+hiteman,1804,9
+shelbyville,952,2
+lindenwood,227,2
+klickitat,2164,12
+pomaria,181,0
+newfields,1370,0
+klickitat,231,7
+tolstoy,1014,3
+klickitat,1838,10
+klickitat,1954,2
+tolstoy,706,10
+stockman,1457,4
+hanson,635,3
+marstons,1779,0
+shelbyville,957,2
+hiteman,728,4
+woodbine,313,7
+marstons,823,3
+klickitat,488,9
+coffeen,1111,3
+marstons,603,2
+ranchester,1191,7
+leonardo,17,2
+woodbine,382,0
+hiteman,919,3
+leonardo,2115,2
+hanson,1327,11
+wainscott,944,3
+lakeville,1132,11
+ranchester,865,3
+woodbine,490,6
+shelbyville,2318,4
+newfields,623,2
+hanson,1461,7
+hiteman,168,9
+mifflinburg,57,2
+woodbine,1720,5
+pomaria,409,7
+lakeville,1516,1
+hanson,1568,2
+pinesdale,141,0
+leonardo,1180,1
+pinesdale,6,5
+woodbine,1898,5
+wainscott,299,7
+klickitat,656,11
+pinesdale,1489,2
+pinesdale,268,0
+shelbyville,2777,4
+pinesdale,653,2
+lakeville,1282,2
+marstons,1585,3
+leonardo,2013,2
+pinesdale,373,1
+stockman,1217,1
+hanson,456,0
+leonardo,1879,2
+coffeen,910,2
+shelbyville,1936,4
+marstons,1530,5
+ranchester,1088,0
+tolstoy,504,2
+merom,9,2
+lindenwood,2393,4
+tolstoy,1129,0
+mifflinburg,79,7
+lindenwood,1859,2
+hanson,485,0
+tolstoy,392,10
+coffeen,476,5
+tolstoy,693,10
+tolstoy,1496,2
+benevolence,410,4
+lindenwood,1453,8
+tolstoy,116,11
+coffeen,614,4
+merom,474,2
+mifflinburg,363,0
+lakeville,1554,4
+hanson,1433,12
+klickitat,1869,2
+tolstoy,1386,0
+hanson,1623,1
+merom,1100,3
+tolstoy,832,1
+ranchester,375,6
+lindenwood,1701,2
+lindenwood,597,0
+wainscott,361,8
+klickitat,1860,1
+hanson,300,3
+hanson,794,2
+hiteman,752,0
+pinesdale,1483,4
+klickitat,1670,0
+lakeville,1851,8
+tolstoy,442,1
+lakeville,1403,8
+marstons,1833,1
+pinesdale,1411,7
+cosmos,717,1
+tolstoy,500,2
+lakeville,1342,1
+forkland,1173,4
+pinesdale,330,0
+hanson,106,12
+lakeville,1021,4
+shelbyville,2057,2
+marstons,73,3
+klickitat,83,1
+mifflinburg,765,3
+newfields,1302,3
+merom,8,0
+pomaria,1043,0
+wainscott,934,13
+klickitat,37,0
+pomaria,1295,6
+woodbine,1750,3
+ranchester,879,5
+woodbine,1475,5
+stockman,137,2
+woodbine,110,9
+leonardo,788,0
+tolstoy,1147,5
+marstons,139,2
+pomaria,1635,1
+hanson,824,0
+lindenwood,21,0
+shelbyville,2611,6
+newfields,844,5
+newfields,1371,0
+marstons,1796,2
+hanson,1111,7
+wainscott,60,4
+shelbyville,313,5
+klickitat,1013,1
+leonardo,8,0
+stockman,12,4
+onaga,66,0
+lakeville,1869,7
+tolstoy,55,6
+newfields,465,4
+hanson,389,1
+pinesdale,544,8
+marstons,1063,2
+shelbyville,284,4
+lakeville,659,9
+hanson,26,2
+woodbine,1503,0
+cosmos,242,6
+lindenwood,2293,1
+woodbine,1621,2
+pomaria,148,12
+wainscott,1430,5
+pomaria,971,4
+coffeen,457,0
+klickitat,930,2
+merom,1093,2
+pomaria,999,8
+leonardo,1415,0
+marstons,2058,1
+cosmos,743,5
+marstons,1937,1
+coffeen,1101,0
+newfields,325,4
+lindenwood,1718,1
+newfields,321,3
+pinesdale,0,1
+pomaria,150,5
+tolstoy,633,2
+klickitat,452,0
+stockman,923,2
+leonardo,1404,3
+cosmos,889,2
+woodbine,883,2
+newfields,750,3
+klickitat,10,3
+lakeville,429,1
+hiteman,1336,11
+tolstoy,1361,6
+cosmos,589,1
+lakeville,1680,2
+newfields,891,4
+newfields,547,0
+leonardo,1025,0
+hanson,572,4
+tolstoy,698,0
+onaga,572,1
+hanson,999,5
+marstons,307,8
+merom,581,2
+klickitat,210,4
+marstons,880,2
+lakeville,852,7
+woodbine,1355,2
+shelbyville,164,7
+lakeville,1702,4
+marstons,1280,3
+merom,922,2
+stockman,815,1
+beechwood,281,1
+hanson,1479,0
+wainscott,363,2
+ranchester,1193,1
+hanson,1200,2
+lindenwood,1206,3
+lindenwood,2454,8
+shelbyville,812,4
+hanson,1472,6
+pinesdale,1190,5
+marstons,938,2
+shelbyville,188,7
+woodbine,664,11
+lindenwood,2635,5
+tolstoy,1473,2
+benevolence,411,2
+marstons,841,12
+hiteman,1854,2
+mifflinburg,167,7
+benevolence,944,6
+pinesdale,900,4
+pinesdale,191,1
+shelbyville,2181,0
+tolstoy,176,5
+benevolence,751,9
+leonardo,1000,4
+beechwood,66,3
+klickitat,1471,9
+lakeville,1685,3
+hiteman,1716,2
+marstons,2065,2
+stockman,1580,2
+hiteman,1597,0
+merom,942,0
+hiteman,1208,0
+coffeen,93,2
+stockman,1211,2
+pomaria,389,4
+merom,299,3
+marstons,345,1
+forkland,551,2
+merom,816,2
+tolstoy,1577,1
+benevolence,9,11
+ranchester,850,2
+leonardo,756,2
+woodbine,742,3
+wainscott,386,5
+newfields,1313,3
+leonardo,1617,5
+beechwood,815,9
+woodbine,1844,5
+hanson,288,3
+woodbine,1643,0
+shelbyville,772,9
+pinesdale,455,2
+onaga,516,0
+woodbine,1835,5
+pomaria,1002,0
+newfields,1597,14
+wainscott,1310,2
+lakeville,53,3
+klickitat,2354,0
+beechwood,676,8
+hanson,359,3
+hanson,52,3
+lindenwood,1902,1
+lakeville,1802,1
+marstons,911,9
+woodbine,812,2
+pinesdale,832,4
+wainscott,1718,4
+tolstoy,446,6
+shelbyville,1801,1
+merom,1001,2
+benevolence,857,0
+hanson,236,4
+hiteman,1487,7
+shelbyville,1904,2
+shelbyville,2190,1
+woodbine,62,1
+coffeen,1147,2
+klickitat,2374,2
+woodbine,610,0
+newfields,361,1
+pinesdale,1217,2
+marstons,975,1
+wainscott,148,2
+forkland,869,2
+hiteman,14,3
+beechwood,428,1
+merom,149,1
+klickitat,56,11
+wainscott,1710,7
+benevolence,324,1
+klickitat,859,6
+woodbine,354,1
+onaga,224,1
+tolstoy,371,0
+woodbine,281,0
+lindenwood,2187,1
+tolstoy,1264,9
+pinesdale,1137,0
+shelbyville,343,5
+stockman,676,3
+marstons,515,3
+hiteman,835,3
+hiteman,1521,2
+klickitat,119,8
+beechwood,203,0
+allensville,335,1
+pomaria,1465,4
+shelbyville,2318,0
+marstons,2459,6
+wainscott,77,1
+lakeville,306,5
+newfields,640,3
+coffeen,294,1
+stockman,213,4
+lindenwood,1944,4
+benevolence,804,2
+shelbyville,584,4
+shelbyville,1405,1
+hanson,43,10
+lakeville,452,2
+cosmos,67,4
+pinesdale,1363,2
+wainscott,161,10
+marstons,12,1
+newfields,1303,5
+mifflinburg,89,2
+lindenwood,2539,4
+leonardo,2063,10
+stockman,866,1
+hiteman,240,3
+lindenwood,2135,1
+mifflinburg,936,0
+newfields,1616,1
+marstons,1079,0
+wainscott,1650,1
+lakeville,525,3
+klickitat,2235,3
+stockman,529,2
+benevolence,7,4
+allensville,426,2
+shelbyville,947,2
+coffeen,482,2
+forkland,828,3
+newfields,1150,3
+allensville,107,4
+newfields,1570,9
+ranchester,1172,3
+shelbyville,2570,2
+ranchester,371,2
+coffeen,166,0
+merom,162,1
+marstons,1782,7
+tolstoy,1463,6
+lakeville,1283,5
+cosmos,382,8
+forkland,139,1
+klickitat,282,6
+tolstoy,1598,1
+leonardo,733,10
+lindenwood,813,6
+lindenwood,2662,3
+lakeville,348,10
+lindenwood,273,2
+beechwood,228,0
+wainscott,660,0
+shelbyville,2100,10
+woodbine,34,12
+beechwood,905,0
+forkland,204,2
+beechwood,789,5
+pomaria,1115,1
+wainscott,916,3
+lindenwood,2307,11
+hanson,1121,4
+woodbine,1939,9
+leonardo,1107,1
+ranchester,1099,8
+benevolence,380,1
+wainscott,671,8
+marstons,38,2
+pomaria,200,3
+hiteman,537,4
+stockman,200,0
+lindenwood,1203,1
+newfields,1416,16
+wainscott,884,1
+coffeen,560,0
+newfields,1615,1
+coffeen,1371,0
+hanson,1050,11
+pomaria,700,4
+lindenwood,1733,0
+pomaria,1106,10
+klickitat,1275,2
+coffeen,1014,0
+ranchester,1628,10
+marstons,696,8
+woodbine,1441,0
+shelbyville,324,5
+hiteman,603,5
+woodbine,1941,5
+marstons,2296,2
+ranchester,1347,0
+shelbyville,904,4
+shelbyville,749,19
+pinesdale,1136,3
+hiteman,1080,1
+leonardo,1129,2
+hiteman,1593,10
+marstons,1729,2
+lindenwood,2046,3
+shelbyville,2093,4
+wainscott,572,7
+shelbyville,1131,1
+pomaria,1318,3
+leonardo,1447,6
+leonardo,1408,3
+lindenwood,871,2
+lindenwood,1183,7
+lakeville,115,3
+hanson,1612,3
+lindenwood,85,8
+woodbine,453,1
+marstons,2186,3
+klickitat,1931,4
+stockman,1086,4
+shelbyville,2150,7
+shelbyville,2133,14
+hanson,1106,7
+pomaria,951,2
+shelbyville,2643,1
+wainscott,847,12
+wainscott,206,6
+hiteman,831,7
+wainscott,187,3
+lakeville,796,9
+woodbine,1759,0
+pinesdale,1076,4
+tolstoy,772,0
+hanson,1567,4
+shelbyville,2575,0
+hanson,991,1
+woodbine,128,0
+lakeville,811,14
+woodbine,222,3
+coffeen,283,5
+shelbyville,400,7
+shelbyville,210,8
+lindenwood,696,2
+ranchester,559,4
+newfields,603,3
+stockman,312,0
+tolstoy,582,15
+benevolence,493,2
+tolstoy,514,1
+ranchester,231,0
+beechwood,893,3
+coffeen,1101,1
+hiteman,1433,0
+mifflinburg,215,0
+forkland,1183,3
+newfields,520,2
+ranchester,1460,7
+cosmos,1049,6
+merom,814,0
+newfields,391,11
+coffeen,1509,4
+woodbine,1665,1
+klickitat,2234,2
+newfields,1190,11
+shelbyville,2309,8
+hiteman,1669,0
+klickitat,2398,8
+ranchester,10,3
+leonardo,689,10
+lindenwood,1414,3
+wainscott,705,9
+coffeen,868,0
+shelbyville,2319,3
+shelbyville,2451,4
+marstons,110,2
+stockman,687,0
+cosmos,788,2
+pinesdale,1164,5
+merom,59,3
+coffeen,996,7
+lindenwood,2017,4
+pomaria,444,1
+leonardo,247,0
+klickitat,2240,1
+benevolence,732,0
+stockman,1321,1
+pinesdale,434,5
+shelbyville,1111,3
+lindenwood,399,7
+shelbyville,1120,3
+merom,938,2
+lindenwood,2347,1
+coffeen,689,3
+wainscott,1038,1
+lindenwood,1922,4
+hiteman,771,6
+klickitat,2048,1
+woodbine,1398,1
+lakeville,229,13
+lindenwood,371,1
+klickitat,1301,4
+lindenwood,1626,0
+coffeen,311,1
+woodbine,548,1
+woodbine,140,6
+wainscott,99,8
+pomaria,1136,7
+leonardo,732,5
+cosmos,834,1
+lindenwood,494,7
+marstons,1019,3
+stockman,850,0
+lakeville,1020,11
+ranchester,1256,3
+klickitat,571,13
+leonardo,370,5
+klickitat,1715,13
+pinesdale,511,1
+marstons,2113,14
+shelbyville,252,6
+shelbyville,2169,10
+shelbyville,1603,10
+benevolence,241,2
+tolstoy,837,6
+klickitat,2398,1
+wainscott,1433,5
+marstons,315,8
+pinesdale,1398,3
+tolstoy,1163,0
+stockman,456,0
+pomaria,801,4
+marstons,925,0
+hiteman,1352,8
+marstons,655,6
+hanson,976,4
+tolstoy,1345,1
+ranchester,65,0
+allensville,293,0
+pomaria,99,4
+woodbine,1871,0
+lindenwood,117,5
+mifflinburg,221,6
+stockman,361,7
+beechwood,602,4
+newfields,1397,0
+wainscott,1727,14
+tolstoy,1557,9
+woodbine,1506,2
+hanson,1466,7
+lindenwood,697,5
+benevolence,861,11
+tolstoy,768,4
+hiteman,594,1
+lakeville,224,0
+lindenwood,2242,2
+lindenwood,2330,2
+tolstoy,1535,6
+hiteman,1514,7
+lindenwood,2559,2
+shelbyville,1430,4
+klickitat,19,1
+tolstoy,85,1
+stockman,79,2
+newfields,1369,2
+mifflinburg,266,10
+lakeville,376,13
+pinesdale,342,7
+lakeville,304,8
+klickitat,2001,0
+leonardo,732,1
+coffeen,141,1
+klickitat,2201,0
+shelbyville,2296,6
+marstons,2083,2
+klickitat,1091,2
+beechwood,632,3
+hiteman,1849,1
+lindenwood,1683,5
+allensville,361,4
+shelbyville,2770,5
+pomaria,627,16
+forkland,646,1
+ranchester,756,2
+cosmos,857,6
+pomaria,1252,0
+ranchester,516,2
+hiteman,1240,8
+pomaria,557,8
+ranchester,1247,7
+wainscott,633,3
+hanson,1536,7
+coffeen,746,1
+hanson,369,11
+lakeville,539,3
+pomaria,747,2
+pomaria,1576,6
+shelbyville,1707,3
+shelbyville,42,1
+pinesdale,1129,0
+lakeville,1467,0
+lakeville,961,2
+beechwood,348,2
+mifflinburg,485,2
+wainscott,1679,0
+wainscott,869,2
+shelbyville,2101,5
+lindenwood,115,4
+stockman,1361,6
+shelbyville,421,2
+newfields,1274,3
+hanson,1273,13
+marstons,246,5
+shelbyville,1517,1
+marstons,1220,3
+ranchester,81,1
+woodbine,2036,4
+allensville,98,3
+ranchester,1424,0
+coffeen,772,1
+hiteman,205,0
+marstons,1052,0
+leonardo,957,1
+coffeen,1483,4
+woodbine,1195,0
+coffeen,1493,1
+marstons,559,3
+klickitat,1580,2
+pomaria,609,4
+hanson,411,2
+ranchester,1435,2
+newfields,1387,7
+marstons,1202,1
+klickitat,2149,3
+pomaria,788,3
+woodbine,1468,6
+pinesdale,85,5
+hiteman,68,9
+klickitat,829,5
+ranchester,171,5
+stockman,1125,0
+leonardo,662,7
+wainscott,837,12
+beechwood,527,1
+leonardo,41,0
+woodbine,912,16
+pinesdale,155,1
+pomaria,237,5
+merom,71,4
+mifflinburg,58,1
+cosmos,1008,1
+tolstoy,1627,2
+marstons,1867,9
+wainscott,1757,8
+wainscott,2,6
+wainscott,1376,1
+leonardo,1899,3
+allensville,482,1
+tolstoy,948,0
+klickitat,93,0
+beechwood,1146,2
+cosmos,666,0
+lakeville,1292,7
+beechwood,204,0
+lindenwood,1326,5
+hiteman,928,0
+forkland,1171,3
+leonardo,294,2
+wainscott,1521,4
+pinesdale,684,3
+hanson,1004,6
+lakeville,419,7
+newfields,857,0
+hanson,876,1
+ranchester,1558,9
+merom,291,4
+cosmos,53,3
+lakeville,153,5
+lindenwood,1054,2
+marstons,2203,1
+allensville,227,1
+klickitat,584,5
+lindenwood,1395,1
+pomaria,1284,0
+tolstoy,714,2
+shelbyville,2549,2
+pomaria,871,2
+leonardo,1051,0
+hanson,1330,10
+hiteman,752,3
+ranchester,70,4
+onaga,558,0
+klickitat,946,8
+beechwood,666,4
+shelbyville,1086,6
+klickitat,1530,2
+woodbine,1789,2
+shelbyville,1191,2
+cosmos,24,2
+klickitat,1290,8
+lakeville,587,4
+shelbyville,1670,7
+onaga,290,4
+lakeville,578,2
+lakeville,1581,1
+ranchester,681,11
+lakeville,64,2
+marstons,558,3
+pinesdale,498,5
+marstons,669,1
+pomaria,1143,2
+coffeen,655,2
+hanson,1196,2
+wainscott,1190,8
+shelbyville,1822,0
+newfields,124,4
+benevolence,293,2
+tolstoy,253,1
+merom,632,2
+klickitat,1104,2
+coffeen,792,6
+woodbine,771,1
+cosmos,958,2
+pomaria,1312,5
+shelbyville,2237,2
+merom,531,2
+hiteman,816,0
+marstons,1971,1
+lindenwood,1827,4
+shelbyville,1165,1
+shelbyville,2280,2
+hanson,648,14
+cosmos,57,2
+merom,649,1
+hanson,747,2
+coffeen,446,4
+mifflinburg,243,9
+hiteman,470,4
+wainscott,1179,0
+lindenwood,895,5
+marstons,158,6
+lakeville,218,7
+stockman,630,5
+cosmos,583,4
+hanson,436,17
+leonardo,688,6
+merom,510,2
+pinesdale,1289,0
+pomaria,851,7
+shelbyville,1599,2
+lakeville,1433,3
+pinesdale,340,1
+marstons,1520,10
+forkland,769,1
+cosmos,873,4
+tolstoy,39,10
+pomaria,974,2
+coffeen,1089,0
+merom,367,4
+leonardo,960,2
+lakeville,1166,7
+forkland,1183,0
+coffeen,411,6
+merom,496,2
+tolstoy,57,0
+wainscott,994,4
+wainscott,1116,0
+lindenwood,707,4
+ranchester,1309,1
+hanson,31,3
+hanson,1536,2
+woodbine,494,2
+klickitat,1933,8
+merom,985,3
+coffeen,523,3
+ranchester,1043,4
+mifflinburg,870,3
+woodbine,1934,7
+lakeville,1550,1
+lakeville,1577,7
+lindenwood,24,5
+ranchester,33,4
+woodbine,172,5
+newfields,1643,2
+lakeville,517,4
+shelbyville,1338,3
+woodbine,1528,4
+marstons,1995,0
+woodbine,186,4
+pomaria,225,0
+marstons,1144,3
+lakeville,22,4
+mifflinburg,199,3
+wainscott,1340,3
+hanson,621,2
+hanson,1171,11
+pomaria,1378,5
+shelbyville,1217,6
+mifflinburg,204,3
+shelbyville,2711,5
+stockman,1274,1
+newfields,1023,1
+newfields,977,0
+hiteman,68,12
+shelbyville,2222,0
+hiteman,842,4
+wainscott,719,1
+woodbine,1105,0
+shelbyville,1258,0
+pinesdale,1151,0
+lindenwood,530,0
+tolstoy,266,0
+leonardo,847,1
+lakeville,218,3
+pinesdale,199,0
+stockman,765,5
+shelbyville,1642,0
+ranchester,581,1
+leonardo,1925,2
+klickitat,1448,1
+leonardo,1753,3
+pomaria,1577,7
+ranchester,248,3
+stockman,369,2
+pomaria,370,2
+cosmos,937,6
+hanson,56,0
+stockman,1185,0
+pinesdale,57,6
+pomaria,1577,9
+onaga,579,2
+marstons,17,2
+lindenwood,791,3
+pomaria,352,4
+klickitat,1772,2
+woodbine,1549,8
+ranchester,1062,3
+merom,61,0
+woodbine,1648,0
+shelbyville,180,4
+marstons,1183,3
+pomaria,816,8
+woodbine,472,11
+stockman,1018,1
+beechwood,188,2
+klickitat,1777,3
+allensville,425,3
+klickitat,1745,7
+tolstoy,713,2
+lakeville,1716,3
+leonardo,1061,7
+merom,807,1
+tolstoy,1787,4
+klickitat,406,17
+newfields,1608,11
+pomaria,1288,1
+klickitat,173,5
+tolstoy,760,5
+stockman,1350,4
+lindenwood,2208,6
+cosmos,233,6
+benevolence,283,1
+hanson,1392,0
+klickitat,314,4
+leonardo,551,6
+marstons,859,7
+lindenwood,1099,0
+forkland,680,0
+marstons,243,3
+pomaria,720,0
+hanson,307,3
+marstons,725,6
+pomaria,432,1
+lindenwood,653,4
+pomaria,826,0
+cosmos,114,5
+leonardo,1816,0
+marstons,1104,4
+woodbine,282,0
+benevolence,158,2
+shelbyville,389,4
+hiteman,850,12
+leonardo,1222,14
+marstons,2646,6
+pinesdale,903,0
+onaga,675,2
+mifflinburg,118,2
+shelbyville,1591,4
+newfields,1575,6
+forkland,240,4
+klickitat,843,8
+marstons,522,2
+woodbine,1090,3
+lindenwood,2137,16
+hanson,1316,0
+beechwood,885,3
+coffeen,1118,7
+leonardo,1707,7
+coffeen,55,1
+benevolence,575,0
+lakeville,626,0
+ranchester,1471,5
+wainscott,237,8
+klickitat,2279,15
+merom,211,0
+pomaria,477,9
+shelbyville,492,3
+pinesdale,113,15
+leonardo,146,0
+allensville,381,8
+shelbyville,378,1
+lakeville,1019,5
+leonardo,1591,21
+pinesdale,252,2
+leonardo,1994,6
+tolstoy,637,5
+pomaria,990,1
+lindenwood,1114,5
+shelbyville,354,2
+klickitat,1688,3
+shelbyville,386,6
+coffeen,534,4
+tolstoy,1758,3
+newfields,127,1
+leonardo,1132,6
+klickitat,717,6
+hiteman,90,2
+wainscott,280,4
+lindenwood,2582,3
+beechwood,618,0
+pomaria,1551,1
+hiteman,768,2
+woodbine,1829,7
+mifflinburg,223,2
+ranchester,1340,3
+lakeville,994,3
+marstons,149,3
+tolstoy,304,2
+shelbyville,2658,1
+hanson,1175,7
+leonardo,1446,4
+lindenwood,620,0
+hanson,1209,2
+lakeville,934,5
+lindenwood,1030,0
+pinesdale,1483,1
+lindenwood,10,1
+tolstoy,1483,0
+shelbyville,1682,16
+forkland,167,4
+hiteman,736,1
+wainscott,594,7
+marstons,1749,14
+pomaria,615,1
+shelbyville,1836,1
+cosmos,1013,3
+lindenwood,2274,2
+lakeville,1824,5
+marstons,84,15
+woodbine,1709,3
+leonardo,1627,5
+tolstoy,1579,3
+leonardo,1960,0
+lindenwood,2256,5
+marstons,1029,9
+lakeville,363,3
+woodbine,1880,3
+newfields,106,6
+lindenwood,828,6
+shelbyville,2268,4
+klickitat,1586,1
+stockman,474,2
+shelbyville,1035,10
+wainscott,798,2
+woodbine,735,1
+lakeville,1769,0
+hiteman,232,9
+klickitat,2195,20
+wainscott,131,2
+marstons,399,5
+cosmos,247,5
+woodbine,1355,13
+pinesdale,1074,3
+shelbyville,1720,1
+mifflinburg,385,0
+shelbyville,2690,2
+shelbyville,2432,8
+pomaria,214,2
+shelbyville,839,1
+lindenwood,607,10
+hiteman,380,9
+newfields,506,0
+ranchester,1158,5
+coffeen,158,6
+wainscott,336,11
+hanson,855,8
+marstons,119,3
+coffeen,1042,5
+shelbyville,1368,9
+hiteman,1260,5
+tolstoy,1311,0
+lindenwood,1816,0
+tolstoy,1416,5
+marstons,2537,3
+lakeville,874,0
+ranchester,1148,6
+shelbyville,2459,5
+beechwood,961,15
+lindenwood,210,0
+beechwood,285,2
+stockman,1576,2
+lindenwood,482,0
+shelbyville,1698,1
+klickitat,1883,2
+hiteman,745,14
+klickitat,151,2
+tolstoy,1785,1
+lindenwood,2118,7
+marstons,769,6
+hiteman,1148,5
+wainscott,377,11
+ranchester,982,6
+lindenwood,2616,2
+hiteman,997,2
+lindenwood,1262,7
+cosmos,350,2
+wainscott,1563,0
+lakeville,1852,6
+cosmos,493,10
+forkland,821,7
+coffeen,1257,1
+merom,402,0
+hanson,643,0
+klickitat,2352,10
+hanson,621,0
+hiteman,325,3
+allensville,111,2
+pinesdale,977,1
+ranchester,1196,3
+klickitat,400,2
+cosmos,572,10
+shelbyville,1795,4
+coffeen,915,6
+stockman,1478,3
+woodbine,991,2
+coffeen,79,2
+woodbine,1130,3
+woodbine,397,2
+hiteman,29,18
+marstons,320,0
+merom,935,5
+hiteman,1412,5
+marstons,1985,4
+hiteman,703,6
+klickitat,706,5
+shelbyville,1454,3
+lindenwood,2637,6
+marstons,1984,0
+newfields,419,10
+benevolence,272,0
+woodbine,37,3
+marstons,1738,4
+woodbine,1220,1
+wainscott,1571,10
+tolstoy,1441,2
+shelbyville,2299,3
+hanson,977,6
+woodbine,13,3
+ranchester,981,7
+newfields,1079,4
+shelbyville,559,9
+lakeville,845,0
+marstons,1655,0
+marstons,2012,2
+ranchester,322,1
+shelbyville,638,1
+hanson,557,4
+hiteman,92,0
+leonardo,1392,5
+woodbine,1706,1
+leonardo,407,2
+klickitat,1214,2
+marstons,2604,7
+marstons,1511,2
+woodbine,954,3
+tolstoy,278,4
+hiteman,41,0
+shelbyville,142,2
+cosmos,750,1
+beechwood,514,1
+woodbine,1925,0
+klickitat,211,1
+stockman,1197,1
+cosmos,627,4
+marstons,2433,8
+lindenwood,2289,11
+newfields,852,0
+cosmos,497,1
+lakeville,1672,5
+pinesdale,1489,4
+marstons,2405,2
+lakeville,552,1
+lindenwood,448,9
+lindenwood,626,5
+hiteman,915,3
+hiteman,76,3
+ranchester,1494,10
+mifflinburg,543,0
+mifflinburg,457,0
+onaga,312,4
+newfields,616,1
+lakeville,1327,1
+beechwood,276,4
+forkland,549,4
+stockman,1115,3
+marstons,2245,5
+woodbine,1257,1
+marstons,1563,1
+leonardo,1423,13
+klickitat,341,2
+klickitat,13,6
+beechwood,828,0
+lindenwood,2167,3
+stockman,596,2
+wainscott,1160,7
+ranchester,685,4
+tolstoy,384,10
+newfields,307,7
+mifflinburg,226,8
+shelbyville,1927,1
+hanson,58,21
+lindenwood,1136,2
+merom,615,2
+hiteman,1024,8
+lindenwood,1503,12
+wainscott,811,14
+wainscott,789,8
+lindenwood,2269,5
+wainscott,99,5
+ranchester,1435,0
+tolstoy,740,1
+leonardo,1714,5
+woodbine,1561,4
+shelbyville,270,0
+marstons,1290,1
+shelbyville,1331,1
+beechwood,353,1
+shelbyville,567,1
+tolstoy,977,15
+wainscott,707,1
+leonardo,1201,3
+hiteman,1412,6
+shelbyville,572,9
+newfields,704,0
+tolstoy,1041,0
+hiteman,1447,7
+klickitat,13,2
+beechwood,1108,2
+ranchester,738,4
+klickitat,1179,14
+lakeville,994,2
+lakeville,512,2
+ranchester,963,1
+forkland,676,11
+marstons,313,1
+shelbyville,1366,8
+marstons,1879,5
+klickitat,1519,6
+coffeen,749,4
+pinesdale,715,2
+shelbyville,1295,8
+klickitat,207,4
+woodbine,1549,5
+hanson,1247,3
+leonardo,85,13
+marstons,1085,6
+lakeville,1634,8
+klickitat,1553,8
+shelbyville,1604,0
+ranchester,327,4
+forkland,311,1
+hiteman,1858,19
+woodbine,425,8
+klickitat,494,6
+lindenwood,603,3
+wainscott,59,7
+newfields,1594,5
+cosmos,327,0
+pomaria,1483,3
+lindenwood,2630,1
+woodbine,689,0
+pomaria,409,4
+lakeville,220,9
+wainscott,1702,0
+pinesdale,1141,4
+onaga,125,4
+klickitat,1088,10
+forkland,578,1
+shelbyville,479,11
+lindenwood,335,1
+shelbyville,1416,2
+klickitat,152,2
+pomaria,185,10
+benevolence,731,9
+hiteman,853,0
+woodbine,1153,2
+shelbyville,1829,1
+cosmos,472,3
+beechwood,84,2
+woodbine,1686,3
+marstons,985,2
+hanson,319,2
+newfields,1400,4
+woodbine,831,1
+beechwood,202,3
+pomaria,713,1
+stockman,982,0
+klickitat,2061,2
+newfields,130,9
+hiteman,212,9
+lindenwood,2205,0
+shelbyville,1871,2
+leonardo,479,3
+shelbyville,2214,2
+hanson,595,1
+stockman,625,2
+tolstoy,924,13
+klickitat,1905,9
+woodbine,510,0
+hiteman,526,3
+marstons,1057,1
+merom,818,5
+pomaria,130,1
+marstons,2058,3
+onaga,527,1
+coffeen,657,2
+lakeville,1343,10
+lindenwood,1991,10
+coffeen,1101,8
+pinesdale,1442,0
+forkland,679,5
+leonardo,1593,8
+pomaria,445,1
+lakeville,798,3
+hanson,1084,2
+klickitat,173,14
+tolstoy,211,0
+marstons,2389,2
+ranchester,577,0
+marstons,1826,3
+pomaria,1106,6
+ranchester,955,3
+lindenwood,2635,7
+klickitat,524,1
+leonardo,1891,7
+newfields,535,12
+woodbine,1497,1
+coffeen,1088,1
+newfields,1302,5
+pomaria,1668,3
+pomaria,1455,7
+shelbyville,2698,5
+tolstoy,1498,2
+pinesdale,1001,4
+wainscott,1,2
+lindenwood,966,4
+lindenwood,1482,6
+shelbyville,2537,12
+stockman,488,4
+benevolence,425,2
+stockman,869,4
+beechwood,35,2
+lindenwood,924,3
+pinesdale,813,4
+woodbine,1793,2
+ranchester,945,7
+pinesdale,204,2
+leonardo,1962,4
+hanson,1091,0
+pinesdale,769,14
+woodbine,1177,2
+tolstoy,1832,2
+pinesdale,958,4
+lindenwood,877,2
+merom,511,2
+leonardo,1202,4
+shelbyville,2423,3
+hanson,616,0
+shelbyville,302,8
+woodbine,1291,8
+klickitat,1984,7
+coffeen,567,1
+coffeen,126,10
+onaga,361,3
+wainscott,456,1
+pomaria,1176,3
+marstons,2451,2
+newfields,1439,5
+ranchester,1566,9
+shelbyville,711,13
+mifflinburg,825,1
+pomaria,1099,6
+ranchester,636,9
+forkland,673,5
+wainscott,972,9
+newfields,426,2
+pinesdale,625,4
+stockman,438,0
+klickitat,1642,4
+woodbine,392,0
+pinesdale,444,2
+pinesdale,5,1
+klickitat,2002,2
+ranchester,1314,3
+lindenwood,805,3
+forkland,870,1
+pinesdale,38,8
+hiteman,21,2
+shelbyville,2495,7
+tolstoy,1325,1
+newfields,986,4
+lakeville,1139,2
+newfields,1132,1
+marstons,2545,4
+tolstoy,942,0
+woodbine,54,2
+pinesdale,31,16
+leonardo,64,4
+wainscott,1489,0
+wainscott,1272,6
+klickitat,1994,2
+shelbyville,397,0
+klickitat,636,5
+hanson,1052,3
+wainscott,1177,2
+hiteman,739,3
+woodbine,2052,0
+wainscott,1452,2
+shelbyville,1055,10
+lindenwood,560,3
+klickitat,493,0
+hanson,1021,9
+cosmos,704,0
+lakeville,1740,11
+klickitat,1698,9
+leonardo,931,1
+marstons,1530,2
+hanson,675,5
+merom,520,3
+mifflinburg,186,0
+newfields,1102,4
+hiteman,485,2
+pomaria,377,12
+beechwood,263,2
+pinesdale,1328,0
+lindenwood,803,4
+tolstoy,13,4
+tolstoy,1326,0
+forkland,1139,1
+forkland,367,0
+merom,361,2
+hiteman,398,2
+leonardo,521,10
+cosmos,286,4
+lindenwood,2198,1
+lindenwood,740,8
+woodbine,395,4
+shelbyville,2602,1
+onaga,217,6
+newfields,1460,1
+cosmos,822,5
+pinesdale,1198,10
+marstons,2178,4
+tolstoy,952,6
+marstons,2337,8
+coffeen,1261,1
+pomaria,1132,3
+coffeen,878,5
+klickitat,1882,2
+marstons,1125,0
+pomaria,755,7
+hanson,1591,5
+stockman,245,0
+lindenwood,1808,4
+onaga,471,10
+lindenwood,1434,2
+marstons,739,4
+shelbyville,1741,1
+allensville,72,3
+woodbine,923,6
+pinesdale,66,9
+newfields,272,1
+woodbine,1158,4
+shelbyville,399,0
+onaga,501,1
+klickitat,1820,5
+tolstoy,1147,7
+lindenwood,1375,6
+tolstoy,1359,1
+leonardo,1522,11
+pomaria,1138,12
+cosmos,592,5
+klickitat,1815,3
+klickitat,1103,4
+wainscott,1343,9
+woodbine,1538,0
+tolstoy,1402,5
+woodbine,857,0
+klickitat,1676,1
+klickitat,2137,0
+hanson,354,8
+klickitat,922,5
+klickitat,242,5
+lindenwood,1315,3
+hiteman,1083,11
+leonardo,1398,8
+newfields,1416,0
+tolstoy,867,1
+stockman,1382,8
+shelbyville,1306,4
+lakeville,10,8
+lindenwood,2358,3
+shelbyville,2682,5
+leonardo,1920,2
+ranchester,917,3
+onaga,194,1
+wainscott,529,6
+woodbine,297,8
+leonardo,1517,1
+hiteman,894,10
+leonardo,496,10
+merom,423,0
+leonardo,1783,12
+onaga,57,2
+forkland,716,1
+merom,974,7
+lindenwood,619,5
+lakeville,434,5
+lakeville,1403,7
+lindenwood,2181,9
+lindenwood,505,7
+coffeen,240,5
+newfields,175,1
+hiteman,841,12
+pomaria,155,7
+forkland,64,5
+allensville,21,1
+hanson,1612,2
+klickitat,225,7
+marstons,2334,3
+coffeen,928,5
+lindenwood,2516,4
+coffeen,456,0
+shelbyville,2799,12
+shelbyville,989,0
+forkland,506,2
+leonardo,378,5
+onaga,38,4
+klickitat,2242,3
+newfields,232,7
+woodbine,539,2
+klickitat,1206,10
+stockman,15,12
+woodbine,970,6
+ranchester,1606,4
+lakeville,558,0
+klickitat,475,1
+woodbine,1613,4
+shelbyville,1769,0
+lindenwood,82,7
+marstons,1162,2
+hiteman,551,8
+ranchester,109,8
+hanson,679,5
+pinesdale,1352,7
+stockman,440,3
+wainscott,1685,0
+shelbyville,2452,4
+stockman,1226,2
+newfields,242,3
+newfields,1157,11
+stockman,833,3
+lakeville,247,7
+lakeville,1107,1
+leonardo,126,0
+coffeen,503,4
+pomaria,1046,10
+benevolence,451,1
+marstons,271,1
+hanson,738,3
+lakeville,287,2
+lindenwood,1356,0
+coffeen,72,0
+stockman,919,2
+lindenwood,217,5
+marstons,132,0
+hanson,1318,17
+forkland,171,0
+klickitat,217,9
+hanson,810,0
+beechwood,316,9
+klickitat,2167,3
+shelbyville,282,1
+marstons,271,0
+marstons,855,10
+stockman,1,5
+beechwood,664,2
+hiteman,388,0
+coffeen,1331,1
+stockman,1474,7
+marstons,1933,1
+marstons,179,4
+merom,334,2
+hanson,1480,4
+tolstoy,542,16
+hanson,1073,3
+tolstoy,362,1
+woodbine,1263,3
+klickitat,2296,1
+tolstoy,1368,7
+forkland,959,2
+pomaria,287,1
+wainscott,601,8
+tolstoy,1640,3
+marstons,1277,2
+lindenwood,301,1
+marstons,553,0
+woodbine,1170,2
+lakeville,193,0
+klickitat,1819,3
+ranchester,1450,10
+hanson,1493,7
+woodbine,1379,0
+beechwood,693,4
+lakeville,1461,5
+klickitat,2181,2
+mifflinburg,38,1
+shelbyville,2819,7
+lindenwood,93,1
+stockman,1552,3
+leonardo,666,4
+newfields,1571,2
+lindenwood,228,0
+klickitat,1552,6
+coffeen,1374,4
+woodbine,1236,7
+lakeville,183,13
+tolstoy,187,3
+mifflinburg,263,0
+stockman,1414,2
+pomaria,1279,9
+marstons,2137,3
+woodbine,196,5
+wainscott,1474,6
+shelbyville,1400,11
+shelbyville,2714,8
+wainscott,608,6
+mifflinburg,24,2
+benevolence,406,0
+pinesdale,1024,2
+onaga,243,6
+lindenwood,2484,2
+shelbyville,2393,8
+shelbyville,1677,1
+hanson,446,6
+allensville,411,2
+ranchester,1280,9
+coffeen,860,0
+lindenwood,1810,5
+woodbine,2037,7
+wainscott,1733,7
+merom,309,4
+lakeville,976,2
+lindenwood,1305,6
+pomaria,1133,2
+klickitat,531,1
+lakeville,1199,4
+lakeville,1745,4
+forkland,643,6
+hanson,38,3
+tolstoy,851,3
+shelbyville,2514,7
+leonardo,1702,2
+stockman,1262,2
+hiteman,1050,2
+hanson,944,9
+woodbine,1239,6
+tolstoy,498,0
+beechwood,445,2
+marstons,2328,1
+pinesdale,1221,1
+tolstoy,1310,0
+beechwood,1098,8
+beechwood,743,9
+wainscott,179,7
+lakeville,110,2
+hiteman,1035,10
+pomaria,525,2
+ranchester,19,1
+leonardo,143,4
+onaga,505,1
+mifflinburg,145,2
+lakeville,609,0
+cosmos,990,0
+shelbyville,794,1
+shelbyville,1385,1
+tolstoy,1192,1
+beechwood,404,0
+onaga,134,1
+klickitat,2302,4
+lindenwood,1535,3
+pinesdale,1449,2
+lakeville,1019,3
+woodbine,979,1
+newfields,1522,1
+wainscott,274,3
+wainscott,816,8
+lindenwood,1683,6
+woodbine,484,2
+klickitat,409,2
+wainscott,1523,6
+shelbyville,440,2
+woodbine,1442,4
+newfields,1639,4
+ranchester,1160,4
+shelbyville,2575,1
+hanson,1438,6
+lindenwood,747,7
+lakeville,909,3
+newfields,781,4
+wainscott,4,7
+lindenwood,2280,3
+klickitat,1040,0
+ranchester,1027,4
+klickitat,1553,17
+klickitat,732,13
+wainscott,512,12
+klickitat,1440,4
+leonardo,665,8
+lakeville,1154,3
+wainscott,1285,6
+woodbine,1337,11
+ranchester,1439,2
+lakeville,826,2
+ranchester,778,1
+lakeville,1643,8
+klickitat,2379,13
+klickitat,1413,1
+hiteman,439,3
+marstons,467,8
+lakeville,875,15
+leonardo,476,8
+forkland,639,12
+pomaria,482,4
+hiteman,212,3
+forkland,997,3
+marstons,2512,0
+shelbyville,2593,4
+lakeville,159,4
+shelbyville,1249,7
+newfields,675,5
+benevolence,427,3
+lindenwood,1015,3
+lindenwood,2522,1
+hiteman,1071,2
+cosmos,823,2
+pomaria,991,3
+hiteman,179,2
+hanson,44,2
+hanson,1060,1
+pinesdale,661,8
+coffeen,27,4
+cosmos,710,8
+beechwood,290,4
+klickitat,816,0
+woodbine,512,4
+lakeville,764,4
+lindenwood,1537,3
+ranchester,1416,12
+klickitat,1555,12
+pomaria,484,8
+lindenwood,1413,7
+newfields,219,4
+shelbyville,1600,3
+shelbyville,1777,2
+shelbyville,1814,8
+hanson,1649,11
+cosmos,940,10
+marstons,725,7
+ranchester,1104,4
+coffeen,1328,0
+hanson,1465,3
+lindenwood,1002,2
+klickitat,2178,2
+coffeen,636,8
+lakeville,279,6
+lindenwood,328,1
+hiteman,1550,3
+klickitat,1878,6
+newfields,30,1
+beechwood,943,0
+newfields,779,10
+hiteman,632,5
+hanson,853,1
+shelbyville,73,2
+hiteman,1682,1
+onaga,586,5
+beechwood,490,0
+merom,1093,5
+leonardo,755,10
+shelbyville,2404,0
+lindenwood,2571,7
+ranchester,1555,6
+benevolence,354,4
+hanson,716,6
+klickitat,2366,0
+hanson,1473,4
+beechwood,156,0
+lindenwood,1157,7
+woodbine,1780,0
+merom,355,5
+marstons,37,18
+klickitat,188,6
+lindenwood,2524,1
+wainscott,1422,0
+pinesdale,766,1
+klickitat,913,11
+lakeville,1301,0
+beechwood,913,0
+lindenwood,1979,3
+lindenwood,2413,1
+newfields,426,4
+shelbyville,1482,1
+hanson,469,4
+newfields,935,2
+coffeen,1385,1
+pomaria,656,10
+forkland,826,1
+lindenwood,1606,4
+onaga,351,4
+hanson,1058,11
+klickitat,2155,7
+leonardo,642,7
+forkland,442,2
+pinesdale,1388,10
+cosmos,608,1
+marstons,2060,0
+lakeville,38,10
+merom,636,2
+pomaria,1138,14
+ranchester,561,0
+tolstoy,931,5
+woodbine,57,5
+hanson,1472,5
+lakeville,1746,4
+klickitat,1117,2
+leonardo,62,0
+wainscott,1484,3
+klickitat,1497,6
+klickitat,793,11
+woodbine,294,4
+hanson,134,1
+hiteman,1783,2
+hanson,1380,3
+marstons,1915,6
+lindenwood,2642,1
+hiteman,432,7
+shelbyville,1852,9
+marstons,2084,3
+newfields,404,8
+marstons,198,0
+coffeen,1478,3
+hanson,1379,6
+pinesdale,766,2
+hiteman,1205,6
+wainscott,1147,12
+klickitat,635,10
+shelbyville,2589,7
+klickitat,886,8
+lakeville,547,2
+newfields,734,6
+pinesdale,913,11
+stockman,867,4
+ranchester,510,0
+wainscott,107,10
+tolstoy,1644,6
+merom,141,2
+klickitat,879,9
+lindenwood,1687,4
+shelbyville,2699,4
+marstons,2355,3
+ranchester,1530,5
+shelbyville,280,10
+forkland,168,0
+ranchester,933,3
+mifflinburg,98,3
+klickitat,165,0
+benevolence,963,1
+forkland,878,8
+wainscott,326,6
+hiteman,646,8
+lakeville,207,1
+ranchester,649,10
+allensville,49,9
+stockman,21,1
+ranchester,1434,1
+marstons,1045,15
+lindenwood,346,1
+lindenwood,1027,1
+pomaria,1650,4
+lindenwood,1904,11
+wainscott,858,5
+shelbyville,2490,5
+woodbine,398,7
+klickitat,1580,10
+pomaria,497,0
+mifflinburg,753,0
+lindenwood,1389,2
+newfields,1010,3
+beechwood,989,2
+lakeville,1601,10
+shelbyville,2074,6
+beechwood,560,0
+hiteman,1692,1
+stockman,353,11
+cosmos,218,0
+leonardo,2035,20
+beechwood,229,2
+lindenwood,1454,1
+allensville,114,2
+marstons,2524,6
+ranchester,1575,0
+beechwood,513,0
+lindenwood,1544,4
+klickitat,1243,1
+beechwood,400,2
+pinesdale,196,2
+lindenwood,218,1
+lakeville,1601,5
+wainscott,1307,2
+forkland,861,2
+klickitat,512,12
+forkland,598,1
+hiteman,1213,5
+stockman,1454,12
+klickitat,1937,10
+pomaria,344,5
+lindenwood,2236,16
+lindenwood,134,3
+wainscott,219,2
+lindenwood,1642,7
+stockman,1174,0
+woodbine,1873,1
+leonardo,949,0
+newfields,969,8
+lakeville,1203,1
+lakeville,358,8
+hanson,418,6
+leonardo,1714,8
+leonardo,203,6
+wainscott,1782,2
+leonardo,768,11
+leonardo,1688,2
+lindenwood,1587,4
+hiteman,681,2
+klickitat,297,1
+shelbyville,395,3
+ranchester,291,3
+klickitat,11,4
+pomaria,463,1
+marstons,680,2
+hiteman,1794,1
+pomaria,1078,1
+newfields,1293,4
+shelbyville,1296,15
+marstons,153,2
+lakeville,1513,1
+tolstoy,1699,1
+marstons,2606,1
+hiteman,1061,8
+lakeville,1419,5
+marstons,1066,4
+wainscott,848,3
+lindenwood,246,3
+newfields,149,0
+newfields,476,1
+woodbine,574,2
+leonardo,1030,3
+klickitat,1365,1
+klickitat,1210,11
+merom,698,2
+pomaria,110,9
+tolstoy,342,1
+lakeville,131,0
+marstons,1597,1
+merom,787,0
+marstons,387,1
+coffeen,1441,2
+newfields,1396,0
+pomaria,582,12
+tolstoy,899,1
+klickitat,1572,5
+ranchester,1307,0
+newfields,850,0
+marstons,517,5
+mifflinburg,342,1
+coffeen,415,5
+benevolence,754,1
+lindenwood,1203,3
+pomaria,94,2
+newfields,576,8
+shelbyville,1891,8
+lindenwood,801,2
+lindenwood,700,2
+merom,469,7
+marstons,974,0
+shelbyville,1779,6
+klickitat,2282,3
+benevolence,262,1
+hanson,1462,8
+hanson,1402,1
+coffeen,807,0
+lindenwood,1307,3
+newfields,1405,13
+klickitat,2058,0
+tolstoy,1259,4
+pinesdale,8,1
+lakeville,1402,5
+lakeville,987,3
+benevolence,374,2
+merom,337,3
+woodbine,1277,1
+klickitat,639,3
+leonardo,1382,0
+wainscott,7,1
+beechwood,1125,5
+hanson,94,11
+wainscott,1428,10
+ranchester,593,3
+pomaria,1666,8
+lindenwood,2676,1
+wainscott,470,7
+pomaria,491,5
+benevolence,545,5
+shelbyville,696,5
+ranchester,341,0
+lindenwood,136,2
+marstons,220,0
+klickitat,1009,3
+hanson,1371,3
+wainscott,1241,1
+shelbyville,1928,3
+cosmos,105,3
+wainscott,1482,1
+wainscott,294,12
+stockman,813,7
+mifflinburg,399,4
+allensville,497,8
+marstons,1308,2
+pinesdale,1220,9
+merom,455,4
+ranchester,1072,2
+shelbyville,1473,1
+klickitat,1475,12
+coffeen,1160,0
+woodbine,993,2
+pinesdale,929,9
+tolstoy,1389,6
+ranchester,832,6
+pinesdale,1381,0
+pinesdale,832,2
+marstons,538,2
+lindenwood,1948,5
+tolstoy,1365,1
+stockman,61,4
+marstons,2226,2
+hanson,940,0
+newfields,363,6
+onaga,569,2
+klickitat,1283,1
+onaga,419,3
+lindenwood,2181,13
+wainscott,463,2
+pinesdale,564,4
+lindenwood,1998,1
+marstons,1555,0
+hanson,947,2
+lindenwood,1281,11
+leonardo,1270,1
+forkland,639,2
+lakeville,245,1
+lakeville,1273,1
+onaga,353,4
+newfields,290,3
+marstons,274,2
+shelbyville,2387,0
+wainscott,1245,1
+tolstoy,974,0
+wainscott,1306,7
+shelbyville,833,0
+marstons,249,0
+pinesdale,1145,0
+coffeen,449,4
+lindenwood,2017,0
+shelbyville,1109,5
+woodbine,457,1
+mifflinburg,435,2
+lakeville,246,6
+pinesdale,302,3
+tolstoy,1777,1
+woodbine,706,13
+leonardo,1497,0
+hiteman,1250,2
+lindenwood,720,7
+tolstoy,1455,1
+leonardo,1414,5
+forkland,419,0
+stockman,66,11
+woodbine,275,14
+shelbyville,1388,6
+lakeville,610,5
+lindenwood,2080,12
+merom,444,1
+marstons,2510,3
+woodbine,514,9
+lindenwood,2463,7
+klickitat,1802,1
+hiteman,965,0
+newfields,1241,5
+leonardo,1191,1
+marstons,750,1
+pinesdale,588,5
+coffeen,1116,0
+newfields,140,3
+klickitat,952,10
+pinesdale,1355,1
+woodbine,321,2
+benevolence,183,9
+wainscott,1343,4
+lindenwood,2143,2
+cosmos,789,1
+lakeville,1799,1
+leonardo,881,3
+stockman,369,0
+shelbyville,427,3
+lindenwood,1378,5
+coffeen,69,7
+marstons,630,4
+tolstoy,666,11
+lakeville,260,1
+leonardo,261,12
+klickitat,693,9
+lakeville,191,5
+tolstoy,1636,4
+lindenwood,1984,1
+onaga,87,2
+leonardo,804,1
+pomaria,1421,2
+klickitat,1219,5
+tolstoy,57,2
+tolstoy,1821,3
+lakeville,1677,2
+forkland,862,1
+klickitat,351,3
+shelbyville,2625,6
+tolstoy,1472,2
+coffeen,949,6
+klickitat,1839,6
+pinesdale,147,0
+allensville,481,1
+ranchester,153,9
+shelbyville,887,2
+klickitat,73,8
+mifflinburg,706,4
+tolstoy,449,0
+shelbyville,2404,3
+woodbine,1375,5
+allensville,44,0
+pinesdale,958,1
+leonardo,599,2
+wainscott,453,0
+pinesdale,959,2
+lindenwood,1995,8
+klickitat,1592,10
+shelbyville,1302,3
+stockman,313,9
+lindenwood,423,11
+lakeville,895,1
+wainscott,1160,13
+hanson,599,2
+beechwood,290,1
+mifflinburg,828,3
+benevolence,228,0
+beechwood,765,0
+hanson,678,7
+hiteman,411,5
+lindenwood,1985,8
+lakeville,479,4
+coffeen,1485,6
+leonardo,595,4
+cosmos,665,12
+ranchester,185,11
+shelbyville,1358,11
+pinesdale,222,5
+leonardo,57,0
+hanson,1327,8
+hiteman,1300,5
+marstons,55,11
+newfields,75,8
+pinesdale,658,0
+pinesdale,747,0
+newfields,432,2
+pomaria,662,1
+ranchester,1031,3
+coffeen,1012,0
+coffeen,746,2
+lakeville,639,5
+marstons,2629,5
+woodbine,1374,1
+leonardo,522,11
+merom,306,3
+wainscott,314,5
+leonardo,476,0
+marstons,1492,3
+newfields,1100,0
+newfields,1005,0
+benevolence,360,6
+forkland,1017,2
+marstons,1907,1
+hanson,1318,2
+lakeville,1846,8
+allensville,215,2
+forkland,60,1
+marstons,417,9
+hiteman,1061,12
+marstons,372,9
+lindenwood,2150,0
+marstons,400,7
+leonardo,1697,7
+marstons,1776,3
+forkland,1077,5
+benevolence,316,4
+mifflinburg,865,1
+coffeen,1465,1
+mifflinburg,339,2
+klickitat,220,7
+klickitat,1882,1
+shelbyville,1622,0
+marstons,1926,6
+shelbyville,954,3
+leonardo,897,6
+pinesdale,516,0
+hiteman,529,1
+merom,578,1
+newfields,1022,3
+benevolence,495,9
+forkland,778,3
+pinesdale,750,9
+lakeville,1247,10
+mifflinburg,616,2
+wainscott,656,6
+benevolence,586,0
+marstons,179,0
+wainscott,1680,2
+lindenwood,2678,0
+wainscott,1556,4
+ranchester,575,11
+tolstoy,258,6
+benevolence,872,1
+onaga,402,3
+newfields,81,4
+hanson,1531,4
+klickitat,151,0
+tolstoy,1576,1
+pinesdale,483,1
+lindenwood,1352,1
+newfields,748,7
+lindenwood,2412,2
+lindenwood,47,4
+pinesdale,478,4
+lakeville,231,1
+allensville,476,0
+klickitat,503,2
+lakeville,1415,1
+lakeville,1004,14
+newfields,1096,2
+hiteman,1391,5
+pomaria,1335,1
+tolstoy,67,4
+shelbyville,639,1
+mifflinburg,254,3
+wainscott,1197,2
+ranchester,1042,0
+klickitat,708,8
+lakeville,698,11
+hanson,796,2
+leonardo,277,4
+wainscott,1171,10
+marstons,1682,12
+mifflinburg,397,3
+shelbyville,1608,1
+lindenwood,1768,3
+tolstoy,89,2
+leonardo,978,3
+tolstoy,1666,3
+beechwood,604,2
+coffeen,366,0
+klickitat,631,10
+leonardo,1900,2
+shelbyville,1341,2
+hiteman,886,1
+marstons,2491,1
+lindenwood,1786,4
+tolstoy,435,7
+lakeville,1533,6
+allensville,377,5
+ranchester,1235,1
+beechwood,696,1
+newfields,1450,3
+wainscott,57,1
+newfields,569,5
+beechwood,224,2
+lakeville,33,3
+pinesdale,913,7
+leonardo,406,10
+cosmos,756,3
+cosmos,882,7
+klickitat,970,1
+benevolence,156,8
+onaga,233,0
+lakeville,1850,7
+woodbine,516,4
+merom,389,0
+marstons,1893,1
+klickitat,373,2
+shelbyville,2018,4
+leonardo,2058,0
+hiteman,357,3
+pomaria,1622,3
+hiteman,1715,4
+ranchester,1457,0
+leonardo,1523,2
+shelbyville,1629,3
+klickitat,2031,1
+hiteman,897,6
+marstons,344,0
+wainscott,1706,3
+lakeville,1398,3
+lakeville,416,14
+mifflinburg,607,2
+woodbine,892,13
+lindenwood,868,3
+pinesdale,1333,0
+lakeville,698,3
+klickitat,92,0
+coffeen,45,3
+hanson,207,5
+woodbine,361,2
+tolstoy,452,5
+lindenwood,2225,1
+marstons,1164,8
+forkland,552,3
+shelbyville,779,1
+newfields,210,2
+woodbine,1951,1
+leonardo,1417,1
+shelbyville,2495,10
+marstons,745,4
+leonardo,870,2
+lakeville,603,1
+hiteman,213,1
+marstons,1298,1
+wainscott,258,3
+lindenwood,2584,2
+allensville,192,1
+hiteman,570,7
+benevolence,357,2
+leonardo,247,1
+wainscott,240,0
+forkland,16,2
+lindenwood,138,3
+lakeville,1236,0
+pinesdale,1389,8
+tolstoy,984,1
+hanson,224,0
+beechwood,752,5
+lindenwood,1675,20
+klickitat,970,0
+ranchester,875,2
+newfields,776,8
+shelbyville,2431,0
+pinesdale,136,1
+mifflinburg,430,0
+tolstoy,411,2
+shelbyville,2323,5
+coffeen,510,4
+merom,301,8
+lindenwood,982,5
+klickitat,946,11
+tolstoy,136,8
+woodbine,1829,8
+beechwood,848,0
+klickitat,1551,0
+hiteman,475,1
+pomaria,1134,3
+tolstoy,477,1
+klickitat,2228,12
+leonardo,776,2
+pomaria,1677,16
+woodbine,1704,2
+marstons,2370,0
+hanson,776,3
+woodbine,1874,4
+marstons,1181,6
+mifflinburg,586,4
+lindenwood,1533,0
+klickitat,165,2
+leonardo,101,3
+newfields,372,4
+forkland,563,2
+beechwood,87,4
+leonardo,603,3
+lakeville,1759,2
+pinesdale,507,3
+coffeen,1356,0
+leonardo,1523,5
+newfields,105,3
+stockman,607,2
+tolstoy,1353,0
+klickitat,693,3
+wainscott,576,1
+marstons,1839,2
+beechwood,737,2
+shelbyville,1155,0
+shelbyville,2120,3
+hanson,1466,6
+shelbyville,2440,1
+stockman,1237,1
+wainscott,421,4
+onaga,469,1
+marstons,130,6
+leonardo,1530,2
+hiteman,1753,4
+klickitat,1919,1
+stockman,870,3
+marstons,130,7
+wainscott,506,3
+mifflinburg,325,9
+ranchester,1576,3
+klickitat,88,4
+mifflinburg,718,2
+klickitat,700,2
+ranchester,109,9
+leonardo,1631,5
+hiteman,954,4
+tolstoy,1004,5
+onaga,625,5
+marstons,2001,6
+hiteman,730,8
+marstons,277,1
+hiteman,165,7
+klickitat,2396,8
+hanson,1324,9
+hiteman,73,6
+lindenwood,883,11
+lindenwood,972,4
+shelbyville,2706,1
+wainscott,1201,5
+wainscott,166,12
+beechwood,796,1
+pinesdale,1182,7
+lakeville,1331,1
+cosmos,467,11
+klickitat,446,1
+newfields,1015,5
+klickitat,2044,15
+coffeen,84,3
+stockman,1243,6
+wainscott,1758,0
+allensville,11,3
+shelbyville,1141,5
+hiteman,986,0
+shelbyville,355,4
+lakeville,1346,2
+beechwood,1088,3
+marstons,783,5
+hiteman,1796,3
+marstons,889,9
+shelbyville,127,0
+marstons,2312,3
+klickitat,1182,17
+ranchester,865,4
+klickitat,2325,0
+onaga,491,2
+pomaria,101,7
+pinesdale,75,0
+pomaria,1171,3
+wainscott,637,1
+tolstoy,297,5
+hiteman,1833,2
+klickitat,96,0
+marstons,169,2
+coffeen,879,1
+forkland,725,6
+ranchester,1462,3
+forkland,306,5
+allensville,310,0
+coffeen,832,0
+hanson,593,1
+pinesdale,431,8
+shelbyville,2078,6
+shelbyville,1730,5
+marstons,1279,4
+lindenwood,1950,2
+allensville,466,0
+leonardo,808,0
+wainscott,516,1
+beechwood,521,1
+hanson,1583,0
+woodbine,606,5
+lakeville,393,12
+coffeen,294,2
+coffeen,76,3
+woodbine,706,2
+ranchester,32,5
+lakeville,1225,3
+leonardo,1671,6
+lindenwood,1905,16
+cosmos,41,2
+marstons,1297,6
+tolstoy,312,3
+tolstoy,1017,3
+hiteman,1827,1
+beechwood,383,3
+pinesdale,201,5
+lindenwood,2236,15
+marstons,1560,1
+woodbine,219,1
+marstons,1141,0
+beechwood,913,10
+wainscott,675,11
+woodbine,151,5
+woodbine,715,1
+shelbyville,468,2
+merom,793,1
+allensville,170,1
+woodbine,921,0
+hiteman,365,1
+shelbyville,1812,4
+hanson,314,1
+hanson,436,4
+lakeville,1815,4
+cosmos,1071,2
+wainscott,1232,2
+tolstoy,926,5
+hiteman,1089,6
+pomaria,1099,7
+shelbyville,2594,3
+leonardo,114,4
+shelbyville,1297,2
+newfields,1050,0
+beechwood,160,4
+klickitat,1216,3
+tolstoy,425,5
+lindenwood,536,0
+beechwood,357,1
+stockman,476,3
+hanson,712,1
+coffeen,328,2
+pomaria,1397,0
+klickitat,1423,5
+leonardo,1601,1
+leonardo,997,9
+stockman,829,5
+newfields,935,0
+pinesdale,1080,0
+shelbyville,162,0
+stockman,865,6
+klickitat,778,4
+leonardo,699,13
+leonardo,1411,16
+hanson,651,9
+pomaria,64,4
+stockman,1611,1
+beechwood,432,0
+tolstoy,1515,0
+pinesdale,533,1
+klickitat,2147,1
+forkland,289,0
+cosmos,68,1
+leonardo,1304,3
+pinesdale,1401,2
+lindenwood,710,6
+leonardo,2058,9
+shelbyville,480,0
+wainscott,461,12
+stockman,1404,1
+stockman,528,2
+hiteman,55,2
+wainscott,1609,2
+lakeville,1448,0
+newfields,1208,2
+marstons,433,4
+wainscott,1179,7
+woodbine,1378,1
+tolstoy,915,1
+lakeville,428,11
+lindenwood,1848,2
+stockman,1475,0
+forkland,927,0
+newfields,1584,0
+lindenwood,1798,4
+ranchester,1047,0
+forkland,271,1
+mifflinburg,241,0
+lakeville,316,7
+ranchester,461,4
+marstons,643,0
+hiteman,449,0
+lindenwood,1618,4
+klickitat,2230,2
+hiteman,1603,3
+hanson,1434,0
+tolstoy,1144,1
+leonardo,503,10
+beechwood,681,4
+klickitat,1249,2
+coffeen,205,1
+lindenwood,1060,3
+merom,75,10
+coffeen,1271,4
+newfields,1302,13
+wainscott,530,2
+shelbyville,240,3
+woodbine,50,0
+klickitat,375,0
+stockman,581,4
+leonardo,1860,0
+wainscott,1111,4
+wainscott,709,2
+onaga,321,1
+newfields,311,9
+cosmos,496,0
+hanson,774,2
+marstons,1295,1
+wainscott,838,1
+newfields,502,5
+cosmos,27,7
+leonardo,699,6
+hiteman,840,4
+lindenwood,2432,3
+ranchester,857,0
+lindenwood,2171,2
+wainscott,1346,12
+leonardo,86,5
+leonardo,1326,3
+mifflinburg,650,2
+tolstoy,128,0
+klickitat,1761,5
+pinesdale,1499,5
+forkland,25,3
+klickitat,1239,7
+leonardo,999,3
+newfields,486,2
+tolstoy,1724,2
+cosmos,144,0
+stockman,1373,1
+lindenwood,2383,0
+mifflinburg,122,1
+leonardo,1933,8
+pomaria,1244,4
+newfields,39,1
+klickitat,892,0
+benevolence,713,1
+hanson,449,2
+pomaria,1305,3
+tolstoy,505,3
+mifflinburg,183,2
+leonardo,1943,2
+pinesdale,649,1
+marstons,2223,6
+pinesdale,4,11
+stockman,103,0
+klickitat,1838,0
+leonardo,187,0
+pomaria,766,14
+woodbine,584,0
+tolstoy,1789,2
+merom,1022,2
+leonardo,1213,9
+ranchester,783,2
+woodbine,1237,7
+hanson,846,1
+newfields,1488,14
+wainscott,714,1
+pinesdale,516,3
+hiteman,892,5
+marstons,1998,1
+hanson,1459,10
+woodbine,1900,2
+woodbine,256,2
+tolstoy,233,2
+lakeville,67,1
+stockman,1525,8
+tolstoy,787,3
+klickitat,1070,1
+klickitat,1311,1
+newfields,1159,0
+marstons,745,2
+lakeville,985,6
+beechwood,241,8
+hanson,857,7
+shelbyville,1754,7
+klickitat,1755,1
+hanson,373,9
+coffeen,804,2
+lindenwood,363,2
+woodbine,488,11
+leonardo,1508,0
+leonardo,135,4
+shelbyville,2590,3
+marstons,2621,0
+lindenwood,2307,12
+ranchester,970,3
+marstons,1407,0
+wainscott,981,4
+wainscott,1428,5
+shelbyville,2717,5
+onaga,612,4
+hiteman,849,3
+hiteman,1528,6
+pinesdale,750,2
+ranchester,233,0
+marstons,1998,2
+woodbine,1760,9
+ranchester,512,8
+ranchester,1199,6
+tolstoy,613,3
+hanson,146,3
+cosmos,930,7
+woodbine,1482,4
+woodbine,355,7
+marstons,1850,1
+shelbyville,1686,3
+shelbyville,2107,9
+forkland,62,3
+lindenwood,1261,6
+hiteman,1092,2
+klickitat,1046,6
+shelbyville,294,10
+hiteman,1174,3
+pinesdale,498,8
+woodbine,8,5
+pomaria,153,0
+shelbyville,2694,8
+wainscott,1763,1
+forkland,389,2
+klickitat,206,8
+leonardo,1067,9
+stockman,322,2
+lindenwood,1733,2
+leonardo,1926,5
+pomaria,1383,0
+marstons,2089,4
+stockman,903,4
+leonardo,886,3
+tolstoy,1724,3
+marstons,2071,2
+leonardo,875,1
+hiteman,779,0
+hanson,1445,2
+newfields,109,0
+woodbine,654,6
+leonardo,1415,3
+forkland,373,0
+stockman,161,2
+leonardo,1188,1
+newfields,598,5
+wainscott,1010,1
+shelbyville,2641,8
+coffeen,0,8
+stockman,677,0
+shelbyville,1689,11
+lindenwood,1559,1
+marstons,745,3
+wainscott,174,4
+onaga,298,1
+hanson,1125,11
+hiteman,303,4
+pomaria,494,6
+pinesdale,73,7
+leonardo,493,6
+allensville,63,1
+shelbyville,1894,7
+lindenwood,1093,4
+beechwood,268,5
+tolstoy,603,1
+pomaria,72,1
+klickitat,462,0
+shelbyville,2013,0
+cosmos,463,1
+leonardo,342,3
+klickitat,1997,7
+pomaria,627,2
+klickitat,785,3
+shelbyville,150,0
+klickitat,1373,0
+klickitat,1660,1
+lindenwood,2028,0
+pomaria,180,4
+merom,249,2
+lindenwood,1407,10
+hanson,40,4
+wainscott,1681,4
+tolstoy,1782,12
+ranchester,896,13
+ranchester,555,12
+woodbine,1742,1
+leonardo,165,2
+lakeville,1787,1
+cosmos,954,2
+lakeville,1715,4
+newfields,657,1
+hanson,430,4
+coffeen,35,8
+woodbine,252,0
+leonardo,194,2
+leonardo,196,3
+lindenwood,1579,3
+leonardo,803,0
+marstons,552,0
+woodbine,1719,4
+mifflinburg,196,0
+cosmos,591,9
+klickitat,635,9
+shelbyville,877,8
+lindenwood,2393,0
+shelbyville,647,0
+merom,139,0
+marstons,651,6
+hanson,1221,2
+leonardo,1310,0
+klickitat,2192,0
+hiteman,1059,2
+marstons,40,2
+leonardo,755,1
+klickitat,1055,1
+woodbine,1032,0
+hanson,887,2
+tolstoy,376,1
+woodbine,349,1
+merom,734,2
+marstons,1840,1
+stockman,1424,0
+klickitat,1946,1
+lakeville,1208,4
+klickitat,1297,7
+stockman,378,4
+shelbyville,2074,5
+lindenwood,140,0
+hanson,287,0
+pomaria,369,13
+shelbyville,2240,0
+marstons,233,3
+pinesdale,12,0
+klickitat,2151,4
+coffeen,58,0
+forkland,1195,5
+woodbine,1214,2
+marstons,1589,10
+allensville,158,6
+pomaria,1073,0
+klickitat,1828,0
+woodbine,965,12
+woodbine,1926,3
+leonardo,810,1
+lindenwood,387,7
+leonardo,1044,4
+woodbine,1317,8
+lakeville,698,7
+shelbyville,2737,2
+shelbyville,758,1
+onaga,642,0
+leonardo,2011,6
+wainscott,572,3
+wainscott,979,7
+newfields,299,7
+shelbyville,1891,13
+leonardo,946,0
+woodbine,1770,1
+tolstoy,8,5
+marstons,2448,9
+woodbine,1875,1
+beechwood,268,4
+merom,573,3
+klickitat,1060,8
+hiteman,1565,4
+lakeville,1136,3
+marstons,1667,0
+shelbyville,2311,3
+pomaria,936,4
+shelbyville,2101,0
+lakeville,71,3
+shelbyville,1188,3
+shelbyville,1199,4
+cosmos,717,7
+benevolence,352,7
+shelbyville,1029,1
+lakeville,576,2
+tolstoy,700,8
+pinesdale,817,6
+marstons,553,1
+shelbyville,732,3
+lindenwood,388,3
+hanson,425,3
+marstons,1094,5
+merom,876,3
+ranchester,549,3
+pinesdale,677,1
+klickitat,988,11
+merom,919,8
+lakeville,842,6
+hiteman,130,4
+hiteman,1275,3
+tolstoy,1541,1
+tolstoy,438,8
+stockman,931,2
+woodbine,664,6
+pomaria,923,0
+coffeen,808,6
+marstons,1591,7
+wainscott,1752,4
+cosmos,604,2
+marstons,2274,2
+ranchester,925,2
+ranchester,1524,9
+hiteman,1720,4
+leonardo,433,8
+pinesdale,1456,2
+cosmos,799,1
+pomaria,413,1
+lakeville,38,11
+onaga,468,3
+lindenwood,2206,1
+coffeen,1230,3
+lakeville,415,6
+leonardo,1645,5
+lindenwood,1855,3
+pinesdale,1455,2
+woodbine,959,6
+shelbyville,220,4
+pomaria,1536,4
+leonardo,766,5
+lakeville,1045,1
+hanson,49,0
+lakeville,387,1
+hanson,1199,2
+hanson,972,1
+lindenwood,1966,6
+woodbine,854,3
+woodbine,1676,5
+shelbyville,161,1
+shelbyville,903,1
+benevolence,906,4
+newfields,269,1
+benevolence,344,2
+klickitat,52,9
+stockman,678,4
+merom,87,4
+lindenwood,2273,0
+ranchester,454,3
+beechwood,979,1
+tolstoy,25,5
+lindenwood,574,2
+klickitat,345,14
+hiteman,1528,3
+newfields,3,5
+ranchester,219,3
+leonardo,2055,3
+marstons,902,0
+merom,147,3
+coffeen,715,1
+onaga,131,0
+leonardo,1006,2
+beechwood,162,6
+woodbine,308,10
+hiteman,1078,2
+klickitat,1942,3
+lakeville,977,1
+tolstoy,980,3
+woodbine,1943,4
+shelbyville,1619,6
+shelbyville,1494,0
+marstons,1293,9
+ranchester,117,2
+beechwood,248,5
+coffeen,404,9
+hanson,781,1
+klickitat,316,7
+lindenwood,447,2
+lindenwood,1291,7
+wainscott,877,3
+shelbyville,2385,5
+shelbyville,282,15
+marstons,919,1
+lakeville,1594,6
+benevolence,141,2
+lindenwood,296,1
+forkland,745,3
+marstons,1596,2
+lindenwood,1985,0
+leonardo,295,1
+tolstoy,1582,1
+marstons,1135,10
+lakeville,900,0
+lindenwood,2473,11
+lakeville,380,6
+pomaria,377,13
+shelbyville,562,11
+leonardo,26,0
+coffeen,56,0
+pomaria,355,3
+beechwood,881,7
+forkland,152,3
+leonardo,145,4
+hanson,306,13
+klickitat,35,19
+pinesdale,1234,2
+shelbyville,2161,13
+lindenwood,600,2
+ranchester,1281,3
+lakeville,820,6
+lindenwood,883,2
+shelbyville,2268,1
+hanson,1274,4
+onaga,609,2
+woodbine,927,1
+shelbyville,1587,4
+hanson,997,9
+tolstoy,1624,3
+ranchester,289,6
+newfields,719,2
+hiteman,1406,6
+newfields,61,9
+hanson,564,2
+hiteman,428,6
+lindenwood,569,1
+marstons,914,0
+tolstoy,984,0
+klickitat,623,1
+mifflinburg,895,2
+benevolence,168,9
+wainscott,541,7
+shelbyville,2303,1
+tolstoy,242,3
+hiteman,858,1
+marstons,1134,2
+klickitat,861,9
+shelbyville,446,0
+benevolence,672,7
+marstons,1195,7
+beechwood,410,6
+beechwood,566,3
+shelbyville,2737,5
+hanson,180,0
+woodbine,355,2
+mifflinburg,262,1
+marstons,206,8
+marstons,2096,9
+lakeville,1368,4
+leonardo,876,2
+lindenwood,1311,0
+shelbyville,1616,1
+hiteman,1859,2
+lakeville,1321,2
+forkland,171,1
+shelbyville,125,2
+pomaria,903,3
+lindenwood,559,0
+tolstoy,1087,2
+lakeville,589,0
+klickitat,2249,4
+hiteman,1110,3
+merom,129,3
+lindenwood,548,0
+klickitat,47,1
+hanson,675,6
+lindenwood,1343,4
+klickitat,952,4
+tolstoy,750,5
+marstons,2377,8
+klickitat,1516,11
+newfields,117,14
+newfields,1089,2
+newfields,326,3
+shelbyville,520,6
+lakeville,907,5
+klickitat,2104,4
+lakeville,503,7
+forkland,808,4
+shelbyville,374,7
+stockman,1,2
+leonardo,269,2
+leonardo,1707,8
+klickitat,1813,2
+wainscott,388,10
+wainscott,1637,4
+hanson,1102,6
+allensville,64,1
+leonardo,878,2
+woodbine,842,2
+forkland,1141,10
+shelbyville,2714,0
+klickitat,1832,7
+coffeen,1141,7
+pomaria,1248,2
+woodbine,1289,0
+coffeen,1095,2
+lakeville,1169,0
+onaga,626,0
+allensville,5,1
+shelbyville,2043,3
+klickitat,97,6
+cosmos,799,4
+beechwood,717,2
+shelbyville,1489,3
+leonardo,302,5
+mifflinburg,266,4
+shelbyville,202,0
+klickitat,1169,2
+stockman,125,0
+shelbyville,851,3
+klickitat,783,2
+leonardo,1034,3
+marstons,1720,2
+wainscott,1716,3
+forkland,600,3
+ranchester,824,7
+lindenwood,720,1
+tolstoy,897,8
+klickitat,210,1
+lindenwood,1939,5
+lindenwood,603,2
+hiteman,647,1
+hanson,215,1
+forkland,681,0
+benevolence,225,0
+lindenwood,596,6
+woodbine,932,2
+marstons,1748,0
+hiteman,1502,18
+tolstoy,776,1
+mifflinburg,252,6
+woodbine,393,5
+hanson,1161,0
+woodbine,1684,2
+coffeen,1507,0
+newfields,215,0
+wainscott,418,10
+pomaria,470,4
+tolstoy,1644,2
+newfields,1656,5
+newfields,1143,1
+cosmos,218,2
+hanson,1324,10
+lakeville,607,0
+leonardo,719,1
+wainscott,88,4
+woodbine,1363,4
+lindenwood,825,6
+shelbyville,1457,1
+pinesdale,541,0
+benevolence,66,2
+tolstoy,1491,0
+klickitat,1646,10
+stockman,754,2
+woodbine,456,5
+onaga,237,1
+mifflinburg,300,2
+onaga,391,2
+lakeville,1555,5
+ranchester,165,7
+stockman,1533,4
+lindenwood,1105,4
+lindenwood,1550,3
+wainscott,214,10
+lakeville,1683,12
+pomaria,1606,0
+marstons,2655,7
+hanson,489,4
+coffeen,1227,1
+marstons,1976,12
+pinesdale,638,1
+woodbine,549,0
+marstons,1036,2
+shelbyville,1033,1
+pinesdale,1379,1
+pomaria,262,8
+stockman,956,1
+hiteman,19,0
+hiteman,1638,2
+woodbine,1157,1
+leonardo,1140,0
+lindenwood,1256,2
+hanson,814,3
+ranchester,1604,5
+lindenwood,2527,4
+stockman,1051,3
+wainscott,468,6
+pomaria,862,9
+shelbyville,920,2
+cosmos,185,7
+newfields,313,10
+shelbyville,551,1
+cosmos,88,2
+newfields,812,1
+pomaria,1,4
+klickitat,1159,1
+pomaria,1446,4
+cosmos,936,5
+hanson,1529,3
+ranchester,1438,0
+shelbyville,2083,5
+hiteman,424,2
+wainscott,1447,3
+hiteman,1856,0
+lakeville,349,0
+coffeen,251,3
+lindenwood,565,5
+klickitat,1485,1
+marstons,1549,0
+shelbyville,1954,16
+leonardo,630,0
+pomaria,288,7
+shelbyville,2523,1
+mifflinburg,776,0
+tolstoy,1183,5
+cosmos,434,11
+woodbine,1384,0
+tolstoy,803,6
+newfields,1625,14
+woodbine,824,0
+shelbyville,1176,2
+tolstoy,177,7
+marstons,2628,1
+hanson,74,9
+newfields,144,1
+klickitat,2072,3
+lindenwood,1857,1
+forkland,914,2
+lindenwood,2083,7
+tolstoy,1559,2
+lindenwood,1237,8
+klickitat,1905,7
+klickitat,2089,0
+merom,871,9
+pomaria,656,1
+marstons,1976,16
+wainscott,1794,0
+woodbine,541,0
+marstons,1062,0
+stockman,1187,2
+marstons,1044,0
+pomaria,1137,2
+pinesdale,1369,3
+lakeville,693,4
+klickitat,1264,2
+shelbyville,169,1
+newfields,1237,1
+lindenwood,2087,9
+marstons,1440,9
+shelbyville,2057,3
+mifflinburg,251,9
+benevolence,963,8
+woodbine,1362,17
+klickitat,1057,2
+hanson,526,3
+pinesdale,188,2
+shelbyville,1616,5
+cosmos,117,1
+newfields,1316,3
+hanson,1063,11
+wainscott,351,0
+allensville,35,6
+klickitat,379,7
+cosmos,385,3
+marstons,2215,1
+woodbine,646,1
+klickitat,190,3
+woodbine,1162,3
+ranchester,632,0
+stockman,823,1
+stockman,467,0
+marstons,1424,14
+leonardo,306,2
+hiteman,1570,2
+ranchester,1402,0
+lakeville,98,11
+wainscott,1599,2
+lakeville,1402,0
+lakeville,1877,8
+pinesdale,263,6
+lakeville,1203,0
+newfields,1367,2
+pomaria,590,4
+klickitat,1131,6
+newfields,530,0
+cosmos,849,1
+hanson,1220,2
+wainscott,1550,11
+wainscott,14,7
+newfields,1353,1
+onaga,369,0
+leonardo,1828,2
+wainscott,1233,10
+klickitat,2093,5
+allensville,100,0
+shelbyville,2743,1
+cosmos,130,10
+shelbyville,2698,2
+lindenwood,1102,3
+beechwood,816,1
+stockman,700,4
+hiteman,1619,5
+hiteman,1191,5
+klickitat,2056,5
+klickitat,1735,6
+hanson,1167,6
+marstons,768,1
+woodbine,1295,1
+leonardo,318,6
+wainscott,1271,2
+shelbyville,1450,0
+pomaria,1621,2
+stockman,1417,3
+lindenwood,2322,8
+merom,311,3
+tolstoy,956,3
+cosmos,729,9
+klickitat,1552,5
+hiteman,1537,2
+lindenwood,890,0
+klickitat,816,1
+hanson,1203,7
+lindenwood,2423,2
+shelbyville,1367,2
+cosmos,556,4
+lindenwood,1340,6
+mifflinburg,400,8
+allensville,207,1
+woodbine,527,8
+marstons,1836,5
+marstons,275,0
+shelbyville,2815,0
+hanson,1050,3
+ranchester,1594,0
+stockman,797,1
+leonardo,1439,1
+klickitat,1786,1
+newfields,183,0
+pinesdale,883,5
+klickitat,1144,3
+newfields,1445,4
+shelbyville,1479,1
+tolstoy,1281,3
+mifflinburg,645,1
+shelbyville,1296,3
+lindenwood,859,2
+allensville,358,5
+stockman,563,7
+marstons,591,2
+marstons,2189,10
+lindenwood,1228,0
+tolstoy,297,1
+pinesdale,434,3
+coffeen,555,2
+hanson,1545,3
+wainscott,972,1
+coffeen,1391,7
+leonardo,482,0
+marstons,1648,2
+merom,782,0
+tolstoy,1839,1
+stockman,468,1
+lindenwood,771,1
+pinesdale,946,2
+cosmos,233,10
+klickitat,998,4
+hanson,60,1
+leonardo,970,0
+shelbyville,1131,3
+newfields,809,0
+ranchester,622,0
+lindenwood,363,11
+hanson,1638,2
+tolstoy,337,3
+woodbine,870,0
+wainscott,38,1
+lindenwood,2206,3
+marstons,437,2
+lindenwood,566,2
+forkland,839,5
+newfields,1400,6
+lakeville,1334,1
+cosmos,897,8
+marstons,1146,13
+hanson,64,2
+lindenwood,1206,0
+mifflinburg,778,0
+ranchester,435,1
+woodbine,944,2
+pomaria,757,8
+coffeen,76,0
+klickitat,2190,8
+pomaria,1090,13
+leonardo,198,9
+marstons,951,2
+klickitat,1905,0
+tolstoy,1710,0
+wainscott,1170,10
+shelbyville,1075,0
+hanson,445,2
+marstons,1025,0
+stockman,815,5
+pinesdale,487,9
+shelbyville,2196,0
+shelbyville,1241,14
+wainscott,606,8
+klickitat,1217,4
+shelbyville,806,12
+allensville,205,5
+tolstoy,1604,2
+marstons,943,1
+pomaria,1345,2
+pomaria,777,2
+wainscott,606,1
+lakeville,631,0
+newfields,1396,4
+stockman,1318,3
+wainscott,1281,9
+marstons,2604,10
+allensville,135,1
+coffeen,961,2
+wainscott,1752,7
+wainscott,1549,8
+klickitat,2076,5
+merom,485,5
+ranchester,1258,0
+ranchester,501,0
+lakeville,1050,0
+allensville,215,0
+hanson,462,3
+lindenwood,2060,1
+hanson,1348,5
+forkland,496,1
+hanson,731,5
+hanson,1038,3
+hiteman,1075,8
+shelbyville,2246,1
+coffeen,1428,0
+lindenwood,2644,2
+cosmos,772,0
+beechwood,206,6
+merom,468,1
+shelbyville,1549,8
+woodbine,1518,2
+marstons,2552,9
+woodbine,486,0
+ranchester,1426,2
+wainscott,303,3
+lakeville,547,0
+newfields,277,6
+benevolence,285,2
+pinesdale,1452,1
+newfields,46,4
+lakeville,317,4
+leonardo,313,3
+stockman,538,2
+hanson,1357,6
+pomaria,372,6
+marstons,2245,0
+shelbyville,2326,4
+newfields,11,7
+wainscott,738,8
+tolstoy,1070,0
+leonardo,1863,4
+pomaria,153,4
+pinesdale,1303,1
+coffeen,1484,2
+woodbine,267,8
+ranchester,1534,7
+wainscott,344,2
+shelbyville,2611,11
+marstons,1603,5
+lakeville,1689,7
+hiteman,1131,2
+lakeville,780,2
+pinesdale,1119,3
+merom,460,4
+pomaria,78,0
+leonardo,695,1
+wainscott,1152,7
+mifflinburg,941,0
+shelbyville,2455,0
+beechwood,91,8
+newfields,822,6
+klickitat,1914,15
+hiteman,1834,1
+pinesdale,76,1
+pomaria,1044,1
+lindenwood,2101,5
+merom,876,4
+wainscott,1145,12
+pinesdale,872,5
+beechwood,87,1
+stockman,986,2
+lindenwood,224,4
+beechwood,942,10
+leonardo,932,12
+wainscott,1643,5
+ranchester,1400,5
+shelbyville,422,3
+marstons,1304,7
+forkland,640,5
+newfields,1182,10
+hiteman,1830,1
+woodbine,948,2
+woodbine,1476,6
+leonardo,2036,5
+cosmos,268,5
+coffeen,1027,0
+klickitat,488,5
+lakeville,435,5
+hiteman,1104,13
+pomaria,1259,0
+tolstoy,499,4
+coffeen,1047,6
+klickitat,333,5
+ranchester,984,4
+marstons,2644,3
+pomaria,542,4
+lindenwood,2019,2
+wainscott,67,1
+tolstoy,632,3
+lakeville,473,8
+pinesdale,1090,1
+marstons,734,4
+woodbine,679,1
+hiteman,1501,3
+onaga,145,3
+coffeen,156,6
+shelbyville,1794,1
+woodbine,1151,5
+coffeen,548,0
+benevolence,823,5
+newfields,1488,2
+newfields,538,4
+hiteman,1030,5
+woodbine,1703,1
+coffeen,222,0
+pinesdale,702,5
+klickitat,1844,5
+woodbine,155,5
+mifflinburg,256,1
+tolstoy,162,1
+lindenwood,2300,0
+onaga,653,2
+woodbine,1158,0
+merom,629,4
+cosmos,41,1
+ranchester,1108,3
+marstons,2211,5
+cosmos,717,0
+coffeen,727,0
+beechwood,379,1
+lakeville,1598,4
+lindenwood,678,7
+hanson,1380,1
+lakeville,459,1
+benevolence,633,2
+marstons,1774,2
+woodbine,1130,1
+klickitat,490,1
+marstons,1386,9
+coffeen,1475,2
+klickitat,1816,6
+ranchester,176,10
+allensville,516,6
+ranchester,147,10
+wainscott,433,0
+shelbyville,1368,0
+shelbyville,196,1
+forkland,1056,0
+woodbine,1650,5
+cosmos,650,0
+ranchester,508,4
+pomaria,1208,4
+leonardo,501,14
+klickitat,874,11
+woodbine,1942,0
+shelbyville,1,3
+pomaria,596,3
+stockman,345,1
+pomaria,707,1
+klickitat,2342,1
+klickitat,56,2
+hiteman,393,7
+pinesdale,1353,3
+stockman,540,5
+coffeen,468,2
+pomaria,333,0
+marstons,2333,7
+ranchester,301,8
+hanson,1256,10
+klickitat,2121,7
+onaga,376,2
+tolstoy,1357,0
+klickitat,2260,2
+wainscott,1014,4
+lakeville,608,16
+marstons,585,15
+newfields,473,0
+stockman,1184,7
+stockman,1553,1
+stockman,1533,6
+forkland,623,3
+tolstoy,291,5
+tolstoy,309,16
+newfields,1354,11
+onaga,481,4
+woodbine,1966,7
+hanson,1255,3
+leonardo,518,8
+woodbine,464,0
+merom,517,4
+klickitat,2384,0
+onaga,669,4
+klickitat,898,5
+woodbine,1122,4
+shelbyville,2575,2
+lindenwood,876,9
+pomaria,893,1
+lindenwood,852,1
+lindenwood,2519,0
+marstons,99,4
+hiteman,1501,4
+hiteman,479,0
+ranchester,915,1
+lindenwood,177,9
+leonardo,1337,0
+ranchester,968,3
+woodbine,1635,0
+leonardo,5,4
+lakeville,1192,2
+lindenwood,2227,3
+tolstoy,1786,4
+benevolence,149,1
+tolstoy,1513,8
+merom,417,1
+lindenwood,1069,3
+klickitat,150,16
+pomaria,484,0
+lakeville,487,3
+cosmos,132,5
+beechwood,664,0
+ranchester,62,9
+coffeen,72,3
+wainscott,1579,6
+woodbine,1416,4
+stockman,1611,2
+wainscott,1421,14
+klickitat,495,2
+marstons,1367,5
+lindenwood,219,11
+lakeville,242,3
+newfields,1088,10
+marstons,2214,12
+hanson,980,4
+lindenwood,1785,4
+tolstoy,1000,2
+newfields,821,6
+shelbyville,1295,3
+wainscott,1010,2
+marstons,390,1
+allensville,46,3
+marstons,538,1
+tolstoy,133,3
+shelbyville,796,1
+hiteman,45,4
+lakeville,1485,1
+leonardo,1259,9
+leonardo,1282,3
+lakeville,1238,11
+lindenwood,2495,3
+tolstoy,876,12
+wainscott,541,0
+hanson,872,7
+leonardo,888,8
+pomaria,1545,3
+lindenwood,588,1
+mifflinburg,145,4
+klickitat,728,0
+hanson,1408,3
+coffeen,302,3
+klickitat,1416,7
+lindenwood,232,3
+onaga,45,0
+hiteman,1851,7
+woodbine,306,7
+lindenwood,1350,4
+stockman,663,3
+pomaria,543,0
+woodbine,1209,2
+newfields,652,0
+mifflinburg,80,2
+newfields,1032,0
+hanson,720,6
+stockman,738,4
+wainscott,388,3
+lindenwood,2642,3
+newfields,408,5
+wainscott,1175,4
+stockman,565,0
+pinesdale,1422,3
+ranchester,1097,7
+marstons,1133,4
+marstons,264,0
+pinesdale,432,0
+hanson,473,0
+marstons,2104,5
+benevolence,409,14
+lakeville,1349,6
+pomaria,1106,9
+lindenwood,2297,0
+woodbine,802,1
+allensville,65,0
+wainscott,1723,3
+tolstoy,1331,7
+allensville,302,3
+coffeen,1179,1
+wainscott,1718,11
+lindenwood,487,3
+klickitat,694,3
+lakeville,201,0
+pomaria,150,13
+wainscott,1191,8
+forkland,714,2
+marstons,662,3
+lakeville,1393,1
+lindenwood,2265,0
+shelbyville,2617,2
+lakeville,1421,1
+hanson,993,3
+newfields,57,2
+mifflinburg,88,5
+hiteman,694,2
+shelbyville,1737,8
+leonardo,1985,14
+woodbine,558,3
+leonardo,2082,6
+leonardo,352,1
+klickitat,40,0
+beechwood,976,0
+shelbyville,83,1
+forkland,717,1
+allensville,326,7
+pinesdale,1026,7
+shelbyville,2580,2
+ranchester,132,16
+newfields,651,4
+marstons,2094,9
+klickitat,2002,3
+stockman,1320,2
+lindenwood,2288,7
+leonardo,1261,1
+ranchester,1123,7
+benevolence,759,3
+woodbine,1702,6
+shelbyville,2491,0
+leonardo,1707,9
+pomaria,977,3
+shelbyville,1219,6
+forkland,868,3
+klickitat,2371,11
+klickitat,2416,9
+lindenwood,1372,0
+klickitat,1024,6
+woodbine,369,16
+pomaria,610,2
+shelbyville,131,8
+shelbyville,2619,3
+klickitat,864,3
+klickitat,2140,0
+cosmos,810,2
+forkland,530,2
+hanson,1659,3
+lindenwood,1850,5
+pomaria,1301,14
+coffeen,972,4
+ranchester,185,1
+beechwood,107,3
+pomaria,1308,2
+marstons,1465,10
+hanson,142,13
+shelbyville,2189,4
+pomaria,388,11
+klickitat,1728,6
+lindenwood,1537,7
+shelbyville,1496,4
+woodbine,421,1
+marstons,905,9
+marstons,508,1
+hiteman,872,0
+forkland,511,9
+beechwood,936,1
+mifflinburg,634,0
+ranchester,1112,2
+merom,782,3
+marstons,786,0
+benevolence,271,0
+hanson,254,7
+merom,213,0
+allensville,268,5
+allensville,70,0
+tolstoy,1128,9
+coffeen,89,0
+lindenwood,1981,2
+marstons,2032,4
+marstons,2005,3
+pinesdale,122,8
+wainscott,1754,8
+marstons,348,16
+hiteman,751,6
+shelbyville,2512,14
+leonardo,1458,4
+shelbyville,2249,1
+marstons,1218,0
+woodbine,980,3
+shelbyville,1645,1
+hiteman,184,1
+woodbine,70,3
+ranchester,1281,1
+wainscott,578,2
+leonardo,1044,10
+pomaria,1301,9
+pinesdale,887,3
+wainscott,96,17
+wainscott,17,3
+lindenwood,2652,5
+hiteman,1051,2
+mifflinburg,375,0
+ranchester,550,4
+hiteman,669,1
+hanson,959,2
+allensville,305,4
+woodbine,937,3
+woodbine,1455,0
+lindenwood,1407,7
+woodbine,553,1
+merom,906,6
+stockman,736,0
+lindenwood,2651,11
+lindenwood,336,0
+lindenwood,2385,8
+pinesdale,765,0
+beechwood,710,5
+shelbyville,1810,4
+hiteman,1772,10
+wainscott,1044,0
+stockman,7,4
+leonardo,200,7
+hiteman,1580,8
+shelbyville,2308,3
+lindenwood,1897,1
+pomaria,933,10
+hanson,1624,7
+cosmos,460,7
+pinesdale,108,2
+leonardo,657,0
+cosmos,967,4
+hiteman,1098,1
+tolstoy,1775,1
+marstons,708,0
+lindenwood,998,5
+klickitat,1909,12
+klickitat,1977,1
+lakeville,590,1
+forkland,212,3
+leonardo,1361,1
+hiteman,1181,1
+coffeen,831,10
+ranchester,1132,3
+pinesdale,1218,5
+pinesdale,571,1
+woodbine,737,1
+forkland,317,3
+marstons,1545,4
+tolstoy,627,1
+beechwood,807,11
+hiteman,1088,9
+wainscott,864,5
+hiteman,499,0
+leonardo,489,14
+klickitat,36,1
+newfields,1406,3
+hiteman,489,3
+pomaria,1339,9
+benevolence,716,4
+shelbyville,461,2
+klickitat,1171,0
+pinesdale,144,1
+lakeville,86,0
+stockman,821,0
+woodbine,941,6
+marstons,483,3
+newfields,1131,2
+shelbyville,1270,3
+pomaria,171,9
+lakeville,855,0
+woodbine,832,10
+klickitat,991,8
+pinesdale,919,5
+klickitat,1649,5
+coffeen,8,4
+ranchester,519,3
+shelbyville,1545,15
+marstons,1907,4
+hanson,330,9
+leonardo,2034,9
+shelbyville,1292,13
+leonardo,745,0
+pomaria,949,0
+ranchester,961,5
+beechwood,88,4
+beechwood,1026,1
+hanson,1466,15
+marstons,519,3
+newfields,1051,13
+pinesdale,174,0
+newfields,69,0
+hiteman,1125,4
+mifflinburg,455,1
+wainscott,383,3
+lindenwood,421,0
+wainscott,22,3
+marstons,73,6
+woodbine,4,5
+woodbine,1737,3
+mifflinburg,277,1
+marstons,242,0
+hanson,1603,13
+leonardo,589,4
+pomaria,228,8
+hiteman,63,5
+shelbyville,1260,6
+pomaria,1552,2
+klickitat,1329,10
+klickitat,1904,4
+beechwood,957,3
+stockman,1125,9
+shelbyville,142,5
+coffeen,1285,5
+marstons,2059,4
+ranchester,1008,0
+shelbyville,1611,2
+merom,93,0
+ranchester,1289,5
+pinesdale,74,8
+shelbyville,2430,14
+pomaria,118,2
+shelbyville,441,2
+forkland,767,1
+lakeville,1404,0
+wainscott,2,2
+beechwood,584,0
+marstons,436,1
+hiteman,1836,0
+wainscott,1799,6
+leonardo,441,8
+leonardo,1566,1
+marstons,423,4
+cosmos,264,2
+lakeville,596,0
+woodbine,716,4
+hanson,336,3
+leonardo,675,4
+shelbyville,1973,1
+hiteman,112,6
+tolstoy,213,5
+woodbine,826,3
+onaga,277,2
+stockman,872,0
+leonardo,1863,3
+coffeen,1091,0
+pinesdale,643,1
+tolstoy,1128,6
+lakeville,1654,11
+pinesdale,70,0
+lindenwood,1471,1
+onaga,471,9
+hanson,1172,9
+leonardo,386,3
+pinesdale,862,4
+beechwood,1029,1
+newfields,840,0
+leonardo,1401,0
+beechwood,179,1
+ranchester,1272,6
+coffeen,1091,3
+shelbyville,1296,11
+onaga,386,1
+benevolence,280,4
+tolstoy,724,15
+coffeen,85,2
+onaga,541,0
+woodbine,1527,10
+cosmos,617,6
+forkland,1042,1
+newfields,312,1
+hanson,825,4
+marstons,1794,16
+leonardo,1972,4
+woodbine,343,13
+mifflinburg,673,0
+hanson,484,9
+ranchester,549,5
+shelbyville,2661,2
+hanson,1544,2
+ranchester,1300,8
+klickitat,507,3
+stockman,391,3
+marstons,632,2
+marstons,147,0
+mifflinburg,932,2
+wainscott,972,11
+hanson,786,6
+lindenwood,2520,1
+woodbine,191,2
+klickitat,1001,7
+pinesdale,925,1
+marstons,1164,7
+hiteman,323,1
+lindenwood,1122,5
+wainscott,720,7
+lindenwood,2458,4
+ranchester,888,1
+ranchester,1375,8
+hanson,1073,0
+lindenwood,305,2
+woodbine,1149,7
+beechwood,962,2
+pomaria,935,1
+leonardo,970,2
+leonardo,2007,8
+shelbyville,1011,4
+leonardo,983,2
+benevolence,259,7
+lakeville,1617,3
+shelbyville,802,0
+lakeville,559,3
+woodbine,1064,0
+klickitat,973,1
+hanson,338,1
+stockman,953,2
+lakeville,1535,9
+hiteman,1723,1
+klickitat,3,12
+klickitat,2025,3
+klickitat,2257,9
+lindenwood,518,0
+woodbine,1539,5
+shelbyville,1895,0
+pinesdale,696,3
+hanson,1598,8
+hiteman,1208,7
+coffeen,842,2
+lakeville,635,2
+hiteman,1339,4
+shelbyville,1280,5
+wainscott,1183,4
+newfields,335,3
+leonardo,160,9
+pomaria,118,8
+marstons,1871,1
+pomaria,392,6
+cosmos,883,0
+newfields,969,11
+hiteman,1594,1
+forkland,839,2
+wainscott,1352,5
+klickitat,2414,2
+wainscott,1221,4
+marstons,1018,1
+coffeen,80,0
+lindenwood,749,1
+benevolence,882,6
+marstons,740,8
+shelbyville,724,10
+hanson,1003,3
+lindenwood,1342,6
+lindenwood,2340,3
+cosmos,174,4
+tolstoy,1209,1
+pomaria,1677,10
+tolstoy,796,1
+onaga,97,1
+shelbyville,2158,1
+lindenwood,2124,2
+newfields,888,5
+lindenwood,568,7
+marstons,1744,1
+ranchester,129,8
+allensville,409,1
+marstons,1307,3
+coffeen,107,0
+onaga,100,5
+forkland,540,0
+klickitat,986,5
+newfields,42,1
+leonardo,1691,18
+klickitat,1068,0
+lakeville,1291,5
+tolstoy,977,13
+shelbyville,2089,0
+tolstoy,1076,4
+lakeville,1104,12
+lakeville,1521,6
+shelbyville,933,0
+klickitat,1721,0
+mifflinburg,302,3
+mifflinburg,495,2
+wainscott,117,10
+pomaria,1159,13
+klickitat,2340,1
+shelbyville,938,11
+stockman,911,2
+coffeen,571,4
+tolstoy,1449,0
+woodbine,828,9
+pomaria,551,0
+woodbine,920,1
+cosmos,502,6
+woodbine,1611,13
+leonardo,2033,13
+tolstoy,684,7
+coffeen,1071,3
+newfields,588,14
+marstons,362,4
+pomaria,1150,3
+klickitat,2410,4
+marstons,365,0
+tolstoy,774,0
+benevolence,547,3
+lakeville,1872,8
+klickitat,1547,3
+woodbine,532,5
+hiteman,1671,2
+woodbine,595,5
+shelbyville,1574,4
+hanson,1418,9
+shelbyville,2202,9
+klickitat,775,1
+woodbine,1652,0
+newfields,1527,2
+marstons,2565,5
+klickitat,407,6
+newfields,156,10
+hanson,1196,1
+newfields,1583,12
+hanson,295,5
+lindenwood,1991,3
+shelbyville,1365,1
+marstons,1293,8
+lindenwood,1977,13
+marstons,1129,4
+tolstoy,585,7
+stockman,719,2
+ranchester,1043,0
+woodbine,587,8
+klickitat,844,5
+wainscott,620,6
+newfields,612,4
+lakeville,8,4
+shelbyville,2031,3
+coffeen,775,0
+stockman,566,1
+stockman,1257,15
+shelbyville,792,2
+ranchester,174,5
+leonardo,1819,1
+shelbyville,113,4
+pinesdale,660,1
+allensville,133,2
+merom,845,2
+allensville,318,4
+pinesdale,154,2
+hanson,0,3
+shelbyville,678,3
+pomaria,1095,10
+wainscott,978,5
+shelbyville,2234,2
+beechwood,519,2
+hanson,1352,0
+klickitat,2283,1
+tolstoy,1772,3
+lindenwood,1791,0
+pomaria,502,1
+wainscott,1042,3
+leonardo,861,7
+woodbine,1442,7
+lakeville,1891,0
+cosmos,161,1
+hanson,1028,0
+merom,444,8
+leonardo,1039,1
+newfields,1155,2
+marstons,477,11
+beechwood,136,0
+ranchester,1495,5
+pomaria,532,2
+coffeen,1399,5
+ranchester,1136,8
+shelbyville,2184,13
+newfields,276,0
+hanson,506,12
+pomaria,1344,0
+merom,53,7
+beechwood,695,0
+ranchester,1611,2
+benevolence,756,1
+marstons,2498,3
+newfields,630,6
+shelbyville,820,7
+forkland,297,5
+ranchester,740,2
+hiteman,14,4
+klickitat,1426,0
+hiteman,1000,14
+lakeville,343,1
+mifflinburg,223,0
+hanson,548,3
+lakeville,268,1
+cosmos,804,4
+forkland,736,2
+lakeville,946,1
+hanson,892,12
+benevolence,708,5
+hiteman,256,0
+leonardo,399,0
+klickitat,1844,0
+newfields,852,1
+klickitat,161,5
+tolstoy,1224,2
+wainscott,1025,0
+lakeville,298,2
+leonardo,347,10
+leonardo,1213,1
+mifflinburg,297,0
+forkland,213,1
+lakeville,1479,6
+lindenwood,2579,6
+lakeville,435,1
+tolstoy,1216,1
+merom,41,6
+hiteman,68,1
+hanson,694,1
+newfields,975,4
+wainscott,1539,3
+coffeen,1129,6
+merom,233,2
+shelbyville,267,1
+pinesdale,1396,2
+marstons,2028,3
+marstons,2023,8
+shelbyville,1361,7
+leonardo,2094,6
+klickitat,1056,1
+merom,1020,6
+newfields,827,1
+newfields,35,2
+lakeville,1364,4
+pomaria,788,2
+hiteman,612,5
+shelbyville,465,11
+hanson,312,3
+shelbyville,2789,4
+stockman,318,0
+leonardo,1198,2
+leonardo,1699,0
+pomaria,464,6
+pinesdale,659,8
+wainscott,1322,11
+pomaria,450,7
+shelbyville,977,0
+pinesdale,524,0
+woodbine,1727,10
+tolstoy,1143,11
+newfields,1615,7
+tolstoy,1781,7
+lakeville,726,1
+tolstoy,1099,6
+klickitat,1094,0
+pinesdale,410,9
+ranchester,232,2
+lindenwood,704,5
+ranchester,1218,5
+newfields,477,6
+hanson,1097,1
+marstons,1774,6
+marstons,1256,4
+cosmos,465,2
+klickitat,1369,9
+beechwood,403,3
+tolstoy,1815,7
+beechwood,728,0
+lindenwood,1406,3
+marstons,193,14
+hiteman,1333,9
+lakeville,1068,13
+pomaria,1503,7
+ranchester,227,0
+mifflinburg,933,1
+allensville,301,2
+lakeville,1116,12
+marstons,1300,1
+marstons,502,13
+pomaria,730,4
+marstons,1262,12
+tolstoy,1078,4
+lakeville,1326,3
+beechwood,1050,1
+marstons,2306,3
+pinesdale,813,1
+hiteman,1776,3
+hanson,1056,2
+klickitat,1632,3
+shelbyville,2533,4
+newfields,926,1
+mifflinburg,524,1
+shelbyville,1074,4
+shelbyville,1851,5
+shelbyville,1292,14
+hiteman,295,3
+woodbine,1421,2
+hiteman,1512,5
+lindenwood,1429,1
+leonardo,326,3
+woodbine,1554,6
+stockman,439,0
+pinesdale,1178,3
+forkland,121,4
+stockman,153,1
+shelbyville,1854,8
+ranchester,579,2
+shelbyville,370,1
+newfields,592,10
+cosmos,361,0
+klickitat,11,10
+tolstoy,1036,1
+allensville,398,1
+benevolence,902,3
+pinesdale,555,14
+woodbine,1863,0
+marstons,2101,4
+hanson,1657,5
+lakeville,908,13
+shelbyville,2382,3
+shelbyville,1476,4
+pinesdale,386,3
+shelbyville,1997,1
+pomaria,239,0
+pinesdale,812,2
+marstons,603,3
+marstons,2023,7
+lindenwood,929,1
+marstons,641,1
+lindenwood,1808,3
+hiteman,1784,0
+leonardo,1704,1
+stockman,761,0
+shelbyville,220,1
+forkland,344,3
+mifflinburg,33,2
+woodbine,985,1
+pomaria,375,6
+klickitat,2150,2
+shelbyville,2720,4
+marstons,1543,4
+lakeville,1349,0
+marstons,723,3
+lakeville,614,2
+hiteman,548,4
+wainscott,1631,0
+pinesdale,370,2
+tolstoy,100,9
+marstons,2259,2
+ranchester,387,3
+hiteman,805,1
+pinesdale,1146,4
+wainscott,580,2
+lindenwood,2627,4
+pinesdale,1034,2
+wainscott,651,1
+wainscott,1476,0
+cosmos,510,2
+lindenwood,2442,4
+shelbyville,658,4
+marstons,2177,9
+leonardo,1194,0
+allensville,377,3
+marstons,2645,3
+cosmos,188,0
+coffeen,262,0
+leonardo,1905,5
+hanson,1401,0
+hanson,436,16
+wainscott,1773,3
+leonardo,1524,0
+lindenwood,1786,9
+lindenwood,2299,1
+marstons,312,5
+tolstoy,200,6
+hiteman,1523,3
+woodbine,962,7
+lindenwood,1774,2
+mifflinburg,395,1
+shelbyville,1814,7
+klickitat,1856,3
+marstons,2264,4
+marstons,364,6
+klickitat,868,1
+pinesdale,155,7
+cosmos,54,1
+shelbyville,1852,0
+leonardo,799,1
+tolstoy,1498,5
+wainscott,336,10
+woodbine,1225,1
+leonardo,1999,6
+woodbine,998,2
+cosmos,2,10
+hiteman,1112,0
+klickitat,2072,19
+marstons,2402,1
+stockman,908,1
+forkland,821,3
+leonardo,610,3
+ranchester,1374,2
+wainscott,1749,0
+hanson,1404,8
+marstons,2509,1
+leonardo,1378,5
+lindenwood,602,0
+klickitat,150,5
+ranchester,1316,5
+onaga,184,3
+lindenwood,1766,2
+pinesdale,556,6
+leonardo,1062,4
+pinesdale,1517,0
+woodbine,231,1
+shelbyville,978,3
+pomaria,98,2
+ranchester,1496,5
+ranchester,43,3
+pinesdale,984,3
+pomaria,255,2
+ranchester,832,8
+stockman,775,3
+cosmos,321,9
+lindenwood,2414,2
+shelbyville,1576,1
+pinesdale,488,2
+newfields,796,5
+lindenwood,895,4
+lindenwood,420,8
+klickitat,2310,7
+marstons,2626,2
+lakeville,871,3
+lindenwood,1993,0
+hanson,1410,0
+ranchester,442,1
+shelbyville,515,8
+marstons,2457,1
+lakeville,568,2
+coffeen,421,2
+lindenwood,666,0
+marstons,491,4
+cosmos,181,2
+lindenwood,1340,8
+pomaria,1259,3
+hanson,1288,7
+mifflinburg,710,3
+lakeville,1162,8
+klickitat,1106,5
+newfields,860,2
+leonardo,885,10
+stockman,256,1
+woodbine,1961,9
+newfields,1163,8
+tolstoy,20,5
+lakeville,1302,0
+leonardo,98,1
+klickitat,145,3
+pinesdale,1143,0
+klickitat,1200,2
+marstons,2218,0
+cosmos,319,1
+tolstoy,768,8
+hiteman,1710,9
+wainscott,1798,2
+woodbine,1845,7
+stockman,606,0
+klickitat,147,6
+shelbyville,784,5
+lakeville,759,4
+klickitat,2069,6
+woodbine,1659,6
+leonardo,1304,2
+lakeville,94,0
+tolstoy,1555,9
+lindenwood,834,5
+beechwood,720,1
+merom,157,6
+woodbine,481,11
+hiteman,667,13
+cosmos,88,1
+shelbyville,2137,2
+woodbine,1708,1
+wainscott,662,1
+pomaria,1247,3
+hiteman,577,0
+klickitat,431,0
+wainscott,445,0
+klickitat,2125,5
+wainscott,411,6
+wainscott,665,4
+lakeville,74,0
+hiteman,1814,1
+woodbine,65,2
+stockman,675,6
+marstons,1158,7
+klickitat,344,5
+lakeville,67,2
+wainscott,1423,5
+klickitat,1740,8
+pomaria,1510,3
+mifflinburg,841,4
+shelbyville,790,3
+lindenwood,1342,3
+wainscott,1735,8
+coffeen,1451,3
+leonardo,754,9
+wainscott,972,0
+woodbine,25,3
+lindenwood,61,1
+hanson,1645,3
+wainscott,1133,4
+coffeen,1202,4
+shelbyville,1562,3
+lindenwood,199,1
+shelbyville,1347,4
+woodbine,1518,1
+wainscott,591,2
+tolstoy,362,0
+hiteman,221,1
+allensville,457,1
+forkland,672,0
+forkland,91,1
+wainscott,954,3
+onaga,270,3
+pomaria,445,5
+forkland,1038,0
+tolstoy,309,0
+leonardo,978,5
+leonardo,1531,5
+klickitat,209,10
+ranchester,870,11
+wainscott,572,5
+lakeville,1377,4
+benevolence,764,2
+tolstoy,298,2
+lakeville,1260,0
+merom,609,3
+newfields,1288,4
+wainscott,970,4
+cosmos,1052,1
+tolstoy,924,21
+tolstoy,1513,15
+shelbyville,1473,2
+onaga,212,8
+ranchester,1374,7
+newfields,1394,5
+marstons,1026,5
+pomaria,1135,2
+onaga,133,0
+pomaria,673,4
+pomaria,1028,0
+klickitat,1818,2
+lindenwood,2258,2
+marstons,330,5
+wainscott,1189,10
+klickitat,554,1
+onaga,648,8
+lindenwood,1756,4
+pinesdale,1412,3
+wainscott,358,1
+lindenwood,772,8
+wainscott,1295,4
+wainscott,1162,9
+tolstoy,939,1
+stockman,16,3
+cosmos,917,5
+lakeville,160,3
+klickitat,321,3
+lindenwood,1476,1
+hiteman,100,0
+shelbyville,1857,0
+ranchester,955,0
+pinesdale,1400,1
+wainscott,528,3
+hiteman,1339,9
+lindenwood,372,8
+pinesdale,898,4
+newfields,479,2
+hanson,1300,2
+forkland,403,1
+newfields,921,4
+cosmos,411,6
+leonardo,1051,12
+pinesdale,1050,1
+newfields,445,16
+shelbyville,1704,2
+marstons,2127,1
+woodbine,1159,7
+newfields,429,3
+shelbyville,1419,6
+klickitat,229,7
+klickitat,1518,0
+woodbine,587,14
+lakeville,1474,15
+pomaria,234,5
+mifflinburg,577,0
+lindenwood,2510,3
+shelbyville,2138,6
+lindenwood,884,3
+hanson,1057,1
+cosmos,556,1
+lakeville,801,3
+shelbyville,2263,2
+lakeville,14,7
+lindenwood,2446,1
+hiteman,780,0
+klickitat,589,2
+klickitat,1875,2
+pomaria,686,3
+lindenwood,1941,3
+hanson,1495,9
+coffeen,311,2
+lindenwood,118,3
+cosmos,591,5
+leonardo,601,8
+pinesdale,130,1
+coffeen,1199,8
+woodbine,966,6
+cosmos,5,6
+merom,730,1
+leonardo,1351,6
+cosmos,137,1
+marstons,15,10
+newfields,445,4
+lindenwood,1449,5
+leonardo,888,3
+cosmos,22,2
+coffeen,834,3
+leonardo,313,4
+beechwood,854,6
+forkland,228,1
+coffeen,522,2
+newfields,450,2
+beechwood,723,0
+mifflinburg,882,0
+lindenwood,2392,2
+cosmos,517,2
+klickitat,2216,3
+beechwood,1176,7
+leonardo,1237,0
+merom,565,1
+forkland,76,5
+hiteman,821,3
+beechwood,950,0
+ranchester,1434,10
+mifflinburg,284,2
+stockman,1424,2
+klickitat,1677,4
+hiteman,1764,12
+klickitat,1342,1
+ranchester,686,0
+cosmos,116,4
+lakeville,1522,10
+leonardo,1447,8
+stockman,445,1
+wainscott,281,6
+shelbyville,2514,3
+pinesdale,1403,8
+leonardo,90,2
+wainscott,1378,3
+klickitat,758,0
+wainscott,1394,3
+lindenwood,227,0
+wainscott,1778,1
+pinesdale,294,5
+klickitat,1653,2
+marstons,1694,0
+hanson,87,11
+klickitat,1719,6
+lindenwood,1985,4
+shelbyville,2334,12
+klickitat,1969,8
+shelbyville,2563,4
+wainscott,981,2
+tolstoy,764,1
+merom,565,0
+shelbyville,2471,6
+newfields,342,3
+klickitat,1115,8
+leonardo,305,7
+pomaria,660,8
+newfields,352,2
+shelbyville,223,5
+beechwood,761,10
+ranchester,583,0
+shelbyville,1126,1
+coffeen,68,4
+merom,1042,5
+woodbine,686,5
+ranchester,1408,1
+woodbine,426,3
+ranchester,124,1
+beechwood,837,2
+coffeen,1375,2
+pinesdale,187,7
+benevolence,486,0
+woodbine,1868,13
+lakeville,601,1
+leonardo,356,2
+wainscott,1594,4
+shelbyville,19,7
+klickitat,963,2
+pomaria,1541,3
+tolstoy,986,2
+hiteman,671,2
+leonardo,1707,11
+wainscott,1259,0
+lindenwood,966,8
+hanson,471,8
+leonardo,1065,3
+mifflinburg,110,2
+pomaria,1578,2
+lakeville,300,3
+merom,341,2
+lindenwood,1497,10
+hiteman,1028,12
+onaga,382,3
+newfields,1241,6
+lakeville,212,4
+pomaria,364,7
+ranchester,208,0
+lakeville,521,1
+stockman,653,5
+hiteman,1291,1
+lindenwood,1148,3
+lakeville,1386,1
+wainscott,952,2
+lakeville,24,5
+hiteman,1132,4
+forkland,620,1
+cosmos,487,6
+lakeville,1,4
+shelbyville,500,10
+wainscott,1622,3
+newfields,492,2
+merom,636,1
+shelbyville,1698,5
+klickitat,2063,2
+klickitat,2351,1
+hanson,457,9
+klickitat,2329,11
+marstons,945,4
+coffeen,1048,7
+tolstoy,1253,1
+lindenwood,1345,11
+pinesdale,1235,12
+hanson,1209,1
+newfields,1101,2
+wainscott,727,5
+newfields,960,1
+lindenwood,214,4
+marstons,1189,0
+shelbyville,2285,0
+stockman,430,8
+leonardo,1080,4
+shelbyville,2481,0
+leonardo,888,11
+shelbyville,656,2
+woodbine,534,2
+tolstoy,236,1
+wainscott,1666,8
+tolstoy,588,13
+newfields,834,3
+shelbyville,271,8
+hiteman,831,4
+klickitat,2395,8
+marstons,821,3
+stockman,1572,1
+benevolence,556,1
+mifflinburg,415,1
+klickitat,1579,2
+marstons,697,8
+stockman,1172,0
+hanson,1518,3
+tolstoy,1570,1
+klickitat,331,7
+coffeen,1050,1
+leonardo,1885,0
+pomaria,232,1
+marstons,979,12
+newfields,1520,2
+lakeville,1289,1
+leonardo,851,7
+woodbine,470,2
+pinesdale,664,9
+benevolence,504,0
+merom,910,0
+beechwood,775,5
+pinesdale,152,0
+leonardo,1222,7
+benevolence,145,7
+lindenwood,252,4
+marstons,975,10
+leonardo,386,4
+coffeen,845,3
+leonardo,363,16
+lindenwood,1068,2
+wainscott,675,12
+pomaria,390,2
+beechwood,548,1
+merom,781,5
+marstons,1978,0
+forkland,1127,1
+leonardo,1923,4
+beechwood,829,4
+lakeville,1577,11
+merom,635,2
+marstons,2381,5
+allensville,124,4
+tolstoy,47,3
+ranchester,39,3
+hiteman,248,4
+klickitat,1038,13
+stockman,1410,3
+forkland,811,1
+hanson,1160,7
+marstons,2202,0
+wainscott,1191,6
+benevolence,922,3
+hiteman,1267,1
+woodbine,1515,3
+woodbine,163,0
+lindenwood,2013,1
+leonardo,301,5
+lindenwood,820,4
+beechwood,548,4
+merom,1,0
+wainscott,598,0
+hanson,394,1
+newfields,1162,0
+leonardo,1262,1
+marstons,2249,2
+lindenwood,1886,0
+stockman,881,0
+shelbyville,302,1
+woodbine,887,3
+klickitat,923,2
+hanson,461,5
+klickitat,2360,4
+shelbyville,2805,2
+leonardo,1224,4
+onaga,395,0
+woodbine,1715,1
+pinesdale,1504,9
+hanson,1333,0
+hiteman,886,5
+tolstoy,836,0
+hiteman,132,1
+newfields,1340,3
+shelbyville,1320,2
+wainscott,824,0
+hanson,582,0
+shelbyville,2636,2
+lindenwood,315,2
+tolstoy,24,2
+woodbine,1002,1
+allensville,108,3
+allensville,96,2
+klickitat,2156,0
+pomaria,810,6
+klickitat,1558,0
+woodbine,267,1
+beechwood,613,1
+hiteman,428,1
+benevolence,704,7
+wainscott,176,0
+lindenwood,869,6
+marstons,2273,2
+woodbine,1011,3
+lindenwood,1453,6
+wainscott,944,15
+klickitat,2087,14
+marstons,725,8
+newfields,1337,1
+lakeville,948,7
+shelbyville,1835,9
+stockman,100,4
+beechwood,832,8
+wainscott,594,5
+woodbine,1117,4
+hiteman,273,2
+lakeville,1201,8
+pomaria,326,1
+leonardo,1177,0
+wainscott,1782,0
+wainscott,1137,1
+cosmos,427,7
+shelbyville,973,1
+ranchester,606,3
+hiteman,1824,0
+klickitat,1763,5
+stockman,1212,3
+pomaria,1319,4
+woodbine,812,12
+lakeville,1525,10
+leonardo,1318,10
+cosmos,1041,0
+tolstoy,466,2
+newfields,1557,1
+tolstoy,88,1
+lindenwood,1616,6
+woodbine,1246,6
+cosmos,315,3
+klickitat,1279,5
+leonardo,1443,3
+marstons,2399,5
+pomaria,50,1
+hanson,1196,4
+marstons,1364,1
+newfields,116,4
+woodbine,470,3
+marstons,348,8
+benevolence,110,3
+onaga,596,5
+merom,1083,3
+marstons,1650,2
+lindenwood,1138,13
+lindenwood,1350,7
+hiteman,968,14
+hanson,679,4
+ranchester,620,3
+coffeen,1519,1
+beechwood,961,5
+shelbyville,972,0
+ranchester,1071,3
+leonardo,1053,2
+pomaria,334,7
+tolstoy,249,8
+cosmos,268,9
+klickitat,901,1
+benevolence,453,0
+hiteman,1046,7
+lakeville,1562,6
+wainscott,1643,4
+forkland,1148,5
+marstons,2347,6
+ranchester,1433,1
+pomaria,1429,1
+pinesdale,345,8
+hiteman,444,9
+leonardo,1322,5
+klickitat,463,1
+mifflinburg,705,3
+marstons,2338,4
+woodbine,964,5
+lindenwood,1397,3
+tolstoy,1121,7
+marstons,956,3
+klickitat,968,7
+hiteman,582,0
+shelbyville,1284,3
+woodbine,1399,0
+marstons,2487,3
+klickitat,77,2
+woodbine,306,5
+lindenwood,2165,0
+merom,150,2
+shelbyville,124,6
+marstons,1964,2
+merom,754,6
+marstons,1398,8
+newfields,755,4
+stockman,704,10
+pinesdale,146,2
+marstons,2608,7
+pinesdale,94,4
+lindenwood,1585,3
+shelbyville,1563,1
+wainscott,1153,13
+newfields,528,19
+shelbyville,914,4
+woodbine,1680,3
+leonardo,64,3
+lindenwood,2556,9
+shelbyville,2255,7
+klickitat,154,11
+lindenwood,2459,4
+lakeville,1300,6
+hanson,162,1
+merom,970,2
+ranchester,835,1
+marstons,1906,0
+stockman,948,4
+marstons,1095,3
+ranchester,1415,4
+newfields,1168,0
+coffeen,1327,3
+klickitat,332,0
+hanson,1522,0
+klickitat,88,0
+lindenwood,1757,2
+hanson,1652,8
+lindenwood,1591,4
+lakeville,936,7
+newfields,1623,11
+cosmos,734,0
+forkland,230,2
+lindenwood,1403,3
+tolstoy,753,1
+marstons,2370,6
+newfields,107,5
+shelbyville,2455,7
+newfields,1352,3
+lakeville,1068,2
+wainscott,663,3
+lindenwood,1069,6
+lindenwood,35,0
+allensville,429,4
+lakeville,530,11
+pinesdale,363,6
+marstons,2046,1
+beechwood,177,2
+marstons,1757,3
+hiteman,423,3
+shelbyville,1140,4
+leonardo,1387,0
+newfields,966,3
+shelbyville,639,2
+hanson,171,9
+klickitat,371,6
+hiteman,736,5
+leonardo,74,1
+tolstoy,143,11
+lindenwood,851,1
+lindenwood,2256,3
+mifflinburg,120,0
+stockman,878,1
+hanson,517,0
+marstons,1956,1
+lindenwood,1974,0
+lindenwood,2619,7
+lindenwood,416,14
+ranchester,112,13
+woodbine,1476,0
+ranchester,322,0
+marstons,33,18
+pomaria,1267,2
+merom,311,1
+stockman,1298,0
+forkland,1085,0
+shelbyville,695,4
+leonardo,781,1
+pomaria,907,2
+hiteman,1851,2
+forkland,1003,4
+lindenwood,1944,7
+lakeville,1762,7
+hanson,1585,1
+leonardo,325,1
+klickitat,335,0
+woodbine,278,1
+pinesdale,668,2
+lindenwood,2625,1
+marstons,1799,6
+hanson,1056,5
+lindenwood,2074,1
+pomaria,311,2
+klickitat,272,2
+leonardo,1222,6
+hanson,1606,5
+pinesdale,836,3
+pinesdale,361,11
+woodbine,1772,3
+marstons,1750,1
+ranchester,1374,6
+lindenwood,1560,0
+shelbyville,1953,14
+klickitat,342,7
+tolstoy,1454,13
+leonardo,1159,1
+pinesdale,935,0
+ranchester,758,9
+woodbine,433,0
+stockman,1550,5
+klickitat,457,5
+stockman,1209,10
+shelbyville,1865,1
+woodbine,108,5
+marstons,1519,5
+hiteman,1380,17
+ranchester,392,1
+leonardo,1103,3
+woodbine,350,7
+leonardo,214,2
+klickitat,1532,2
+shelbyville,2103,8
+wainscott,1361,0
+woodbine,196,1
+woodbine,779,11
+woodbine,1063,2
+wainscott,373,4
+ranchester,326,7
+pinesdale,157,2
+forkland,790,1
+tolstoy,457,3
+pomaria,1190,6
+ranchester,1558,12
+shelbyville,249,2
+klickitat,1908,4
+leonardo,21,0
+stockman,403,3
+wainscott,967,5
+stockman,867,2
+forkland,113,3
+marstons,978,7
+lakeville,875,2
+beechwood,755,16
+shelbyville,2164,2
+pinesdale,311,3
+klickitat,558,8
+lakeville,1204,0
+tolstoy,369,3
+newfields,1500,1
+newfields,949,8
+stockman,315,1
+woodbine,122,3
+allensville,291,3
+shelbyville,2482,0
+mifflinburg,48,1
+newfields,909,3
+pomaria,286,3
+stockman,1023,5
+shelbyville,192,10
+newfields,332,10
+leonardo,1429,1
+stockman,753,1
+mifflinburg,932,1
+tolstoy,1342,3
+mifflinburg,499,3
+shelbyville,741,0
+lindenwood,473,0
+leonardo,1324,0
+marstons,2101,5
+klickitat,2268,11
+stockman,140,0
+leonardo,228,6
+coffeen,811,2
+klickitat,510,0
+lakeville,1670,12
+marstons,1531,0
+marstons,1831,9
+marstons,532,4
+wainscott,1423,9
+marstons,169,1
+lindenwood,2154,2
+leonardo,99,2
+wainscott,688,0
+newfields,85,1
+shelbyville,262,2
+merom,264,2
+hiteman,1358,0
+cosmos,720,0
+forkland,171,3
+leonardo,844,3
+wainscott,119,3
+ranchester,1295,12
+shelbyville,2327,10
+benevolence,366,3
+marstons,292,0
+newfields,1041,9
+stockman,139,0
+pomaria,611,10
+onaga,66,1
+woodbine,533,1
+coffeen,1296,1
+wainscott,654,5
+wainscott,1224,5
+lindenwood,1607,0
+pomaria,148,0
+woodbine,686,2
+pomaria,1264,0
+woodbine,1921,0
+wainscott,577,2
+wainscott,1408,0
+leonardo,476,4
+allensville,285,1
+shelbyville,1185,12
+shelbyville,2095,0
+mifflinburg,98,0
+mifflinburg,870,0
+klickitat,2202,18
+klickitat,2077,3
+lindenwood,151,4
+merom,959,1
+hanson,1539,3
+allensville,77,2
+pomaria,1011,8
+coffeen,753,2
+stockman,686,2
+onaga,33,1
+lindenwood,525,3
+marstons,1809,9
+lindenwood,980,3
+newfields,1319,0
+marstons,145,4
+klickitat,1228,6
+marstons,924,7
+stockman,793,9
+klickitat,1281,3
+mifflinburg,605,0
+lindenwood,495,1
+hanson,1626,3
+forkland,120,3
+marstons,2423,5
+klickitat,584,0
+pomaria,889,3
+marstons,732,0
+cosmos,629,7
+hiteman,376,8
+merom,737,2
+leonardo,826,8
+hanson,87,9
+lindenwood,1805,2
+onaga,464,7
+pomaria,79,1
+ranchester,969,4
+lakeville,1768,1
+shelbyville,289,2
+shelbyville,1592,0
+klickitat,1250,3
+lindenwood,1299,0
+stockman,412,6
+lindenwood,145,1
+lakeville,875,5
+leonardo,989,7
+leonardo,432,4
+klickitat,563,3
+pinesdale,1270,0
+tolstoy,815,0
+leonardo,1386,0
+klickitat,1418,1
+woodbine,1099,12
+ranchester,1084,2
+marstons,1669,0
+hiteman,727,7
+allensville,285,2
+tolstoy,328,3
+lakeville,938,2
+hiteman,1441,2
+tolstoy,333,0
+klickitat,246,1
+tolstoy,1654,2
+marstons,566,0
+shelbyville,852,1
+marstons,1999,2
+marstons,755,3
+wainscott,1436,9
+pinesdale,488,0
+beechwood,639,0
+hanson,1223,3
+marstons,2025,2
+lakeville,1766,2
+lindenwood,2299,6
+shelbyville,72,8
+wainscott,919,2
+marstons,162,4
+cosmos,981,6
+shelbyville,618,4
+marstons,77,5
+mifflinburg,847,8
+beechwood,148,0
+mifflinburg,968,4
+woodbine,670,3
+stockman,671,5
+lindenwood,1585,5
+tolstoy,839,1
+klickitat,17,5
+tolstoy,112,5
+klickitat,1134,9
+lindenwood,1302,5
+merom,696,4
+klickitat,2174,8
+leonardo,1248,1
+onaga,70,0
+hiteman,487,2
+stockman,53,0
+pinesdale,71,3
+marstons,2606,0
+leonardo,1390,2
+lakeville,887,1
+beechwood,542,0
+lindenwood,1353,3
+benevolence,858,3
+stockman,585,0
+leonardo,626,4
+marstons,175,1
+cosmos,483,1
+tolstoy,1704,0
+marstons,1560,3
+ranchester,986,15
+beechwood,806,3
+hiteman,1042,1
+leonardo,1222,8
+newfields,1116,11
+forkland,1104,2
+shelbyville,2106,2
+woodbine,1351,1
+pomaria,1671,0
+pinesdale,328,2
+tolstoy,990,3
+lakeville,1733,11
+shelbyville,2134,1
+mifflinburg,745,4
+woodbine,831,0
+woodbine,1027,3
+cosmos,165,0
+wainscott,630,9
+klickitat,796,1
+ranchester,504,2
+lakeville,477,3
+hanson,1614,1
+marstons,1721,3
+ranchester,1210,2
+ranchester,1208,14
+newfields,1031,11
+lindenwood,130,0
+wainscott,607,2
+pinesdale,218,3
+pinesdale,677,6
+klickitat,806,0
+newfields,1626,1
+wainscott,521,1
+ranchester,399,7
+beechwood,832,0
+shelbyville,1358,10
+wainscott,468,2
+lakeville,1594,13
+lindenwood,1402,12
+ranchester,554,3
+beechwood,659,4
+coffeen,108,3
+cosmos,1061,1
+pinesdale,294,10
+wainscott,1449,3
+klickitat,1402,8
+newfields,1349,3
+ranchester,40,3
+hanson,872,10
+lakeville,1399,13
+wainscott,515,1
+klickitat,872,4
+marstons,2273,17
+leonardo,1830,5
+wainscott,90,1
+wainscott,1620,5
+lindenwood,1607,2
+pinesdale,941,2
+hanson,1463,7
+allensville,242,4
+onaga,43,0
+tolstoy,165,1
+wainscott,663,1
+klickitat,968,5
+leonardo,935,2
+coffeen,332,4
+klickitat,2072,5
+wainscott,382,6
+woodbine,616,3
+marstons,1034,13
+stockman,1331,1
+lakeville,1477,11
+hanson,1012,3
+lindenwood,2308,1
+beechwood,3,1
+shelbyville,1318,14
+ranchester,1496,0
+leonardo,1400,1
+wainscott,578,1
+leonardo,1974,3
+pomaria,1473,10
+marstons,2607,0
+wainscott,1455,4
+mifflinburg,530,1
+pomaria,1348,3
+tolstoy,267,11
+mifflinburg,315,3
+hiteman,761,11
+leonardo,523,2
+leonardo,312,6
+hanson,630,5
+tolstoy,34,4
+marstons,1622,2
+marstons,97,3
+shelbyville,798,1
+shelbyville,1797,5
+coffeen,1372,1
+klickitat,154,1
+forkland,622,2
+newfields,1102,0
+lindenwood,841,10
+ranchester,737,5
+cosmos,151,3
+woodbine,1672,11
+stockman,1345,4
+cosmos,569,6
+shelbyville,1335,1
+newfields,828,2
+tolstoy,1031,5
+klickitat,1057,0
+klickitat,1260,2
+allensville,260,6
+pomaria,1264,7
+leonardo,832,4
+leonardo,337,1
+wainscott,1792,6
+pomaria,795,2
+stockman,1153,3
+tolstoy,967,2
+hanson,1128,11
+newfields,1142,5
+pinesdale,205,3
+pomaria,1608,4
+ranchester,1174,11
+tolstoy,1546,3
+hanson,1083,2
+wainscott,675,1
+lindenwood,1021,6
+hanson,29,5
+wainscott,197,0
+shelbyville,1476,3
+marstons,329,3
+shelbyville,296,0
+klickitat,922,2
+lakeville,597,3
+onaga,183,4
+onaga,525,2
+woodbine,150,3
+coffeen,578,4
+newfields,606,1
+beechwood,1131,0
+marstons,2559,8
+mifflinburg,330,4
+coffeen,699,4
+beechwood,814,5
+wainscott,705,5
+stockman,1342,2
+benevolence,9,6
+benevolence,549,14
+ranchester,26,0
+klickitat,793,3
+coffeen,1394,1
+marstons,2431,2
+pomaria,1459,6
+forkland,365,1
+leonardo,434,2
+lakeville,1007,3
+pomaria,636,8
+tolstoy,224,3
+woodbine,2016,6
+marstons,551,7
+lindenwood,578,1
+ranchester,666,2
+coffeen,415,0
+klickitat,1623,10
+pomaria,775,1
+hanson,1390,4
+klickitat,2340,8
+shelbyville,1513,2
+shelbyville,126,5
+stockman,47,2
+hiteman,1095,13
+lindenwood,1139,5
+newfields,1388,3
+coffeen,321,6
+pinesdale,1233,1
+merom,260,1
+benevolence,868,1
+hanson,469,6
+leonardo,1967,3
+woodbine,152,0
+pomaria,1567,1
+lakeville,158,1
+stockman,91,6
+woodbine,1493,0
+tolstoy,493,11
+leonardo,794,11
+wainscott,1563,8
+shelbyville,1102,12
+hanson,1231,8
+wainscott,332,3
+coffeen,47,0
+leonardo,110,5
+pomaria,94,7
+cosmos,181,0
+tolstoy,427,7
+newfields,925,1
+lindenwood,2552,0
+lakeville,1041,4
+pinesdale,575,2
+marstons,2626,0
+ranchester,1375,9
+klickitat,1725,3
+lindenwood,473,4
+lindenwood,438,4
+klickitat,882,8
+marstons,267,10
+tolstoy,1494,0
+leonardo,425,5
+coffeen,751,2
+shelbyville,1246,1
+lindenwood,1407,4
+cosmos,75,5
+pomaria,717,2
+shelbyville,1381,5
+cosmos,321,2
+shelbyville,1107,4
+ranchester,1079,2
+lindenwood,211,0
+wainscott,63,9
+tolstoy,838,1
+woodbine,1121,0
+marstons,352,8
+woodbine,1949,1
+marstons,1698,14
+newfields,806,2
+wainscott,673,1
+ranchester,928,4
+woodbine,1810,5
+hiteman,759,1
+stockman,593,1
+hanson,471,6
+lindenwood,1670,3
+marstons,2087,5
+tolstoy,1155,1
+klickitat,1298,6
+stockman,618,2
+lindenwood,644,6
+lindenwood,665,3
+pomaria,1397,2
+allensville,56,7
+ranchester,726,4
+tolstoy,742,11
+mifflinburg,21,3
+shelbyville,2051,1
+leonardo,1681,10
+merom,392,7
+cosmos,306,8
+klickitat,2292,7
+coffeen,189,4
+klickitat,312,9
+shelbyville,2054,1
+marstons,1896,0
+ranchester,13,2
+wainscott,517,10
+merom,543,11
+lindenwood,937,10
+marstons,2204,0
+shelbyville,2113,0
+wainscott,524,0
+mifflinburg,531,1
+coffeen,1079,3
+shelbyville,2537,11
+shelbyville,2288,0
+wainscott,1672,6
+hiteman,348,6
+klickitat,6,2
+shelbyville,1308,2
+lakeville,1855,0
+tolstoy,1591,0
+wainscott,872,4
+lakeville,146,0
+klickitat,1234,0
+klickitat,32,8
+coffeen,1235,2
+beechwood,1123,1
+wainscott,1574,1
+stockman,35,3
+pomaria,1479,4
+newfields,1267,1
+marstons,1374,4
+newfields,478,11
+marstons,456,10
+shelbyville,1999,3
+hanson,881,1
+onaga,403,4
+marstons,1554,0
+lindenwood,479,2
+marstons,688,2
+leonardo,64,0
+beechwood,817,4
+leonardo,31,4
+tolstoy,285,2
+marstons,2650,5
+pinesdale,1358,1
+woodbine,1266,2
+lindenwood,929,0
+coffeen,285,1
+allensville,253,4
+woodbine,673,11
+ranchester,265,5
+ranchester,1401,3
+stockman,793,2
+pinesdale,1010,7
+lindenwood,2649,5
+beechwood,672,5
+forkland,80,1
+shelbyville,906,2
+lakeville,532,6
+shelbyville,2708,11
+stockman,1157,3
+marstons,2568,3
+stockman,852,5
+klickitat,1960,20
+pomaria,1545,5
+ranchester,1609,4
+mifflinburg,146,2
+lakeville,95,7
+shelbyville,2544,18
+ranchester,29,2
+wainscott,1398,3
+marstons,625,3
+wainscott,1744,2
+stockman,555,3
+shelbyville,2770,8
+wainscott,1111,5
+hanson,610,0
+shelbyville,128,7
+pomaria,202,0
+klickitat,946,6
+leonardo,1861,7
+stockman,1429,0
+hanson,1614,0
+lindenwood,917,5
+pomaria,944,18
+onaga,561,9
+klickitat,1443,2
+tolstoy,940,9
+newfields,381,3
+pomaria,1632,3
+pinesdale,896,7
+newfields,332,2
+mifflinburg,552,1
+woodbine,1437,3
+pinesdale,1342,9
+cosmos,969,6
+tolstoy,648,3
+wainscott,498,4
+lakeville,1166,5
+hanson,461,3
+shelbyville,1790,7
+marstons,1739,0
+lindenwood,1888,0
+leonardo,360,4
+stockman,569,5
+stockman,83,15
+pinesdale,102,0
+coffeen,53,0
+newfields,18,2
+marstons,563,0
+wainscott,289,3
+wainscott,273,4
+klickitat,2205,0
+wainscott,1597,4
+beechwood,785,1
+woodbine,1069,7
+lindenwood,1855,4
+pinesdale,249,0
+newfields,241,2
+beechwood,280,4
+pinesdale,925,6
+cosmos,525,0
+allensville,143,0
+stockman,942,8
+hanson,796,0
+pomaria,634,2
+shelbyville,687,4
+marstons,1039,7
+merom,989,4
+woodbine,1311,13
+coffeen,233,2
+pomaria,981,3
+pomaria,305,1
+ranchester,1098,10
+shelbyville,2093,10
+lindenwood,168,2
+woodbine,620,3
+wainscott,160,0
+hiteman,820,1
+lakeville,1002,4
+newfields,441,8
+lakeville,812,10
+tolstoy,1249,3
+lakeville,812,8
+shelbyville,459,2
+coffeen,849,3
+newfields,232,5
+pinesdale,1317,7
+shelbyville,451,0
+woodbine,304,5
+wainscott,175,4
+pinesdale,1153,1
+pomaria,1003,2
+klickitat,1431,1
+ranchester,1238,3
+hanson,1485,7
+shelbyville,118,7
+klickitat,1274,0
+cosmos,591,6
+forkland,98,0
+newfields,580,5
+merom,405,3
+pinesdale,1174,2
+benevolence,953,5
+lindenwood,101,5
+forkland,529,4
+marstons,1912,8
+cosmos,682,11
+ranchester,898,1
+forkland,104,1
+coffeen,180,3
+pomaria,112,10
+woodbine,833,11
+ranchester,769,3
+ranchester,1453,3
+lakeville,1469,4
+forkland,1126,3
+woodbine,725,5
+klickitat,2179,4
+marstons,1928,3
+beechwood,121,2
+beechwood,234,0
+wainscott,696,8
+onaga,216,0
+woodbine,1994,1
+forkland,749,1
+pinesdale,1311,3
+lindenwood,2579,9
+lindenwood,2096,0
+klickitat,1953,11
+hanson,386,3
+lindenwood,1633,4
+marstons,1921,5
+lindenwood,2618,4
+shelbyville,993,3
+hanson,774,13
+marstons,1151,6
+hiteman,136,4
+shelbyville,1768,4
+lakeville,1493,0
+klickitat,1135,3
+klickitat,1967,6
+pinesdale,677,5
+cosmos,901,5
+lakeville,1512,2
+klickitat,128,1
+woodbine,421,2
+marstons,185,0
+mifflinburg,564,4
+hanson,762,1
+newfields,919,13
+pinesdale,1462,5
+stockman,85,1
+woodbine,659,4
+klickitat,1208,3
+hiteman,472,4
+wainscott,710,4
+hanson,565,0
+hanson,1424,8
+stockman,1500,0
+benevolence,951,2
+merom,354,3
+lakeville,5,1
+forkland,368,1
+klickitat,377,1
+wainscott,1238,6
+merom,927,1
+hanson,1022,0
+wainscott,267,3
+lakeville,972,9
+newfields,20,5
+hiteman,1429,18
+leonardo,1357,5
+lakeville,353,1
+klickitat,1630,3
+marstons,1045,5
+klickitat,1498,5
+forkland,734,0
+woodbine,1033,1
+pomaria,243,3
+marstons,1511,9
+stockman,311,8
+newfields,1438,0
+coffeen,389,4
+newfields,663,4
+mifflinburg,304,3
+marstons,2154,1
+marstons,55,3
+newfields,926,4
+forkland,259,4
+wainscott,44,2
+klickitat,1999,2
+hanson,1238,8
+wainscott,586,5
+klickitat,850,12
+shelbyville,1666,4
+klickitat,408,5
+shelbyville,32,1
+pinesdale,1409,4
+ranchester,1504,11
+forkland,1097,3
+stockman,1180,2
+hiteman,1739,3
+hanson,166,11
+lindenwood,925,9
+pomaria,385,10
+tolstoy,1271,2
+hiteman,382,3
+beechwood,355,1
+marstons,2032,0
+pinesdale,62,1
+newfields,505,1
+cosmos,581,0
+pinesdale,544,3
+klickitat,209,9
+mifflinburg,853,1
+lindenwood,522,14
+wainscott,30,0
+coffeen,615,1
+leonardo,1879,4
+beechwood,935,1
+cosmos,833,2
+klickitat,1203,7
+leonardo,548,2
+lakeville,1382,8
+woodbine,535,2
+klickitat,2320,4
+hiteman,75,9
+leonardo,17,5
+woodbine,509,3
+allensville,240,3
+ranchester,126,7
+shelbyville,1745,0
+shelbyville,1428,3
+pomaria,634,4
+leonardo,694,8
+stockman,1616,2
+stockman,751,1
+lakeville,1031,10
+hiteman,68,11
+pomaria,1544,10
+marstons,2124,1
+mifflinburg,396,2
+ranchester,952,2
+lakeville,1294,3
+shelbyville,2059,1
+klickitat,1958,4
+hanson,378,3
+wainscott,449,13
+pinesdale,687,0
+klickitat,1552,18
+wainscott,528,9
+newfields,782,1
+pomaria,89,1
+klickitat,1330,4
+newfields,1651,6
+lindenwood,2045,0
+lindenwood,2006,0
+wainscott,931,4
+tolstoy,1045,2
+newfields,777,4
+hiteman,1693,5
+wainscott,912,1
+leonardo,2029,2
+lindenwood,1757,12
+pinesdale,738,3
+woodbine,698,2
+woodbine,43,1
+beechwood,806,7
+forkland,9,0
+klickitat,193,0
+hiteman,1374,0
+woodbine,729,4
+shelbyville,158,5
+woodbine,1804,5
+hanson,1024,4
+wainscott,896,1
+mifflinburg,810,2
+lakeville,1252,6
+pinesdale,1061,4
+lindenwood,1043,4
+wainscott,909,2
+klickitat,1319,6
+marstons,767,3
+shelbyville,891,0
+ranchester,592,15
+lakeville,997,2
+lakeville,1459,13
+lakeville,1292,3
+pomaria,786,3
+leonardo,1838,0
+forkland,676,1
+woodbine,929,7
+pomaria,1481,0
+ranchester,1466,8
+klickitat,1089,2
+mifflinburg,782,2
+klickitat,1043,6
+coffeen,1131,3
+woodbine,1302,4
+stockman,389,2
+newfields,926,6
+marstons,1313,2
+shelbyville,148,10
+tolstoy,1608,8
+allensville,222,2
+tolstoy,1587,3
+shelbyville,2351,8
+wainscott,92,6
+shelbyville,2124,1
+pinesdale,426,4
+shelbyville,2819,12
+shelbyville,1187,3
+woodbine,341,2
+ranchester,449,8
+tolstoy,613,7
+shelbyville,588,2
+forkland,930,4
+lakeville,1020,12
+newfields,462,2
+forkland,483,1
+wainscott,18,2
+hiteman,1645,2
+merom,469,5
+shelbyville,1822,2
+wainscott,1230,0
+hanson,175,13
+shelbyville,1550,1
+mifflinburg,612,4
+leonardo,1295,3
+benevolence,182,6
+stockman,666,6
+klickitat,1028,4
+ranchester,1349,3
+hanson,1095,2
+shelbyville,1469,12
+marstons,747,2
+leonardo,744,10
+ranchester,529,5
+shelbyville,457,3
+lakeville,664,4
+woodbine,1960,0
+klickitat,592,2
+shelbyville,2460,0
+pomaria,638,3
+allensville,282,2
+hanson,23,3
+leonardo,769,4
+merom,235,4
+shelbyville,2666,1
+mifflinburg,369,2
+marstons,2604,1
+beechwood,998,2
+marstons,1708,14
+pomaria,360,1
+newfields,821,2
+ranchester,698,5
+marstons,1143,2
+marstons,2181,2
+coffeen,314,6
+woodbine,468,0
+tolstoy,219,0
+hiteman,74,7
+shelbyville,324,6
+shelbyville,2199,1
+marstons,95,0
+shelbyville,910,1
+pinesdale,1223,3
+cosmos,450,1
+wainscott,152,4
+stockman,550,4
+merom,1103,3
+lindenwood,1300,3
+shelbyville,2161,8
+tolstoy,542,18
+lakeville,393,3
+klickitat,535,12
+shelbyville,1545,1
+coffeen,598,6
+ranchester,1517,7
+marstons,421,2
+beechwood,662,0
+tolstoy,1678,3
+stockman,1332,2
+wainscott,360,2
+ranchester,159,1
+leonardo,438,2
+shelbyville,2142,3
+lakeville,769,5
+leonardo,662,2
+hiteman,1280,6
+lindenwood,1599,0
+tolstoy,848,2
+leonardo,1751,1
+hiteman,1169,8
+tolstoy,902,1
+merom,789,1
+wainscott,1496,3
+lindenwood,144,0
+marstons,654,2
+woodbine,1866,3
+lindenwood,1518,4
+pomaria,1668,1
+merom,648,2
+stockman,1607,0
+shelbyville,1907,4
+lakeville,272,2
+newfields,1427,8
+hiteman,1212,2
+klickitat,1474,4
+klickitat,1650,4
+lindenwood,2403,3
+leonardo,1868,3
+leonardo,1920,11
+shelbyville,672,7
+forkland,578,3
+beechwood,600,3
+lindenwood,36,2
+marstons,211,1
+pinesdale,1068,0
+newfields,71,1
+pomaria,1069,0
+lindenwood,2625,7
+beechwood,1039,1
+lindenwood,1626,5
+hanson,1624,6
+klickitat,2012,9
+onaga,595,3
+beechwood,636,3
+pomaria,944,12
+marstons,1383,7
+marstons,298,5
+leonardo,2016,0
+wainscott,173,1
+allensville,142,3
+woodbine,1299,2
+hanson,330,11
+marstons,2105,0
+woodbine,1075,4
+wainscott,1057,3
+klickitat,1435,7
+tolstoy,295,9
+beechwood,957,6
+marstons,792,12
+tolstoy,1128,10
+wainscott,487,0
+pomaria,880,3
+onaga,188,6
+marstons,1044,5
+marstons,2206,1
+woodbine,1079,4
+pomaria,1534,5
+lakeville,1851,0
+marstons,2544,2
+marstons,200,6
+newfields,10,1
+lindenwood,2545,1
+hanson,1331,7
+cosmos,253,2
+marstons,590,0
+allensville,71,0
+hanson,1446,5
+hiteman,1651,2
+mifflinburg,631,2
+pomaria,952,2
+hiteman,252,13
+hiteman,1843,0
+lakeville,568,11
+hanson,200,0
+benevolence,31,1
+lindenwood,60,7
+newfields,577,6
+merom,241,0
+lindenwood,560,2
+klickitat,73,5
+shelbyville,1037,2
+newfields,1529,10
+mifflinburg,952,11
+beechwood,552,5
+wainscott,209,7
+coffeen,720,9
+hanson,1279,13
+wainscott,1751,0
+ranchester,1167,8
+shelbyville,1590,0
+benevolence,83,4
+marstons,2347,7
+pinesdale,316,5
+shelbyville,795,2
+shelbyville,2712,6
+marstons,1220,2
+pomaria,300,4
+ranchester,1235,8
+marstons,372,13
+merom,412,4
+ranchester,1145,2
+woodbine,1352,2
+newfields,1606,1
+lakeville,175,5
+merom,193,3
+hiteman,1055,2
+mifflinburg,189,0
+merom,455,1
+klickitat,389,19
+allensville,113,3
+lindenwood,2593,0
+woodbine,260,1
+cosmos,1027,0
+cosmos,562,2
+leonardo,748,0
+marstons,1267,3
+coffeen,614,5
+klickitat,1003,2
+lindenwood,1484,9
+pomaria,189,7
+stockman,241,0
+newfields,87,0
+shelbyville,1648,3
+stockman,412,8
+lakeville,578,1
+klickitat,2390,3
+pomaria,1554,4
+shelbyville,2640,4
+wainscott,1692,11
+leonardo,544,9
+mifflinburg,788,4
+pomaria,633,1
+pomaria,245,2
+hanson,194,1
+marstons,2589,6
+ranchester,1365,5
+hiteman,43,5
+shelbyville,1116,0
+lindenwood,1079,1
+woodbine,302,2
+pomaria,1601,9
+newfields,381,4
+newfields,1419,4
+leonardo,714,0
+marstons,267,4
+lindenwood,774,7
+shelbyville,611,8
+klickitat,129,10
+klickitat,1246,6
+hiteman,1673,7
+lakeville,200,1
+tolstoy,453,6
+shelbyville,603,0
+tolstoy,41,6
+pinesdale,705,0
+cosmos,861,2
+hiteman,914,0
+coffeen,1182,1
+wainscott,1207,2
+shelbyville,2739,2
+tolstoy,901,11
+newfields,627,13
+newfields,918,7
+mifflinburg,456,3
+shelbyville,1399,0
+leonardo,1934,2
+beechwood,276,1
+lakeville,221,3
+shelbyville,144,14
+pomaria,152,0
+onaga,0,0
+lindenwood,1445,0
+beechwood,889,2
+lindenwood,1685,3
+marstons,174,6
+merom,492,1
+mifflinburg,398,0
+lindenwood,2210,12
+hanson,940,6
+shelbyville,2667,3
+woodbine,33,1
+coffeen,1501,3
+pinesdale,1220,2
+stockman,163,3
+tolstoy,620,0
+hiteman,1405,1
+shelbyville,2004,3
+lakeville,308,2
+allensville,187,0
+coffeen,1410,4
+wainscott,666,4
+wainscott,765,1
+lindenwood,1060,1
+leonardo,1763,0
+newfields,212,0
+wainscott,507,1
+shelbyville,751,4
+stockman,1325,0
+woodbine,1255,2
+marstons,1450,3
+leonardo,325,0
+lindenwood,2178,11
+tolstoy,531,0
+cosmos,170,2
+tolstoy,1817,0
+hiteman,1782,5
+wainscott,390,0
+leonardo,10,2
+klickitat,728,2
+klickitat,1156,0
+merom,437,3
+newfields,37,0
+wainscott,1165,6
+lakeville,926,7
+newfields,86,2
+lakeville,1806,7
+stockman,1078,2
+tolstoy,1453,2
+klickitat,721,4
+lindenwood,1349,3
+tolstoy,252,1
+leonardo,351,4
+beechwood,973,6
+stockman,264,1
+merom,356,1
+klickitat,2127,8
+stockman,1211,3
+shelbyville,1754,9
+hiteman,142,1
+lindenwood,2247,1
+shelbyville,815,12
+merom,176,2
+ranchester,54,1
+cosmos,302,0
+woodbine,1249,3
+benevolence,712,0
+hanson,1342,1
+wainscott,376,0
+wainscott,997,1
+ranchester,255,12
+ranchester,381,7
+hanson,1407,2
+woodbine,593,11
+wainscott,452,7
+wainscott,1784,0
+hanson,1050,2
+tolstoy,732,1
+klickitat,805,1
+merom,499,2
+cosmos,449,0
+shelbyville,1753,0
+leonardo,393,4
+woodbine,108,8
+woodbine,327,11
+wainscott,444,4
+leonardo,497,0
+woodbine,1551,8
+lakeville,396,14
+woodbine,2,3
+shelbyville,1985,2
+klickitat,574,0
+hiteman,17,1
+hanson,526,5
+hanson,1104,2
+coffeen,500,3
+woodbine,1134,1
+woodbine,559,6
+forkland,37,1
+ranchester,1016,3
+hanson,343,7
+lindenwood,1123,9
+lakeville,196,2
+lakeville,803,2
+leonardo,1183,5
+allensville,442,10
+hiteman,1291,3
+hanson,461,1
+wainscott,1154,2
+pomaria,1028,4
+ranchester,581,0
+pomaria,755,3
+klickitat,1631,6
+ranchester,608,1
+hanson,425,2
+woodbine,536,4
+shelbyville,2260,2
+marstons,2581,2
+ranchester,1191,4
+pomaria,265,3
+lindenwood,2180,3
+shelbyville,1257,3
+leonardo,976,0
+marstons,2287,0
+shelbyville,1960,0
+stockman,1025,5
+tolstoy,145,1
+wainscott,603,1
+coffeen,1341,6
+leonardo,1295,7
+newfields,1161,4
+stockman,1033,4
+klickitat,924,1
+tolstoy,214,5
+coffeen,258,10
+newfields,1207,14
+wainscott,1060,1
+tolstoy,19,6
+stockman,1518,0
+shelbyville,1789,5
+lindenwood,13,1
+stockman,75,1
+forkland,995,0
+pomaria,1618,0
+marstons,772,4
+lindenwood,2238,3
+coffeen,1285,2
+coffeen,1241,4
+marstons,255,2
+ranchester,537,2
+woodbine,763,2
+marstons,715,0
+marstons,2348,3
+shelbyville,799,4
+hiteman,1354,2
+lakeville,1595,5
+marstons,568,6
+ranchester,788,2
+cosmos,66,4
+shelbyville,2346,0
+stockman,668,4
+wainscott,1413,2
+klickitat,147,13
+pomaria,1679,0
+wainscott,753,2
+forkland,673,6
+shelbyville,2086,2
+shelbyville,1363,12
+mifflinburg,203,2
+newfields,555,1
+marstons,920,2
+leonardo,1707,0
+woodbine,547,7
+shelbyville,91,12
+lindenwood,2323,5
+merom,406,10
+klickitat,1238,6
+stockman,12,3
+klickitat,1819,0
+woodbine,629,1
+hanson,1129,8
+coffeen,1083,4
+pinesdale,156,6
+stockman,86,10
+wainscott,1156,3
+hanson,281,1
+newfields,606,3
+onaga,648,0
+lindenwood,2315,4
+lakeville,331,1
+coffeen,507,0
+wainscott,1749,4
+tolstoy,1667,3
+mifflinburg,229,4
+lakeville,1140,11
+hiteman,1105,2
+hanson,902,6
+wainscott,1098,15
+klickitat,1031,0
+tolstoy,693,11
+marstons,405,5
+ranchester,720,3
+lindenwood,782,2
+newfields,201,2
+tolstoy,1826,2
+marstons,159,0
+marstons,1207,4
+lindenwood,1556,1
+shelbyville,166,2
+woodbine,1233,6
+merom,100,4
+newfields,1504,0
+ranchester,1140,9
+shelbyville,1724,2
+hanson,544,1
+wainscott,193,1
+beechwood,71,7
+klickitat,312,1
+newfields,587,0
+shelbyville,562,4
+marstons,2103,4
+pinesdale,1049,6
+merom,362,2
+coffeen,723,0
+marstons,1368,5
+marstons,832,1
+woodbine,983,1
+shelbyville,2407,2
+pomaria,1591,2
+beechwood,1068,2
+shelbyville,1012,7
+coffeen,713,1
+lakeville,1263,2
+hanson,1337,2
+onaga,395,3
+klickitat,2333,12
+newfields,532,0
+hanson,203,2
+lindenwood,2441,2
+leonardo,1439,0
+tolstoy,1118,1
+shelbyville,1146,2
+lindenwood,2557,7
+pinesdale,1503,0
+woodbine,471,2
+cosmos,168,5
+shelbyville,1691,1
+lakeville,1444,5
+pomaria,816,7
+lakeville,1078,0
+lakeville,479,2
+tolstoy,1693,2
+woodbine,1062,1
+coffeen,793,0
+tolstoy,506,4
+ranchester,484,7
+hanson,1134,8
+leonardo,1908,3
+pomaria,1422,4
+hiteman,744,3
+lakeville,611,3
+cosmos,431,1
+newfields,439,9
+wainscott,1698,3
+shelbyville,2788,0
+shelbyville,1744,6
+tolstoy,68,1
+hiteman,709,0
+beechwood,579,1
+tolstoy,587,3
+pinesdale,94,8
+leonardo,2100,8
+mifflinburg,758,9
+woodbine,1173,0
+stockman,1008,2
+woodbine,1700,17
+marstons,126,1
+woodbine,227,7
+shelbyville,2035,4
+beechwood,971,2
+mifflinburg,218,4
+marstons,1877,2
+ranchester,1585,2
+hiteman,268,2
+shelbyville,2292,7
+hiteman,460,6
+ranchester,981,5
+klickitat,1520,2
+lindenwood,1962,1
+lindenwood,841,8
+stockman,1053,1
+woodbine,2052,2
+cosmos,225,1
+pinesdale,24,3
+pinesdale,586,7
+shelbyville,2682,7
+shelbyville,2737,0
+marstons,2117,4
+beechwood,830,3
+leonardo,533,4
+lakeville,1178,0
+coffeen,1198,0
+pinesdale,396,0
+lindenwood,481,15
+shelbyville,167,0
+lindenwood,361,4
+pinesdale,405,6
+woodbine,121,4
+wainscott,246,3
+lakeville,1226,5
+merom,449,2
+woodbine,1832,4
+merom,300,1
+merom,944,5
+lindenwood,2623,1
+pinesdale,104,0
+shelbyville,1718,1
+lakeville,1863,8
+lindenwood,1485,3
+leonardo,1528,13
+wainscott,1597,2
+hanson,296,4
+ranchester,1453,5
+coffeen,493,3
+pinesdale,324,4
+hanson,1508,14
+marstons,84,4
+pomaria,1296,2
+lindenwood,2051,7
+shelbyville,1458,6
+benevolence,152,2
+newfields,207,1
+coffeen,999,6
+ranchester,156,2
+forkland,510,1
+hanson,423,2
+lakeville,1434,7
+hiteman,645,5
+pinesdale,122,11
+lindenwood,2523,9
+shelbyville,1086,7
+hiteman,834,7
+marstons,2029,11
+cosmos,811,10
+lindenwood,890,10
+pinesdale,807,5
+leonardo,1831,6
+tolstoy,1032,3
+lakeville,1749,1
+woodbine,779,3
+coffeen,1377,3
+klickitat,2003,2
+klickitat,140,9
+tolstoy,1603,1
+hanson,579,1
+shelbyville,1717,5
+pomaria,99,1
+hiteman,1502,9
+lindenwood,783,2
+pinesdale,372,3
+coffeen,1247,0
+stockman,28,1
+newfields,410,12
+lakeville,549,4
+merom,289,2
+shelbyville,2688,6
+leonardo,1434,1
+coffeen,731,0
+shelbyville,2688,5
+hanson,1657,9
+woodbine,1139,4
+cosmos,46,4
+coffeen,566,0
+tolstoy,1755,14
+coffeen,1319,1
+forkland,1092,2
+forkland,54,2
+shelbyville,1535,0
+klickitat,2371,0
+wainscott,1393,11
+coffeen,1445,0
+lakeville,1257,6
+stockman,1174,4
+lakeville,98,2
+lakeville,941,2
+lakeville,1516,5
+tolstoy,1247,4
+klickitat,1384,14
+ranchester,439,2
+marstons,1182,2
+shelbyville,2030,6
+marstons,528,7
+tolstoy,493,3
+onaga,250,2
+klickitat,1816,4
+coffeen,1168,0
+stockman,287,1
+pomaria,890,1
+leonardo,799,3
+shelbyville,1335,5
+pinesdale,345,4
+pinesdale,1470,2
+hiteman,871,9
+woodbine,1211,6
+lindenwood,442,3
+beechwood,269,2
+mifflinburg,491,1
+lindenwood,1775,5
+woodbine,1158,11
+tolstoy,1339,5
+marstons,2103,1
+leonardo,788,3
+newfields,742,1
+tolstoy,174,0
+tolstoy,1010,13
+hanson,1413,2
+stockman,341,3
+klickitat,1630,0
+lindenwood,1039,4
+klickitat,1412,8
+marstons,1786,6
+tolstoy,1225,3
+allensville,70,5
+woodbine,649,7
+lakeville,1464,0
+lindenwood,537,3
+ranchester,903,1
+beechwood,201,2
+newfields,252,5
+tolstoy,336,2
+newfields,1645,2
+wainscott,821,13
+tolstoy,528,0
+lindenwood,2534,0
+wainscott,60,2
+shelbyville,2325,6
+lakeville,268,6
+klickitat,666,2
+hiteman,524,5
+marstons,2353,2
+leonardo,926,2
+lindenwood,1569,1
+tolstoy,1082,6
+marstons,1845,7
+hiteman,1367,0
+marstons,347,2
+shelbyville,852,6
+allensville,414,1
+leonardo,1349,0
+woodbine,1221,3
+leonardo,132,1
+coffeen,156,2
+klickitat,221,8
+lakeville,643,2
+forkland,135,2
+cosmos,96,2
+merom,1004,0
+leonardo,920,2
+tolstoy,1388,2
+beechwood,482,4
+lindenwood,484,5
+pomaria,130,2
+wainscott,1732,7
+shelbyville,250,3
+tolstoy,257,3
+hanson,314,3
+lindenwood,792,1
+pomaria,1309,14
+hanson,684,11
+pomaria,569,3
+coffeen,817,0
+cosmos,132,6
+lindenwood,46,6
+shelbyville,2048,2
+lindenwood,2354,2
+newfields,384,0
+coffeen,182,10
+mifflinburg,574,4
+stockman,257,1
+coffeen,141,5
+cosmos,1077,4
+hiteman,552,5
+tolstoy,340,6
+hanson,853,4
+shelbyville,2375,3
+lakeville,451,1
+tolstoy,1155,4
+coffeen,15,3
+benevolence,554,0
+pomaria,1507,1
+klickitat,2206,6
+tolstoy,1059,2
+ranchester,642,12
+coffeen,1476,2
+wainscott,286,8
+wainscott,122,3
+tolstoy,538,6
+lindenwood,1835,2
+pinesdale,135,4
+lindenwood,1041,5
+pinesdale,661,1
+hanson,306,10
+hanson,171,11
+hanson,276,0
+leonardo,1224,2
+forkland,239,1
+ranchester,413,7
+woodbine,1315,4
+lakeville,72,5
+pinesdale,991,4
+tolstoy,743,4
+woodbine,86,7
+hanson,1286,4
+lindenwood,481,7
+tolstoy,12,4
+lindenwood,2266,2
+lindenwood,543,3
+tolstoy,326,14
+leonardo,1021,4
+beechwood,531,4
+stockman,306,0
+pinesdale,1234,1
+ranchester,1310,1
+lakeville,1534,7
+tolstoy,773,2
+klickitat,26,3
+beechwood,36,3
+lindenwood,790,0
+ranchester,696,3
+lindenwood,66,5
+klickitat,1365,5
+ranchester,842,0
+lindenwood,1012,4
+shelbyville,1816,0
+pinesdale,162,3
+klickitat,261,2
+lindenwood,679,6
+shelbyville,248,0
+wainscott,1707,10
+newfields,1125,6
+shelbyville,2077,6
+beechwood,775,7
+leonardo,513,2
+lakeville,1445,4
+beechwood,194,3
+klickitat,1470,1
+newfields,746,2
+pomaria,303,3
+merom,720,4
+ranchester,1393,18
+hiteman,636,4
+pinesdale,676,2
+hanson,1065,16
+ranchester,1622,5
+hanson,1041,6
+marstons,1720,4
+pomaria,100,2
+leonardo,237,1
+leonardo,1954,3
+pomaria,1677,18
+coffeen,111,2
+tolstoy,451,3
+newfields,564,3
+pinesdale,1333,1
+newfields,1655,5
+lakeville,475,2
+merom,664,4
+forkland,984,3
+woodbine,789,5
+shelbyville,1681,0
+woodbine,1768,8
+onaga,559,0
+newfields,269,9
+wainscott,1670,6
+wainscott,1042,0
+hiteman,167,1
+marstons,1867,7
+marstons,2207,2
+cosmos,992,2
+shelbyville,540,2
+lakeville,834,5
+lindenwood,1093,3
+tolstoy,266,1
+newfields,1092,4
+tolstoy,846,1
+lakeville,663,6
+pinesdale,837,10
+leonardo,69,3
+lindenwood,2472,1
+shelbyville,1199,3
+shelbyville,2709,2
+shelbyville,1184,2
+wainscott,107,9
+hiteman,564,0
+lindenwood,1061,0
+hiteman,874,5
+stockman,384,0
+benevolence,447,0
+lakeville,444,4
+shelbyville,1156,0
+coffeen,51,4
+hiteman,1753,3
+marstons,2527,6
+wainscott,1709,4
+leonardo,420,2
+hanson,290,1
+marstons,1741,1
+beechwood,993,2
+beechwood,630,2
+mifflinburg,54,2
+pomaria,463,2
+newfields,523,2
+ranchester,1301,0
+wainscott,707,0
+coffeen,438,1
+shelbyville,1545,5
+hiteman,582,5
+lindenwood,951,17
+pinesdale,284,6
+tolstoy,687,10
+shelbyville,999,6
+pomaria,1472,2
+newfields,1300,1
+lindenwood,158,0
+klickitat,1728,1
+lindenwood,1619,0
+lakeville,963,2
+lindenwood,2130,7
+woodbine,1906,1
+stockman,711,1
+marstons,34,1
+merom,340,1
+wainscott,1018,2
+ranchester,68,1
+ranchester,1472,1
+pomaria,1530,2
+hanson,1656,9
+pomaria,1142,2
+hiteman,196,11
+marstons,1244,3
+tolstoy,1194,6
+newfields,761,3
+pomaria,1149,5
+lindenwood,1772,6
+marstons,285,12
+marstons,69,5
+hiteman,468,0
+wainscott,1449,1
+forkland,687,2
+wainscott,190,3
+ranchester,524,0
+newfields,946,2
+marstons,183,3
+hiteman,120,3
+wainscott,627,4
+ranchester,1426,4
+newfields,975,0
+pomaria,1629,7
+pomaria,566,0
+leonardo,1217,6
+mifflinburg,151,2
+newfields,93,6
+mifflinburg,859,1
+shelbyville,186,4
+leonardo,1737,3
+tolstoy,744,5
+beechwood,735,3
+wainscott,1486,4
+hanson,1155,2
+stockman,9,6
+hiteman,138,6
+hiteman,578,4
+shelbyville,1028,2
+woodbine,1569,2
+pinesdale,1288,6
+lakeville,1180,3
+woodbine,132,2
+pomaria,313,4
+tolstoy,827,2
+merom,662,5
+coffeen,940,4
+cosmos,313,4
+leonardo,1780,9
+ranchester,1534,10
+shelbyville,1133,3
+coffeen,1435,3
+hanson,1162,5
+newfields,1163,13
+wainscott,300,3
+klickitat,542,6
+lakeville,1835,1
+newfields,1087,7
+woodbine,1976,1
+woodbine,308,5
+lindenwood,1811,7
+klickitat,1043,2
+lakeville,478,0
+stockman,993,2
+forkland,319,3
+leonardo,1117,5
+tolstoy,1417,4
+wainscott,529,3
+shelbyville,1692,7
+pinesdale,1373,8
+lakeville,1358,2
+merom,288,4
+lindenwood,2536,5
+onaga,200,5
+wainscott,293,5
+ranchester,143,1
+benevolence,198,0
+beechwood,1150,4
+lakeville,1675,1
+pomaria,1392,11
+stockman,893,0
+stockman,154,3
+lakeville,1057,6
+lindenwood,2312,11
+leonardo,1393,1
+lindenwood,1508,3
+shelbyville,1221,11
+hiteman,453,11
+lakeville,86,3
+stockman,1263,4
+hiteman,366,1
+wainscott,1038,4
+leonardo,833,4
+tolstoy,1112,4
+shelbyville,1006,4
+lakeville,1521,11
+lakeville,1129,3
+lakeville,703,3
+merom,626,1
+shelbyville,2329,7
+ranchester,553,1
+marstons,509,0
+lakeville,171,3
+klickitat,541,2
+lindenwood,629,3
+lakeville,554,11
+mifflinburg,816,1
+woodbine,1281,1
+shelbyville,863,2
+lakeville,1553,1
+benevolence,580,2
+lakeville,511,3
+beechwood,220,4
+beechwood,685,10
+shelbyville,2583,2
+lakeville,659,4
+marstons,628,5
+merom,859,6
+pomaria,652,2
+coffeen,988,3
+merom,92,3
+stockman,717,3
+leonardo,630,5
+ranchester,640,9
+marstons,72,6
+woodbine,1087,0
+tolstoy,1112,0
+marstons,2532,5
+beechwood,662,1
+hanson,401,2
+shelbyville,2353,8
+pomaria,517,3
+coffeen,1319,2
+wainscott,1727,9
+coffeen,1405,3
+shelbyville,477,3
+lindenwood,108,3
+woodbine,1550,3
+lakeville,1648,11
+tolstoy,1755,13
+klickitat,123,9
+lakeville,533,1
+shelbyville,2632,2
+lindenwood,1441,0
+tolstoy,760,14
+shelbyville,2610,7
+hanson,1128,8
+coffeen,812,2
+woodbine,1823,3
+klickitat,1727,3
+allensville,67,3
+klickitat,1503,2
+hiteman,421,2
+hiteman,376,5
+marstons,1878,2
+shelbyville,928,3
+wainscott,1516,2
+marstons,2556,5
+ranchester,409,14
+leonardo,1791,1
+pomaria,475,0
+tolstoy,1653,1
+mifflinburg,130,2
+hanson,1297,4
+pomaria,490,4
+marstons,398,1
+merom,142,4
+newfields,1084,0
+marstons,590,2
+hanson,1452,8
+ranchester,360,8
+lindenwood,1048,8
+ranchester,903,2
+pomaria,1357,0
+marstons,619,5
+hiteman,473,0
+cosmos,473,11
+stockman,1552,1
+hiteman,136,9
+lindenwood,2354,1
+merom,433,5
+leonardo,1361,0
+pomaria,1541,6
+woodbine,2035,0
+beechwood,476,2
+beechwood,1101,0
+shelbyville,1629,1
+lindenwood,283,4
+cosmos,493,3
+stockman,127,1
+hanson,650,0
+stockman,578,1
+lindenwood,273,7
+lakeville,628,4
+beechwood,494,1
+hiteman,1140,5
+woodbine,1848,8
+stockman,1363,1
+woodbine,489,6
+newfields,613,7
+forkland,183,2
+tolstoy,1481,3
+woodbine,379,2
+ranchester,1335,0
+newfields,525,0
+marstons,89,1
+wainscott,1130,1
+marstons,2126,7
+wainscott,345,2
+benevolence,953,4
+klickitat,1428,1
+shelbyville,1831,0
+stockman,1453,1
+pinesdale,377,2
+beechwood,328,4
+mifflinburg,232,4
+coffeen,1188,2
+leonardo,75,0
+coffeen,1278,1
+woodbine,1554,8
+lakeville,246,13
+klickitat,506,0
+newfields,1338,8
+leonardo,712,2
+tolstoy,1190,2
+pomaria,16,0
+pinesdale,651,1
+woodbine,196,4
+lakeville,1196,0
+wainscott,1390,8
+lindenwood,864,1
+woodbine,414,3
+beechwood,874,0
+shelbyville,2112,1
+lakeville,539,5
+ranchester,182,10
+lindenwood,484,10
+hiteman,1484,2
+wainscott,1741,2
+woodbine,1504,3
+stockman,1265,4
+pomaria,1396,2
+lakeville,215,1
+lindenwood,290,1
+stockman,1494,0
+hanson,857,6
+newfields,1464,4
+lakeville,1819,2
+pomaria,776,5
+shelbyville,1771,1
+forkland,80,4
+stockman,547,1
+marstons,2191,12
+newfields,1651,2
+cosmos,857,5
+lindenwood,1141,1
+klickitat,1664,8
+shelbyville,614,2
+wainscott,1695,0
+shelbyville,606,1
+shelbyville,692,12
+klickitat,1316,3
+tolstoy,1407,7
+leonardo,895,0
+coffeen,1028,0
+newfields,883,0
+forkland,262,6
+lakeville,284,8
+tolstoy,1033,2
+tolstoy,1105,2
+benevolence,906,0
+shelbyville,158,7
+marstons,1918,2
+shelbyville,1262,2
+lindenwood,2638,0
+marstons,1743,6
+newfields,497,7
+leonardo,1937,1
+hiteman,1620,3
+wainscott,81,4
+tolstoy,326,3
+leonardo,1411,3
+pinesdale,600,2
+lindenwood,111,3
+marstons,2304,2
+wainscott,540,2
+woodbine,1074,5
+cosmos,12,1
+beechwood,481,0
+wainscott,353,1
+marstons,1430,7
+klickitat,1191,5
+shelbyville,2753,7
+tolstoy,68,6
+pomaria,356,4
+tolstoy,1270,8
+hanson,1117,1
+hiteman,598,2
+beechwood,616,0
+lakeville,1725,0
+cosmos,225,3
+lindenwood,1411,2
+leonardo,1951,0
+coffeen,919,2
+hiteman,1039,2
+pomaria,633,5
+woodbine,1273,4
+leonardo,1774,5
+klickitat,2034,0
+shelbyville,199,6
+klickitat,1292,5
+merom,475,1
+marstons,1708,0
+hanson,155,8
+coffeen,661,10
+merom,588,0
+ranchester,1038,0
+mifflinburg,527,0
+wainscott,1075,0
+hanson,86,12
+merom,281,0
+hiteman,640,5
+coffeen,933,2
+beechwood,615,0
+shelbyville,238,4
+shelbyville,305,5
+pinesdale,1188,2
+lindenwood,982,10
+lindenwood,559,1
+wainscott,658,0
+cosmos,617,7
+hanson,361,6
+hiteman,164,3
+newfields,581,12
+wainscott,107,5
+hanson,1273,8
+pinesdale,1069,0
+hiteman,697,8
+stockman,186,2
+klickitat,663,10
+klickitat,2175,1
+hiteman,207,1
+leonardo,755,8
+pinesdale,749,1
+tolstoy,483,3
+hanson,470,1
+forkland,836,5
+hiteman,748,1
+ranchester,1173,0
+onaga,319,0
+tolstoy,706,4
+allensville,142,5
+newfields,1173,3
+marstons,1541,0
+mifflinburg,214,2
+lindenwood,1634,8
+lakeville,1405,7
+tolstoy,408,6
+leonardo,644,8
+shelbyville,196,7
+wainscott,630,10
+pinesdale,931,0
+hiteman,1725,4
+stockman,442,1
+beechwood,1104,8
+lindenwood,1317,0
+klickitat,1707,6
+hiteman,273,1
+newfields,608,2
+lindenwood,853,6
+stockman,686,13
+marstons,779,4
+pomaria,240,3
+lakeville,1389,1
+klickitat,2273,0
+pomaria,478,2
+lindenwood,369,11
+lakeville,1507,1
+lindenwood,1786,2
+leonardo,1141,4
+ranchester,128,0
+tolstoy,122,4
+lakeville,1516,0
+woodbine,1886,1
+marstons,1920,8
+lakeville,67,4
+pomaria,1155,1
+klickitat,141,13
+woodbine,299,0
+klickitat,817,0
+lindenwood,2339,5
+coffeen,111,0
+ranchester,99,2
+klickitat,2157,1
+wainscott,662,3
+marstons,545,8
+tolstoy,1807,3
+wainscott,1040,1
+cosmos,134,1
+klickitat,484,1
+newfields,1403,7
+marstons,1687,1
+wainscott,726,12
+woodbine,1309,0
+lakeville,1031,8
+pinesdale,889,5
+pomaria,969,8
+merom,310,0
+lindenwood,1974,1
+marstons,188,0
+tolstoy,753,5
+coffeen,189,0
+shelbyville,2105,6
+leonardo,1239,4
+forkland,775,0
+leonardo,1778,3
+lindenwood,815,2
+onaga,188,4
+newfields,405,5
+shelbyville,2299,11
+ranchester,486,2
+marstons,1981,9
+merom,190,10
+cosmos,1012,8
+pinesdale,497,5
+onaga,292,6
+pinesdale,626,1
+marstons,1386,8
+hanson,1576,4
+woodbine,849,0
+merom,909,6
+hanson,1146,8
+onaga,148,2
+hanson,945,5
+wainscott,880,15
+forkland,531,2
+mifflinburg,259,2
+lindenwood,1651,0
+hiteman,876,2
+hanson,1253,2
+leonardo,1496,1
+ranchester,1568,0
+leonardo,1874,5
+mifflinburg,914,2
+merom,185,2
+mifflinburg,183,4
+hanson,321,1
+forkland,243,2
+hiteman,1814,4
+woodbine,974,0
+tolstoy,184,8
+leonardo,490,2
+wainscott,1759,1
+wainscott,1004,2
+cosmos,359,0
+hiteman,1633,3
+pomaria,636,12
+beechwood,1119,3
+marstons,938,0
+klickitat,1823,3
+forkland,291,3
+wainscott,652,6
+hanson,1063,5
+hiteman,136,13
+klickitat,1103,3
+lakeville,239,2
+hiteman,1601,0
+lindenwood,88,0
+shelbyville,1814,2
+beechwood,288,4
+leonardo,2039,13
+pomaria,927,11
+shelbyville,2762,0
+cosmos,465,6
+shelbyville,2010,2
+hiteman,53,0
+cosmos,226,9
+ranchester,611,5
+woodbine,2020,1
+stockman,205,3
+wainscott,604,4
+hanson,594,1
+newfields,1032,3
+lakeville,1043,7
+stockman,1537,0
+stockman,700,5
+hiteman,209,2
+shelbyville,2528,2
+shelbyville,1972,0
+shelbyville,0,0
+beechwood,643,9
+coffeen,591,1
+tolstoy,1265,3
+tolstoy,581,3
+woodbine,1942,2
+shelbyville,146,5
+pinesdale,1237,3
+cosmos,1078,6
+lindenwood,1243,2
+klickitat,1908,0
+marstons,2121,3
+hiteman,1042,3
+forkland,56,1
+lindenwood,231,12
+lindenwood,74,2
+pomaria,816,9
+coffeen,538,0
+hiteman,1825,1
+pomaria,142,1
+pinesdale,793,5
+shelbyville,1633,2
+lindenwood,1769,2
+tolstoy,1320,0
+lindenwood,255,6
+wainscott,1017,9
+lindenwood,1912,4
+lindenwood,1351,4
+stockman,477,1
+mifflinburg,312,2
+woodbine,1360,2
+merom,1050,2
+lindenwood,2297,3
+newfields,881,5
+pinesdale,1003,0
+leonardo,998,3
+lakeville,532,10
+cosmos,996,2
+leonardo,206,3
+ranchester,1561,1
+merom,123,0
+pinesdale,797,11
+wainscott,692,3
+lindenwood,1413,6
+forkland,236,2
+klickitat,2377,12
+wainscott,954,1
+hiteman,1383,0
+wainscott,1527,9
+forkland,790,2
+klickitat,2129,1
+tolstoy,1267,10
+pomaria,364,11
+hiteman,1383,7
+pomaria,1404,7
+lakeville,1525,1
+shelbyville,1775,6
+pomaria,755,2
+coffeen,1347,2
+shelbyville,2764,2
+stockman,1401,6
+shelbyville,2491,9
+wainscott,679,1
+lindenwood,1538,5
+tolstoy,834,3
+pomaria,1130,1
+mifflinburg,222,1
+pinesdale,1116,1
+shelbyville,1692,8
+leonardo,294,1
+wainscott,463,5
+leonardo,45,4
+woodbine,1422,1
+stockman,1246,5
+klickitat,1745,9
+newfields,1126,1
+lindenwood,110,12
+wainscott,378,1
+klickitat,1292,9
+pomaria,915,6
+beechwood,233,3
+lindenwood,2491,1
+forkland,231,0
+hanson,1609,2
+pomaria,399,3
+stockman,1134,0
+onaga,669,10
+shelbyville,1414,6
+hanson,1358,9
+ranchester,241,3
+shelbyville,2020,0
+pinesdale,1141,7
+leonardo,1072,4
+tolstoy,1030,6
+wainscott,392,10
+shelbyville,2815,4
+klickitat,569,0
+marstons,1188,3
+tolstoy,1179,0
+onaga,213,0
+hiteman,763,7
+benevolence,549,4
+lakeville,512,7
+klickitat,1110,1
+lakeville,1793,2
+hanson,1091,3
+hiteman,875,7
+tolstoy,1143,10
+cosmos,510,4
+woodbine,118,13
+merom,795,0
+woodbine,1138,6
+woodbine,968,7
+benevolence,658,0
+hiteman,822,7
+woodbine,549,1
+lakeville,1799,8
+lakeville,302,0
+klickitat,866,3
+beechwood,462,10
+woodbine,703,3
+lakeville,1368,13
+marstons,1170,8
+pomaria,1572,1
+forkland,88,3
+klickitat,1010,5
+pomaria,1218,0
+hanson,639,9
+hanson,1079,0
+woodbine,1568,2
+woodbine,265,0
+pinesdale,727,7
+ranchester,1527,6
+leonardo,2101,12
+beechwood,394,2
+shelbyville,2689,5
+lakeville,319,1
+coffeen,1387,1
+beechwood,261,7
+stockman,740,3
+stockman,754,0
+pomaria,1677,13
+mifflinburg,208,1
+wainscott,156,5
+coffeen,1308,7
+lindenwood,1098,1
+stockman,511,2
+pinesdale,609,5
+shelbyville,2590,4
+mifflinburg,358,4
+ranchester,119,0
+benevolence,32,2
+benevolence,954,0
+ranchester,1603,7
+newfields,1458,4
+marstons,314,4
+pinesdale,873,0
+ranchester,205,1
+lakeville,816,8
+forkland,1146,0
+wainscott,1394,6
+shelbyville,2594,0
+wainscott,1184,3
+forkland,650,6
+lakeville,1635,1
+lakeville,927,0
+leonardo,68,2
+marstons,285,3
+tolstoy,562,0
+lindenwood,2536,3
+newfields,230,1
+wainscott,1259,9
+lindenwood,1662,1
+lakeville,972,7
+beechwood,1147,1
+marstons,238,6
+marstons,701,0
+merom,1075,1
+stockman,1259,1
+woodbine,1853,1
+onaga,21,2
+shelbyville,1682,6
+woodbine,48,0
+mifflinburg,111,2
+wainscott,1508,6
+lindenwood,1108,7
+merom,12,1
+shelbyville,343,13
+tolstoy,197,0
+pomaria,154,4
+lakeville,1440,4
+woodbine,445,3
+lindenwood,698,0
+stockman,601,2
+beechwood,826,1
+tolstoy,1153,4
+shelbyville,1348,4
+hiteman,1843,2
+lakeville,1685,1
+tolstoy,946,1
+hanson,165,2
+klickitat,530,10
+onaga,124,0
+hanson,992,10
+wainscott,113,3
+klickitat,409,0
+woodbine,47,2
+klickitat,2174,0
+klickitat,420,2
+pomaria,1096,0
+klickitat,2246,4
+woodbine,182,0
+klickitat,2114,9
+woodbine,879,1
+tolstoy,625,4
+shelbyville,2460,2
+tolstoy,809,2
+woodbine,133,2
+cosmos,892,1
+hiteman,1071,0
+tolstoy,1724,6
+hiteman,667,2
+cosmos,379,2
+lindenwood,824,4
+tolstoy,889,0
+wainscott,930,0
+hanson,254,1
+klickitat,2116,10
+leonardo,1018,3
+wainscott,1115,3
+forkland,972,1
+marstons,861,2
+coffeen,1500,3
+newfields,1022,1
+lakeville,161,0
+ranchester,1185,11
+lindenwood,1456,7
+hanson,532,0
+lindenwood,1780,3
+wainscott,859,7
+shelbyville,1616,9
+lakeville,304,12
+tolstoy,1306,5
+beechwood,179,6
+stockman,1011,5
+coffeen,810,6
+newfields,1529,18
+wainscott,1595,1
+newfields,1458,6
+beechwood,400,0
+beechwood,927,3
+hiteman,628,4
+pinesdale,438,6
+marstons,1662,3
+forkland,441,1
+cosmos,440,0
+wainscott,1622,4
+coffeen,748,0
+klickitat,858,12
+hanson,1378,10
+hanson,381,4
+shelbyville,1954,9
+forkland,206,1
+pomaria,91,2
+merom,385,1
+marstons,125,2
+klickitat,427,2
+newfields,345,2
+hiteman,237,1
+lakeville,524,1
+marstons,1981,8
+hiteman,757,3
+newfields,627,10
+pinesdale,1403,7
+pinesdale,401,7
+coffeen,1235,4
+shelbyville,513,1
+hanson,964,4
+leonardo,1218,3
+lakeville,423,1
+pomaria,1185,1
+beechwood,713,7
+marstons,2563,4
+cosmos,805,5
+stockman,1533,5
+coffeen,954,0
+marstons,1047,5
+lakeville,1540,6
+lakeville,1470,0
+pinesdale,1184,3
+marstons,1002,4
+hanson,170,10
+shelbyville,173,12
+cosmos,882,10
+lindenwood,1391,3
+merom,1095,5
+shelbyville,575,8
+lindenwood,1333,1
+hiteman,1260,1
+pomaria,607,6
+shelbyville,2782,1
+ranchester,161,2
+ranchester,201,3
+woodbine,118,5
+hiteman,1044,2
+leonardo,2049,6
+leonardo,328,3
+pomaria,83,10
+pinesdale,902,1
+leonardo,1788,3
+leonardo,7,12
+wainscott,822,0
+mifflinburg,471,1
+cosmos,1,5
+mifflinburg,742,8
+stockman,1153,4
+beechwood,1055,8
+lakeville,1559,7
+forkland,454,0
+klickitat,1682,6
+lindenwood,2302,0
+wainscott,1717,0
+tolstoy,995,0
+pinesdale,418,1
+lindenwood,1998,13
+klickitat,442,1
+lakeville,1021,1
+stockman,1551,6
+lindenwood,1057,8
+klickitat,1311,2
+onaga,404,1
+shelbyville,360,0
+wainscott,325,4
+klickitat,1751,2
+leonardo,221,5
+stockman,952,0
+klickitat,2365,5
+coffeen,985,5
+wainscott,1338,0
+klickitat,417,2
+pomaria,464,0
+hanson,1064,6
+mifflinburg,341,0
+leonardo,873,2
+pomaria,161,0
+allensville,426,5
+klickitat,1258,9
+lakeville,566,1
+tolstoy,382,1
+pomaria,1468,4
+tolstoy,143,10
+marstons,1460,1
+shelbyville,1069,12
+leonardo,267,6
+pomaria,384,2
+newfields,626,2
+klickitat,896,3
+leonardo,411,1
+pinesdale,596,4
+woodbine,816,2
+pomaria,7,8
+newfields,124,3
+coffeen,1101,6
+woodbine,686,11
+klickitat,1575,4
+leonardo,1992,1
+beechwood,181,3
+shelbyville,1111,1
+hiteman,1340,0
+hiteman,1053,4
+woodbine,1460,3
+lakeville,172,17
+cosmos,41,5
+klickitat,2143,5
+beechwood,932,1
+marstons,391,3
+lindenwood,2382,1
+pomaria,1036,12
+wainscott,1091,6
+lindenwood,627,0
+pomaria,707,10
+woodbine,966,2
+pinesdale,1023,7
+marstons,1563,2
+onaga,219,0
+shelbyville,1338,11
+woodbine,1810,6
+lakeville,263,2
+wainscott,1571,8
+merom,1056,9
+onaga,149,0
+leonardo,641,3
+mifflinburg,649,1
+ranchester,8,10
+wainscott,1553,3
+pinesdale,945,4
+hiteman,1177,3
+shelbyville,244,3
+lakeville,572,3
+hiteman,588,10
+klickitat,985,2
+woodbine,431,1
+lindenwood,1823,6
+shelbyville,1432,1
+cosmos,530,5
+hiteman,1312,1
+hanson,985,3
+wainscott,1302,0
+wainscott,1439,5
+merom,781,2
+coffeen,1136,2
+wainscott,905,2
+shelbyville,2161,15
+klickitat,500,0
+wainscott,1120,2
+beechwood,1156,9
+coffeen,508,1
+shelbyville,1277,16
+pomaria,908,3
+marstons,2225,1
+lakeville,102,0
+stockman,301,8
+beechwood,565,1
+hiteman,1017,8
+stockman,1138,1
+cosmos,650,2
+mifflinburg,306,1
+marstons,1735,7
+coffeen,526,4
+newfields,1323,3
+wainscott,1127,0
+mifflinburg,72,6
+onaga,385,0
+ranchester,872,4
+lakeville,37,0
+leonardo,1656,9
+merom,55,0
+marstons,679,0
+coffeen,1142,2
+newfields,919,6
+cosmos,514,1
+merom,558,9
+beechwood,622,3
+lakeville,1099,11
+leonardo,73,0
+leonardo,2063,6
+forkland,169,3
+pomaria,597,3
+hanson,514,3
+allensville,159,6
+pomaria,1486,9
+newfields,1374,3
+lindenwood,1999,1
+marstons,2454,4
+newfields,38,0
+klickitat,1564,2
+newfields,953,0
+wainscott,1479,6
+hiteman,1604,7
+wainscott,1175,6
+shelbyville,1221,2
+wainscott,740,4
+lakeville,395,3
+pomaria,161,5
+onaga,119,0
+marstons,1670,8
+newfields,1297,1
+hanson,534,6
+lakeville,1715,5
+pomaria,222,3
+klickitat,1849,1
+forkland,22,0
+marstons,2001,0
+allensville,229,9
+pomaria,306,1
+cosmos,286,10
+beechwood,396,0
+shelbyville,388,5
+marstons,1770,1
+wainscott,185,0
+lakeville,908,5
+tolstoy,1610,5
+ranchester,158,0
+hanson,331,9
+merom,698,0
+klickitat,217,3
+merom,904,3
+beechwood,754,2
+stockman,1111,1
+lindenwood,1445,7
+wainscott,740,7
+ranchester,663,8
+leonardo,363,0
+klickitat,448,1
+stockman,946,2
+tolstoy,1403,1
+lindenwood,877,4
+allensville,304,1
+klickitat,1016,1
+marstons,2129,12
+stockman,527,1
+leonardo,826,12
+beechwood,421,5
+lindenwood,634,5
+pomaria,733,1
+lakeville,669,4
+stockman,272,1
+shelbyville,2537,3
+leonardo,361,0
+klickitat,731,6
+lakeville,1143,1
+forkland,836,4
+allensville,398,4
+leonardo,1962,0
+ranchester,516,1
+forkland,147,1
+tolstoy,393,0
+wainscott,1579,1
+klickitat,807,0
+lakeville,23,3
+hanson,1433,5
+tolstoy,78,11
+hanson,966,6
+klickitat,1336,1
+forkland,72,6
+wainscott,835,1
+leonardo,1281,3
+klickitat,1212,4
+cosmos,320,0
+benevolence,801,5
+beechwood,1103,6
+pinesdale,340,2
+marstons,307,10
+marstons,397,0
+stockman,1062,5
+leonardo,1387,1
+hiteman,1497,1
+tolstoy,995,1
+marstons,2260,6
+shelbyville,2647,11
+ranchester,1096,9
+newfields,790,0
+stockman,1292,2
+lakeville,1549,3
+marstons,116,7
+shelbyville,2760,3
+lindenwood,2406,3
+woodbine,965,2
+marstons,2245,11
+lakeville,983,8
+marstons,325,3
+klickitat,214,13
+hiteman,1045,1
+mifflinburg,885,0
+lindenwood,1145,1
+marstons,588,3
+lindenwood,1155,1
+klickitat,2027,2
+beechwood,1103,7
+hanson,788,2
+stockman,214,4
+coffeen,1011,8
+ranchester,701,2
+lindenwood,374,4
+ranchester,839,1
+hanson,674,1
+pomaria,1044,14
+klickitat,1043,8
+pinesdale,797,6
+marstons,372,5
+lindenwood,2636,4
+beechwood,620,4
+stockman,873,2
+klickitat,1574,6
+forkland,387,3
+klickitat,230,5
+shelbyville,868,3
+pomaria,473,1
+leonardo,2005,8
+lindenwood,434,1
+lindenwood,1643,1
+stockman,272,0
+marstons,1221,5
+shelbyville,2460,6
+marstons,689,1
+lakeville,864,4
+ranchester,601,7
+cosmos,1042,3
+mifflinburg,27,2
+pomaria,1377,9
+lindenwood,810,2
+leonardo,2101,17
+wainscott,202,2
+leonardo,702,1
+pinesdale,148,8
+wainscott,1616,6
+lakeville,1872,13
+forkland,634,4
+hiteman,753,4
+woodbine,1738,2
+hanson,720,3
+marstons,499,1
+pinesdale,864,16
+lakeville,725,4
+ranchester,1002,5
+cosmos,455,9
+shelbyville,310,13
+woodbine,1154,9
+tolstoy,786,2
+merom,1000,1
+marstons,976,4
+woodbine,1165,1
+stockman,824,8
+wainscott,1385,8
+klickitat,1513,9
+pinesdale,1197,3
+lindenwood,2131,7
+tolstoy,255,5
+lindenwood,1211,1
+wainscott,741,6
+woodbine,766,4
+hanson,897,11
+merom,596,3
+newfields,315,4
+hanson,1618,3
+stockman,58,0
+wainscott,399,4
+marstons,1007,7
+hiteman,1253,4
+pomaria,894,0
+hiteman,13,2
+onaga,172,2
+shelbyville,2703,1
+pomaria,1590,1
+pinesdale,152,7
+lakeville,1279,3
+shelbyville,373,2
+tolstoy,630,3
+klickitat,320,11
+coffeen,489,2
+leonardo,1157,5
+wainscott,1128,4
+klickitat,1417,5
+beechwood,913,3
+shelbyville,334,12
+leonardo,488,4
+shelbyville,42,2
+marstons,1724,0
+lakeville,661,4
+pinesdale,42,5
+shelbyville,860,16
+hiteman,198,1
+beechwood,103,2
+shelbyville,879,3
+merom,632,1
+newfields,1088,8
+klickitat,2325,4
+leonardo,293,9
+marstons,1881,7
+hiteman,743,3
+newfields,738,0
+pomaria,1372,1
+tolstoy,906,1
+woodbine,504,9
+merom,310,9
+onaga,513,6
+klickitat,1734,2
+pomaria,1273,0
+stockman,289,1
+forkland,516,3
+hiteman,203,10
+hanson,909,4
+klickitat,658,1
+pinesdale,734,3
+stockman,998,4
+marstons,359,2
+shelbyville,703,0
+shelbyville,2779,2
+tolstoy,1594,1
+coffeen,442,4
+lakeville,194,6
+pomaria,1561,2
+tolstoy,497,4
+tolstoy,423,0
+newfields,619,0
+lindenwood,1029,1
+wainscott,1285,1
+cosmos,204,4
+woodbine,861,11
+shelbyville,1427,1
+hiteman,1089,1
+cosmos,473,2
+pomaria,188,3
+marstons,2293,7
+shelbyville,1474,0
+marstons,119,12
+klickitat,2081,10
+cosmos,728,0
+lindenwood,2281,5
+hanson,704,3
+tolstoy,618,1
+pinesdale,133,2
+klickitat,831,1
+shelbyville,615,1
+marstons,1796,0
+mifflinburg,511,6
+marstons,2654,0
+lakeville,744,3
+wainscott,1445,3
+beechwood,3,2
+lakeville,1218,2
+coffeen,1419,4
+lakeville,1071,1
+beechwood,1003,2
+hiteman,1854,1
+tolstoy,1103,6
+marstons,294,7
+shelbyville,1478,3
+cosmos,422,2
+pomaria,557,5
+woodbine,879,3
+wainscott,699,5
+benevolence,881,2
+coffeen,930,2
+beechwood,10,1
+hanson,1473,3
+pomaria,63,2
+pomaria,1479,5
+lindenwood,1860,5
+ranchester,1560,1
+tolstoy,969,0
+allensville,196,1
+cosmos,1005,0
+lakeville,1228,4
+klickitat,1097,2
+lindenwood,432,11
+hanson,729,1
+hanson,1152,2
+hanson,1302,2
+marstons,336,4
+forkland,329,2
+shelbyville,180,2
+coffeen,1443,0
+merom,1020,2
+forkland,570,3
+stockman,935,3
+marstons,1034,12
+newfields,1077,4
+lakeville,1475,1
+beechwood,1118,4
+hiteman,555,3
+shelbyville,1744,1
+leonardo,1166,1
+woodbine,1275,4
+ranchester,870,12
+merom,485,1
+coffeen,693,2
+marstons,2393,2
+wainscott,680,7
+leonardo,265,10
+lakeville,1155,10
+merom,763,3
+coffeen,1123,3
+klickitat,1412,0
+lakeville,0,2
+cosmos,245,2
+lindenwood,693,8
+ranchester,484,10
+mifflinburg,760,2
+lindenwood,2532,7
+hanson,251,4
+marstons,945,0
+klickitat,987,3
+shelbyville,2664,5
+klickitat,1500,1
+coffeen,686,2
+stockman,1269,4
+mifflinburg,876,4
+hiteman,769,4
+shelbyville,2746,6
+shelbyville,1901,7
+marstons,1164,13
+shelbyville,781,7
+pinesdale,484,3
+lakeville,1819,0
+tolstoy,179,1
+hiteman,158,6
+coffeen,411,0
+tolstoy,1095,1
+lindenwood,1922,1
+wainscott,636,3
+pinesdale,67,3
+pinesdale,105,2
+pinesdale,1446,4
+ranchester,497,1
+leonardo,1136,4
+leonardo,568,0
+beechwood,843,12
+klickitat,486,3
+marstons,1708,9
+hanson,837,2
+merom,552,0
+hanson,486,2
+tolstoy,1134,4
+woodbine,861,10
+ranchester,1052,7
+wainscott,38,6
+marstons,2332,6
+marstons,2655,1
+lindenwood,1297,3
+cosmos,479,8
+lindenwood,1648,6
+mifflinburg,101,6
+coffeen,706,0
+lakeville,538,3
+forkland,733,6
+cosmos,225,2
+cosmos,646,5
+klickitat,584,8
+lindenwood,97,4
+coffeen,1192,0
+wainscott,666,1
+hanson,1619,1
+marstons,2264,7
+pomaria,1143,4
+woodbine,315,7
+lindenwood,156,1
+pomaria,1601,12
+shelbyville,2537,10
+leonardo,186,1
+tolstoy,328,2
+stockman,912,14
+lakeville,287,0
+pomaria,1488,1
+coffeen,1244,5
+newfields,61,18
+wainscott,686,1
+lindenwood,755,2
+lindenwood,536,4
+shelbyville,1987,9
+newfields,940,3
+hanson,352,12
+woodbine,798,0
+stockman,1170,4
+benevolence,201,1
+pomaria,1222,11
+woodbine,280,3
+stockman,716,2
+shelbyville,333,1
+wainscott,986,4
+shelbyville,325,2
+lakeville,910,5
+stockman,671,8
+woodbine,1469,10
+marstons,1606,0
+beechwood,611,3
+woodbine,1763,10
+newfields,154,2
+lakeville,330,2
+newfields,522,1
+newfields,674,3
+hanson,146,2
+pinesdale,814,9
+pomaria,634,1
+mifflinburg,298,0
+woodbine,1746,0
+lindenwood,949,7
+hanson,1006,6
+tolstoy,630,8
+lindenwood,2472,14
+klickitat,1633,11
+marstons,326,1
+tolstoy,308,3
+klickitat,81,8
+lakeville,355,2
+lindenwood,2118,3
+pomaria,222,6
+lakeville,1136,2
+lindenwood,2117,7
+ranchester,1123,4
+newfields,292,2
+lindenwood,2536,4
+pomaria,927,7
+hiteman,1409,2
+lindenwood,614,2
+hanson,1287,0
+hanson,353,10
+pomaria,849,0
+onaga,173,0
+shelbyville,286,0
+tolstoy,528,6
+klickitat,1129,6
+pomaria,1411,0
+woodbine,627,1
+tolstoy,1414,4
+marstons,1325,8
+klickitat,842,0
+hanson,1530,2
+pomaria,1086,4
+ranchester,981,2
+coffeen,1463,3
+lakeville,1087,3
+wainscott,1593,5
+pinesdale,712,5
+woodbine,883,4
+lakeville,14,8
+klickitat,2175,0
+lakeville,510,5
+tolstoy,1302,5
+shelbyville,638,2
+klickitat,333,1
+pinesdale,578,3
+beechwood,864,0
+klickitat,1232,2
+pinesdale,454,12
+newfields,322,5
+tolstoy,523,2
+shelbyville,2478,0
+stockman,154,1
+cosmos,999,0
+marstons,2032,9
+hiteman,232,7
+klickitat,1932,2
+cosmos,487,5
+hiteman,1257,4
+newfields,821,7
+onaga,408,2
+klickitat,1217,0
+wainscott,925,15
+coffeen,797,1
+shelbyville,2720,17
+shelbyville,1213,3
+beechwood,1131,1
+shelbyville,1100,9
+klickitat,1922,11
+lindenwood,1755,1
+pomaria,773,0
+wainscott,1313,3
+tolstoy,439,0
+tolstoy,127,0
+ranchester,1200,4
+beechwood,1174,3
+hiteman,1479,3
+coffeen,967,4
+pinesdale,795,0
+lindenwood,147,0
+newfields,278,2
+forkland,1105,5
+cosmos,473,4
+pomaria,193,2
+benevolence,827,0
+wainscott,901,11
+woodbine,2012,5
+marstons,879,9
+shelbyville,1789,4
+marstons,753,3
+marstons,374,4
+shelbyville,2527,4
+shelbyville,1844,2
+marstons,1705,3
+allensville,282,0
+pomaria,1106,1
+shelbyville,385,3
+wainscott,185,3
+marstons,589,2
+shelbyville,2484,0
+shelbyville,1679,0
+lindenwood,814,13
+leonardo,372,3
+pomaria,1002,3
+pomaria,876,5
+marstons,778,2
+stockman,1401,5
+marstons,400,8
+marstons,2393,1
+hiteman,163,1
+shelbyville,1253,8
+beechwood,537,2
+coffeen,454,9
+lindenwood,123,1
+merom,748,4
+marstons,1226,5
+beechwood,679,1
+lindenwood,1066,0
+lakeville,908,1
+klickitat,1988,1
+woodbine,1508,3
+newfields,318,2
+cosmos,682,2
+marstons,175,9
+woodbine,900,1
+ranchester,807,4
+woodbine,1269,13
+stockman,1192,1
+klickitat,2231,8
+lakeville,1430,6
+lindenwood,951,8
+lakeville,689,4
+hiteman,754,4
+hiteman,1129,0
+allensville,398,3
+shelbyville,1084,3
+newfields,1539,3
+lindenwood,1970,1
+allensville,197,8
+klickitat,2179,8
+shelbyville,1133,2
+merom,243,5
+lakeville,1369,1
+lindenwood,2624,1
+tolstoy,167,1
+lindenwood,2319,0
+stockman,1508,2
+forkland,356,10
+tolstoy,1402,6
+onaga,366,3
+stockman,1210,0
+woodbine,1769,1
+marstons,2423,1
+woodbine,1599,0
+ranchester,651,5
+klickitat,2032,3
+shelbyville,2026,0
+klickitat,113,0
+hanson,774,4
+wainscott,1239,6
+woodbine,207,4
+shelbyville,2819,11
+hanson,1119,1
+pomaria,267,3
+hanson,1092,0
+benevolence,109,0
+ranchester,772,0
+ranchester,171,4
+klickitat,1885,3
+ranchester,916,3
+lakeville,603,7
+lakeville,948,10
+coffeen,314,1
+hanson,1405,1
+marstons,905,8
+forkland,1141,5
+cosmos,797,2
+ranchester,515,1
+coffeen,821,2
+shelbyville,1561,0
+tolstoy,274,6
+lakeville,772,4
+tolstoy,858,2
+leonardo,1682,2
+newfields,1582,0
+lindenwood,2031,3
+coffeen,649,4
+allensville,458,1
+marstons,2525,5
+stockman,945,3
+woodbine,1222,1
+newfields,989,4
+lakeville,763,7
+wainscott,1084,7
+woodbine,693,3
+tolstoy,1761,4
+lindenwood,1517,9
+hanson,1231,6
+marstons,1001,10
+coffeen,807,4
+marstons,766,4
+leonardo,342,1
+marstons,1839,6
+coffeen,358,0
+shelbyville,2281,3
+allensville,268,1
+coffeen,8,2
+forkland,743,0
+cosmos,773,0
+marstons,1455,14
+forkland,342,1
+lindenwood,1484,6
+coffeen,634,4
+shelbyville,1080,1
+beechwood,191,2
+leonardo,1062,2
+tolstoy,1047,0
+shelbyville,1311,2
+leonardo,371,2
+wainscott,610,1
+wainscott,1167,13
+shelbyville,584,0
+lakeville,1592,7
+hanson,799,1
+pinesdale,1235,9
+lindenwood,1932,5
+pinesdale,804,1
+stockman,776,1
+klickitat,1210,6
+pomaria,1492,4
+pomaria,119,8
+lindenwood,1588,2
+coffeen,1424,1
+klickitat,2073,0
+ranchester,128,2
+klickitat,2316,8
+beechwood,1089,6
+marstons,1816,0
+woodbine,949,2
+lindenwood,1385,9
+coffeen,1515,5
+klickitat,1131,2
+leonardo,1591,18
+klickitat,1271,6
+shelbyville,2403,1
+shelbyville,2396,2
+newfields,1108,2
+wainscott,418,3
+pomaria,249,3
+ranchester,71,2
+klickitat,1723,5
+merom,355,9
+pomaria,1326,13
+woodbine,99,4
+hiteman,469,2
+woodbine,335,2
+shelbyville,930,6
+woodbine,1788,4
+leonardo,1298,3
+shelbyville,2487,5
+hiteman,1545,3
+leonardo,881,2
+woodbine,1848,10
+mifflinburg,912,0
+beechwood,87,2
+ranchester,538,1
+lakeville,38,15
+newfields,42,10
+newfields,829,3
+lakeville,239,7
+lindenwood,628,3
+lindenwood,308,2
+coffeen,589,9
+klickitat,2208,10
+lakeville,910,2
+shelbyville,1783,0
+klickitat,848,3
+hiteman,818,1
+shelbyville,1966,3
+coffeen,193,1
+wainscott,1117,3
+klickitat,2184,0
+pomaria,848,2
+cosmos,767,0
+wainscott,1595,14
+pinesdale,1226,2
+tolstoy,1399,2
+pinesdale,1247,1
+shelbyville,293,0
+tolstoy,1595,1
+lindenwood,80,2
+woodbine,1280,8
+pomaria,873,1
+lakeville,1851,1
+newfields,142,3
+klickitat,1910,1
+hiteman,1782,2
+coffeen,246,1
+hiteman,1399,15
+newfields,1399,4
+pomaria,83,7
+leonardo,508,0
+forkland,643,2
+allensville,69,0
+klickitat,1297,2
+leonardo,132,0
+wainscott,409,0
+coffeen,75,3
+lindenwood,330,3
+hiteman,391,6
+wainscott,1634,0
+tolstoy,900,2
+pinesdale,1218,3
+newfields,189,0
+woodbine,1966,6
+newfields,1211,1
+shelbyville,946,11
+pinesdale,532,5
+lindenwood,2284,3
+forkland,1067,4
+ranchester,556,2
+lakeville,851,0
+hanson,597,3
+coffeen,1236,2
+hanson,1029,16
+woodbine,1108,5
+hanson,386,0
+lakeville,1225,8
+woodbine,768,3
+merom,369,0
+leonardo,148,8
+marstons,2104,2
+leonardo,699,10
+hanson,838,8
+coffeen,927,1
+tolstoy,844,2
+stockman,830,12
+newfields,117,0
+klickitat,2418,11
+mifflinburg,434,2
+klickitat,1470,3
+marstons,1092,0
+pomaria,1463,3
+wainscott,201,7
+coffeen,450,2
+shelbyville,2803,11
+lindenwood,70,1
+hanson,838,1
+klickitat,1303,10
+onaga,673,3
+lindenwood,1387,2
+newfields,856,2
+benevolence,615,0
+leonardo,1716,3
+hiteman,1212,11
+newfields,1256,1
+marstons,433,3
+marstons,1790,1
+pomaria,594,3
+cosmos,165,10
+klickitat,2138,4
+forkland,434,0
+woodbine,1588,1
+hiteman,1109,6
+wainscott,1285,4
+tolstoy,909,0
+ranchester,1520,3
+lindenwood,761,4
+marstons,2559,5
+hiteman,1358,6
+merom,1029,2
+shelbyville,901,2
+forkland,654,0
+stockman,27,1
+woodbine,1535,1
+shelbyville,1921,4
+leonardo,1130,1
+wainscott,162,3
+coffeen,126,1
+hanson,123,6
+pinesdale,1112,2
+ranchester,1208,12
+tolstoy,1659,9
+pinesdale,1306,1
+stockman,1257,10
+coffeen,1264,0
+newfields,248,2
+klickitat,805,9
+merom,1092,0
+tolstoy,1263,13
+lindenwood,2209,5
+lakeville,1347,5
+lindenwood,726,0
+hiteman,92,2
+stockman,1325,2
+onaga,331,0
+wainscott,465,2
+hiteman,158,7
+tolstoy,1568,5
+stockman,1450,1
+woodbine,443,0
+shelbyville,351,7
+mifflinburg,916,2
+woodbine,1443,11
+pomaria,931,0
+lindenwood,1633,0
+klickitat,1243,0
+ranchester,1614,4
+shelbyville,2291,0
+marstons,2541,4
+pomaria,1196,9
+benevolence,963,4
+benevolence,109,6
+mifflinburg,304,7
+shelbyville,76,3
+cosmos,907,4
+pomaria,1596,3
+onaga,368,4
+woodbine,94,8
+benevolence,781,6
+leonardo,441,1
+woodbine,393,9
+merom,77,0
+woodbine,1208,0
+allensville,246,4
+lindenwood,1033,1
+leonardo,1164,3
+stockman,169,2
+forkland,126,0
+coffeen,1491,6
+hiteman,1455,2
+klickitat,2155,0
+shelbyville,984,12
+allensville,225,2
+cosmos,162,9
+lakeville,1419,12
+merom,45,2
+forkland,60,2
+beechwood,843,7
+wainscott,407,1
+woodbine,369,10
+wainscott,1056,0
+hiteman,408,1
+pinesdale,726,8
+pomaria,212,0
+hanson,1446,15
+leonardo,2042,1
+lakeville,1670,8
+benevolence,322,8
+wainscott,620,5
+coffeen,1294,4
+klickitat,2251,1
+allensville,402,3
+leonardo,1572,11
+lindenwood,1810,4
+lakeville,275,5
+coffeen,914,1
+hiteman,1814,10
+lindenwood,86,12
+mifflinburg,29,4
+newfields,1400,10
+benevolence,639,1
+marstons,1201,0
+marstons,849,1
+leonardo,1423,4
+hanson,451,1
+lindenwood,424,4
+stockman,377,3
+klickitat,298,7
+klickitat,1660,3
+ranchester,530,1
+klickitat,2269,4
+stockman,83,14
+onaga,463,0
+shelbyville,40,1
+ranchester,582,4
+leonardo,200,6
+ranchester,899,6
+leonardo,886,11
+woodbine,1198,9
+lakeville,1739,9
+marstons,1828,6
+tolstoy,1473,14
+shelbyville,2206,0
+leonardo,2039,0
+marstons,366,0
+hiteman,1531,0
+lakeville,1074,1
+coffeen,502,2
+shelbyville,700,9
+marstons,2359,6
+shelbyville,1878,7
+beechwood,18,0
+tolstoy,1562,9
+tolstoy,300,10
+wainscott,436,7
+lindenwood,964,7
+stockman,1262,1
+forkland,1009,6
+klickitat,1435,1
+lindenwood,1744,2
+lakeville,1252,17
+allensville,8,4
+pomaria,1154,3
+stockman,287,9
+leonardo,299,0
+shelbyville,314,6
+newfields,999,7
+woodbine,2018,1
+merom,1099,0
+stockman,594,3
+coffeen,923,3
+hiteman,756,6
+shelbyville,1524,8
+lindenwood,2605,2
+klickitat,2050,5
+lindenwood,2418,1
+lindenwood,1850,12
+mifflinburg,863,1
+wainscott,678,5
+stockman,656,0
+marstons,320,9
+coffeen,263,4
+pinesdale,999,0
+hanson,1552,8
+stockman,777,1
+stockman,1605,0
+newfields,322,9
+shelbyville,964,0
+hiteman,908,5
+leonardo,337,2
+lindenwood,702,20
+klickitat,1703,2
+wainscott,177,12
+hiteman,619,5
+ranchester,1385,0
+ranchester,1597,1
+hiteman,488,2
+shelbyville,1271,6
+cosmos,177,4
+ranchester,1560,0
+marstons,733,8
+mifflinburg,674,9
+pomaria,1486,5
+tolstoy,1555,0
+marstons,2579,1
+woodbine,1565,3
+wainscott,178,0
+ranchester,1031,11
+hanson,1352,3
+marstons,2203,6
+marstons,2444,6
+lindenwood,1241,13
+wainscott,1183,3
+klickitat,194,2
+leonardo,2080,6
+klickitat,1762,2
+marstons,1176,1
+coffeen,250,4
+forkland,118,0
+lindenwood,876,0
+marstons,458,2
+merom,1057,0
+tolstoy,990,2
+woodbine,1415,0
+woodbine,558,6
+wainscott,1322,14
+tolstoy,1234,1
+ranchester,124,2
+onaga,666,3
+onaga,226,4
+lindenwood,2463,8
+beechwood,31,3
+marstons,1823,3
+shelbyville,2140,6
+tolstoy,1670,1
+stockman,876,2
+lakeville,210,2
+pinesdale,637,6
+marstons,1295,2
+klickitat,2335,4
+stockman,1075,1
+tolstoy,938,1
+newfields,107,3
+leonardo,766,11
+hanson,514,9
+marstons,697,3
+leonardo,1295,9
+pomaria,1299,16
+marstons,66,3
+wainscott,401,0
+woodbine,270,9
+hiteman,1798,2
+stockman,657,6
+pinesdale,1321,5
+lakeville,923,0
+wainscott,358,3
+mifflinburg,266,8
+lakeville,466,8
+leonardo,768,2
+cosmos,756,0
+tolstoy,330,4
+onaga,441,6
+klickitat,2285,14
+beechwood,435,5
+leonardo,1103,0
+shelbyville,170,0
+klickitat,1749,2
+lindenwood,663,8
+shelbyville,2180,3
+lakeville,567,3
+klickitat,1658,5
+cosmos,653,0
+lindenwood,179,6
+klickitat,521,0
+stockman,594,0
+lakeville,1112,2
+stockman,1537,2
+leonardo,1398,7
+lindenwood,125,3
+forkland,163,1
+shelbyville,685,13
+wainscott,34,1
+klickitat,1996,9
+wainscott,677,8
+pinesdale,1106,3
+woodbine,1539,1
+ranchester,570,3
+coffeen,1373,6
+lindenwood,620,7
+beechwood,357,0
+newfields,1072,6
+hanson,713,3
+lindenwood,2338,4
+benevolence,671,8
+lindenwood,33,8
+allensville,72,1
+hiteman,1737,6
+lindenwood,431,2
+onaga,535,3
+lakeville,957,2
+pinesdale,1214,8
+klickitat,157,8
+woodbine,1995,1
+beechwood,584,1
+marstons,267,5
+hanson,1613,0
+hiteman,402,0
+hiteman,25,4
+lindenwood,45,3
+lindenwood,1582,7
+leonardo,768,5
+tolstoy,88,15
+leonardo,949,1
+marstons,400,11
+tolstoy,545,1
+merom,690,5
+pinesdale,140,0
+newfields,1289,3
+marstons,1327,10
+cosmos,465,11
+hanson,256,2
+leonardo,170,11
+cosmos,52,2
+onaga,194,2
+marstons,2600,2
+hanson,1570,16
+stockman,1080,1
+merom,961,2
+newfields,640,5
+forkland,84,1
+hiteman,201,9
+pomaria,1475,14
+lindenwood,1616,15
+hanson,226,0
+lakeville,989,0
+hanson,144,3
+forkland,1160,0
+leonardo,1050,7
+lindenwood,1876,6
+shelbyville,1074,1
+pomaria,736,0
+klickitat,1232,5
+ranchester,515,0
+woodbine,1070,1
+lindenwood,2626,7
+lakeville,265,2
+lindenwood,1362,2
+pomaria,1651,5
+woodbine,633,7
+newfields,734,4
+shelbyville,1026,4
+marstons,164,0
+woodbine,673,0
+pomaria,1378,4
+hanson,518,5
+klickitat,192,6
+lindenwood,2546,5
+leonardo,1036,9
+shelbyville,2708,5
+leonardo,1926,0
+beechwood,70,4
+lindenwood,2163,1
+pinesdale,946,0
+pinesdale,731,6
+newfields,558,13
+pomaria,602,7
+leonardo,514,5
+lindenwood,1268,15
+klickitat,1648,0
+woodbine,1039,2
+pinesdale,411,0
+lindenwood,1134,8
+shelbyville,2077,11
+shelbyville,870,0
+lindenwood,2557,15
+onaga,163,2
+marstons,2199,3
+pinesdale,1411,2
+shelbyville,2469,2
+pinesdale,377,0
+hanson,15,3
+klickitat,1069,5
+hiteman,1839,2
+woodbine,108,2
+stockman,1158,1
+woodbine,1877,9
+tolstoy,333,1
+shelbyville,1254,0
+mifflinburg,175,2
+cosmos,404,2
+shelbyville,121,5
+klickitat,1425,2
+mifflinburg,366,1
+marstons,1681,7
+hiteman,848,4
+pomaria,223,5
+lakeville,1547,0
+cosmos,971,2
+woodbine,1697,2
+pinesdale,754,6
+allensville,498,3
+lakeville,148,6
+forkland,360,2
+woodbine,779,7
+klickitat,260,8
+lakeville,166,1
+cosmos,374,1
+beechwood,291,0
+klickitat,1881,9
+hiteman,1346,6
+beechwood,594,5
+marstons,1299,0
+woodbine,239,13
+forkland,653,2
+tolstoy,1809,0
+lindenwood,981,2
+lakeville,52,0
+coffeen,102,2
+ranchester,815,5
+shelbyville,1970,2
+woodbine,324,1
+stockman,1368,1
+lindenwood,2270,2
+lindenwood,2137,3
+klickitat,1106,12
+hiteman,1641,3
+tolstoy,225,2
+mifflinburg,272,1
+pomaria,1482,4
+hanson,804,5
+lindenwood,974,5
+shelbyville,1667,3
+lakeville,517,5
+beechwood,779,3
+lindenwood,2215,9
+wainscott,134,6
+pomaria,1658,0
+pomaria,1390,1
+hiteman,1645,5
+woodbine,924,4
+hanson,1366,9
+cosmos,537,4
+ranchester,1359,11
+woodbine,1733,4
+marstons,296,0
+tolstoy,1031,1
+tolstoy,304,8
+benevolence,206,4
+lakeville,901,1
+hanson,647,1
+forkland,1024,2
+hiteman,1464,6
+lakeville,1014,1
+marstons,2392,0
+tolstoy,1195,1
+newfields,789,3
+onaga,431,7
+shelbyville,691,2
+lakeville,515,8
+pomaria,5,0
+pomaria,101,3
+benevolence,456,0
+coffeen,935,0
+tolstoy,76,6
+klickitat,1763,1
+beechwood,965,3
+hanson,293,0
+cosmos,640,10
+klickitat,1775,9
+wainscott,1698,8
+beechwood,586,1
+woodbine,1307,1
+coffeen,25,0
+marstons,2319,3
+hiteman,136,8
+allensville,390,0
+pomaria,794,0
+leonardo,1473,10
+shelbyville,2785,4
+leonardo,766,14
+stockman,104,1
+ranchester,327,3
+shelbyville,348,0
+tolstoy,135,0
+merom,1024,0
+coffeen,1502,2
+lakeville,675,2
+pomaria,181,2
+coffeen,7,4
+beechwood,183,0
+cosmos,331,2
+lindenwood,279,5
+woodbine,994,0
+mifflinburg,728,0
+shelbyville,1991,2
+lindenwood,1806,2
+marstons,2391,2
+lakeville,912,3
+wainscott,1228,4
+lakeville,1010,11
+cosmos,890,3
+woodbine,986,6
+hanson,54,1
+newfields,651,0
+marstons,1228,1
+newfields,268,6
+pinesdale,1263,3
+klickitat,2340,9
+marstons,1157,1
+wainscott,1421,10
+lakeville,690,1
+wainscott,1201,12
+hanson,1261,0
+merom,513,0
+beechwood,842,3
+klickitat,503,16
+allensville,394,6
+woodbine,812,6
+woodbine,1710,1
+shelbyville,2612,3
+tolstoy,414,0
+mifflinburg,273,4
+marstons,859,10
+hiteman,1767,11
+cosmos,383,0
+shelbyville,1417,5
+ranchester,947,8
+hanson,340,9
+lindenwood,383,7
+shelbyville,2141,0
+cosmos,111,0
+lindenwood,1115,1
+newfields,1052,0
+lakeville,913,1
+wainscott,1661,1
+coffeen,1435,2
+cosmos,620,9
+hiteman,861,4
+tolstoy,888,2
+benevolence,813,1
+lakeville,1741,9
+lakeville,1127,6
+woodbine,1535,8
+beechwood,961,11
+ranchester,1304,2
+hanson,1570,5
+pomaria,571,7
+pinesdale,194,2
+pinesdale,578,7
+leonardo,509,5
+merom,543,3
+beechwood,73,5
+lindenwood,449,6
+newfields,208,2
+leonardo,1977,4
+wainscott,970,11
+klickitat,1964,0
+newfields,1496,1
+woodbine,1394,3
+shelbyville,370,5
+klickitat,2057,4
+klickitat,2038,1
+tolstoy,1226,0
+onaga,192,0
+leonardo,1781,3
+ranchester,1162,10
+wainscott,1710,13
+coffeen,681,0
+leonardo,762,8
+wainscott,551,0
+shelbyville,2528,3
+hanson,1018,1
+onaga,282,1
+lakeville,533,3
+hiteman,179,4
+lakeville,1231,7
+lindenwood,1677,0
+tolstoy,971,8
+lakeville,228,0
+shelbyville,621,9
+beechwood,544,0
+hiteman,1506,3
+klickitat,1437,12
+beechwood,227,0
+wainscott,99,1
+lakeville,1389,8
+marstons,2425,0
+mifflinburg,394,5
+pomaria,1201,4
+lindenwood,2343,1
+stockman,284,4
+leonardo,896,3
+marstons,116,0
+shelbyville,1100,8
+hiteman,1064,0
+newfields,1179,4
+pinesdale,48,5
+ranchester,541,0
+lindenwood,1123,6
+wainscott,827,0
+marstons,260,5
+hanson,1234,1
+lindenwood,2103,0
+tolstoy,1381,0
+merom,1047,2
+stockman,287,12
+beechwood,676,4
+onaga,269,0
+ranchester,501,4
+ranchester,639,0
+leonardo,1354,3
+leonardo,1269,1
+marstons,2031,2
+cosmos,679,6
+hiteman,323,3
+beechwood,410,3
+woodbine,280,5
+pomaria,1136,8
+shelbyville,535,0
+klickitat,2238,0
+lakeville,339,3
+pomaria,1437,9
+marstons,17,7
+hanson,367,6
+merom,974,2
+tolstoy,769,0
+tolstoy,1725,1
+newfields,849,5
+shelbyville,1645,15
+pomaria,1281,8
+lindenwood,733,5
+stockman,1569,9
+hiteman,1235,3
+tolstoy,1629,7
+pinesdale,762,1
+wainscott,1277,0
+beechwood,191,1
+newfields,728,1
+pinesdale,1238,0
+tolstoy,643,6
+ranchester,689,0
+marstons,1108,0
+klickitat,1426,9
+woodbine,1505,7
+lindenwood,71,2
+wainscott,1679,4
+onaga,321,2
+ranchester,1508,16
+leonardo,1219,8
+coffeen,620,2
+lindenwood,704,2
+newfields,1074,5
+allensville,377,1
+shelbyville,310,2
+newfields,417,13
+beechwood,321,4
+hanson,106,14
+klickitat,2068,5
+leonardo,531,11
+klickitat,1898,2
+forkland,838,4
+marstons,1068,5
+newfields,1134,0
+hiteman,232,5
+klickitat,2052,4
+onaga,228,1
+leonardo,1852,1
+newfields,947,4
+lakeville,25,2
+mifflinburg,960,1
+woodbine,84,2
+hiteman,1598,3
+coffeen,931,2
+pomaria,1228,0
+klickitat,819,4
+klickitat,1306,1
+lindenwood,2448,0
+klickitat,102,3
+newfields,355,6
+shelbyville,2363,4
+coffeen,601,0
+hiteman,1549,5
+hanson,702,0
+tolstoy,854,4
+leonardo,606,3
+klickitat,885,1
+marstons,1434,2
+benevolence,253,11
+ranchester,307,11
+klickitat,1842,7
+hiteman,875,4
+klickitat,187,5
+stockman,1304,4
+klickitat,2031,2
+lindenwood,920,11
+lakeville,1515,3
+tolstoy,33,0
+leonardo,678,8
+hiteman,1478,2
+newfields,905,3
+shelbyville,1276,8
+woodbine,1604,2
+hiteman,376,13
+klickitat,1356,9
+woodbine,944,3
+stockman,582,0
+pinesdale,674,0
+hiteman,196,4
+marstons,928,0
+klickitat,853,7
+wainscott,618,0
+marstons,307,11
+newfields,975,2
+marstons,873,2
+shelbyville,2457,5
+coffeen,475,1
+shelbyville,2761,15
+onaga,40,1
+lakeville,447,8
+stockman,484,7
+ranchester,231,4
+shelbyville,2538,4
+hiteman,1776,2
+cosmos,1028,3
+hiteman,1230,1
+hanson,348,5
+tolstoy,1063,4
+leonardo,1077,5
+tolstoy,335,1
+lindenwood,668,11
+newfields,1118,2
+hiteman,770,17
+tolstoy,1509,2
+pomaria,542,6
+leonardo,1960,3
+leonardo,1774,0
+wainscott,99,14
+pinesdale,1384,2
+lindenwood,2443,1
+lakeville,1738,2
+ranchester,1220,0
+stockman,1115,2
+lakeville,876,7
+leonardo,1713,5
+lindenwood,1093,7
+klickitat,859,5
+marstons,1641,2
+coffeen,985,3
+pinesdale,618,3
+leonardo,15,4
+tolstoy,566,9
+pomaria,264,5
+lakeville,143,3
+lindenwood,2208,2
+marstons,2221,7
+ranchester,524,8
+lindenwood,1528,0
+woodbine,1999,7
+shelbyville,174,2
+newfields,162,6
+lindenwood,451,0
+leonardo,321,2
+pomaria,1608,5
+woodbine,1669,1
+cosmos,645,5
+newfields,1246,5
+leonardo,902,2
+wainscott,248,9
+pinesdale,1465,3
+shelbyville,2747,3
+forkland,784,6
+beechwood,113,2
+ranchester,859,0
+hiteman,212,2
+lakeville,1304,4
+wainscott,847,7
+stockman,196,3
+lakeville,416,7
+cosmos,1011,7
+stockman,36,1
+lakeville,1866,1
+onaga,671,5
+hanson,1050,10
+shelbyville,2769,3
+pomaria,626,7
+hiteman,63,10
+pinesdale,356,1
+ranchester,1502,8
+marstons,1786,0
+shelbyville,569,2
+hiteman,153,2
+pinesdale,572,10
+klickitat,2083,0
+shelbyville,850,3
+tolstoy,1670,6
+marstons,1736,2
+shelbyville,91,4
+woodbine,2017,2
+beechwood,623,2
+marstons,1593,2
+marstons,615,9
+shelbyville,1951,4
+ranchester,498,5
+pomaria,598,0
+hiteman,223,5
+marstons,1138,5
+tolstoy,1029,1
+lindenwood,2474,5
+hiteman,748,2
+onaga,530,2
+leonardo,814,0
+coffeen,235,0
+wainscott,940,3
+lakeville,1601,1
+leonardo,1540,2
+klickitat,1817,5
+lindenwood,1643,2
+shelbyville,2627,3
+klickitat,1784,8
+pomaria,1444,0
+pomaria,1504,0
+newfields,993,4
+onaga,221,3
+shelbyville,2334,0
+pinesdale,935,7
+onaga,68,7
+pinesdale,978,0
+hiteman,1560,3
+lindenwood,361,12
+leonardo,906,4
+woodbine,1023,5
+lakeville,1551,7
+shelbyville,364,2
+newfields,1040,3
+shelbyville,1628,5
+shelbyville,2589,8
+lakeville,1400,5
+newfields,188,0
+lindenwood,2157,3
+leonardo,228,2
+leonardo,1630,5
+coffeen,470,0
+marstons,1364,3
+lindenwood,1809,4
+allensville,260,2
+klickitat,1939,2
+wainscott,1367,6
+newfields,1023,4
+marstons,1185,0
+stockman,1600,1
+klickitat,1926,2
+lindenwood,349,4
+merom,35,0
+ranchester,400,6
+onaga,375,2
+shelbyville,2707,7
+hanson,793,7
+lakeville,1313,3
+newfields,0,7
+stockman,1238,3
+shelbyville,2480,1
+hanson,490,2
+tolstoy,807,10
+tolstoy,1506,4
+newfields,70,4
+woodbine,109,10
+lindenwood,1715,3
+leonardo,520,4
+shelbyville,2799,11
+woodbine,266,7
+merom,157,3
+shelbyville,1616,4
+ranchester,343,0
+lindenwood,362,3
+klickitat,1937,4
+coffeen,447,2
+tolstoy,1236,0
+wainscott,1205,10
+ranchester,1328,2
+tolstoy,1651,2
+ranchester,1433,11
+newfields,559,6
+wainscott,204,3
+newfields,395,2
+lakeville,403,0
+shelbyville,2339,5
+shelbyville,1306,7
+ranchester,1195,0
+woodbine,797,1
+shelbyville,2349,0
+woodbine,593,3
+allensville,404,1
+pomaria,1368,2
+lakeville,342,2
+leonardo,615,11
+pinesdale,300,1
+beechwood,100,2
+pinesdale,79,3
+shelbyville,2000,1
+leonardo,1022,5
+shelbyville,935,2
+lindenwood,1547,2
+klickitat,2255,5
+marstons,2081,0
+tolstoy,794,10
+marstons,2357,0
+wainscott,769,4
+klickitat,2351,3
+lindenwood,563,1
+lindenwood,2525,6
+marstons,2256,6
+klickitat,1137,3
+marstons,322,1
+leonardo,1411,0
+forkland,1116,4
+hanson,133,9
+marstons,1876,3
+coffeen,116,5
+wainscott,1790,6
+shelbyville,1110,0
+lindenwood,1012,5
+beechwood,99,3
+shelbyville,2232,2
+lakeville,780,4
+pomaria,602,0
+marstons,760,1
+wainscott,1352,12
+wainscott,603,5
+leonardo,2035,7
+lindenwood,599,14
+marstons,107,6
+cosmos,177,1
+marstons,1080,13
+shelbyville,1120,6
+newfields,48,10
+cosmos,510,3
+lindenwood,1919,1
+wainscott,1422,2
+forkland,229,0
+hiteman,389,12
+merom,344,1
+klickitat,2082,0
+klickitat,800,8
+wainscott,920,4
+leonardo,1523,0
+shelbyville,1830,9
+marstons,1772,2
+pomaria,798,9
+lindenwood,874,0
+benevolence,460,1
+forkland,395,0
+coffeen,1126,7
+woodbine,489,2
+klickitat,2309,9
+hiteman,227,2
+cosmos,313,8
+woodbine,1202,9
+woodbine,1339,1
+lindenwood,2583,0
+benevolence,248,9
+hanson,1250,2
+ranchester,359,1
+shelbyville,2471,12
+cosmos,180,0
+woodbine,606,2
+pomaria,675,8
+ranchester,696,4
+lindenwood,699,1
+newfields,718,0
+beechwood,937,3
+leonardo,1397,6
+woodbine,432,9
+pomaria,343,1
+woodbine,1473,3
+shelbyville,294,2
+leonardo,1411,14
+klickitat,726,1
+mifflinburg,631,0
+lindenwood,2275,4
+hiteman,1631,7
+ranchester,305,6
+newfields,341,3
+hiteman,222,3
+hiteman,1323,15
+tolstoy,792,2
+pinesdale,365,2
+newfields,70,0
+pomaria,1281,3
+pomaria,447,2
+woodbine,1779,0
+newfields,372,0
+lindenwood,2127,1
+klickitat,2037,1
+woodbine,1365,0
+marstons,1013,2
+klickitat,195,5
+lindenwood,727,6
+lindenwood,1649,3
+klickitat,2136,0
+stockman,1198,1
+woodbine,587,2
+marstons,1293,5
+klickitat,468,6
+pomaria,1556,8
+marstons,664,1
+pinesdale,1180,2
+pinesdale,1353,6
+ranchester,1526,7
+mifflinburg,131,4
+shelbyville,1519,14
+klickitat,302,3
+lindenwood,435,3
+klickitat,199,3
+wainscott,584,5
+merom,1056,6
+leonardo,112,5
+pomaria,1533,4
+forkland,516,0
+marstons,1000,6
+stockman,1484,8
+merom,968,1
+woodbine,1017,5
+lakeville,1578,1
+newfields,902,6
+mifflinburg,141,5
+marstons,33,16
+lakeville,2,5
+pomaria,843,2
+woodbine,1197,2
+stockman,1157,0
+woodbine,1337,2
+marstons,2614,12
+cosmos,233,8
+ranchester,527,4
+klickitat,303,3
+mifflinburg,968,13
+marstons,1335,3
+hanson,1485,3
+ranchester,1413,11
+shelbyville,1170,1
+wainscott,683,9
+marstons,2268,0
+woodbine,1667,8
+forkland,660,2
+merom,532,3
+wainscott,1387,11
+ranchester,1392,3
+newfields,631,11
+ranchester,164,1
+wainscott,621,7
+cosmos,25,3
+pinesdale,1325,1
+wainscott,1751,1
+marstons,1432,5
+hanson,1178,0
+shelbyville,946,14
+stockman,1258,1
+leonardo,882,6
+mifflinburg,94,3
+woodbine,1398,7
+newfields,119,2
+tolstoy,1767,10
+leonardo,1473,9
+marstons,259,9
+woodbine,135,0
+cosmos,1043,3
+klickitat,553,0
+hiteman,276,6
+lindenwood,81,3
+shelbyville,1754,0
+coffeen,673,6
+klickitat,1444,6
+hiteman,214,2
+marstons,804,3
+marstons,927,1
+pomaria,287,12
+pinesdale,1282,5
+newfields,815,5
+newfields,44,5
+coffeen,1391,1
+marstons,1743,8
+forkland,196,5
+beechwood,840,9
+shelbyville,2630,3
+lakeville,1446,2
+pomaria,1161,2
+marstons,2388,11
+shelbyville,1184,4
+shelbyville,2108,5
+merom,811,7
+tolstoy,10,3
+woodbine,322,2
+cosmos,876,8
+allensville,318,8
+hiteman,1836,3
+marstons,116,3
+benevolence,221,1
+wainscott,865,3
+beechwood,287,0
+klickitat,772,1
+lindenwood,965,1
+lindenwood,1401,4
+mifflinburg,204,0
+klickitat,1519,5
+lindenwood,2090,3
+wainscott,92,12
+allensville,392,2
+wainscott,1590,2
+pomaria,1005,4
+stockman,1188,0
+stockman,1483,5
+marstons,1898,0
+lindenwood,1,4
+shelbyville,170,13
+marstons,859,12
+mifflinburg,31,1
+mifflinburg,374,0
+pomaria,1544,0
+hanson,128,7
+forkland,237,0
+shelbyville,1268,1
+leonardo,822,1
+tolstoy,942,2
+leonardo,1922,3
+cosmos,561,8
+hanson,1131,1
+wainscott,1689,4
+lakeville,1775,9
+leonardo,10,3
+wainscott,816,7
+marstons,1575,4
+coffeen,664,3
+hanson,869,0
+hiteman,1509,7
+lindenwood,177,3
+klickitat,866,2
+ranchester,1638,1
+hanson,697,2
+stockman,694,10
+ranchester,851,2
+hiteman,647,3
+cosmos,611,2
+klickitat,245,10
+marstons,1953,1
+lakeville,1572,4
+marstons,2407,11
+lindenwood,2346,5
+lindenwood,2171,0
+newfields,417,7
+marstons,1620,4
+ranchester,955,10
+beechwood,699,3
+tolstoy,1234,8
+pomaria,792,1
+stockman,326,5
+lindenwood,1861,8
+cosmos,143,2
+hiteman,310,3
+ranchester,154,0
+marstons,1086,0
+stockman,387,4
+shelbyville,672,3
+stockman,1069,4
+tolstoy,632,4
+woodbine,21,18
+beechwood,589,1
+ranchester,276,2
+hanson,706,5
+klickitat,917,0
+hanson,1518,0
+pinesdale,1504,7
+cosmos,149,4
+klickitat,2127,6
+ranchester,840,8
+cosmos,899,4
+merom,974,8
+newfields,548,3
+woodbine,1175,8
+klickitat,1630,6
+shelbyville,807,1
+ranchester,10,0
+klickitat,147,7
+marstons,2527,0
+leonardo,795,7
+lindenwood,291,6
+stockman,1441,2
+forkland,958,2
+woodbine,603,3
+beechwood,1148,6
+marstons,808,0
+shelbyville,2618,2
+shelbyville,1332,3
+marstons,367,0
+stockman,599,2
+pomaria,347,3
+woodbine,213,1
+merom,648,0
+woodbine,1147,1
+klickitat,437,1
+tolstoy,797,6
+hiteman,13,6
+ranchester,850,3
+marstons,832,3
+shelbyville,966,5
+lakeville,834,6
+marstons,2123,8
+mifflinburg,590,2
+lakeville,725,0
+marstons,872,2
+pomaria,599,11
+hiteman,818,6
+wainscott,874,7
+cosmos,102,2
+mifflinburg,419,4
+shelbyville,2288,7
+lindenwood,1648,1
+hanson,623,3
+stockman,1134,3
+shelbyville,679,5
+woodbine,1528,2
+hanson,209,14
+stockman,192,5
+coffeen,264,6
+leonardo,1037,2
+lindenwood,1852,0
+lakeville,1094,0
+ranchester,1213,4
+leonardo,1848,5
+marstons,1276,0
+klickitat,1510,3
+klickitat,370,6
+pinesdale,750,7
+wainscott,1452,10
+hiteman,1262,4
+cosmos,464,10
+woodbine,1480,7
+wainscott,1653,3
+lindenwood,1362,4
+newfields,919,0
+marstons,2273,7
+wainscott,322,0
+mifflinburg,895,1
+lakeville,574,3
+ranchester,1205,3
+pinesdale,1401,0
+shelbyville,735,2
+marstons,2076,1
+benevolence,592,0
+allensville,143,2
+merom,1105,11
+klickitat,1408,0
+shelbyville,511,7
+pomaria,1321,4
+shelbyville,144,8
+onaga,74,7
+marstons,1808,6
+merom,628,4
+leonardo,1830,3
+newfields,1605,5
+wainscott,174,3
+stockman,938,3
+pinesdale,464,7
+marstons,792,7
+woodbine,1165,4
+marstons,2277,3
+benevolence,438,2
+lindenwood,719,6
+coffeen,808,5
+newfields,796,3
+lindenwood,1114,4
+klickitat,1029,3
+pinesdale,408,4
+mifflinburg,59,1
+lindenwood,328,13
+forkland,27,2
+pinesdale,387,3
+shelbyville,2490,0
+allensville,138,0
+hanson,885,1
+lindenwood,118,6
+hiteman,1197,1
+ranchester,217,2
+hanson,1417,7
+klickitat,1225,6
+newfields,222,7
+pomaria,247,4
+forkland,172,2
+shelbyville,83,3
+newfields,1659,1
+shelbyville,90,1
+pomaria,454,2
+wainscott,1105,3
+tolstoy,976,0
+newfields,840,1
+lindenwood,400,4
+woodbine,78,0
+wainscott,997,0
+wainscott,1538,0
+lindenwood,1276,5
+pinesdale,952,0
+cosmos,964,2
+tolstoy,1254,5
+klickitat,2178,1
+wainscott,920,9
+marstons,352,6
+coffeen,742,2
+shelbyville,1003,3
+woodbine,486,2
+pomaria,1307,2
+allensville,401,0
+tolstoy,410,6
+ranchester,1363,5
+allensville,280,4
+leonardo,747,1
+shelbyville,504,0
+shelbyville,1400,7
+ranchester,359,0
+lindenwood,1357,4
+leonardo,530,20
+shelbyville,533,9
+beechwood,460,4
+stockman,745,4
+lakeville,1029,0
+marstons,2452,0
+lindenwood,1991,8
+pomaria,587,4
+merom,787,4
+hanson,1572,2
+forkland,463,2
+klickitat,988,1
+newfields,1357,1
+lakeville,1337,2
+mifflinburg,84,1
+wainscott,1182,6
+lindenwood,2571,9
+hanson,89,16
+ranchester,1377,14
+lakeville,396,1
+newfields,1328,0
+shelbyville,417,3
+marstons,1119,2
+lindenwood,1722,2
+allensville,366,1
+marstons,841,5
+mifflinburg,871,0
+lindenwood,2035,1
+wainscott,1174,13
+marstons,2509,3
+marstons,881,7
+lakeville,1586,4
+beechwood,1052,0
+wainscott,1729,2
+pinesdale,436,5
+coffeen,142,5
+leonardo,1608,12
+leonardo,1735,2
+beechwood,361,1
+wainscott,109,5
+newfields,1546,4
+beechwood,40,0
+wainscott,1086,2
+leonardo,138,0
+lakeville,2,9
+lakeville,1850,3
+woodbine,351,4
+hiteman,622,0
+marstons,785,0
+tolstoy,1371,1
+klickitat,1394,11
+woodbine,1419,2
+forkland,780,2
+newfields,1422,2
+onaga,127,4
+leonardo,635,4
+lindenwood,1635,1
+woodbine,1966,9
+shelbyville,2145,4
+marstons,1180,2
+merom,866,1
+marstons,920,0
+wainscott,675,4
+hanson,354,0
+hiteman,834,3
+tolstoy,1060,7
+leonardo,1654,0
+newfields,1109,10
+klickitat,1902,2
+coffeen,795,2
+ranchester,1223,10
+marstons,866,1
+newfields,139,3
+coffeen,935,2
+wainscott,1132,5
+marstons,172,1
+shelbyville,472,2
+coffeen,883,0
+marstons,357,0
+beechwood,1032,4
+lakeville,1024,5
+mifflinburg,854,1
+tolstoy,1743,7
+coffeen,1104,7
+hiteman,1310,3
+klickitat,1840,2
+marstons,2476,1
+pinesdale,1080,5
+hiteman,896,10
+coffeen,644,0
+shelbyville,840,0
+lakeville,1557,4
+klickitat,66,6
+shelbyville,1151,5
+hiteman,3,0
+shelbyville,2586,1
+merom,793,4
+hanson,53,2
+woodbine,814,1
+leonardo,1335,4
+hanson,144,5
+hanson,1182,3
+lindenwood,1314,8
+pinesdale,1493,1
+hiteman,212,6
+marstons,287,0
+onaga,508,2
+shelbyville,2631,2
+onaga,462,1
+klickitat,2164,9
+klickitat,1379,1
+wainscott,476,0
+pomaria,415,3
+ranchester,1089,2
+lakeville,253,2
+merom,185,4
+pinesdale,1092,9
+lakeville,1766,1
+lindenwood,67,7
+klickitat,2251,0
+marstons,252,11
+newfields,497,11
+marstons,1577,10
+ranchester,1067,3
+lindenwood,141,2
+leonardo,1251,1
+shelbyville,1308,8
+newfields,886,1
+newfields,923,1
+marstons,1920,14
+pinesdale,1131,2
+pinesdale,56,2
+pomaria,1130,2
+hiteman,737,1
+ranchester,835,0
+marstons,1447,0
+newfields,988,10
+forkland,333,6
+marstons,1303,1
+stockman,1364,2
+stockman,75,3
+leonardo,12,0
+lakeville,1801,0
+leonardo,1715,2
+ranchester,55,2
+klickitat,426,10
+woodbine,1175,12
+wainscott,811,7
+hanson,1110,10
+pomaria,909,6
+hanson,1188,4
+shelbyville,22,8
+lakeville,530,7
+beechwood,40,2
+cosmos,818,3
+lindenwood,660,1
+cosmos,350,7
+wainscott,1176,1
+stockman,1133,3
+wainscott,1706,6
+newfields,508,6
+marstons,946,1
+hanson,1230,9
+tolstoy,425,0
+woodbine,754,0
+pinesdale,573,13
+woodbine,317,5
+shelbyville,1974,3
+newfields,1457,1
+klickitat,1187,8
+forkland,1192,1
+newfields,531,4
+marstons,587,2
+tolstoy,1067,2
+newfields,1584,3
+forkland,1143,0
+klickitat,2212,2
+marstons,312,0
+cosmos,141,1
+tolstoy,1551,1
+marstons,2131,3
+shelbyville,1939,8
+beechwood,261,3
+coffeen,97,1
+tolstoy,887,2
+stockman,257,2
+wainscott,1374,2
+stockman,1517,0
+leonardo,656,6
+shelbyville,2535,1
+tolstoy,1394,5
+wainscott,972,3
+merom,687,1
+shelbyville,2465,3
+marstons,64,6
+tolstoy,1082,4
+tolstoy,1437,3
+leonardo,153,9
+hiteman,414,1
+pinesdale,482,1
+stockman,1194,1
+lindenwood,2314,6
+woodbine,144,2
+klickitat,1110,4
+shelbyville,1814,0
+lindenwood,535,4
+forkland,661,2
+tolstoy,981,6
+marstons,2395,0
+lakeville,1516,11
+hanson,1410,4
+klickitat,348,2
+merom,191,3
+hanson,1094,5
+stockman,555,0
+forkland,728,1
+shelbyville,2695,2
+lindenwood,2479,2
+klickitat,1238,5
+merom,912,0
+shelbyville,1023,0
+hanson,1253,3
+coffeen,1508,3
+ranchester,712,8
+pomaria,1560,19
+leonardo,447,12
+lindenwood,1934,11
+woodbine,2042,7
+leonardo,1392,4
+lindenwood,2393,11
+coffeen,443,1
+pomaria,1428,2
+newfields,1618,9
+lakeville,811,13
+shelbyville,701,3
+lindenwood,685,7
+klickitat,1554,5
+marstons,814,1
+lindenwood,93,0
+hanson,796,1
+ranchester,1150,14
+lindenwood,2157,1
+woodbine,1157,3
+leonardo,1628,4
+hanson,1505,0
+newfields,1430,2
+forkland,907,6
+shelbyville,1149,4
+lakeville,74,13
+newfields,1524,1
+leonardo,1204,0
+pomaria,1564,3
+hiteman,1237,2
+newfields,1582,3
+pinesdale,1307,8
+klickitat,274,13
+woodbine,41,11
+stockman,437,4
+klickitat,1567,8
+lakeville,1560,2
+marstons,1440,7
+leonardo,957,13
+leonardo,1499,2
+forkland,233,0
+cosmos,485,1
+leonardo,1709,2
+pomaria,1398,4
+shelbyville,372,3
+shelbyville,313,0
+marstons,2258,0
+pinesdale,542,1
+lakeville,1529,6
+coffeen,1148,5
+benevolence,306,0
+cosmos,384,4
+wainscott,622,1
+klickitat,2280,2
+woodbine,122,1
+onaga,581,4
+wainscott,1462,11
+merom,360,13
+marstons,2489,1
+leonardo,852,9
+pinesdale,761,1
+coffeen,1414,2
+shelbyville,257,2
+lakeville,282,1
+tolstoy,940,6
+ranchester,358,7
+forkland,511,5
+ranchester,1415,10
+tolstoy,1786,3
+lakeville,119,3
+marstons,566,2
+newfields,129,4
+marstons,1894,2
+tolstoy,36,2
+hiteman,547,4
+lakeville,714,2
+pinesdale,1307,15
+pomaria,129,10
+ranchester,659,1
+onaga,170,4
+coffeen,219,2
+leonardo,2032,3
+newfields,1168,7
+wainscott,901,3
+ranchester,715,9
+tolstoy,1099,0
+woodbine,1566,3
+tolstoy,1605,1
+shelbyville,2107,4
+newfields,1427,6
+hanson,1265,1
+marstons,2191,2
+leonardo,2066,3
+beechwood,715,0
+hiteman,155,1
+woodbine,1943,2
+pinesdale,466,4
+lindenwood,494,10
+woodbine,2042,10
+pinesdale,149,0
+woodbine,728,3
+beechwood,659,10
+lindenwood,298,6
+klickitat,2293,8
+pinesdale,917,0
+hanson,99,0
+shelbyville,2802,6
+wainscott,1588,3
+forkland,1091,4
+woodbine,135,1
+klickitat,138,0
+woodbine,120,1
+leonardo,1203,7
+coffeen,1309,3
+pomaria,377,6
+klickitat,2047,2
+forkland,556,4
+klickitat,2114,6
+lindenwood,1934,7
+hanson,1106,6
+hanson,1590,5
+shelbyville,1275,2
+pinesdale,257,2
+marstons,932,1
+benevolence,792,0
+cosmos,474,2
+lindenwood,2160,0
+lindenwood,1881,4
+beechwood,155,2
+forkland,649,0
+merom,539,1
+tolstoy,1805,4
+marstons,48,4
+tolstoy,467,1
+marstons,1531,7
+wainscott,860,4
+newfields,613,10
+merom,331,4
+hiteman,1490,5
+marstons,2270,1
+woodbine,64,0
+tolstoy,69,0
+marstons,1950,5
+hiteman,443,0
+klickitat,2324,0
+lindenwood,2086,10
+allensville,181,5
+forkland,663,1
+marstons,688,4
+cosmos,823,1
+forkland,615,0
+mifflinburg,274,2
+stockman,1544,0
+klickitat,1264,1
+leonardo,1527,5
+forkland,1169,6
+hiteman,1499,1
+lindenwood,1155,3
+woodbine,1542,1
+shelbyville,2045,3
+coffeen,634,9
+shelbyville,515,3
+ranchester,577,2
+benevolence,430,1
+marstons,1594,0
+leonardo,2094,3
+pinesdale,985,14
+lindenwood,362,1
+allensville,89,0
+wainscott,1139,0
+beechwood,176,4
+newfields,846,2
+ranchester,1235,5
+woodbine,1459,5
+klickitat,658,5
+marstons,1013,0
+tolstoy,3,1
+lindenwood,2474,4
+lakeville,1350,3
+woodbine,1097,6
+pinesdale,461,0
+benevolence,612,1
+coffeen,1241,0
+stockman,594,8
+cosmos,850,3
+pomaria,1433,6
+shelbyville,2133,4
+coffeen,808,2
+pomaria,1304,0
+wainscott,1270,3
+tolstoy,273,1
+pomaria,337,0
+lakeville,1181,7
+newfields,41,1
+woodbine,1081,6
+hiteman,1246,0
+lakeville,915,7
+ranchester,679,1
+lakeville,1857,2
+marstons,2538,1
+shelbyville,482,10
+forkland,438,5
+stockman,29,6
+hanson,1399,11
+woodbine,1682,1
+pomaria,685,1
+allensville,497,2
+shelbyville,904,0
+lindenwood,135,1
+lakeville,206,4
+klickitat,2307,0
+tolstoy,1819,4
+tolstoy,164,1
+marstons,1306,2
+shelbyville,2664,7
+wainscott,1511,4
+marstons,2559,2
+newfields,142,0
+benevolence,579,0
+marstons,588,8
+shelbyville,2091,1
+lakeville,574,6
+klickitat,467,14
+marstons,295,2
+marstons,93,10
+pomaria,1055,8
+ranchester,1357,1
+leonardo,842,4
+tolstoy,154,3
+forkland,492,0
+lakeville,1661,2
+lakeville,598,2
+woodbine,1712,15
+lindenwood,1698,2
+shelbyville,2770,1
+leonardo,771,2
+stockman,1202,10
+wainscott,514,2
+marstons,2161,18
+klickitat,1240,1
+leonardo,2041,5
+hiteman,1005,0
+lindenwood,231,10
+ranchester,209,5
+hanson,980,14
+hiteman,1350,8
+pinesdale,1070,2
+leonardo,2087,9
+cosmos,407,2
+newfields,696,12
+shelbyville,953,2
+cosmos,711,1
+hiteman,219,2
+marstons,1773,1
+wainscott,99,4
+woodbine,1984,3
+stockman,1381,4
+pomaria,332,0
+leonardo,152,13
+benevolence,352,0
+ranchester,567,1
+lindenwood,1782,1
+shelbyville,1876,2
+klickitat,1172,0
+stockman,1309,0
+leonardo,370,6
+newfields,1319,2
+pinesdale,840,6
+tolstoy,535,10
+lindenwood,2377,0
+leonardo,261,11
+stockman,1115,4
+hanson,394,11
+beechwood,425,4
+onaga,361,0
+ranchester,30,0
+marstons,1717,3
+lindenwood,38,0
+shelbyville,2698,3
+ranchester,93,4
+shelbyville,2378,1
+klickitat,303,8
+lakeville,146,4
+pinesdale,1513,6
+lakeville,1678,3
+lakeville,820,3
+hiteman,1077,1
+klickitat,1570,6
+forkland,674,4
+cosmos,329,1
+lakeville,1438,0
+newfields,130,1
+coffeen,1366,1
+woodbine,1796,17
+marstons,1359,11
+woodbine,1916,1
+shelbyville,1790,17
+marstons,1126,1
+newfields,945,8
+wainscott,1669,1
+hiteman,1776,9
+leonardo,1954,0
+lakeville,1486,11
+ranchester,187,0
+cosmos,379,1
+marstons,432,2
+lakeville,284,22
+tolstoy,1380,1
+ranchester,287,3
+woodbine,591,13
+hiteman,303,5
+woodbine,1256,4
+leonardo,1058,19
+shelbyville,1872,8
+ranchester,592,11
+tolstoy,950,1
+leonardo,1003,4
+newfields,872,12
+marstons,1966,5
+hanson,690,2
+woodbine,894,2
+marstons,70,2
+wainscott,1674,4
+hiteman,20,4
+pomaria,1295,5
+newfields,1618,15
+lakeville,447,9
+marstons,2488,6
+coffeen,1155,1
+onaga,53,0
+marstons,2363,10
+coffeen,1475,4
+stockman,526,14
+shelbyville,1010,1
+beechwood,452,0
+lakeville,1670,3
+pomaria,813,15
+hanson,841,4
+hiteman,1429,19
+shelbyville,1758,3
+beechwood,331,3
+merom,370,8
+lindenwood,645,10
+klickitat,127,6
+wainscott,1798,8
+ranchester,1566,6
+shelbyville,1154,0
+tolstoy,1623,1
+woodbine,1803,1
+pinesdale,950,11
+newfields,300,9
+lakeville,665,2
+marstons,1218,6
+woodbine,675,5
+stockman,1318,2
+klickitat,1688,1
+onaga,231,1
+lindenwood,693,2
+tolstoy,1177,3
+hiteman,135,1
+hiteman,1265,4
+newfields,74,1
+marstons,625,2
+tolstoy,1830,4
+shelbyville,2495,1
+tolstoy,1131,3
+hiteman,883,2
+forkland,474,0
+tolstoy,162,0
+ranchester,244,3
+klickitat,2413,6
+lindenwood,74,1
+shelbyville,2647,1
+lindenwood,481,2
+lakeville,95,1
+leonardo,1053,0
+newfields,1176,1
+lakeville,1709,2
+stockman,483,2
+pomaria,624,8
+hiteman,1128,0
+pinesdale,34,2
+tolstoy,487,13
+coffeen,519,1
+onaga,442,2
+wainscott,16,0
+klickitat,2321,1
+stockman,703,0
+lindenwood,1147,1
+lakeville,528,10
+lakeville,323,1
+tolstoy,1825,1
+beechwood,752,1
+klickitat,243,4
+merom,145,2
+wainscott,237,7
+marstons,1573,1
+newfields,490,8
+wainscott,1579,10
+forkland,1032,8
+shelbyville,2514,2
+klickitat,2029,5
+hanson,1544,3
+newfields,1014,3
+newfields,197,12
+ranchester,211,3
+klickitat,1044,0
+shelbyville,994,0
+lakeville,1576,1
+lindenwood,2565,2
+lindenwood,1310,1
+shelbyville,2104,2
+lindenwood,1225,2
+marstons,2519,2
+marstons,1141,9
+beechwood,1133,0
+hanson,1500,1
+hanson,705,3
+newfields,1636,4
+leonardo,603,13
+marstons,961,8
+woodbine,139,1
+cosmos,832,4
+klickitat,480,8
+lakeville,433,0
+klickitat,1159,8
+coffeen,404,4
+lakeville,1626,5
+marstons,2157,1
+mifflinburg,21,4
+onaga,46,2
+hanson,1547,8
+leonardo,622,1
+lindenwood,1207,11
+woodbine,735,0
+woodbine,827,4
+hanson,1510,17
+stockman,811,11
+wainscott,226,4
+leonardo,1209,9
+klickitat,35,9
+wainscott,1003,1
+hanson,852,14
+pomaria,289,2
+pinesdale,1029,3
+pomaria,252,14
+lakeville,809,12
+marstons,743,4
+hanson,51,6
+stockman,1396,2
+leonardo,93,0
+pomaria,1118,5
+leonardo,1780,0
+wainscott,1355,4
+hanson,1012,13
+shelbyville,2388,2
+beechwood,934,5
+tolstoy,1372,9
+hanson,1212,1
+newfields,1291,2
+beechwood,944,6
+shelbyville,1712,2
+shelbyville,2215,9
+cosmos,1025,7
+tolstoy,728,3
+hiteman,1729,6
+marstons,349,5
+lindenwood,2570,4
+klickitat,2170,1
+pinesdale,919,1
+stockman,1149,3
+lindenwood,630,6
+leonardo,1869,3
+tolstoy,887,6
+marstons,1566,2
+leonardo,1459,6
+hiteman,507,10
+shelbyville,692,9
+wainscott,32,1
+hanson,53,3
+pomaria,267,0
+lindenwood,1533,9
+shelbyville,1529,0
+shelbyville,1116,3
+woodbine,1048,0
+woodbine,2018,2
+coffeen,1266,4
+lakeville,563,1
+woodbine,1091,5
+shelbyville,576,6
+woodbine,1314,6
+lakeville,1778,3
+wainscott,869,0
+lindenwood,2607,5
+mifflinburg,774,8
+hiteman,507,12
+beechwood,1072,9
+pinesdale,1056,0
+lakeville,1507,0
+marstons,1003,9
+cosmos,639,4
+leonardo,689,0
+hiteman,82,7
+newfields,456,15
+lakeville,406,0
+marstons,940,2
+lakeville,1512,4
+lindenwood,324,1
+pomaria,602,11
+cosmos,659,1
+ranchester,670,4
+klickitat,498,4
+marstons,570,7
+shelbyville,2351,4
+pomaria,1180,2
+klickitat,2224,1
+hiteman,389,0
+wainscott,1281,4
+wainscott,1275,3
+lakeville,1570,1
+lakeville,1503,7
+hiteman,1855,3
+shelbyville,2728,2
+forkland,810,0
+coffeen,551,0
+marstons,919,0
+pomaria,179,10
+allensville,388,8
+klickitat,134,2
+shelbyville,2002,0
+lindenwood,1569,0
+klickitat,2177,10
+merom,315,0
+hiteman,1055,3
+shelbyville,1011,1
+marstons,2215,11
+tolstoy,140,7
+stockman,1400,9
+mifflinburg,791,2
+hanson,1658,0
+leonardo,1323,2
+shelbyville,1243,4
+leonardo,1362,6
+coffeen,182,1
+klickitat,1280,2
+leonardo,1952,12
+merom,265,4
+tolstoy,9,4
+mifflinburg,949,1
+lindenwood,59,9
+klickitat,1429,12
+newfields,1161,10
+klickitat,23,10
+pomaria,682,5
+newfields,1093,0
+pomaria,217,3
+ranchester,1257,8
+pinesdale,219,6
+woodbine,664,7
+hanson,885,3
+stockman,1547,11
+ranchester,62,3
+lakeville,910,9
+marstons,2418,17
+pomaria,1578,6
+marstons,857,2
+wainscott,248,10
+newfields,602,1
+tolstoy,214,0
+newfields,602,2
+benevolence,786,7
+newfields,1336,2
+tolstoy,466,4
+woodbine,350,9
+cosmos,116,3
+lindenwood,1586,2
+lakeville,820,5
+onaga,461,3
+tolstoy,679,1
+tolstoy,1072,5
+newfields,1075,3
+klickitat,1117,0
+woodbine,658,0
+lindenwood,1064,1
+leonardo,1668,0
+leonardo,189,3
+hiteman,814,10
+pinesdale,1356,3
+klickitat,769,5
+lindenwood,572,6
+merom,671,4
+lindenwood,1380,2
+newfields,723,10
+klickitat,1297,9
+onaga,537,2
+lindenwood,585,0
+shelbyville,198,13
+shelbyville,544,3
+stockman,1116,2
+coffeen,300,4
+newfields,128,2
+shelbyville,1689,7
+newfields,1111,6
+forkland,649,5
+marstons,2556,1
+shelbyville,1197,3
+coffeen,768,4
+marstons,507,1
+lindenwood,2376,4
+hanson,1309,7
+lakeville,1729,4
+pomaria,232,18
+ranchester,1071,1
+woodbine,246,0
+klickitat,814,8
+cosmos,799,3
+lindenwood,1160,4
+newfields,1254,3
+hiteman,1182,2
+tolstoy,1247,8
+cosmos,387,0
+leonardo,1496,5
+coffeen,460,5
+benevolence,144,1
+pinesdale,774,0
+hanson,656,0
+coffeen,953,0
+woodbine,1582,5
+newfields,112,1
+pomaria,1662,3
+woodbine,1702,3
+pinesdale,948,3
+stockman,1160,5
+coffeen,651,1
+klickitat,1601,5
+forkland,714,1
+shelbyville,841,8
+klickitat,2258,2
+pomaria,749,1
+newfields,809,2
+leonardo,394,3
+ranchester,902,0
+woodbine,726,0
+pomaria,1129,0
+hiteman,551,1
+pinesdale,895,6
+ranchester,895,0
+lakeville,1435,0
+leonardo,1535,4
+beechwood,679,2
+beechwood,789,12
+ranchester,683,0
+pinesdale,663,3
+pinesdale,1338,11
+lindenwood,1554,2
+woodbine,2032,5
+pomaria,388,4
+lindenwood,1083,0
+cosmos,204,1
+leonardo,528,6
+marstons,1341,5
+woodbine,1010,1
+lindenwood,2545,6
+shelbyville,725,4
+forkland,846,3
+tolstoy,827,4
+pinesdale,1417,0
+wainscott,53,2
+shelbyville,1880,0
+newfields,721,3
+wainscott,1739,3
+shelbyville,1416,6
+newfields,859,0
+wainscott,723,3
+lindenwood,1428,0
+lindenwood,1818,6
+marstons,1530,4
+pomaria,1452,0
+shelbyville,863,0
+klickitat,1310,0
+wainscott,1411,0
+pomaria,915,1
+woodbine,1610,0
+ranchester,108,1
+lakeville,1851,9
+ranchester,1554,0
+woodbine,1782,8
+shelbyville,974,12
+pinesdale,547,4
+lindenwood,985,8
+shelbyville,2361,16
+beechwood,360,2
+ranchester,1241,4
+hiteman,406,2
+coffeen,1425,1
+shelbyville,2688,11
+allensville,437,2
+newfields,436,0
+leonardo,1106,0
+stockman,277,9
+beechwood,750,9
+shelbyville,2715,7
+hiteman,1857,1
+woodbine,21,1
+newfields,846,6
+lakeville,1465,1
+marstons,1458,1
+pomaria,342,2
+shelbyville,1406,8
+tolstoy,1230,3
+tolstoy,317,7
+cosmos,623,8
+shelbyville,347,2
+hanson,1423,0
+shelbyville,1370,0
+ranchester,1131,1
+coffeen,1100,4
+leonardo,1389,5
+lindenwood,2480,2
+shelbyville,193,0
+marstons,2314,0
+stockman,1119,0
+wainscott,1230,1
+pomaria,900,2
+lakeville,898,6
+leonardo,1866,1
+pomaria,388,15
+wainscott,1622,0
+tolstoy,898,5
+marstons,1647,0
+klickitat,652,4
+lakeville,565,2
+shelbyville,1563,4
+woodbine,1705,2
+merom,1069,0
+woodbine,1109,5
+cosmos,464,11
+lakeville,800,2
+klickitat,1590,3
+leonardo,2104,0
+shelbyville,2075,4
+klickitat,423,0
+forkland,686,3
+wainscott,1017,2
+forkland,919,7
+hanson,251,9
+wainscott,1679,7
+leonardo,1487,4
+hiteman,1712,4
+leonardo,465,6
+pomaria,811,9
+tolstoy,1282,2
+pomaria,132,6
+lakeville,1650,1
+marstons,844,0
+forkland,652,4
+lakeville,54,14
+hanson,1518,6
+marstons,1225,13
+merom,365,0
+shelbyville,588,1
+klickitat,1085,3
+klickitat,1863,1
+lindenwood,1452,4
+shelbyville,1342,17
+wainscott,1263,5
+allensville,246,5
+lindenwood,45,1
+shelbyville,516,8
+woodbine,448,6
+hanson,923,3
+marstons,909,12
+tolstoy,984,14
+pomaria,1678,2
+leonardo,971,14
+cosmos,374,12
+wainscott,1797,11
+hiteman,251,0
+coffeen,1497,7
+merom,569,4
+cosmos,557,2
+ranchester,800,10
+lindenwood,2241,4
+newfields,657,15
+shelbyville,786,5
+klickitat,140,6
+cosmos,1028,2
+lindenwood,359,1
+shelbyville,1327,4
+benevolence,591,1
+lakeville,1376,3
+allensville,509,0
+lindenwood,2473,6
+tolstoy,647,1
+ranchester,944,0
+coffeen,349,2
+lakeville,602,10
+lakeville,36,8
+pinesdale,438,0
+beechwood,780,5
+tolstoy,695,0
+mifflinburg,446,3
+leonardo,1349,10
+lakeville,1009,6
+ranchester,94,0
+forkland,139,2
+shelbyville,2005,2
+newfields,541,9
+shelbyville,2425,5
+woodbine,463,6
+tolstoy,385,3
+hanson,151,6
+coffeen,868,1
+pomaria,411,1
+pinesdale,543,1
+shelbyville,1751,9
+merom,869,6
+merom,975,5
+wainscott,1711,3
+leonardo,412,5
+leonardo,308,4
+newfields,1541,7
+hiteman,839,7
+lindenwood,535,0
+beechwood,436,0
+shelbyville,922,9
+lindenwood,1923,2
+forkland,286,5
+lindenwood,1765,7
+mifflinburg,784,6
+lindenwood,2055,6
+hiteman,432,9
+hanson,507,3
+lakeville,233,2
+pinesdale,811,3
+shelbyville,1152,7
+shelbyville,475,6
+hanson,1139,6
+leonardo,994,1
+coffeen,224,4
+tolstoy,1212,3
+stockman,968,4
+coffeen,589,3
+hiteman,1786,4
+leonardo,572,1
+lindenwood,87,1
+marstons,567,1
+woodbine,453,4
+hanson,1309,11
+shelbyville,1133,1
+hiteman,231,3
+wainscott,641,2
+beechwood,153,2
+ranchester,450,0
+lakeville,962,5
+tolstoy,324,2
+pomaria,776,7
+klickitat,2373,10
+hiteman,608,0
+marstons,308,5
+hanson,46,0
+shelbyville,108,4
+lakeville,1079,2
+wainscott,1523,3
+coffeen,205,7
+leonardo,1321,4
+newfields,679,7
+shelbyville,2261,2
+klickitat,1529,5
+lindenwood,1140,3
+klickitat,1588,1
+klickitat,964,8
+shelbyville,2682,9
+klickitat,424,4
+tolstoy,748,1
+shelbyville,201,2
+shelbyville,1101,3
+marstons,1398,14
+shelbyville,1937,5
+leonardo,1456,1
+lakeville,34,5
+ranchester,3,3
+lindenwood,1300,4
+woodbine,1682,2
+shelbyville,1459,4
+tolstoy,533,5
+marstons,1771,2
+lindenwood,1551,1
+lindenwood,5,4
+cosmos,329,7
+lindenwood,1691,7
+lindenwood,689,2
+hanson,481,9
+wainscott,1424,9
+marstons,222,0
+wainscott,1665,1
+pomaria,1189,6
+beechwood,1044,0
+lakeville,1304,2
+forkland,1070,4
+hiteman,1856,5
+pinesdale,536,3
+lakeville,20,5
+hiteman,572,3
+mifflinburg,743,2
+marstons,1047,4
+hanson,1134,4
+marstons,1836,17
+hiteman,994,8
+newfields,1238,0
+lakeville,952,2
+lindenwood,1342,0
+shelbyville,2435,0
+pinesdale,1513,1
+hanson,770,5
+stockman,1127,2
+lakeville,172,12
+tolstoy,1660,10
+tolstoy,935,2
+lindenwood,2040,0
+cosmos,779,10
+marstons,1737,8
+lindenwood,1963,0
+hiteman,1204,0
+stockman,663,6
+onaga,355,0
+stockman,948,8
+woodbine,997,1
+allensville,146,0
+stockman,1199,3
+lakeville,1860,6
+marstons,2504,2
+hiteman,22,2
+newfields,302,1
+allensville,163,1
+wainscott,1286,2
+hanson,1561,3
+hiteman,1795,3
+cosmos,22,0
+marstons,1853,2
+pinesdale,643,6
+klickitat,1688,11
+ranchester,132,9
+coffeen,865,1
+mifflinburg,155,0
+marstons,1839,9
+pinesdale,78,0
+marstons,1223,6
+wainscott,976,4
+newfields,1170,7
+woodbine,155,7
+wainscott,115,1
+coffeen,102,4
+lakeville,309,0
+marstons,1902,10
+wainscott,227,6
+cosmos,1077,2
+stockman,828,2
+woodbine,1639,19
+klickitat,1901,5
+mifflinburg,447,5
+woodbine,807,2
+klickitat,222,10
+woodbine,660,11
+shelbyville,1621,3
+klickitat,512,3
+newfields,1185,1
+hanson,368,13
+hanson,1129,6
+lindenwood,585,4
+pinesdale,955,0
+ranchester,1317,15
+mifflinburg,127,0
+klickitat,312,3
+ranchester,581,2
+klickitat,2187,4
+shelbyville,1688,2
+ranchester,1170,1
+lindenwood,1606,7
+stockman,1484,3
+klickitat,1796,1
+lakeville,1422,3
+lindenwood,1439,2
+ranchester,1194,6
+lindenwood,172,4
+lindenwood,614,1
+pinesdale,380,1
+pinesdale,708,7
+lindenwood,800,1
+hiteman,1522,7
+forkland,25,1
+benevolence,254,0
+pomaria,314,10
+forkland,483,2
+newfields,69,7
+woodbine,954,2
+shelbyville,830,5
+cosmos,577,0
+shelbyville,1306,2
+coffeen,1092,2
+hanson,1016,6
+ranchester,193,3
+marstons,2074,1
+tolstoy,1572,2
+tolstoy,734,0
+wainscott,1695,2
+pinesdale,95,2
+woodbine,1605,14
+allensville,202,1
+stockman,414,6
+beechwood,1108,0
+beechwood,244,4
+klickitat,1131,4
+tolstoy,1778,0
+pinesdale,74,1
+merom,500,6
+marstons,1329,2
+tolstoy,917,3
+ranchester,1401,2
+forkland,865,0
+beechwood,717,6
+newfields,313,14
+stockman,505,0
+leonardo,157,5
+stockman,1226,0
+marstons,646,11
+stockman,552,3
+newfields,1508,3
+lindenwood,1752,0
+onaga,17,1
+pinesdale,193,0
+leonardo,1063,5
+lindenwood,1493,1
+leonardo,1346,0
+benevolence,54,4
+merom,254,4
+marstons,1518,6
+newfields,1116,9
+shelbyville,838,6
+marstons,134,0
+woodbine,1130,4
+klickitat,537,3
+pomaria,184,0
+hanson,252,5
+coffeen,407,1
+beechwood,110,1
+klickitat,122,6
+pomaria,1582,0
+pinesdale,576,2
+cosmos,807,4
+leonardo,471,0
+tolstoy,182,1
+stockman,396,0
+cosmos,71,11
+hanson,720,4
+mifflinburg,9,3
+hanson,32,2
+leonardo,931,2
+ranchester,405,4
+tolstoy,262,0
+lindenwood,1453,5
+pomaria,1226,6
+klickitat,354,0
+lakeville,1464,1
+beechwood,1173,2
+woodbine,1092,5
+lakeville,606,2
+merom,916,12
+wainscott,1717,1
+pomaria,811,6
+hanson,1204,1
+woodbine,708,13
+forkland,1176,2
+newfields,1602,9
+klickitat,2090,6
+hiteman,634,3
+woodbine,432,7
+wainscott,1571,1
+mifflinburg,696,3
+leonardo,1213,7
+leonardo,631,6
+lakeville,183,6
+coffeen,1431,5
+pinesdale,1178,1
+leonardo,257,10
+pomaria,1210,6
+wainscott,855,1
+tolstoy,420,9
+beechwood,806,0
+newfields,693,0
+hanson,165,1
+lakeville,1571,2
+allensville,300,2
+newfields,153,1
+klickitat,2202,1
+wainscott,1065,3
+hiteman,600,6
+cosmos,156,2
+newfields,412,5
+lindenwood,352,5
+klickitat,822,11
+lakeville,1643,7
+hanson,418,4
+hiteman,602,5
+pinesdale,1104,6
+lakeville,484,9
+cosmos,292,5
+ranchester,1567,2
+lakeville,1648,0
+woodbine,368,9
+tolstoy,1812,0
+klickitat,46,1
+klickitat,1054,0
+hiteman,1737,7
+forkland,1080,2
+marstons,760,4
+wainscott,1367,3
+ranchester,1405,1
+newfields,97,2
+hiteman,733,5
+forkland,24,1
+shelbyville,403,2
+shelbyville,1594,1
+klickitat,623,13
+woodbine,1093,0
+marstons,1424,17
+pinesdale,801,0
+tolstoy,701,10
+marstons,307,5
+onaga,183,2
+ranchester,532,10
+hiteman,556,11
+woodbine,998,5
+beechwood,170,7
+coffeen,1063,4
+klickitat,1107,3
+hanson,855,1
+hanson,1277,2
+beechwood,274,1
+lindenwood,277,3
+tolstoy,1008,3
+allensville,311,0
+stockman,820,3
+newfields,660,0
+hanson,514,2
+tolstoy,1613,6
+pomaria,1253,2
+shelbyville,1283,7
+hanson,442,1
+marstons,2565,2
+shelbyville,853,1
+leonardo,1000,18
+hanson,15,2
+hanson,767,4
+shelbyville,2650,6
+merom,439,2
+newfields,3,11
+woodbine,66,12
+hanson,1545,4
+hanson,192,2
+tolstoy,730,7
+ranchester,928,16
+newfields,1522,2
+klickitat,2029,1
+lindenwood,432,0
+lindenwood,1391,7
+lakeville,1537,11
+pinesdale,1029,10
+shelbyville,1056,2
+klickitat,394,3
+lindenwood,2120,7
+coffeen,416,1
+tolstoy,492,8
+marstons,935,3
+hanson,983,5
+lakeville,1504,4
+stockman,824,6
+coffeen,492,1
+wainscott,1097,3
+onaga,500,0
+ranchester,626,0
+shelbyville,1984,9
+beechwood,602,3
+pomaria,1401,6
+onaga,289,3
+lindenwood,1211,2
+klickitat,754,4
+hanson,288,2
+woodbine,60,14
+ranchester,1125,0
+wainscott,868,0
+forkland,170,1
+merom,1107,0
+woodbine,299,5
+leonardo,57,3
+lindenwood,1781,0
+shelbyville,2102,1
+stockman,182,5
+marstons,1355,9
+marstons,357,1
+beechwood,945,6
+pomaria,1043,1
+beechwood,520,1
+marstons,1816,4
+leonardo,895,6
+forkland,488,6
+ranchester,622,2
+hanson,882,0
+newfields,955,0
+leonardo,1695,2
+cosmos,722,1
+forkland,641,0
+newfields,612,0
+mifflinburg,602,0
+shelbyville,156,3
+lakeville,140,1
+stockman,1447,2
+marstons,170,4
+shelbyville,1523,0
+shelbyville,1568,3
+marstons,2611,0
+cosmos,314,2
+coffeen,871,1
+pinesdale,1013,2
+coffeen,119,0
+hanson,1375,3
+merom,144,8
+forkland,915,0
+hanson,954,4
+lindenwood,780,5
+lakeville,1862,3
+klickitat,1258,4
+mifflinburg,612,3
+hanson,748,1
+woodbine,429,1
+pomaria,354,0
+pomaria,557,10
+lindenwood,920,17
+mifflinburg,351,1
+hiteman,1412,12
+leonardo,1223,3
+wainscott,536,1
+wainscott,426,4
+marstons,1410,3
+tolstoy,1813,2
+leonardo,1889,5
+pomaria,622,2
+klickitat,1996,3
+tolstoy,1179,5
+allensville,477,0
+klickitat,1536,4
+marstons,1146,16
+mifflinburg,311,2
+cosmos,1015,5
+beechwood,765,4
+shelbyville,1241,10
+lindenwood,1458,3
+tolstoy,15,1
+hiteman,1458,1
+shelbyville,1587,2
+marstons,132,2
+lindenwood,2321,1
+hanson,1352,6
+lindenwood,613,6
+newfields,683,3
+klickitat,1630,1
+forkland,613,0
+cosmos,866,0
+woodbine,908,9
+lindenwood,1466,7
+shelbyville,1142,4
+lakeville,1343,6
+newfields,466,2
+klickitat,1041,5
+pinesdale,384,4
+hanson,1511,2
+stockman,698,2
+pomaria,751,2
+pinesdale,736,4
+merom,951,0
+leonardo,291,2
+shelbyville,255,2
+ranchester,853,2
+klickitat,1951,0
+lakeville,1309,12
+lindenwood,2006,8
+cosmos,834,2
+marstons,1517,3
+hiteman,20,9
+klickitat,2284,0
+woodbine,322,3
+leonardo,223,3
+tolstoy,1729,3
+wainscott,96,18
+marstons,1007,12
+newfields,1009,2
+shelbyville,1737,0
+tolstoy,517,6
+newfields,532,6
+marstons,2177,5
+shelbyville,92,5
+newfields,1532,4
+shelbyville,2176,8
+pinesdale,840,5
+ranchester,1109,5
+mifflinburg,66,1
+tolstoy,1280,1
+woodbine,725,4
+wainscott,1327,3
+merom,445,2
+shelbyville,938,3
+pinesdale,1338,5
+woodbine,236,1
+lakeville,1441,8
+cosmos,86,3
+lakeville,759,6
+ranchester,821,2
+hiteman,1837,4
+shelbyville,1284,12
+leonardo,1238,4
+marstons,1866,5
+shelbyville,238,12
+newfields,209,2
+lindenwood,579,4
+shelbyville,2620,5
+stockman,240,7
+lindenwood,855,3
+tolstoy,1548,2
+woodbine,169,1
+klickitat,734,6
+marstons,958,9
+shelbyville,2161,7
+coffeen,440,1
+merom,498,1
+klickitat,2190,15
+stockman,170,2
+leonardo,1801,0
+beechwood,6,3
+beechwood,437,1
+lindenwood,423,8
+lindenwood,1595,1
+shelbyville,163,7
+woodbine,591,15
+marstons,2123,12
+marstons,479,0
+shelbyville,172,1
+lakeville,6,0
+leonardo,596,10
+lakeville,126,1
+marstons,1045,1
+lindenwood,2479,3
+leonardo,736,2
+merom,872,2
+lindenwood,304,1
+marstons,763,3
+klickitat,48,3
+klickitat,1973,2
+klickitat,480,4
+shelbyville,432,2
+lindenwood,1143,2
+wainscott,1381,1
+ranchester,996,1
+merom,130,1
+marstons,97,2
+woodbine,295,11
+stockman,942,0
+klickitat,898,4
+lakeville,227,1
+lindenwood,1277,0
+leonardo,586,8
+woodbine,1263,1
+beechwood,556,9
+pinesdale,347,1
+wainscott,974,7
+klickitat,850,3
+coffeen,900,0
+lakeville,108,4
+klickitat,1248,4
+lindenwood,1154,2
+beechwood,843,1
+marstons,1862,1
+leonardo,1448,3
+hanson,1603,12
+hanson,1399,14
+leonardo,1290,4
+stockman,837,0
+wainscott,1251,3
+hiteman,0,1
+klickitat,1468,5
+lakeville,476,4
+ranchester,165,9
+hiteman,1265,1
+lindenwood,145,9
+lindenwood,1469,5
+leonardo,227,0
+tolstoy,7,1
+lakeville,703,4
+tolstoy,403,0
+hiteman,231,2
+hanson,731,2
+pomaria,1435,5
+newfields,791,0
+woodbine,1350,0
+marstons,1714,12
+leonardo,1956,1
+wainscott,287,1
+coffeen,316,2
+ranchester,1347,3
+forkland,37,4
+leonardo,376,2
+marstons,1950,3
+stockman,86,2
+lakeville,315,3
+shelbyville,2408,1
+wainscott,9,4
+shelbyville,1232,5
+klickitat,2274,5
+merom,203,0
+ranchester,1342,2
+wainscott,238,2
+ranchester,945,8
+pinesdale,1217,3
+newfields,1407,7
+lakeville,737,2
+klickitat,1782,4
+hanson,78,6
+ranchester,763,0
+hiteman,374,2
+hanson,801,3
+wainscott,1227,12
+lindenwood,840,3
+shelbyville,1326,1
+lindenwood,396,1
+hanson,483,5
+tolstoy,649,8
+beechwood,521,5
+mifflinburg,516,2
+lindenwood,1189,5
+newfields,610,2
+lindenwood,1807,2
+marstons,653,8
+shelbyville,2762,14
+marstons,768,16
+cosmos,7,6
+lindenwood,843,6
+tolstoy,1461,7
+shelbyville,1318,12
+forkland,165,2
+lindenwood,768,3
+stockman,593,2
+wainscott,1187,4
+lindenwood,2073,7
+tolstoy,155,5
+tolstoy,429,1
+pinesdale,1514,1
+mifflinburg,790,2
+lindenwood,1432,4
+lindenwood,89,0
+shelbyville,206,3
+leonardo,798,8
+shelbyville,2056,0
+mifflinburg,574,2
+leonardo,1276,8
+hanson,870,3
+benevolence,858,0
+wainscott,197,7
+beechwood,933,3
+marstons,37,3
+pomaria,836,4
+ranchester,381,2
+beechwood,806,6
+leonardo,687,4
+benevolence,90,0
+coffeen,475,3
+lindenwood,2531,10
+klickitat,593,5
+leonardo,506,3
+shelbyville,340,3
+woodbine,529,9
+lindenwood,760,0
+pomaria,110,8
+allensville,438,9
+newfields,490,7
+lindenwood,1197,3
+wainscott,211,13
+klickitat,879,4
+lindenwood,1123,2
+pinesdale,708,3
+wainscott,467,3
+newfields,785,2
+marstons,532,7
+newfields,332,13
+lakeville,1776,0
+leonardo,1893,3
+hiteman,874,6
+marstons,1086,3
+lindenwood,2429,4
+pomaria,705,3
+pomaria,819,1
+woodbine,572,1
+lindenwood,1904,7
+stockman,529,1
+marstons,1423,0
+stockman,125,6
+benevolence,944,3
+wainscott,1570,3
+woodbine,1848,3
+woodbine,141,4
+woodbine,1848,1
+stockman,853,1
+hiteman,217,1
+pomaria,624,0
+lindenwood,2397,3
+marstons,1812,3
+pinesdale,294,2
+ranchester,50,15
+woodbine,2048,0
+woodbine,34,3
+leonardo,570,2
+leonardo,1680,10
+ranchester,1474,0
+lindenwood,1113,5
+newfields,499,2
+marstons,2027,4
+shelbyville,1835,8
+cosmos,385,8
+forkland,974,7
+marstons,1990,0
+newfields,558,2
+benevolence,449,2
+klickitat,377,5
+shelbyville,394,6
+hanson,1640,5
+mifflinburg,409,6
+pinesdale,916,10
+ranchester,848,1
+wainscott,1583,1
+klickitat,558,1
+leonardo,95,4
+marstons,839,2
+pomaria,1187,1
+marstons,175,6
+shelbyville,309,1
+lindenwood,939,0
+lakeville,26,0
+woodbine,1872,6
+leonardo,659,1
+hanson,1317,1
+tolstoy,1191,2
+tolstoy,1662,0
+klickitat,2222,5
+woodbine,1272,2
+hiteman,822,10
+benevolence,338,2
+coffeen,996,5
+shelbyville,1161,0
+ranchester,1108,6
+mifflinburg,631,4
+woodbine,1659,10
+marstons,456,8
+hiteman,138,0
+hiteman,1557,1
+hanson,765,2
+woodbine,881,0
+merom,734,0
+hiteman,117,3
+lindenwood,951,19
+shelbyville,2501,1
+cosmos,358,4
+pinesdale,213,0
+hanson,822,5
+hanson,738,0
+newfields,1411,4
+allensville,33,1
+marstons,2515,3
+shelbyville,278,2
+leonardo,816,1
+marstons,449,0
+allensville,323,7
+beechwood,614,1
+shelbyville,2533,7
+cosmos,9,1
+ranchester,377,3
+hanson,1056,0
+marstons,2333,6
+ranchester,516,10
+lindenwood,1021,1
+marstons,2384,4
+leonardo,105,1
+forkland,736,1
+lakeville,1861,0
+tolstoy,963,8
+forkland,178,0
+lakeville,105,5
+klickitat,1070,6
+lindenwood,217,4
+shelbyville,733,0
+leonardo,768,0
+pinesdale,582,0
+newfields,588,7
+wainscott,529,12
+leonardo,441,7
+ranchester,1523,1
+pinesdale,504,0
+klickitat,632,5
+stockman,861,2
+hanson,1213,0
+tolstoy,1388,1
+tolstoy,224,7
+shelbyville,1288,3
+lakeville,1778,10
+klickitat,1856,4
+woodbine,1794,8
+lakeville,229,9
+lindenwood,2549,3
+hiteman,465,1
+beechwood,75,8
+onaga,105,3
+newfields,1452,3
+forkland,990,6
+pomaria,755,0
+klickitat,1584,5
+woodbine,860,1
+newfields,1258,3
+ranchester,981,1
+coffeen,969,1
+ranchester,421,0
+stockman,1390,7
+marstons,1341,0
+lindenwood,2611,0
+tolstoy,88,2
+pomaria,1450,9
+shelbyville,1762,6
+newfields,565,0
+marstons,2380,2
+klickitat,1474,8
+coffeen,337,2
+stockman,182,2
+leonardo,719,3
+lindenwood,1085,5
+shelbyville,1633,12
+newfields,1474,1
+shelbyville,2560,7
+ranchester,1377,19
+cosmos,68,13
+woodbine,332,0
+allensville,75,0
+leonardo,533,10
+lindenwood,1119,6
+shelbyville,1747,9
+hiteman,368,8
+coffeen,1487,5
+tolstoy,1010,11
+hanson,233,0
+pomaria,624,3
+klickitat,2273,3
+woodbine,1782,9
+woodbine,1618,10
+marstons,1477,4
+coffeen,1100,6
+pinesdale,1153,7
+leonardo,330,7
+beechwood,64,2
+woodbine,1988,1
+shelbyville,1111,0
+pomaria,1212,4
+coffeen,1372,4
+wainscott,1591,1
+lindenwood,973,3
+newfields,589,3
+pomaria,1378,1
+hanson,909,1
+benevolence,403,8
+lindenwood,2423,1
+leonardo,1886,1
+lakeville,1619,6
+shelbyville,2153,1
+pinesdale,1254,2
+pomaria,1203,11
+lindenwood,152,4
+hanson,667,0
+tolstoy,465,5
+woodbine,1253,2
+lindenwood,1034,2
+marstons,714,5
+marstons,1010,0
+hiteman,491,1
+wainscott,1089,5
+stockman,1322,2
+lakeville,1099,15
+lindenwood,1053,2
+wainscott,1743,7
+leonardo,184,3
+hanson,1153,0
+lakeville,1836,3
+marstons,1140,2
+hanson,1141,0
+cosmos,499,0
+stockman,73,2
+newfields,1314,0
+klickitat,2274,7
+shelbyville,1053,4
+coffeen,1261,3
+pinesdale,30,0
+beechwood,768,0
+leonardo,687,2
+tolstoy,727,7
+hiteman,1833,6
+tolstoy,1741,2
+lindenwood,748,2
+klickitat,1766,0
+coffeen,420,4
+ranchester,632,2
+forkland,612,8
+cosmos,1029,1
+hiteman,64,6
+woodbine,12,1
+ranchester,216,4
+onaga,424,0
+lakeville,408,1
+ranchester,429,9
+woodbine,1733,0
+cosmos,1003,2
+lindenwood,426,4
+coffeen,924,4
+pinesdale,220,2
+hiteman,239,1
+marstons,1047,8
+coffeen,44,5
+hiteman,1000,7
+pomaria,976,6
+ranchester,1046,1
+wainscott,1265,3
+beechwood,1174,2
+hiteman,1841,5
+klickitat,1723,4
+pinesdale,1157,1
+hiteman,1503,1
+newfields,611,7
+shelbyville,17,1
+mifflinburg,921,2
+lakeville,1772,9
+klickitat,841,1
+shelbyville,1101,4
+marstons,2415,1
+merom,284,7
+newfields,1179,1
+pomaria,134,9
+klickitat,893,4
+lindenwood,1968,0
+lakeville,1028,7
+pomaria,1196,6
+cosmos,210,1
+klickitat,1211,5
+newfields,1222,15
+hanson,1319,1
+lakeville,712,0
+tolstoy,750,8
+leonardo,102,0
+marstons,541,8
+marstons,413,1
+woodbine,445,2
+lindenwood,692,3
+lakeville,528,6
+shelbyville,2342,2
+marstons,1942,0
+woodbine,451,0
+onaga,580,0
+beechwood,461,4
+klickitat,910,4
+wainscott,1239,2
+benevolence,583,0
+benevolence,453,2
+pomaria,1090,0
+allensville,218,2
+stockman,601,0
+hiteman,1303,1
+forkland,1156,3
+tolstoy,1770,11
+hiteman,1779,2
+shelbyville,971,5
+lindenwood,2296,1
+beechwood,1158,7
+merom,592,0
+woodbine,314,2
+lakeville,1362,0
+klickitat,374,7
+hanson,880,2
+leonardo,1921,1
+wainscott,206,10
+stockman,875,0
+ranchester,6,3
+pinesdale,1383,5
+cosmos,830,5
+ranchester,646,2
+tolstoy,1462,0
+newfields,1490,2
+marstons,2639,8
+stockman,810,1
+lakeville,457,5
+tolstoy,76,1
+pinesdale,1453,1
+shelbyville,70,4
+onaga,321,3
+pomaria,1062,3
+coffeen,1080,0
+lindenwood,1853,8
+woodbine,1422,2
+lindenwood,392,3
+lakeville,1826,9
+marstons,2483,5
+lakeville,1893,3
+newfields,751,1
+tolstoy,859,4
+newfields,421,1
+woodbine,1754,7
+lakeville,993,0
+marstons,1508,4
+onaga,218,1
+leonardo,1141,10
+stockman,1539,1
+lindenwood,1171,2
+tolstoy,1655,6
+woodbine,1808,9
+lakeville,1425,11
+merom,1,1
+tolstoy,104,6
+shelbyville,1342,18
+shelbyville,302,0
+ranchester,416,4
+lakeville,1320,4
+hanson,336,13
+newfields,605,3
+merom,983,3
+ranchester,1072,1
+newfields,1610,6
+klickitat,1754,3
+merom,480,4
+hiteman,1090,0
+hiteman,1792,0
+wainscott,480,5
+hiteman,443,1
+cosmos,760,2
+lakeville,1159,1
+coffeen,773,3
+lakeville,889,1
+onaga,31,1
+tolstoy,1614,1
+lindenwood,90,2
+stockman,265,14
+hiteman,281,5
+pomaria,759,1
+lakeville,100,3
+hanson,362,0
+pomaria,1574,0
+hiteman,49,4
+woodbine,1086,1
+hiteman,1537,14
+hanson,539,4
+lakeville,1705,0
+newfields,183,5
+coffeen,636,6
+benevolence,403,4
+marstons,1315,1
+beechwood,132,3
+tolstoy,497,6
+newfields,651,2
+lindenwood,1714,9
+shelbyville,1593,0
+newfields,1584,5
+klickitat,2112,11
+pinesdale,225,2
+wainscott,1608,0
+coffeen,845,0
+klickitat,986,7
+woodbine,1927,1
+lakeville,453,9
+woodbine,1895,1
+shelbyville,2432,2
+klickitat,1647,1
+leonardo,230,8
+wainscott,1576,1
+wainscott,973,9
+pinesdale,1032,1
+leonardo,147,1
+wainscott,310,12
+leonardo,1001,2
+marstons,1535,4
+merom,456,5
+cosmos,193,6
+shelbyville,2478,10
+wainscott,851,9
+woodbine,147,2
+marstons,4,10
+stockman,1168,2
+wainscott,868,1
+lakeville,1002,6
+wainscott,695,4
+benevolence,950,0
+marstons,1551,3
+ranchester,1193,6
+klickitat,1611,4
+benevolence,189,4
+leonardo,172,1
+lakeville,809,8
+wainscott,1684,7
+wainscott,315,0
+woodbine,1948,1
+klickitat,1430,4
+shelbyville,332,2
+woodbine,40,0
+merom,905,2
+lindenwood,2210,3
+stockman,1165,1
+wainscott,1427,3
+klickitat,959,4
+newfields,1488,6
+lindenwood,2313,5
+pomaria,701,12
+leonardo,1634,3
+pomaria,1303,0
+pomaria,723,0
+lindenwood,1246,3
+wainscott,1135,3
+woodbine,612,13
+wainscott,93,1
+shelbyville,1630,8
+shelbyville,2515,0
+pomaria,255,4
+marstons,320,4
+pinesdale,786,5
+klickitat,2387,2
+klickitat,1756,2
+shelbyville,591,0
+marstons,1003,16
+wainscott,965,2
+forkland,915,2
+lindenwood,65,6
+woodbine,1680,10
+ranchester,222,11
+hiteman,730,6
+shelbyville,2454,3
+wainscott,1707,3
+lindenwood,387,2
+shelbyville,2596,6
+leonardo,1141,8
+shelbyville,2131,9
+marstons,246,1
+coffeen,980,2
+hiteman,718,4
+hanson,58,12
+klickitat,1562,0
+tolstoy,1625,10
+leonardo,1596,3
+pomaria,503,10
+wainscott,1689,2
+woodbine,1146,2
+lindenwood,678,11
+lakeville,1422,1
+coffeen,1510,7
+pinesdale,273,3
+lindenwood,2560,3
+wainscott,37,7
+shelbyville,648,8
+newfields,422,6
+ranchester,1149,8
+tolstoy,1438,1
+tolstoy,101,12
+leonardo,927,0
+klickitat,1439,2
+newfields,812,2
+wainscott,197,5
+beechwood,1090,4
+onaga,531,5
+hanson,620,2
+leonardo,1634,1
+newfields,601,0
+shelbyville,1215,1
+lindenwood,1097,4
+coffeen,1286,2
+marstons,2483,0
+hiteman,671,3
+wainscott,183,1
+marstons,2167,2
+marstons,789,5
+shelbyville,1069,13
+marstons,2420,2
+onaga,82,3
+lindenwood,2158,2
+lindenwood,1497,6
+forkland,297,0
+newfields,1401,11
+allensville,129,1
+stockman,1226,9
+ranchester,58,15
+stockman,63,2
+hiteman,1124,0
+shelbyville,1142,0
+newfields,648,1
+wainscott,1121,5
+lindenwood,2011,5
+klickitat,1645,1
+klickitat,2125,0
+klickitat,586,0
+shelbyville,712,0
+leonardo,454,5
+klickitat,1764,2
+onaga,165,3
+mifflinburg,499,0
+leonardo,1728,5
+pomaria,241,9
+hanson,1493,2
+ranchester,1193,4
+ranchester,63,2
+pinesdale,1451,2
+marstons,68,3
+lindenwood,1652,2
+shelbyville,1188,0
+hanson,481,3
+newfields,1435,2
+pomaria,1181,9
+leonardo,889,2
+klickitat,756,1
+hanson,209,15
+klickitat,518,5
+hanson,970,1
+lindenwood,2459,7
+lindenwood,562,5
+pomaria,314,13
+coffeen,1125,0
+pomaria,35,1
+leonardo,1594,11
+wainscott,566,0
+tolstoy,1097,4
+newfields,650,1
+woodbine,342,5
+shelbyville,688,0
+marstons,1433,9
+leonardo,676,5
+lindenwood,423,14
+newfields,619,8
+cosmos,562,3
+leonardo,514,4
+beechwood,651,4
+benevolence,674,9
+lindenwood,2056,3
+marstons,2635,4
+marstons,743,0
+wainscott,1083,10
+lakeville,878,2
+woodbine,1941,0
+tolstoy,1535,5
+merom,22,2
+pinesdale,1236,3
+pinesdale,809,7
+lakeville,1865,4
+onaga,278,4
+leonardo,1429,2
+forkland,635,2
+hiteman,637,5
+newfields,974,0
+tolstoy,926,8
+forkland,453,0
+mifflinburg,140,4
+coffeen,295,12
+woodbine,1524,2
+benevolence,618,8
+forkland,894,6
+stockman,851,3
+hiteman,1346,11
+lindenwood,123,6
+coffeen,1029,1
+marstons,2513,5
+cosmos,201,0
+woodbine,2032,1
+stockman,960,0
+woodbine,1368,5
+hanson,528,8
+lindenwood,1214,1
+woodbine,110,8
+wainscott,1129,7
+woodbine,1260,3
+forkland,309,0
+wainscott,1280,6
+woodbine,766,0
+stockman,1404,0
+wainscott,781,4
+wainscott,1727,12
+wainscott,1748,0
+pomaria,1088,5
+hanson,967,4
+tolstoy,1273,5
+tolstoy,118,0
+klickitat,1109,1
+lindenwood,1439,11
+lindenwood,1171,4
+allensville,87,3
+lindenwood,1086,2
+klickitat,1167,4
+leonardo,536,3
+lindenwood,1123,0
+woodbine,668,3
+marstons,1444,6
+tolstoy,1168,4
+lindenwood,2080,7
+leonardo,1773,1
+wainscott,1685,5
+tolstoy,1533,0
+wainscott,532,4
+lindenwood,1489,9
+leonardo,937,1
+shelbyville,860,1
+lakeville,1157,0
+pomaria,72,4
+shelbyville,1090,4
+pinesdale,225,0
+coffeen,130,0
+woodbine,89,11
+pomaria,129,13
+shelbyville,1487,5
+coffeen,151,1
+cosmos,112,0
+shelbyville,1174,4
+pomaria,1175,0
+pinesdale,740,0
+klickitat,1469,1
+benevolence,493,5
+klickitat,841,9
+wainscott,573,5
+wainscott,755,6
+cosmos,262,7
+merom,907,0
+coffeen,1120,3
+tolstoy,1366,12
+klickitat,491,2
+hanson,410,6
+wainscott,1730,11
+shelbyville,2353,11
+hiteman,384,0
+leonardo,2065,4
+hanson,486,3
+shelbyville,750,0
+hiteman,677,1
+leonardo,1681,4
+lakeville,413,0
+tolstoy,1102,5
+woodbine,1415,5
+beechwood,802,2
+hiteman,1710,1
+beechwood,1134,2
+lindenwood,1222,3
+leonardo,296,6
+stockman,103,2
+wainscott,361,9
+pinesdale,1188,8
+shelbyville,317,6
+hanson,384,7
+coffeen,472,3
+marstons,772,5
+lakeville,1156,0
+marstons,159,3
+marstons,891,4
+lindenwood,1713,7
+newfields,31,11
+tolstoy,465,9
+lindenwood,694,3
+shelbyville,2698,4
+lakeville,1385,4
+merom,674,1
+hanson,1421,0
+shelbyville,203,1
+pomaria,651,0
+coffeen,869,2
+woodbine,1268,4
+lakeville,1157,6
+lindenwood,1510,1
+wainscott,1237,7
+shelbyville,2065,0
+klickitat,1598,2
+hanson,1158,2
+cosmos,580,6
+tolstoy,666,4
+hiteman,900,5
+klickitat,485,0
+wainscott,880,11
+lakeville,368,5
+pinesdale,554,7
+lakeville,73,6
+stockman,379,1
+coffeen,931,6
+leonardo,3,1
+shelbyville,2413,3
+cosmos,82,11
+marstons,1680,0
+stockman,1512,2
+forkland,207,2
+pinesdale,466,2
+stockman,994,3
+shelbyville,2494,9
+woodbine,644,5
+stockman,1524,0
+stockman,776,3
+marstons,1820,1
+leonardo,578,2
+wainscott,501,2
+hiteman,500,3
+hiteman,1827,2
+lindenwood,2320,0
+marstons,285,8
+woodbine,516,0
+klickitat,1102,1
+hiteman,1071,3
+tolstoy,855,4
+pomaria,708,5
+lakeville,277,4
+allensville,391,0
+leonardo,1846,2
+lindenwood,680,3
+klickitat,982,3
+marstons,1010,2
+shelbyville,757,2
+ranchester,1247,8
+shelbyville,975,2
+hiteman,886,3
+marstons,1787,6
+leonardo,402,0
+leonardo,1988,11
+lindenwood,813,3
+leonardo,725,1
+wainscott,1511,3
+woodbine,1417,2
+wainscott,665,9
+tolstoy,1611,3
+lindenwood,1853,11
+woodbine,1335,0
+tolstoy,612,10
+lakeville,285,7
+lindenwood,2129,11
+cosmos,625,3
+allensville,240,5
+wainscott,1087,2
+ranchester,1562,0
+marstons,592,5
+pinesdale,1047,12
+hanson,651,0
+shelbyville,1500,2
+shelbyville,48,3
+leonardo,666,1
+tolstoy,752,0
+leonardo,1006,3
+woodbine,743,2
+klickitat,1110,3
+ranchester,847,2
+onaga,369,5
+pomaria,1080,8
+klickitat,2380,2
+stockman,1408,10
+newfields,126,5
+shelbyville,1094,0
+ranchester,1381,2
+lakeville,1292,0
+lindenwood,1428,3
+lakeville,343,4
+pomaria,510,2
+klickitat,1563,2
+wainscott,572,4
+forkland,610,5
+lindenwood,2661,4
+leonardo,1987,0
+stockman,391,5
+pinesdale,431,4
+stockman,265,15
+marstons,2476,6
+woodbine,328,0
+allensville,412,6
+stockman,572,4
+klickitat,1674,1
+newfields,917,7
+klickitat,589,1
+shelbyville,2065,2
+hiteman,914,2
+hanson,438,0
+ranchester,11,0
+newfields,884,9
+pinesdale,1118,1
+wainscott,158,4
+lindenwood,1097,2
+coffeen,607,0
+leonardo,345,1
+woodbine,706,5
+shelbyville,2182,2
+shelbyville,1662,0
+ranchester,660,1
+ranchester,588,5
+pomaria,1207,1
+leonardo,589,6
+lindenwood,1242,9
+wainscott,675,6
+newfields,655,0
+hanson,727,5
+hanson,555,9
+coffeen,380,1
+woodbine,1324,0
+coffeen,890,10
+marstons,1703,2
+cosmos,50,8
+marstons,1918,4
+woodbine,635,0
+hiteman,1319,3
+shelbyville,2533,5
+newfields,1611,3
+lakeville,869,1
+coffeen,1461,0
+hanson,709,6
+leonardo,1720,7
+pinesdale,1220,5
+ranchester,1220,1
+lindenwood,1037,1
+merom,44,3
+hanson,477,0
+leonardo,1176,2
+beechwood,776,6
+wainscott,21,0
+coffeen,249,0
+stockman,568,0
+pinesdale,710,1
+newfields,125,2
+mifflinburg,276,3
+leonardo,212,8
+woodbine,529,12
+stockman,95,5
+tolstoy,1169,8
+wainscott,502,0
+mifflinburg,262,4
+mifflinburg,129,6
+woodbine,1018,4
+lindenwood,1247,2
+hanson,923,1
+coffeen,1292,1
+marstons,2029,12
+marstons,2027,10
+tolstoy,111,10
+hiteman,886,0
+klickitat,233,14
+woodbine,1105,5
+tolstoy,31,7
+coffeen,268,3
+klickitat,1010,3
+hanson,796,9
+newfields,1075,6
+leonardo,36,2
+lakeville,973,6
+hiteman,1017,0
+wainscott,1593,7
+merom,1010,1
+shelbyville,705,3
+newfields,269,11
+shelbyville,1165,5
+marstons,959,1
+beechwood,587,1
+shelbyville,36,2
+newfields,1012,2
+benevolence,547,7
+shelbyville,2276,3
+cosmos,989,0
+mifflinburg,11,1
+woodbine,1068,0
+hanson,1147,1
+klickitat,161,0
+coffeen,1411,5
+mifflinburg,868,5
+lindenwood,784,0
+shelbyville,91,2
+benevolence,296,5
+lindenwood,735,5
+cosmos,552,1
+coffeen,1196,5
+leonardo,1473,5
+lindenwood,1832,2
+ranchester,278,0
+klickitat,1894,4
+woodbine,168,0
+leonardo,387,3
+pomaria,252,10
+hiteman,37,1
+woodbine,1516,4
+pomaria,590,6
+lakeville,531,6
+ranchester,188,10
+lakeville,1886,4
+klickitat,1128,2
+klickitat,45,2
+wainscott,1707,8
+stockman,775,6
+lindenwood,386,3
+pomaria,1306,8
+hiteman,1067,0
+stockman,592,3
+stockman,145,2
+lindenwood,1407,1
+klickitat,1832,8
+lindenwood,1857,10
+cosmos,693,2
+coffeen,388,3
+tolstoy,1782,5
+beechwood,525,4
+wainscott,1329,13
+woodbine,1093,3
+ranchester,389,0
+marstons,1775,0
+tolstoy,1813,1
+hanson,784,0
+stockman,1039,2
+wainscott,1131,0
+hanson,578,1
+marstons,69,4
+klickitat,1915,4
+hiteman,1013,0
+leonardo,1659,5
+klickitat,1884,13
+beechwood,781,2
+leonardo,1429,0
+lakeville,8,1
+newfields,939,2
+klickitat,1785,2
+woodbine,670,12
+tolstoy,724,1
+leonardo,1125,9
+beechwood,124,0
+lindenwood,1415,4
+pinesdale,306,2
+lakeville,1439,0
+pinesdale,1493,3
+cosmos,321,3
+pomaria,1281,10
+leonardo,187,2
+forkland,1049,1
+forkland,1100,1
+ranchester,1548,5
+stockman,34,1
+shelbyville,401,2
+coffeen,689,5
+pinesdale,720,5
+pomaria,619,6
+shelbyville,767,3
+shelbyville,2167,0
+onaga,586,1
+hanson,106,13
+benevolence,359,2
+klickitat,270,1
+pinesdale,1107,0
+pinesdale,100,4
+lakeville,353,2
+leonardo,985,8
+woodbine,487,0
+klickitat,1811,6
+stockman,1048,10
+shelbyville,2662,3
+leonardo,1026,7
+shelbyville,1588,2
+merom,642,2
+klickitat,1365,2
+marstons,1718,5
+leonardo,1167,0
+marstons,1749,11
+lakeville,54,13
+pinesdale,1001,1
+leonardo,1522,12
+ranchester,642,6
+shelbyville,345,3
+cosmos,253,1
+stockman,710,3
+leonardo,735,4
+pinesdale,458,5
+hanson,1286,0
+onaga,378,2
+lakeville,789,0
+woodbine,828,0
+cosmos,378,1
+marstons,789,1
+ranchester,1031,13
+wainscott,1340,0
+shelbyville,1545,12
+leonardo,1009,0
+woodbine,1259,0
+merom,372,2
+marstons,783,0
+woodbine,1738,0
+lakeville,768,2
+onaga,560,2
+leonardo,458,1
+lakeville,476,3
+shelbyville,902,1
+wainscott,1288,9
+woodbine,716,3
+beechwood,205,4
+coffeen,535,0
+newfields,208,5
+forkland,1099,3
+lakeville,591,2
+woodbine,1572,0
+pomaria,232,3
+hiteman,667,3
+marstons,782,0
+klickitat,2074,2
+tolstoy,851,5
+lindenwood,1990,3
+lakeville,1389,14
+pomaria,977,4
+beechwood,289,0
+pomaria,1165,8
+pinesdale,858,4
+hiteman,596,1
+wainscott,372,3
+shelbyville,2188,3
+stockman,1568,6
+stockman,315,2
+pomaria,1315,2
+woodbine,1369,8
+klickitat,853,5
+klickitat,793,8
+ranchester,1019,0
+hanson,1508,2
+tolstoy,311,1
+pomaria,364,9
+lindenwood,1055,7
+hanson,1510,19
+shelbyville,2438,3
+hiteman,1191,1
+woodbine,592,0
+marstons,1728,0
+wainscott,1369,1
+wainscott,430,0
+hiteman,1503,5
+leonardo,822,0
+newfields,407,0
+cosmos,776,2
+pomaria,430,4
+lakeville,148,2
+forkland,1131,3
+pinesdale,82,0
+klickitat,1478,4
+wainscott,1236,6
+woodbine,2009,3
+lindenwood,2064,2
+woodbine,370,0
+lakeville,107,8
+mifflinburg,305,1
+forkland,356,8
+stockman,268,0
+coffeen,1211,2
+ranchester,1257,0
+lakeville,1236,2
+wainscott,1148,4
+lindenwood,2670,3
+woodbine,254,2
+coffeen,1473,3
+hiteman,496,2
+klickitat,1398,5
+wainscott,992,4
+shelbyville,104,5
+cosmos,421,9
+shelbyville,1947,2
+marstons,2312,1
+marstons,1789,2
+stockman,1578,3
+leonardo,1256,2
+lakeville,313,13
+klickitat,46,7
+allensville,407,2
+ranchester,1068,1
+lindenwood,784,1
+coffeen,356,1
+benevolence,715,0
+woodbine,528,5
+klickitat,1849,10
+hiteman,144,10
+leonardo,730,4
+klickitat,853,4
+forkland,521,2
+marstons,459,4
+klickitat,23,2
+lindenwood,424,1
+allensville,14,3
+allensville,172,3
+woodbine,1378,10
+shelbyville,2595,6
+marstons,1188,1
+marstons,55,5
+stockman,1293,7
+stockman,1009,4
+ranchester,1271,4
+shelbyville,193,6
+leonardo,1411,22
+beechwood,979,8
+lindenwood,2274,1
+shelbyville,2559,5
+klickitat,1415,7
+marstons,3,10
+lindenwood,668,8
+klickitat,2345,1
+coffeen,725,3
+klickitat,1986,3
+hanson,477,3
+wainscott,654,1
+leonardo,1490,4
+hanson,1153,5
+hiteman,711,2
+marstons,1361,1
+wainscott,1124,5
+hanson,1444,1
+cosmos,398,4
+lakeville,203,7
+leonardo,601,9
+coffeen,1116,1
+mifflinburg,510,3
+cosmos,672,5
+woodbine,347,2
+lindenwood,1495,0
+pinesdale,1190,0
+stockman,409,9
+cosmos,501,9
+benevolence,738,3
+stockman,996,2
+lindenwood,985,0
+shelbyville,1953,10
+pomaria,467,8
+coffeen,528,0
+coffeen,415,7
+stockman,641,1
+wainscott,967,3
+woodbine,1612,10
+leonardo,503,9
+pomaria,565,8
+lindenwood,1173,0
+hanson,774,12
+wainscott,1128,12
+coffeen,1042,4
+cosmos,435,0
+beechwood,686,4
+lakeville,466,1
+klickitat,1403,12
+coffeen,518,0
+shelbyville,1249,2
+ranchester,1026,1
+pinesdale,838,6
+pomaria,25,0
+pinesdale,1046,12
+mifflinburg,565,1
+hiteman,851,7
+stockman,1346,1
+hanson,1496,7
+allensville,47,1
+lindenwood,2505,5
+stockman,1094,3
+klickitat,482,4
+merom,448,3
+marstons,916,1
+klickitat,829,1
+marstons,1211,4
+lindenwood,2255,2
+lakeville,520,7
+shelbyville,1805,0
+forkland,201,0
+lakeville,1806,5
+merom,913,9
+marstons,2103,2
+tolstoy,1655,3
+klickitat,305,12
+lindenwood,2629,9
+leonardo,1224,0
+ranchester,1239,1
+marstons,2000,8
+marstons,2364,1
+klickitat,2349,6
+tolstoy,583,10
+forkland,783,1
+newfields,469,4
+lindenwood,1805,5
+coffeen,711,2
+mifflinburg,478,1
+lindenwood,264,0
+beechwood,1012,2
+woodbine,1458,1
+newfields,1346,0
+tolstoy,1316,4
+cosmos,709,1
+klickitat,1337,3
+pomaria,1005,1
+leonardo,1663,5
+pomaria,527,2
+woodbine,476,0
+marstons,1864,0
+stockman,810,6
+lakeville,10,6
+lindenwood,2556,1
+stockman,838,0
+shelbyville,54,3
+tolstoy,52,9
+marstons,529,4
+wainscott,1126,0
+lindenwood,549,3
+woodbine,1221,2
+leonardo,1772,3
+forkland,103,3
+wainscott,589,2
+ranchester,966,2
+benevolence,252,7
+merom,537,6
+lindenwood,2008,1
+newfields,1427,1
+klickitat,590,1
+shelbyville,1069,5
+leonardo,2114,0
+marstons,2379,2
+shelbyville,1421,1
+ranchester,157,13
+tolstoy,1195,11
+mifflinburg,64,2
+mifflinburg,187,0
+benevolence,729,0
+onaga,345,6
+leonardo,2049,2
+lindenwood,2150,1
+lindenwood,530,5
+newfields,1499,4
+beechwood,50,3
+woodbine,1728,5
+woodbine,1842,4
+forkland,419,2
+klickitat,393,2
+beechwood,204,10
+woodbine,950,1
+newfields,78,3
+woodbine,132,10
+pinesdale,1252,1
+woodbine,1319,5
+cosmos,715,7
+woodbine,1058,2
+leonardo,1473,8
+hiteman,129,2
+pinesdale,992,2
+coffeen,727,9
+tolstoy,397,7
+pomaria,1452,4
+woodbine,1620,3
+woodbine,1821,11
+stockman,709,11
+forkland,546,0
+shelbyville,1024,0
+ranchester,1619,6
+pinesdale,305,6
+coffeen,1111,2
+shelbyville,1112,1
+pomaria,696,3
+newfields,694,8
+hiteman,1203,6
+newfields,14,10
+lakeville,1643,19
+beechwood,218,8
+forkland,716,3
+hiteman,1345,3
+pinesdale,139,6
+lakeville,1757,3
+pinesdale,1174,7
+shelbyville,2585,1
+forkland,945,3
+benevolence,943,0
+wainscott,825,2
+woodbine,2056,4
+hanson,957,1
+benevolence,509,2
+merom,702,3
+leonardo,518,1
+hiteman,58,6
+shelbyville,918,1
+lindenwood,1333,8
+ranchester,179,6
+pinesdale,1073,3
+hanson,814,8
+tolstoy,1146,2
+woodbine,843,1
+shelbyville,2348,0
+klickitat,1411,1
+klickitat,1032,6
+leonardo,1654,3
+klickitat,1527,0
+beechwood,690,0
+stockman,15,10
+cosmos,311,10
+shelbyville,666,2
+allensville,122,1
+klickitat,147,11
+pomaria,456,4
+shelbyville,2468,18
+ranchester,1496,6
+shelbyville,2389,5
+forkland,1019,4
+ranchester,1620,6
+beechwood,168,0
+pinesdale,667,12
+shelbyville,912,4
+woodbine,1760,5
+newfields,435,4
+shelbyville,2325,2
+benevolence,55,7
+woodbine,1502,5
+marstons,631,1
+beechwood,662,3
+klickitat,358,2
+leonardo,1164,2
+pomaria,294,0
+coffeen,276,3
+benevolence,673,2
+ranchester,285,1
+wainscott,118,8
+marstons,393,3
+lindenwood,1147,7
+tolstoy,134,3
+onaga,655,0
+stockman,311,5
+pomaria,1376,2
+marstons,309,4
+woodbine,1369,3
+ranchester,790,4
+hanson,1197,5
+wainscott,1772,4
+hiteman,1804,19
+hanson,503,6
+lakeville,348,5
+pomaria,180,13
+klickitat,344,8
+wainscott,759,2
+marstons,2575,2
+klickitat,2351,10
+ranchester,743,3
+klickitat,532,2
+wainscott,483,1
+pinesdale,877,1
+beechwood,322,4
+leonardo,1819,0
+shelbyville,1369,3
+shelbyville,2120,1
+stockman,19,5
+merom,972,1
+forkland,636,2
+pomaria,101,5
+tolstoy,1461,1
+tolstoy,50,8
+wainscott,820,2
+leonardo,1689,3
+stockman,954,3
+beechwood,1161,4
+lindenwood,1266,2
+lindenwood,2585,8
+pinesdale,1491,1
+klickitat,1581,1
+klickitat,38,3
+shelbyville,1834,1
+ranchester,1592,1
+merom,577,3
+lakeville,517,0
+tolstoy,1608,0
+leonardo,1026,0
+forkland,1107,0
+ranchester,895,2
+coffeen,415,1
+mifflinburg,661,4
+wainscott,1799,3
+pinesdale,405,0
+coffeen,1013,0
+pomaria,160,2
+marstons,1932,1
+marstons,2419,8
+woodbine,1951,11
+hiteman,132,5
+leonardo,1912,3
+woodbine,1717,4
+leonardo,659,6
+marstons,2177,3
+shelbyville,2153,3
+klickitat,2188,7
+lakeville,274,0
+pinesdale,752,6
+beechwood,389,5
+hanson,1608,1
+coffeen,1372,2
+woodbine,1431,3
+merom,66,10
+newfields,475,0
+mifflinburg,764,0
+marstons,52,1
+woodbine,1240,3
+cosmos,566,3
+wainscott,1431,7
+shelbyville,1273,0
+marstons,884,6
+stockman,43,2
+hiteman,462,5
+lindenwood,463,1
+merom,673,1
+leonardo,847,3
+cosmos,638,0
+forkland,830,1
+lindenwood,1600,2
+lakeville,1120,15
+hiteman,67,2
+shelbyville,2173,10
+shelbyville,686,0
+marstons,1744,0
+stockman,46,4
+woodbine,1583,10
+pomaria,73,1
+pomaria,958,0
+hanson,1041,1
+ranchester,592,16
+klickitat,374,8
+ranchester,1100,2
+shelbyville,1066,6
+mifflinburg,881,7
+newfields,469,0
+klickitat,414,5
+coffeen,1162,2
+hiteman,1491,3
+stockman,1278,0
+lindenwood,345,2
+woodbine,1325,7
+lindenwood,381,0
+wainscott,1786,5
+stockman,280,6
+tolstoy,1386,1
+marstons,2341,2
+wainscott,140,16
+lindenwood,2,1
+marstons,896,0
+leonardo,510,0
+lindenwood,1747,3
+woodbine,312,0
+wainscott,1275,0
+lindenwood,959,5
+lakeville,767,1
+hanson,513,4
+leonardo,298,0
+pinesdale,487,5
+stockman,405,0
+forkland,468,3
+woodbine,306,2
+tolstoy,222,2
+newfields,1104,10
+marstons,513,4
+lakeville,1390,2
+tolstoy,301,1
+leonardo,1531,1
+ranchester,31,0
+tolstoy,761,5
+beechwood,174,2
+hiteman,962,1
+lakeville,1604,1
+marstons,1222,0
+benevolence,113,9
+pomaria,1043,10
+tolstoy,375,13
+onaga,268,3
+woodbine,531,0
+marstons,1277,4
+hanson,1376,0
+pomaria,440,12
+klickitat,738,0
+hanson,1315,6
+lakeville,1775,5
+cosmos,848,3
+klickitat,2016,1
+pomaria,602,2
+marstons,2217,2
+pomaria,1651,3
+lindenwood,1423,2
+hiteman,798,1
+hiteman,80,5
+klickitat,483,6
+leonardo,279,1
+cosmos,207,3
+leonardo,2025,2
+tolstoy,1776,20
+klickitat,2390,4
+wainscott,995,0
+marstons,2313,3
+forkland,1144,9
+shelbyville,532,2
+ranchester,1008,1
+klickitat,84,3
+leonardo,1312,4
+klickitat,385,2
+ranchester,1285,1
+leonardo,2064,1
+pomaria,1319,3
+wainscott,283,3
+pinesdale,16,2
+cosmos,847,2
+hanson,150,8
+pinesdale,1318,1
+merom,246,7
+shelbyville,1039,2
+coffeen,521,3
+leonardo,1914,2
+pinesdale,263,4
+woodbine,936,5
+hanson,183,5
+forkland,525,13
+forkland,370,3
+lindenwood,2537,1
+ranchester,239,2
+merom,1053,1
+woodbine,1673,6
+woodbine,1709,1
+shelbyville,2685,4
+pinesdale,618,9
+ranchester,1149,7
+marstons,2367,5
+hiteman,743,2
+beechwood,179,7
+marstons,2474,5
+leonardo,1564,4
+shelbyville,223,0
+hanson,1626,0
+shelbyville,2144,1
+wainscott,681,3
+hanson,1175,1
+newfields,1339,3
+newfields,631,10
+shelbyville,431,1
+pomaria,1059,3
+marstons,2375,7
+mifflinburg,744,1
+ranchester,1326,6
+hanson,624,3
+mifflinburg,394,3
+beechwood,567,2
+newfields,1633,2
+stockman,1015,10
+wainscott,523,8
+marstons,1059,9
+pinesdale,126,3
+lindenwood,1009,3
+woodbine,313,15
+hanson,653,3
+woodbine,1738,3
+lindenwood,667,8
+lindenwood,842,4
+coffeen,257,0
+mifflinburg,160,3
+klickitat,537,8
+mifflinburg,553,0
+merom,1100,0
+pinesdale,1079,5
+marstons,1417,3
+hiteman,250,1
+merom,617,3
+cosmos,1041,10
+shelbyville,1332,2
+pomaria,586,11
+allensville,471,4
+pinesdale,897,1
+leonardo,1288,0
+pinesdale,1079,0
+allensville,230,0
+woodbine,1436,4
+forkland,606,0
+ranchester,417,9
+cosmos,359,2
+forkland,565,5
+hanson,226,4
+shelbyville,2648,1
+lindenwood,636,2
+mifflinburg,431,2
+pinesdale,1201,0
+pomaria,1226,0
+wainscott,7,2
+lindenwood,1115,2
+hanson,618,4
+hiteman,1500,1
+beechwood,644,3
+ranchester,1205,0
+shelbyville,2348,8
+newfields,805,11
+klickitat,840,11
+woodbine,1650,6
+marstons,570,2
+klickitat,1552,13
+newfields,713,6
+coffeen,82,2
+newfields,297,3
+wainscott,0,1
+wainscott,1080,2
+wainscott,1576,10
+leonardo,1775,3
+stockman,1133,0
+wainscott,847,13
+lakeville,179,8
+klickitat,1847,2
+onaga,582,0
+pinesdale,4,15
+stockman,812,3
+klickitat,1014,2
+pomaria,1362,1
+benevolence,93,10
+leonardo,874,14
+merom,197,6
+lakeville,900,1
+leonardo,1262,5
+hiteman,1733,2
+hiteman,1819,1
+merom,918,4
+hanson,623,9
+lakeville,1093,2
+tolstoy,1437,10
+beechwood,1036,5
+lakeville,734,0
+pinesdale,1099,3
+stockman,607,1
+wainscott,400,6
+tolstoy,1760,0
+pinesdale,1282,2
+wainscott,1075,5
+forkland,879,1
+marstons,990,7
+wainscott,1459,9
+klickitat,1065,6
+lindenwood,1616,12
+onaga,191,1
+beechwood,322,5
+lakeville,1225,5
+newfields,873,2
+tolstoy,1406,6
+klickitat,640,4
+klickitat,1922,7
+klickitat,1443,0
+beechwood,1102,1
+lindenwood,370,5
+shelbyville,945,6
+leonardo,1952,14
+lakeville,849,11
+leonardo,1955,2
+tolstoy,300,0
+leonardo,955,0
+merom,66,0
+klickitat,169,1
+klickitat,500,2
+lindenwood,338,2
+coffeen,1138,0
+klickitat,1486,3
+marstons,1896,19
+woodbine,1560,2
+leonardo,1656,6
+forkland,23,4
+pomaria,716,2
+leonardo,1745,6
+stockman,351,3
+hiteman,1346,7
+leonardo,544,8
+klickitat,1633,1
+lindenwood,2348,3
+marstons,84,9
+ranchester,1435,4
+newfields,1583,7
+hiteman,1781,9
+hanson,1164,11
+pinesdale,493,11
+shelbyville,206,7
+mifflinburg,299,2
+marstons,419,5
+ranchester,1152,6
+hanson,569,1
+tolstoy,398,1
+coffeen,1334,3
+marstons,2370,2
+lakeville,1280,3
+pomaria,235,7
+stockman,1089,4
+klickitat,311,3
+leonardo,389,2
+marstons,2224,5
+beechwood,1142,1
+lakeville,849,5
+coffeen,673,2
+coffeen,1052,9
+tolstoy,1284,3
+coffeen,1408,2
+pomaria,888,8
+klickitat,1255,6
+pinesdale,858,2
+klickitat,542,3
+stockman,906,0
+merom,947,3
+klickitat,250,1
+shelbyville,1765,5
+ranchester,754,5
+marstons,1141,1
+lakeville,628,8
+klickitat,2329,12
+hiteman,1620,2
+shelbyville,127,10
+klickitat,1032,5
+ranchester,1603,5
+leonardo,1977,2
+lakeville,740,7
+shelbyville,798,2
+mifflinburg,140,11
+coffeen,578,0
+lindenwood,1248,1
+allensville,272,8
+hanson,313,1
+newfields,1248,2
+stockman,1259,7
+newfields,401,6
+ranchester,1208,10
+pomaria,932,1
+klickitat,202,0
+coffeen,27,1
+leonardo,878,0
+lindenwood,1304,7
+klickitat,2389,4
+allensville,169,1
+klickitat,2088,0
+klickitat,1012,6
+marstons,1737,5
+woodbine,510,10
+coffeen,1111,0
+pomaria,1451,3
+hanson,40,7
+marstons,485,5
+woodbine,1753,7
+newfields,1214,6
+pomaria,1345,0
+woodbine,359,6
+ranchester,1520,4
+lindenwood,1781,6
+klickitat,300,9
+lindenwood,681,0
+mifflinburg,166,1
+wainscott,1749,2
+shelbyville,512,12
+hiteman,334,3
+ranchester,350,3
+hiteman,1760,2
+leonardo,691,0
+shelbyville,1732,17
+tolstoy,701,5
+marstons,416,7
+ranchester,476,1
+tolstoy,1396,3
+leonardo,375,2
+wainscott,675,13
+beechwood,1041,3
+leonardo,1297,1
+hanson,168,3
+woodbine,323,4
+klickitat,920,2
+ranchester,182,7
+shelbyville,1873,2
+shelbyville,2174,8
+stockman,1172,5
+coffeen,418,1
+shelbyville,1994,0
+beechwood,261,0
+lakeville,101,6
+tolstoy,6,9
+forkland,796,8
+leonardo,1024,4
+klickitat,1887,1
+pinesdale,203,9
+woodbine,1712,12
+stockman,198,2
+tolstoy,276,2
+tolstoy,1000,4
+hanson,1091,8
+stockman,489,7
+tolstoy,1091,1
+pomaria,662,4
+forkland,1051,0
+woodbine,313,10
+lakeville,1763,0
+lindenwood,2111,3
+hanson,1431,1
+pinesdale,869,3
+coffeen,1350,5
+klickitat,721,1
+forkland,451,1
+marstons,1010,7
+tolstoy,1707,5
+newfields,1257,3
+pomaria,1030,0
+forkland,465,7
+ranchester,1188,2
+lindenwood,1821,4
+ranchester,80,7
+forkland,1,2
+lindenwood,2325,0
+newfields,849,3
+hiteman,260,1
+shelbyville,555,8
+hiteman,1174,8
+shelbyville,2210,3
+stockman,570,4
+ranchester,1366,2
+leonardo,1806,7
+pomaria,1027,2
+hanson,1060,2
+allensville,437,0
+woodbine,1781,1
+leonardo,358,3
+klickitat,623,0
+lindenwood,1855,5
+hanson,1606,8
+ranchester,370,10
+leonardo,354,5
+klickitat,1431,2
+mifflinburg,263,1
+hanson,1424,2
+leonardo,958,9
+marstons,982,1
+wainscott,1603,1
+shelbyville,1239,7
+woodbine,1118,3
+lakeville,1028,9
+wainscott,739,1
+leonardo,1712,7
+hiteman,1801,3
+pomaria,417,0
+beechwood,1176,1
+benevolence,357,6
+hiteman,122,1
+shelbyville,2256,3
+lakeville,976,4
+benevolence,352,12
+hanson,182,2
+stockman,1378,3
+lindenwood,260,2
+lakeville,147,0
+klickitat,81,3
+pomaria,1130,0
+marstons,280,1
+woodbine,1243,0
+shelbyville,2650,11
+onaga,653,0
+pinesdale,522,2
+lindenwood,2261,5
+shelbyville,183,2
+woodbine,1273,13
+wainscott,1364,2
+klickitat,2396,5
+klickitat,739,6
+hanson,492,1
+cosmos,682,10
+pomaria,721,11
+klickitat,2028,3
+newfields,1618,5
+ranchester,518,4
+lindenwood,63,7
+pinesdale,820,6
+pomaria,750,11
+lindenwood,254,1
+shelbyville,2118,3
+tolstoy,236,10
+mifflinburg,331,1
+leonardo,594,10
+ranchester,641,5
+forkland,513,2
+ranchester,628,0
+hanson,1456,0
+marstons,1885,1
+ranchester,980,0
+hiteman,304,0
+forkland,491,1
+lindenwood,1517,4
+klickitat,732,4
+lindenwood,661,2
+klickitat,788,0
+forkland,956,6
+lakeville,1421,9
+shelbyville,2775,3
+leonardo,1451,4
+merom,45,10
+pomaria,1041,1
+hanson,1295,1
+lindenwood,2280,1
+shelbyville,2174,3
+woodbine,609,5
+pomaria,651,6
+newfields,1259,5
+forkland,531,0
+ranchester,109,6
+leonardo,289,7
+marstons,604,1
+cosmos,554,0
+marstons,349,0
+wainscott,337,7
+wainscott,1202,3
+shelbyville,2732,5
+tolstoy,151,4
+pinesdale,327,7
+leonardo,337,4
+pinesdale,1081,0
+leonardo,1498,3
+merom,156,0
+hanson,384,2
+allensville,332,0
+klickitat,1775,11
+cosmos,194,3
+wainscott,1292,6
+merom,200,2
+shelbyville,749,3
+marstons,533,4
+wainscott,166,14
+pomaria,589,5
+leonardo,261,15
+ranchester,1039,2
+onaga,544,1
+tolstoy,1601,3
+coffeen,4,1
+ranchester,720,2
+klickitat,458,0
+stockman,1531,2
+marstons,804,5
+newfields,781,1
+hiteman,1481,0
+shelbyville,182,1
+marstons,1829,10
+leonardo,2054,1
+merom,990,2
+cosmos,291,4
+ranchester,1031,1
+merom,473,0
+mifflinburg,286,2
+marstons,67,4
+pinesdale,45,2
+klickitat,2195,6
+marstons,2152,7
+shelbyville,211,3
+wainscott,1790,12
+lindenwood,90,4
+newfields,346,11
+merom,404,0
+pomaria,635,5
+merom,278,10
+pomaria,419,3
+hanson,1067,12
+lindenwood,2187,8
+hanson,230,2
+wainscott,1675,3
+wainscott,1451,4
+lindenwood,1739,3
+pinesdale,309,2
+lindenwood,1701,11
+shelbyville,2532,3
+hiteman,174,1
+lindenwood,458,2
+stockman,21,0
+klickitat,1193,4
+lindenwood,404,9
+shelbyville,1381,10
+woodbine,160,2
+shelbyville,2190,4
+newfields,367,2
+merom,836,3
+klickitat,391,0
+stockman,1403,6
+hiteman,1731,1
+newfields,202,1
+pinesdale,551,2
+woodbine,1317,9
+forkland,911,2
+cosmos,98,2
+leonardo,1008,5
+ranchester,1409,5
+tolstoy,1573,7
+wainscott,250,0
+stockman,930,2
+tolstoy,736,8
+lindenwood,2332,1
+pinesdale,1032,0
+merom,24,0
+lakeville,221,6
+marstons,513,10
+lindenwood,2371,0
+hiteman,6,4
+woodbine,4,1
+allensville,81,2
+beechwood,536,5
+wainscott,1214,0
+shelbyville,87,5
+leonardo,1972,2
+benevolence,183,4
+tolstoy,519,1
+onaga,464,8
+newfields,700,3
+leonardo,951,0
+newfields,725,7
+tolstoy,128,6
+leonardo,1567,2
+lindenwood,2246,2
+shelbyville,1234,4
+coffeen,967,5
+hanson,1129,4
+woodbine,89,4
+shelbyville,1365,0
+leonardo,1952,1
+tolstoy,1669,1
+leonardo,664,5
+hanson,306,4
+allensville,190,5
+marstons,37,1
+lindenwood,816,4
+hiteman,211,7
+woodbine,579,0
+pomaria,109,1
+marstons,621,2
+allensville,29,8
+leonardo,784,0
+lakeville,370,11
+lakeville,1455,13
+klickitat,312,6
+lindenwood,1378,1
+hiteman,1818,3
+marstons,1330,2
+hiteman,166,1
+coffeen,1152,0
+lindenwood,2612,0
+beechwood,433,1
+coffeen,354,2
+pinesdale,659,0
+lakeville,387,4
+pomaria,681,5
+woodbine,502,8
+ranchester,1356,2
+lindenwood,2121,1
+shelbyville,1926,4
+marstons,2527,2
+woodbine,2014,0
+merom,944,2
+klickitat,719,6
+marstons,1150,3
+klickitat,1876,0
+lindenwood,2573,2
+merom,770,5
+klickitat,969,0
+hiteman,287,0
+beechwood,691,2
+marstons,1792,0
+wainscott,1475,3
+pinesdale,1207,4
+benevolence,679,0
+newfields,1608,4
+stockman,1113,4
+lindenwood,2131,8
+marstons,2471,1
+klickitat,62,3
+lindenwood,104,0
+marstons,1376,1
+shelbyville,588,0
+leonardo,509,4
+klickitat,2396,4
+stockman,295,3
+wainscott,1159,4
+woodbine,1692,8
+marstons,137,5
+woodbine,1996,1
+wainscott,1424,14
+mifflinburg,189,4
+pinesdale,69,12
+coffeen,233,10
+woodbine,1597,1
+pomaria,121,14
+woodbine,498,5
+tolstoy,1384,0
+marstons,184,3
+tolstoy,1423,2
+pomaria,336,4
+ranchester,988,8
+forkland,545,3
+wainscott,946,0
+klickitat,2012,5
+lakeville,630,0
+shelbyville,279,4
+lindenwood,171,8
+stockman,1107,12
+beechwood,823,2
+hiteman,710,0
+coffeen,715,0
+leonardo,1360,5
+shelbyville,2217,8
+marstons,725,11
+tolstoy,688,1
+wainscott,1783,2
+stockman,365,4
+forkland,320,6
+pomaria,573,3
+stockman,431,3
+woodbine,1754,2
+lindenwood,2051,10
+beechwood,7,8
+merom,597,0
+woodbine,661,9
+mifflinburg,872,0
+forkland,71,0
+klickitat,2317,2
+woodbine,674,1
+hiteman,1315,3
+lindenwood,2249,2
+woodbine,105,2
+ranchester,865,11
+cosmos,854,0
+leonardo,148,2
+lindenwood,978,10
+marstons,1245,15
+klickitat,466,0
+leonardo,2026,6
+marstons,1586,4
+shelbyville,1095,12
+leonardo,515,5
+leonardo,922,3
+pinesdale,206,2
+lindenwood,513,3
+leonardo,1268,0
+beechwood,790,3
+wainscott,1338,8
+woodbine,1571,5
+woodbine,24,1
+woodbine,2027,2
+mifflinburg,561,0
+beechwood,651,2
+shelbyville,497,2
+coffeen,857,0
+pinesdale,555,5
+pomaria,757,3
+marstons,1912,9
+klickitat,443,0
+stockman,1428,2
+pinesdale,378,1
+lindenwood,1460,2
+hiteman,1427,2
+merom,193,4
+hiteman,1567,2
+marstons,1605,3
+leonardo,265,7
+leonardo,1580,9
+leonardo,1507,5
+lindenwood,485,0
+hanson,625,9
+pinesdale,723,0
+tolstoy,499,7
+tolstoy,897,6
+newfields,277,9
+beechwood,112,1
+shelbyville,1577,4
+ranchester,1265,0
+ranchester,460,2
+marstons,1854,7
+klickitat,1591,2
+klickitat,883,2
+pomaria,1351,0
+woodbine,1651,2
+lakeville,1361,0
+lindenwood,2609,0
+leonardo,258,3
+shelbyville,338,3
+mifflinburg,793,0
+woodbine,2017,4
+forkland,236,3
+coffeen,1229,0
+tolstoy,1678,0
+pinesdale,498,3
+allensville,413,1
+hanson,6,11
+klickitat,1002,1
+woodbine,66,13
+hiteman,1758,1
+lakeville,1587,2
+newfields,1480,0
+forkland,654,1
+coffeen,1025,2
+stockman,1028,2
+shelbyville,166,3
+lakeville,30,2
+forkland,1029,4
+wainscott,228,13
+leonardo,1310,6
+wainscott,1399,3
+tolstoy,650,11
+beechwood,274,3
+lindenwood,920,12
+ranchester,608,7
+lindenwood,2587,11
+pomaria,938,1
+tolstoy,263,1
+lindenwood,1081,2
+merom,210,2
+lindenwood,2565,5
+lindenwood,1751,4
+wainscott,433,12
+wainscott,1651,2
+woodbine,756,3
+coffeen,1290,6
+allensville,444,4
+mifflinburg,868,0
+mifflinburg,552,2
+lakeville,377,2
+tolstoy,1431,2
+shelbyville,896,1
+wainscott,1076,5
+marstons,2647,3
+wainscott,326,4
+newfields,717,2
+marstons,1140,4
+hiteman,450,2
+leonardo,1482,3
+pinesdale,34,0
+pinesdale,459,4
+lakeville,151,2
+lakeville,317,0
+shelbyville,2232,0
+ranchester,1020,3
+forkland,1181,3
+newfields,1185,3
+hiteman,1505,1
+stockman,352,2
+hiteman,1756,6
+tolstoy,247,2
+klickitat,1830,3
+klickitat,1231,4
+hiteman,1126,4
+lindenwood,2264,6
+klickitat,1415,3
+lindenwood,259,2
+lakeville,1575,9
+coffeen,433,1
+beechwood,813,0
+merom,22,1
+klickitat,1292,7
+beechwood,135,2
+klickitat,1729,2
+leonardo,424,1
+klickitat,696,1
+lindenwood,238,0
+stockman,864,1
+klickitat,468,2
+tolstoy,487,7
+newfields,60,0
+pomaria,101,0
+pomaria,1013,1
+pinesdale,351,1
+coffeen,451,3
+leonardo,1000,17
+newfields,1501,5
+ranchester,352,1
+wainscott,296,7
+hiteman,1545,0
+mifflinburg,278,0
+leonardo,435,9
+lindenwood,1498,1
+stockman,479,2
+woodbine,1571,14
+leonardo,1305,2
+hiteman,1168,5
+merom,909,9
+mifflinburg,647,0
+newfields,362,1
+mifflinburg,416,1
+coffeen,1130,4
+stockman,709,8
+ranchester,89,3
+woodbine,516,6
+tolstoy,310,10
+klickitat,2065,0
+lakeville,1597,2
+mifflinburg,591,1
+klickitat,2328,6
+klickitat,0,2
+lakeville,408,6
+shelbyville,1173,2
+pomaria,954,0
+shelbyville,2562,5
+coffeen,1185,1
+lindenwood,2635,8
+stockman,256,2
+hanson,571,0
+benevolence,499,2
+klickitat,1901,4
+woodbine,1549,10
+pomaria,1247,1
+tolstoy,669,6
+hanson,920,9
+ranchester,8,5
+klickitat,468,8
+hanson,809,3
+lakeville,815,5
+woodbine,1845,12
+marstons,1859,11
+allensville,126,4
+woodbine,1710,5
+ranchester,760,7
+klickitat,2325,7
+wainscott,702,3
+newfields,1132,9
+lakeville,1312,4
+newfields,1301,13
+pinesdale,824,10
+mifflinburg,346,1
+shelbyville,1381,7
+klickitat,109,0
+benevolence,882,9
+ranchester,1439,4
+marstons,447,2
+coffeen,880,2
+ranchester,1593,12
+leonardo,603,10
+stockman,526,10
+cosmos,517,3
+leonardo,320,3
+leonardo,253,0
+pinesdale,1152,4
+woodbine,271,10
+woodbine,1264,1
+pinesdale,1208,6
+klickitat,1814,2
+klickitat,1337,2
+shelbyville,71,8
+pomaria,1281,0
+shelbyville,1255,3
+marstons,2344,3
+wainscott,240,4
+newfields,158,4
+pinesdale,454,2
+lindenwood,397,6
+ranchester,530,2
+klickitat,2372,0
+marstons,1072,1
+cosmos,200,1
+wainscott,62,8
+lindenwood,1826,2
+forkland,818,1
+forkland,1045,0
+onaga,502,2
+coffeen,360,6
+marstons,1263,2
+shelbyville,1569,10
+klickitat,1903,3
+onaga,108,1
+leonardo,1712,9
+klickitat,1296,11
+tolstoy,82,7
+klickitat,934,1
+tolstoy,100,5
+tolstoy,408,0
+woodbine,205,2
+klickitat,991,6
+hanson,714,3
+woodbine,201,0
+pinesdale,1235,11
+pinesdale,655,1
+klickitat,2333,16
+wainscott,1703,4
+merom,81,7
+shelbyville,1609,0
+lindenwood,2641,5
+lindenwood,2655,1
+onaga,38,1
+stockman,514,0
+shelbyville,1880,8
+wainscott,731,13
+lakeville,1837,8
+shelbyville,504,2
+newfields,1387,3
+merom,635,10
+lakeville,1466,0
+merom,13,4
+cosmos,5,1
+woodbine,72,0
+newfields,1027,9
+pinesdale,1233,3
+lindenwood,776,3
+ranchester,423,5
+marstons,819,3
+ranchester,230,2
+hanson,336,6
+tolstoy,1489,6
+leonardo,1628,2
+klickitat,320,4
+newfields,646,2
+merom,242,0
+lindenwood,2107,0
+lakeville,454,6
+lindenwood,1881,9
+shelbyville,2669,1
+marstons,2046,12
+hiteman,1180,6
+klickitat,531,3
+shelbyville,2300,0
+beechwood,819,0
+hiteman,817,3
+cosmos,982,7
+marstons,1621,3
+lakeville,1450,2
+pomaria,1161,10
+newfields,837,2
+hanson,242,2
+coffeen,778,2
+lindenwood,446,0
+lindenwood,2371,18
+beechwood,1022,2
+lindenwood,2426,0
+lakeville,322,1
+hiteman,1414,3
+forkland,719,1
+lindenwood,793,2
+allensville,500,5
+mifflinburg,426,2
+ranchester,615,10
+klickitat,1509,13
+shelbyville,1427,0
+woodbine,1099,2
+lindenwood,2678,4
+lindenwood,2133,1
+pinesdale,472,3
+lakeville,1706,1
+hiteman,820,6
+leonardo,916,4
+shelbyville,1415,4
+allensville,350,4
+pomaria,770,0
+onaga,524,2
+shelbyville,2606,4
+merom,234,6
+mifflinburg,962,1
+shelbyville,1200,0
+merom,999,7
+woodbine,1208,8
+lindenwood,2507,4
+pomaria,624,7
+shelbyville,147,1
+woodbine,1782,3
+lindenwood,2227,4
+beechwood,961,4
+hiteman,1187,0
+hiteman,23,3
+shelbyville,1357,2
+ranchester,1094,3
+beechwood,594,1
+wainscott,1102,1
+hiteman,1705,4
+shelbyville,456,7
+ranchester,305,2
+stockman,689,16
+klickitat,1540,0
+shelbyville,174,1
+stockman,312,3
+leonardo,1709,0
+beechwood,786,2
+hanson,51,2
+stockman,433,1
+beechwood,679,0
+marstons,104,0
+tolstoy,1767,4
+lindenwood,837,0
+pinesdale,165,3
+klickitat,463,0
+tolstoy,1839,4
+pomaria,961,9
+pomaria,942,1
+lindenwood,313,0
+pomaria,233,0
+woodbine,1005,7
+marstons,2127,7
+coffeen,1146,3
+coffeen,224,3
+lindenwood,1990,0
+forkland,351,3
+marstons,710,6
+leonardo,653,4
+coffeen,786,4
+marstons,1884,8
+allensville,238,1
+tolstoy,184,2
+shelbyville,891,6
+beechwood,264,11
+mifflinburg,138,5
+allensville,122,2
+pomaria,693,6
+shelbyville,452,2
+newfields,1329,1
+klickitat,2069,9
+tolstoy,627,0
+lindenwood,1313,1
+marstons,1920,13
+wainscott,878,0
+tolstoy,1555,2
+tolstoy,1352,2
+hiteman,1739,1
+lakeville,53,1
+tolstoy,1097,0
+pomaria,1281,2
+stockman,1376,2
+newfields,1394,1
+pinesdale,1468,13
+shelbyville,851,5
+merom,279,2
+woodbine,912,12
+shelbyville,1589,1
+klickitat,371,3
+pomaria,1490,6
+tolstoy,396,0
+leonardo,795,0
+pomaria,214,6
+klickitat,648,8
+benevolence,501,0
+lakeville,1217,0
+onaga,217,5
+klickitat,621,6
+lakeville,1145,0
+woodbine,652,9
+coffeen,1446,0
+newfields,966,1
+newfields,526,5
+onaga,1,0
+pomaria,21,8
+klickitat,1904,11
+marstons,2565,7
+newfields,185,1
+marstons,1238,3
+stockman,1590,3
+marstons,1546,1
+leonardo,1257,5
+hiteman,1163,8
+beechwood,106,3
+cosmos,837,0
+beechwood,428,4
+lindenwood,2289,7
+shelbyville,1450,6
+forkland,76,4
+benevolence,125,0
+pomaria,1081,0
+wainscott,484,6
+marstons,2166,9
+pomaria,496,1
+hanson,775,8
+coffeen,284,5
+shelbyville,46,0
+klickitat,1041,7
+hiteman,986,3
+lindenwood,530,3
+merom,634,2
+ranchester,1021,5
+stockman,613,1
+allensville,254,1
+hiteman,1773,0
+marstons,430,3
+merom,599,3
+pinesdale,297,2
+marstons,155,5
+leonardo,1192,4
+tolstoy,147,3
+tolstoy,556,9
+lindenwood,1656,2
+lindenwood,453,12
+forkland,1150,4
+ranchester,594,4
+tolstoy,1693,0
+marstons,2517,0
+pomaria,26,4
+woodbine,317,1
+newfields,845,4
+pomaria,839,0
+pomaria,1462,0
+lindenwood,2248,5
+lindenwood,1943,5
+pinesdale,1049,7
+klickitat,174,3
+klickitat,607,4
+lakeville,998,3
+pinesdale,796,1
+shelbyville,2078,9
+ranchester,525,10
+ranchester,1575,8
+cosmos,788,0
+marstons,316,10
+hanson,1171,3
+pomaria,929,5
+leonardo,1209,0
+klickitat,1878,7
+shelbyville,1966,2
+tolstoy,573,2
+marstons,1751,4
+klickitat,37,4
+onaga,482,4
+pomaria,997,1
+marstons,1115,2
+wainscott,838,2
+marstons,2654,1
+tolstoy,438,3
+mifflinburg,682,1
+pomaria,1468,6
+forkland,1020,6
+pinesdale,1401,3
+pinesdale,1426,1
+merom,695,4
+marstons,1956,0
+woodbine,1967,1
+pinesdale,1087,9
+lindenwood,758,1
+marstons,2156,0
+marstons,2253,0
+pomaria,965,4
+lindenwood,433,3
+pomaria,161,2
+woodbine,1263,2
+tolstoy,1810,0
+ranchester,543,4
+pomaria,978,1
+klickitat,1875,10
+hiteman,376,1
+wainscott,253,9
+lindenwood,2091,1
+newfields,1516,5
+stockman,9,5
+newfields,111,1
+mifflinburg,113,12
+forkland,304,0
+forkland,793,5
+stockman,1027,3
+forkland,124,1
+benevolence,771,1
+klickitat,2329,15
+coffeen,1462,4
+tolstoy,718,2
+hanson,482,7
+wainscott,184,0
+stockman,872,2
+leonardo,1063,1
+lakeville,1039,5
+hiteman,552,0
+ranchester,1096,3
+tolstoy,1223,5
+newfields,44,2
+benevolence,243,10
+shelbyville,2758,2
+lakeville,1457,2
+leonardo,1171,3
+mifflinburg,808,2
+cosmos,379,10
+merom,354,7
+hanson,923,2
+merom,568,2
+woodbine,1959,5
+ranchester,14,1
+shelbyville,1426,4
+klickitat,2237,0
+pomaria,1173,2
+allensville,255,9
+lindenwood,1026,8
+tolstoy,1407,9
+wainscott,1186,3
+lakeville,1309,4
+lakeville,1266,0
+stockman,1333,4
+woodbine,1465,0
+woodbine,102,3
+klickitat,54,12
+tolstoy,615,2
+wainscott,599,5
+hiteman,165,19
+shelbyville,1842,3
+forkland,191,3
+shelbyville,1355,5
+hanson,283,2
+leonardo,1569,4
+hiteman,1821,1
+shelbyville,1561,5
+newfields,58,2
+allensville,35,3
+hiteman,1662,3
+stockman,531,0
+hiteman,1104,10
+coffeen,1167,0
+marstons,2490,9
+lindenwood,819,7
+stockman,813,8
+newfields,366,0
+ranchester,1213,3
+woodbine,636,0
+stockman,193,1
+hiteman,1380,0
+shelbyville,441,4
+hiteman,358,1
+beechwood,36,6
+tolstoy,192,3
+cosmos,862,6
+marstons,61,11
+leonardo,779,0
+marstons,2464,4
+leonardo,82,3
+woodbine,1419,1
+pomaria,13,8
+hiteman,996,2
+lindenwood,528,5
+shelbyville,2013,8
+woodbine,1246,11
+klickitat,966,8
+hanson,790,5
+hanson,184,10
+lindenwood,816,5
+stockman,726,1
+pinesdale,1167,11
+mifflinburg,629,2
+stockman,97,2
+hanson,165,3
+tolstoy,1709,4
+wainscott,1275,2
+hanson,1206,2
+beechwood,1160,3
+lindenwood,2041,2
+marstons,1076,2
+coffeen,20,0
+hiteman,145,2
+lindenwood,599,10
+merom,623,3
+marstons,2501,1
+hanson,885,6
+marstons,774,0
+beechwood,284,5
+beechwood,1130,10
+newfields,534,14
+cosmos,622,2
+leonardo,1607,0
+allensville,416,5
+stockman,1015,3
+lindenwood,401,0
+pomaria,639,2
+tolstoy,926,0
+shelbyville,1999,15
+shelbyville,47,5
+coffeen,422,2
+stockman,1449,3
+ranchester,545,2
+newfields,213,1
+lindenwood,2531,3
+woodbine,1788,7
+tolstoy,25,2
+lakeville,1384,9
+pinesdale,83,1
+wainscott,1233,1
+ranchester,704,2
+mifflinburg,335,2
+beechwood,74,2
+marstons,1481,9
+lakeville,1501,4
+lindenwood,2554,7
+coffeen,639,8
+klickitat,1404,9
+hiteman,524,3
+leonardo,1236,6
+lakeville,1562,17
+hanson,1193,3
+hanson,1318,15
+cosmos,197,6
+beechwood,1063,1
+stockman,1454,5
+lakeville,1696,2
+hanson,1462,7
+marstons,316,5
+woodbine,1218,4
+shelbyville,155,1
+wainscott,523,7
+wainscott,36,0
+klickitat,247,2
+marstons,1815,2
+onaga,127,1
+pinesdale,777,1
+leonardo,1920,5
+wainscott,607,0
+forkland,608,1
+wainscott,1772,1
+lindenwood,1600,1
+leonardo,1967,4
+marstons,724,3
+shelbyville,1107,7
+lakeville,306,4
+klickitat,1280,3
+klickitat,930,3
+marstons,1197,0
+hanson,885,4
+stockman,1524,3
+leonardo,1928,2
+allensville,10,5
+lakeville,670,6
+marstons,662,6
+lindenwood,2444,0
+woodbine,1720,4
+hiteman,1026,2
+lakeville,1083,9
+marstons,1809,7
+lindenwood,743,4
+lakeville,907,15
+wainscott,425,11
+pomaria,880,4
+woodbine,835,1
+newfields,420,5
+pinesdale,911,0
+klickitat,1270,12
+forkland,454,3
+wainscott,1771,2
+klickitat,1283,3
+onaga,24,2
+marstons,1650,4
+lindenwood,510,0
+hanson,1468,3
+shelbyville,2041,0
+tolstoy,680,5
+mifflinburg,267,2
+lindenwood,649,3
+lakeville,357,2
+pomaria,627,12
+klickitat,894,1
+marstons,2594,6
+leonardo,1227,2
+marstons,307,6
+klickitat,1439,0
+shelbyville,935,0
+benevolence,530,3
+klickitat,1008,3
+leonardo,330,11
+beechwood,1078,1
+stockman,1318,8
+newfields,262,5
+pinesdale,992,0
+pinesdale,1262,0
+marstons,2160,6
+merom,680,1
+newfields,208,3
+marstons,362,2
+klickitat,2264,4
+woodbine,1545,13
+stockman,476,2
+stockman,1397,5
+beechwood,285,1
+beechwood,841,4
+hanson,1087,2
+lakeville,293,5
+tolstoy,83,1
+marstons,2204,3
+woodbine,2048,1
+leonardo,336,1
+klickitat,1246,10
+lindenwood,894,3
+hanson,1241,9
+leonardo,1202,8
+pomaria,632,3
+lakeville,875,10
+lakeville,764,2
+leonardo,778,3
+coffeen,398,2
+woodbine,1513,10
+stockman,432,7
+klickitat,695,7
+marstons,1547,6
+allensville,252,7
+merom,556,0
+pinesdale,494,0
+coffeen,1169,3
+woodbine,1599,6
+shelbyville,2818,8
+marstons,2363,9
+pinesdale,530,3
+pomaria,1175,10
+lakeville,1094,5
+pomaria,58,1
+woodbine,620,0
+pomaria,23,0
+beechwood,917,1
+pinesdale,1267,1
+leonardo,1755,3
+beechwood,142,1
+klickitat,2049,5
+hiteman,881,4
+tolstoy,1298,3
+marstons,372,14
+stockman,745,7
+shelbyville,221,9
+wainscott,1017,11
+hanson,1300,0
+cosmos,830,3
+klickitat,199,4
+forkland,687,0
+onaga,344,5
+lakeville,1218,9
+hanson,118,5
+hanson,356,8
+woodbine,708,3
+woodbine,1695,3
+tolstoy,193,0
+woodbine,1290,1
+lakeville,755,0
+klickitat,1369,2
+wainscott,488,4
+shelbyville,128,9
+pinesdale,202,2
+lindenwood,885,1
+hiteman,259,2
+stockman,625,1
+cosmos,446,1
+lindenwood,1860,2
+shelbyville,1097,3
+lakeville,958,4
+wainscott,1492,7
+woodbine,25,10
+lakeville,852,5
+merom,369,2
+tolstoy,1157,3
+shelbyville,1117,2
+lindenwood,2218,4
+lindenwood,858,7
+woodbine,791,3
+marstons,257,4
+beechwood,462,12
+shelbyville,1820,5
+lakeville,785,4
+pinesdale,349,0
+pomaria,502,4
+hiteman,1555,2
+leonardo,1559,2
+lakeville,926,4
+lakeville,1336,7
+leonardo,406,19
+benevolence,411,7
+pinesdale,143,1
+hanson,333,6
+stockman,1024,0
+klickitat,1222,3
+marstons,615,0
+coffeen,82,1
+pomaria,1052,2
+pomaria,1229,2
+stockman,1230,3
+mifflinburg,474,6
+mifflinburg,393,4
+coffeen,1318,4
+newfields,1461,4
+tolstoy,1270,1
+cosmos,233,12
+ranchester,780,6
+leonardo,524,0
+merom,427,2
+klickitat,1770,5
+leonardo,256,5
+beechwood,475,2
+marstons,46,3
+merom,952,1
+stockman,816,2
+lindenwood,1996,4
+lindenwood,2286,3
+woodbine,1707,11
+cosmos,291,0
+newfields,1601,2
+klickitat,2116,0
+allensville,163,0
+leonardo,859,0
+ranchester,530,7
+allensville,357,4
+shelbyville,984,0
+shelbyville,2116,3
+cosmos,71,2
+tolstoy,808,8
+lindenwood,830,3
+lakeville,1393,5
+klickitat,2029,9
+klickitat,2191,8
+leonardo,673,2
+pomaria,256,0
+shelbyville,1105,6
+hanson,436,8
+onaga,294,3
+tolstoy,375,11
+tolstoy,207,9
+mifflinburg,821,4
+stockman,815,3
+pinesdale,1130,0
+coffeen,1375,3
+newfields,1070,8
+lakeville,1589,6
+leonardo,831,0
+leonardo,1961,6
+marstons,910,12
+hiteman,864,13
+marstons,2378,9
+tolstoy,225,0
+shelbyville,656,3
+newfields,588,9
+pinesdale,1449,5
+hanson,1419,11
+beechwood,466,1
+onaga,613,6
+hiteman,65,1
+marstons,264,3
+hanson,233,4
+cosmos,332,5
+lindenwood,322,2
+lindenwood,1209,1
+newfields,14,4
+hanson,1633,7
+tolstoy,610,11
+woodbine,24,0
+lindenwood,1458,9
+coffeen,116,6
+woodbine,943,1
+beechwood,888,0
+hanson,763,8
+woodbine,1018,7
+lakeville,720,3
+wainscott,1371,9
+lakeville,729,5
+newfields,1651,3
+tolstoy,854,3
+lindenwood,2252,0
+pomaria,1237,9
+leonardo,738,4
+cosmos,504,4
+shelbyville,711,5
+hanson,28,3
+tolstoy,1323,8
+hiteman,1112,13
+leonardo,721,0
+leonardo,1576,0
+ranchester,603,2
+hanson,1064,2
+marstons,1104,2
+newfields,170,0
+benevolence,693,3
+ranchester,475,0
+newfields,1025,8
+newfields,627,12
+lakeville,1136,0
+merom,433,0
+newfields,1349,1
+beechwood,584,3
+woodbine,29,1
+klickitat,1224,3
+hanson,1219,2
+allensville,463,1
+marstons,633,4
+forkland,1016,2
+stockman,159,2
+marstons,934,14
+klickitat,1654,4
+klickitat,1491,3
+marstons,2198,8
+tolstoy,45,3
+leonardo,1972,0
+hiteman,1155,1
+shelbyville,39,4
+newfields,614,3
+marstons,213,4
+tolstoy,714,7
+marstons,2583,6
+forkland,1126,4
+leonardo,239,3
+beechwood,921,3
+marstons,2523,2
+beechwood,737,4
+pinesdale,156,9
+lindenwood,2397,0
+hiteman,674,3
+shelbyville,1282,2
+lakeville,1200,12
+cosmos,966,2
+cosmos,1046,4
+lindenwood,2142,13
+lakeville,1041,5
+cosmos,775,8
+hanson,1106,10
+hanson,852,10
+newfields,1588,0
+merom,360,11
+hanson,416,5
+hanson,139,0
+shelbyville,802,1
+hanson,1627,2
+tolstoy,629,10
+hiteman,605,7
+marstons,2452,10
+marstons,975,4
+onaga,502,0
+lindenwood,182,2
+leonardo,1625,1
+marstons,1633,3
+lakeville,1242,10
+merom,70,2
+ranchester,1565,3
+lakeville,499,7
+shelbyville,687,2
+lakeville,1313,6
+hiteman,101,0
+woodbine,837,5
+hanson,1657,3
+lindenwood,557,5
+woodbine,1351,9
+pomaria,195,4
+shelbyville,2804,3
+klickitat,2,0
+beechwood,1110,1
+klickitat,618,0
+cosmos,963,1
+leonardo,598,5
+ranchester,1027,5
+beechwood,898,2
+klickitat,1211,7
+woodbine,104,4
+hanson,1284,0
+cosmos,325,0
+wainscott,1768,0
+shelbyville,1769,2
+coffeen,245,3
+coffeen,347,4
+lakeville,1211,15
+cosmos,799,12
+lakeville,945,4
+klickitat,1444,4
+marstons,1872,2
+hanson,759,2
+hanson,1487,2
+wainscott,1095,7
+cosmos,534,5
+klickitat,55,3
+woodbine,1918,9
+shelbyville,475,8
+ranchester,1167,5
+hanson,1457,0
+lakeville,1162,11
+merom,388,0
+lakeville,588,3
+coffeen,1315,4
+klickitat,805,7
+pomaria,765,4
+coffeen,1390,3
+lakeville,430,2
+shelbyville,1845,3
+lindenwood,1308,1
+merom,68,2
+leonardo,65,5
+lindenwood,438,5
+coffeen,831,6
+marstons,625,6
+pomaria,1452,1
+woodbine,1924,1
+ranchester,1073,3
+leonardo,193,3
+lakeville,713,4
+tolstoy,771,1
+hiteman,1767,6
+cosmos,431,2
+hiteman,970,0
+shelbyville,249,3
+wainscott,640,2
+shelbyville,1617,0
+forkland,130,1
+cosmos,230,3
+klickitat,163,11
+shelbyville,1694,8
+coffeen,915,4
+klickitat,2312,5
+ranchester,1494,9
+newfields,1202,2
+ranchester,1080,5
+merom,278,7
+tolstoy,1602,1
+wainscott,497,4
+leonardo,690,1
+shelbyville,727,1
+woodbine,1726,2
+shelbyville,1981,3
+shelbyville,1296,10
+lindenwood,2325,7
+hanson,106,8
+wainscott,785,1
+lindenwood,124,9
+woodbine,531,5
+hiteman,203,6
+woodbine,785,5
+lakeville,1459,12
+forkland,777,2
+marstons,893,1
+coffeen,1148,4
+tolstoy,549,0
+hanson,321,2
+lindenwood,726,8
+stockman,1541,1
+hanson,446,10
+benevolence,624,1
+woodbine,245,6
+coffeen,1077,1
+forkland,1195,4
+lakeville,852,4
+newfields,1219,3
+lakeville,347,2
+leonardo,2055,6
+coffeen,766,0
+shelbyville,2180,2
+leonardo,1512,5
+pomaria,96,3
+coffeen,1417,0
+newfields,197,3
+ranchester,790,1
+pomaria,125,1
+lindenwood,63,5
+marstons,1591,5
+merom,694,5
+marstons,1540,0
+woodbine,190,3
+shelbyville,153,2
+wainscott,1161,11
+hanson,922,1
+hanson,425,1
+hanson,394,10
+marstons,37,15
+tolstoy,463,1
+leonardo,697,1
+pomaria,1657,2
+tolstoy,438,13
+wainscott,670,3
+lindenwood,562,2
+coffeen,764,3
+marstons,1079,3
+lindenwood,877,3
+hiteman,130,10
+lindenwood,2093,0
+pomaria,1180,5
+marstons,995,3
+coffeen,1052,2
+benevolence,783,1
+pinesdale,364,7
+hanson,1114,1
+pinesdale,1044,2
+shelbyville,2694,11
+lindenwood,1281,4
+coffeen,1031,2
+klickitat,2350,8
+hiteman,190,2
+marstons,1528,1
+hiteman,56,7
+hiteman,1495,9
+pomaria,1140,0
+lindenwood,1575,3
+wainscott,601,4
+marstons,1063,5
+lindenwood,1053,1
+ranchester,990,5
+klickitat,57,4
+woodbine,503,4
+coffeen,612,3
+marstons,2193,5
+lindenwood,2216,4
+merom,637,1
+klickitat,1820,11
+tolstoy,1261,1
+newfields,971,4
+klickitat,2174,12
+marstons,2643,10
+klickitat,550,9
+beechwood,156,3
+woodbine,824,5
+ranchester,800,11
+klickitat,700,6
+pomaria,1403,4
+tolstoy,1450,3
+pomaria,1356,8
+merom,1010,0
+beechwood,702,2
+tolstoy,103,2
+klickitat,1116,3
+leonardo,303,4
+ranchester,1403,2
+forkland,707,2
+forkland,841,3
+coffeen,1221,3
+hanson,936,12
+klickitat,1916,7
+woodbine,745,12
+leonardo,1377,4
+coffeen,765,11
+lakeville,1643,20
+lakeville,992,0
+marstons,2235,0
+lindenwood,137,4
+lindenwood,876,6
+pinesdale,1073,10
+hanson,1347,4
+hanson,1315,0
+tolstoy,71,0
+benevolence,674,4
+lindenwood,1775,4
+leonardo,1488,2
+ranchester,799,1
+newfields,1206,4
+allensville,61,0
+newfields,1070,5
+wainscott,772,5
+marstons,370,2
+wainscott,641,10
+klickitat,1399,0
+hiteman,1561,1
+pomaria,1489,2
+pinesdale,995,0
+stockman,1304,3
+forkland,1148,6
+wainscott,1490,6
+beechwood,1034,2
+woodbine,626,8
+hiteman,983,6
+newfields,1328,2
+ranchester,1154,5
+marstons,2573,2
+coffeen,962,0
+leonardo,794,1
+tolstoy,1290,10
+newfields,469,3
+shelbyville,2559,9
+shelbyville,2406,1
+coffeen,115,1
+pomaria,1362,0
+lindenwood,509,3
+lakeville,1884,15
+hanson,1462,0
+leonardo,1099,0
+pomaria,425,3
+lindenwood,2233,3
+coffeen,1449,2
+shelbyville,573,0
+lakeville,453,8
+leonardo,255,0
+lindenwood,2285,3
+beechwood,675,1
+leonardo,162,0
+lindenwood,967,5
+stockman,818,0
+pomaria,536,6
+beechwood,564,0
+hiteman,1735,3
+marstons,732,2
+hanson,1067,1
+hiteman,1645,16
+benevolence,551,1
+klickitat,148,17
+wainscott,313,5
+shelbyville,1593,2
+newfields,1162,3
+hiteman,1493,2
+ranchester,611,1
+shelbyville,2351,3
+ranchester,83,3
+coffeen,1258,0
+pinesdale,289,5
+lindenwood,682,9
+marstons,771,4
+hiteman,247,3
+newfields,34,1
+newfields,131,7
+leonardo,590,1
+coffeen,982,0
+marstons,2508,0
+woodbine,2007,8
+ranchester,1174,2
+leonardo,1411,10
+leonardo,186,0
+shelbyville,2687,8
+lakeville,733,5
+marstons,14,9
+shelbyville,1149,5
+ranchester,1348,6
+pinesdale,1038,2
+klickitat,1204,0
+wainscott,164,0
+mifflinburg,42,1
+hanson,234,2
+lakeville,1014,3
+shelbyville,121,9
+klickitat,1816,11
+shelbyville,1800,0
+shelbyville,2659,2
+newfields,599,1
+newfields,1014,2
+pinesdale,317,4
+woodbine,501,3
+ranchester,126,0
+marstons,613,5
+onaga,9,1
+lindenwood,868,2
+hanson,783,0
+marstons,67,11
+newfields,1489,0
+tolstoy,785,7
+onaga,430,1
+marstons,1439,6
+shelbyville,2653,4
+newfields,325,14
+shelbyville,629,9
+woodbine,1208,12
+wainscott,497,6
+newfields,529,4
+shelbyville,1759,0
+hanson,350,2
+tolstoy,1142,0
+tolstoy,1391,9
+stockman,1111,3
+tolstoy,1603,2
+lakeville,1601,4
+hanson,781,2
+coffeen,192,1
+lindenwood,274,4
+klickitat,1561,16
+hanson,1047,1
+lindenwood,2510,2
+hanson,826,13
+merom,996,7
+hiteman,1437,0
+beechwood,698,4
+lindenwood,365,5
+tolstoy,1192,3
+newfields,589,0
+woodbine,1567,1
+lakeville,1643,16
+marstons,1325,14
+lakeville,492,4
+klickitat,1769,1
+wainscott,1315,2
+klickitat,2259,10
+lindenwood,709,4
+hanson,980,8
+lindenwood,2525,3
+leonardo,1935,13
+marstons,701,1
+shelbyville,1100,5
+lakeville,842,5
+shelbyville,2525,3
+allensville,340,1
+cosmos,476,0
+merom,51,4
+marstons,1343,1
+shelbyville,2499,0
+beechwood,428,3
+hanson,1083,3
+hanson,245,4
+hiteman,1712,1
+leonardo,1942,4
+woodbine,1526,1
+tolstoy,362,3
+leonardo,1388,6
+stockman,278,5
+shelbyville,479,0
+shelbyville,2001,3
+wainscott,921,7
+cosmos,844,0
+merom,335,1
+pinesdale,687,1
+stockman,1071,11
+shelbyville,361,2
+pinesdale,1210,3
+shelbyville,677,0
+klickitat,322,3
+hanson,1065,13
+hiteman,1635,10
+hiteman,1681,2
+klickitat,498,7
+klickitat,1303,9
+pomaria,937,5
+lakeville,583,5
+marstons,2119,3
+hiteman,1494,0
+allensville,280,3
+shelbyville,512,16
+klickitat,658,4
+lakeville,1416,3
+newfields,97,0
+mifflinburg,820,2
+lindenwood,1379,3
+wainscott,1708,7
+marstons,535,4
+newfields,1015,1
+pomaria,1294,6
+woodbine,226,0
+stockman,696,0
+lakeville,1084,3
+merom,139,2
+leonardo,604,2
+tolstoy,1725,3
+stockman,1246,1
+merom,821,0
+leonardo,1740,3
+shelbyville,476,1
+coffeen,169,0
+leonardo,1364,0
+stockman,360,1
+tolstoy,1197,0
+marstons,1084,8
+shelbyville,2375,2
+pomaria,263,1
+klickitat,2093,4
+allensville,482,4
+lindenwood,404,11
+pinesdale,38,4
+wainscott,1584,3
+newfields,504,11
+lakeville,1350,11
+shelbyville,1611,0
+shelbyville,1772,12
+klickitat,1962,3
+marstons,589,7
+beechwood,135,10
+shelbyville,1687,0
+ranchester,956,2
+benevolence,502,3
+lakeville,1167,0
+marstons,1399,8
+hiteman,790,0
+leonardo,1215,5
+lindenwood,584,1
+onaga,538,1
+forkland,401,2
+ranchester,1190,11
+lindenwood,732,12
+beechwood,769,8
+hanson,1007,5
+lindenwood,799,10
+klickitat,1149,1
+tolstoy,445,3
+allensville,437,1
+wainscott,191,3
+pomaria,987,2
+pomaria,1506,3
+stockman,1478,1
+wainscott,297,6
+klickitat,1412,4
+klickitat,1917,3
+newfields,1,0
+woodbine,1631,0
+shelbyville,727,11
+hiteman,1370,3
+cosmos,973,3
+woodbine,6,2
+leonardo,59,5
+klickitat,988,9
+lindenwood,2551,2
+shelbyville,1342,0
+wainscott,1361,8
+leonardo,207,6
+lindenwood,2623,8
+marstons,227,1
+benevolence,953,3
+leonardo,1028,4
+cosmos,467,14
+lakeville,1778,5
+leonardo,395,4
+shelbyville,1308,4
+klickitat,742,6
+shelbyville,2529,3
+hanson,153,3
+lakeville,746,7
+shelbyville,2551,4
+beechwood,243,2
+merom,535,5
+lindenwood,232,6
+cosmos,945,0
+pinesdale,1081,4
+marstons,1598,2
+stockman,117,0
+marstons,1218,3
+lindenwood,1431,4
+lakeville,1020,2
+lakeville,256,11
+forkland,8,4
+stockman,763,3
+pinesdale,459,5
+benevolence,679,10
+klickitat,448,11
+allensville,413,0
+klickitat,63,0
+leonardo,230,2
+wainscott,1371,4
+shelbyville,819,5
+leonardo,2111,1
+woodbine,276,9
+newfields,1611,1
+pomaria,418,6
+woodbine,1673,1
+leonardo,281,9
+wainscott,925,2
+tolstoy,39,8
+lakeville,1862,1
+allensville,126,7
+woodbine,1575,2
+wainscott,1148,2
+hanson,304,11
+shelbyville,1845,0
+beechwood,929,10
+coffeen,1008,4
+hanson,418,1
+coffeen,30,2
+marstons,544,1
+leonardo,167,10
+beechwood,559,5
+pinesdale,840,1
+benevolence,345,2
+hiteman,1516,4
+lindenwood,1364,3
+woodbine,1829,0
+tolstoy,1019,0
+ranchester,328,2
+allensville,519,1
+tolstoy,1223,2
+tolstoy,1385,4
+marstons,1001,8
+pomaria,490,10
+ranchester,360,2
+tolstoy,934,5
+merom,521,5
+pinesdale,935,1
+newfields,73,2
+shelbyville,594,2
+cosmos,368,2
+lindenwood,1562,8
+shelbyville,378,11
+klickitat,1038,12
+lindenwood,2678,2
+leonardo,1212,2
+beechwood,330,0
+klickitat,1880,11
+tolstoy,295,2
+klickitat,503,12
+stockman,1541,3
+klickitat,537,1
+hiteman,134,3
+newfields,763,3
+marstons,10,6
+onaga,312,7
+lakeville,1010,3
+lakeville,1078,7
+woodbine,1527,7
+pomaria,841,3
+beechwood,1148,7
+tolstoy,1786,0
+klickitat,1967,17
+stockman,31,2
+leonardo,304,2
+hiteman,678,2
+leonardo,744,3
+klickitat,1213,7
+stockman,659,0
+marstons,1200,4
+shelbyville,269,1
+beechwood,70,6
+klickitat,116,0
+merom,18,3
+mifflinburg,90,2
+beechwood,1114,1
+lindenwood,1503,8
+beechwood,55,1
+hanson,867,5
+hanson,436,15
+lakeville,98,1
+newfields,270,4
+cosmos,1010,12
+cosmos,897,9
+pinesdale,1214,3
+forkland,906,4
+klickitat,2139,5
+lakeville,1449,7
+pinesdale,281,2
+klickitat,531,7
+hiteman,50,5
+marstons,1164,14
+beechwood,536,4
+ranchester,583,7
+klickitat,1180,2
+shelbyville,1856,4
+ranchester,1422,3
+pinesdale,68,3
+forkland,139,7
+ranchester,790,3
+shelbyville,445,6
+wainscott,728,0
+marstons,250,5
+tolstoy,139,1
+shelbyville,614,3
+shelbyville,1270,4
+klickitat,262,6
+klickitat,385,0
+hanson,11,2
+woodbine,880,2
+woodbine,1318,3
+forkland,1056,4
+leonardo,1216,5
+wainscott,1706,8
+ranchester,225,0
+coffeen,1308,4
+wainscott,1145,3
+lindenwood,753,3
+mifflinburg,843,1
+beechwood,322,7
+hanson,1322,2
+pomaria,1309,10
+woodbine,1564,1
+woodbine,808,5
+lindenwood,1391,4
+pomaria,47,0
+marstons,332,2
+lindenwood,2525,2
+coffeen,802,1
+ranchester,681,0
+lakeville,98,3
+benevolence,542,0
+marstons,2376,2
+shelbyville,1775,8
+stockman,586,3
+woodbine,68,5
+lindenwood,1338,3
+shelbyville,897,3
+coffeen,286,9
+merom,132,3
+ranchester,865,1
+newfields,445,9
+hiteman,912,15
+tolstoy,868,3
+woodbine,990,5
+pomaria,1594,0
+pinesdale,790,9
+hiteman,698,3
+shelbyville,1101,1
+lindenwood,2281,16
+woodbine,975,1
+woodbine,949,1
+coffeen,435,3
+stockman,886,0
+pomaria,584,11
+hanson,647,3
+coffeen,1439,2
+ranchester,687,1
+hanson,1415,2
+forkland,1184,3
+woodbine,1050,5
+leonardo,981,1
+shelbyville,506,2
+merom,177,7
+newfields,1593,8
+shelbyville,0,2
+benevolence,74,1
+hiteman,1406,1
+leonardo,1999,9
+marstons,53,3
+cosmos,120,7
+pomaria,53,2
+forkland,68,9
+stockman,1441,9
+hiteman,568,2
+woodbine,617,4
+shelbyville,2641,3
+klickitat,1398,7
+shelbyville,2647,5
+forkland,87,2
+woodbine,1457,7
+klickitat,1579,3
+leonardo,2118,3
+lindenwood,1805,4
+hanson,504,9
+merom,913,3
+ranchester,1606,5
+lindenwood,888,3
+hiteman,894,5
+tolstoy,1668,5
+lakeville,275,1
+hanson,1646,2
+klickitat,1778,12
+leonardo,1880,3
+shelbyville,178,7
+hiteman,619,2
+cosmos,520,4
+lakeville,671,3
+hanson,368,7
+shelbyville,1639,2
+klickitat,102,10
+leonardo,538,1
+klickitat,948,5
+marstons,1747,2
+pinesdale,256,3
+leonardo,1221,0
+hiteman,1725,1
+klickitat,1133,2
+klickitat,1561,6
+lindenwood,29,9
+lakeville,1479,1
+lindenwood,1392,0
+wainscott,339,1
+lakeville,991,0
+woodbine,203,0
+pomaria,464,5
+marstons,624,7
+merom,81,0
+hanson,794,10
+leonardo,1466,6
+lindenwood,1530,2
+ranchester,163,3
+stockman,287,7
+pinesdale,384,2
+pomaria,1660,0
+coffeen,439,4
+ranchester,1550,6
+tolstoy,351,5
+pomaria,1648,3
+tolstoy,1313,1
+pinesdale,116,8
+leonardo,211,2
+marstons,40,5
+hiteman,608,5
+tolstoy,163,3
+pinesdale,1174,4
+beechwood,715,8
+pomaria,543,4
+hiteman,1333,0
+pomaria,1371,6
+hanson,906,2
+hiteman,763,11
+newfields,1407,3
+marstons,235,3
+pinesdale,910,2
+marstons,2061,1
+hiteman,14,10
+woodbine,1443,9
+newfields,1261,14
+wainscott,1313,0
+tolstoy,1574,3
+pinesdale,444,0
+shelbyville,568,2
+pomaria,406,5
+newfields,637,8
+woodbine,1228,0
+woodbine,692,3
+wainscott,489,1
+lindenwood,2345,9
+shelbyville,340,5
+woodbine,1462,0
+hiteman,1096,5
+newfields,928,0
+tolstoy,1127,11
+wainscott,327,0
+coffeen,273,2
+klickitat,1572,8
+wainscott,178,4
+woodbine,435,2
+pomaria,456,1
+lakeville,487,9
+hiteman,666,4
+beechwood,915,3
+beechwood,1104,1
+forkland,485,2
+newfields,294,4
+lakeville,921,2
+merom,699,4
+marstons,1348,1
+tolstoy,1210,6
+coffeen,482,5
+woodbine,41,14
+ranchester,417,7
+newfields,1473,2
+marstons,1027,18
+stockman,993,3
+shelbyville,445,8
+benevolence,857,2
+pinesdale,707,11
+leonardo,822,2
+woodbine,1960,1
+lindenwood,1732,2
+shelbyville,675,3
+lakeville,1445,0
+klickitat,631,3
+pomaria,412,1
+shelbyville,1981,0
+cosmos,165,3
+leonardo,1297,3
+leonardo,325,4
+marstons,2186,4
+newfields,1014,1
+beechwood,1157,11
+leonardo,1300,2
+shelbyville,1926,0
+hanson,745,0
+leonardo,340,0
+leonardo,2085,1
+newfields,143,0
+stockman,392,0
+pinesdale,1455,3
+hanson,132,0
+pomaria,894,1
+wainscott,1402,4
+tolstoy,102,3
+hanson,1052,4
+stockman,71,2
+pinesdale,1365,1
+wainscott,747,0
+lindenwood,1711,6
+hiteman,572,0
+marstons,1278,0
+newfields,1632,0
+stockman,228,3
+pomaria,982,1
+hanson,373,10
+marstons,2237,2
+forkland,802,0
+tolstoy,305,5
+lindenwood,1067,2
+coffeen,1438,2
+klickitat,2207,5
+shelbyville,1319,1
+tolstoy,1797,6
+hanson,1571,5
+lakeville,549,2
+pinesdale,1345,2
+tolstoy,1027,2
+shelbyville,1348,1
+lindenwood,925,11
+merom,727,0
+leonardo,794,14
+benevolence,360,2
+marstons,1438,3
+hanson,1219,6
+allensville,236,1
+marstons,82,6
+stockman,143,11
+merom,740,0
+leonardo,1371,2
+cosmos,106,1
+shelbyville,2252,5
+lindenwood,2300,1
+leonardo,1349,5
+hanson,293,4
+pinesdale,1344,4
+coffeen,427,5
+woodbine,1747,0
+cosmos,360,0
+lindenwood,755,4
+lindenwood,2253,1
+klickitat,687,8
+leonardo,1549,5
+lakeville,1004,18
+pinesdale,641,1
+beechwood,1089,5
+mifflinburg,790,1
+marstons,1749,26
+tolstoy,851,4
+klickitat,2358,12
+hiteman,1262,3
+pinesdale,405,4
+shelbyville,628,1
+shelbyville,979,2
+forkland,237,2
+hiteman,236,8
+ranchester,916,8
+klickitat,598,4
+wainscott,702,2
+shelbyville,2468,8
+beechwood,258,2
+beechwood,57,1
+leonardo,140,3
+pinesdale,1316,0
+ranchester,1595,13
+mifflinburg,833,3
+stockman,1034,4
+lindenwood,168,0
+lakeville,529,4
+leonardo,317,2
+tolstoy,41,3
+woodbine,2016,8
+stockman,1401,0
+leonardo,985,9
+tolstoy,195,1
+onaga,369,4
+tolstoy,1784,0
+shelbyville,2577,6
+pinesdale,55,7
+leonardo,971,9
+hiteman,1398,1
+hanson,967,3
+klickitat,790,4
+marstons,1245,5
+hanson,981,11
+marstons,485,13
+hiteman,1017,13
+lakeville,335,0
+mifflinburg,593,3
+marstons,1377,4
+woodbine,501,0
+pinesdale,26,2
+pomaria,990,0
+merom,911,1
+woodbine,1068,3
+pomaria,708,4
+woodbine,208,1
+newfields,713,9
+mifflinburg,937,8
+stockman,1351,6
+shelbyville,1409,3
+forkland,962,1
+hiteman,1066,6
+shelbyville,2372,6
+shelbyville,1098,1
+hiteman,1249,6
+hiteman,655,1
+klickitat,1895,0
+lakeville,630,1
+marstons,264,9
+shelbyville,2736,6
+marstons,31,1
+woodbine,299,3
+woodbine,1447,1
+newfields,257,2
+lindenwood,2571,1
+stockman,1187,0
+newfields,1401,9
+pinesdale,591,3
+lakeville,1704,16
+marstons,1387,4
+coffeen,58,2
+wainscott,736,0
+hanson,790,3
+leonardo,977,1
+lakeville,1070,6
+klickitat,708,11
+lindenwood,2186,4
+newfields,1029,5
+shelbyville,1745,1
+pinesdale,794,3
+ranchester,1141,0
+merom,18,4
+klickitat,1698,5
+klickitat,1556,1
+mifflinburg,547,0
+hiteman,578,0
+hanson,1033,8
+coffeen,770,1
+marstons,1405,1
+leonardo,680,2
+lindenwood,2618,6
+cosmos,814,0
+hanson,1138,0
+hiteman,587,2
+lindenwood,1428,2
+tolstoy,1684,2
+lindenwood,1238,2
+lakeville,792,9
+hanson,87,1
+lindenwood,1877,2
+pinesdale,1172,8
+mifflinburg,549,0
+lindenwood,1058,7
+hanson,38,1
+merom,368,3
+ranchester,1414,6
+ranchester,130,1
+marstons,1172,3
+wainscott,895,8
+coffeen,336,2
+lakeville,783,2
+pinesdale,612,0
+wainscott,1676,0
+klickitat,1824,4
+marstons,1311,6
+shelbyville,706,1
+tolstoy,887,16
+klickitat,189,2
+pinesdale,531,0
+hanson,1461,0
+merom,601,0
+shelbyville,669,4
+woodbine,868,0
+klickitat,1675,2
+forkland,720,3
+leonardo,560,0
+newfields,458,10
+marstons,79,2
+marstons,1961,4
+tolstoy,709,15
+lindenwood,113,4
+klickitat,1381,0
+pomaria,1341,7
+marstons,226,2
+hiteman,1117,2
+coffeen,1176,6
+klickitat,1142,2
+newfields,1359,4
+wainscott,602,6
+shelbyville,2672,3
+pomaria,418,2
+shelbyville,796,7
+marstons,2050,0
+tolstoy,822,3
+lakeville,1411,1
+tolstoy,1208,13
+marstons,757,4
+klickitat,1422,1
+tolstoy,204,2
+lindenwood,2142,7
+lakeville,1373,2
+shelbyville,2340,0
+onaga,656,1
+coffeen,635,11
+wainscott,1695,5
+tolstoy,1365,2
+klickitat,1827,3
+cosmos,1074,1
+lakeville,313,10
+forkland,970,4
+forkland,33,1
+wainscott,288,6
+stockman,1492,3
+lakeville,57,4
+hanson,1158,4
+wainscott,609,0
+shelbyville,56,5
+lindenwood,2036,3
+pomaria,1672,1
+stockman,928,2
+pinesdale,217,0
+pomaria,898,11
+tolstoy,1832,14
+pinesdale,249,1
+pomaria,1118,0
+wainscott,1236,7
+ranchester,163,2
+tolstoy,1333,8
+cosmos,369,0
+marstons,2047,8
+lindenwood,891,0
+pinesdale,897,0
+shelbyville,1373,3
+lindenwood,207,1
+pomaria,956,3
+klickitat,156,8
+beechwood,445,6
+tolstoy,795,10
+leonardo,1549,0
+cosmos,1072,1
+benevolence,372,2
+leonardo,184,0
+woodbine,702,1
+shelbyville,2036,5
+ranchester,739,8
+shelbyville,782,8
+leonardo,1296,1
+tolstoy,910,0
+woodbine,1640,0
+allensville,115,4
+lindenwood,899,11
+klickitat,1049,2
+lindenwood,699,2
+cosmos,136,4
+merom,1019,0
+merom,727,1
+hiteman,1506,6
+shelbyville,1055,1
+beechwood,1157,7
+lindenwood,2064,3
+lindenwood,847,3
+lakeville,474,3
+lindenwood,55,5
+lindenwood,741,10
+hanson,269,1
+pinesdale,611,2
+hiteman,366,15
+pomaria,705,6
+hanson,408,4
+marstons,677,5
+allensville,226,10
+newfields,125,0
+ranchester,854,2
+lindenwood,479,3
+hiteman,1426,3
+lakeville,1537,18
+merom,199,0
+wainscott,1473,5
+ranchester,1139,0
+tolstoy,1130,17
+stockman,665,2
+wainscott,1386,1
+pinesdale,694,4
+klickitat,1122,3
+woodbine,226,7
+beechwood,312,2
+merom,937,1
+ranchester,628,1
+stockman,1306,2
+ranchester,398,6
+lakeville,592,0
+pomaria,1472,4
+merom,482,4
+lakeville,155,1
+ranchester,1299,2
+beechwood,336,1
+klickitat,84,4
+forkland,448,7
+hanson,792,0
+marstons,1797,1
+beechwood,320,0
+marstons,1994,0
+lakeville,110,5
+marstons,128,10
+benevolence,364,9
+coffeen,1273,1
+hiteman,41,3
+stockman,1372,2
+coffeen,873,0
+lakeville,574,9
+hanson,493,3
+shelbyville,2583,11
+lakeville,488,7
+marstons,1316,6
+tolstoy,625,7
+merom,272,2
+marstons,2482,0
+woodbine,1690,7
+forkland,593,2
+klickitat,305,15
+newfields,515,4
+lindenwood,2603,2
+woodbine,91,2
+cosmos,124,7
+klickitat,1893,3
+benevolence,695,4
+marstons,2376,0
+benevolence,241,1
+newfields,1537,6
+shelbyville,1348,0
+shelbyville,1312,2
+hiteman,728,1
+shelbyville,1097,4
+hiteman,759,14
+newfields,270,14
+marstons,746,4
+wainscott,1545,3
+leonardo,1428,1
+merom,420,0
+marstons,2014,3
+newfields,484,1
+cosmos,122,4
+shelbyville,1210,0
+klickitat,1612,7
+woodbine,1229,5
+beechwood,665,6
+pomaria,648,1
+lakeville,1015,0
+wainscott,916,12
+pomaria,653,2
+cosmos,780,1
+klickitat,1585,8
+leonardo,1259,6
+forkland,623,1
+hiteman,574,7
+merom,987,0
+marstons,1290,2
+ranchester,1364,3
+woodbine,1899,1
+marstons,2533,7
+woodbine,1577,1
+marstons,1398,19
+benevolence,642,1
+hanson,1589,2
+shelbyville,1093,3
+woodbine,578,6
+woodbine,1140,11
+woodbine,1644,0
+woodbine,1198,15
+woodbine,1889,3
+hanson,702,2
+woodbine,1941,2
+klickitat,1607,1
+shelbyville,1116,10
+klickitat,1731,9
+lindenwood,1562,2
+ranchester,94,1
+merom,853,3
+ranchester,429,7
+cosmos,762,0
+allensville,26,0
+beechwood,631,3
+woodbine,593,9
+hanson,257,0
+stockman,1394,4
+beechwood,1024,2
+woodbine,1287,3
+lindenwood,2530,1
+newfields,650,3
+lakeville,816,7
+shelbyville,307,4
+newfields,1421,3
+hiteman,1806,4
+woodbine,1754,4
+hiteman,1023,6
+lindenwood,2125,4
+hanson,1498,11
+shelbyville,1249,0
+shelbyville,2506,1
+stockman,1558,5
+lindenwood,1883,2
+leonardo,1588,5
+klickitat,1024,11
+hanson,892,4
+stockman,1002,3
+shelbyville,565,2
+pinesdale,1020,3
+klickitat,2271,11
+cosmos,290,5
+marstons,277,5
+ranchester,1077,0
+woodbine,306,1
+forkland,786,3
+marstons,910,8
+leonardo,1472,1
+hiteman,1036,5
+lindenwood,2086,14
+hanson,484,3
+onaga,140,2
+pomaria,1672,11
+leonardo,397,3
+lindenwood,1159,2
+newfields,1066,2
+marstons,887,3
+coffeen,462,0
+woodbine,283,7
+lindenwood,961,5
+wainscott,953,9
+lakeville,549,14
+shelbyville,1976,0
+tolstoy,1727,0
+stockman,1168,7
+shelbyville,1961,5
+hanson,1363,18
+benevolence,613,10
+klickitat,1855,1
+tolstoy,220,6
+wainscott,199,1
+pinesdale,894,2
+woodbine,790,4
+stockman,887,2
+wainscott,1545,2
+forkland,325,2
+lindenwood,565,3
+forkland,760,0
+shelbyville,1486,3
+woodbine,1961,1
+ranchester,813,2
+lindenwood,790,6
+lindenwood,832,1
+klickitat,1000,4
+pomaria,1475,2
+coffeen,108,2
+mifflinburg,606,1
+shelbyville,1620,1
+hanson,1219,7
+forkland,572,2
+marstons,165,7
+marstons,1743,1
+marstons,2113,4
+woodbine,25,4
+newfields,366,2
+newfields,60,1
+stockman,1006,7
+leonardo,655,3
+wainscott,1584,12
+cosmos,65,2
+woodbine,1784,1
+lindenwood,2626,15
+wainscott,1585,9
+marstons,2282,0
+marstons,1355,10
+wainscott,289,2
+marstons,2646,2
+marstons,749,0
+mifflinburg,272,2
+hiteman,272,2
+woodbine,907,9
+hanson,356,11
+woodbine,1226,5
+wainscott,885,8
+klickitat,1074,0
+leonardo,754,3
+shelbyville,1647,2
+wainscott,1576,6
+merom,850,3
+ranchester,1585,5
+hiteman,1525,0
+newfields,1511,2
+lindenwood,1285,1
+marstons,2198,2
+onaga,673,2
+marstons,495,5
+lindenwood,2004,4
+beechwood,289,4
+coffeen,413,3
+woodbine,2026,3
+wainscott,602,7
+leonardo,1332,3
+klickitat,389,15
+hanson,293,11
+lakeville,1317,0
+tolstoy,1122,1
+tolstoy,1214,4
+ranchester,881,3
+pomaria,15,1
+leonardo,1079,5
+hanson,1407,1
+mifflinburg,680,2
+ranchester,1133,3
+ranchester,1014,1
+woodbine,410,2
+merom,809,8
+hanson,1077,4
+woodbine,1840,0
+coffeen,1194,0
+merom,100,1
+lakeville,603,6
+pomaria,1147,16
+hiteman,1548,0
+leonardo,1494,1
+coffeen,1418,4
+tolstoy,1400,1
+leonardo,1539,3
+pinesdale,1455,7
+wainscott,1459,12
+woodbine,907,6
+klickitat,849,0
+wainscott,243,4
+marstons,1573,2
+pomaria,209,2
+leonardo,316,15
+wainscott,110,8
+hiteman,1619,7
+newfields,939,0
+tolstoy,1784,6
+leonardo,417,8
+tolstoy,834,11
+ranchester,838,1
+shelbyville,2513,4
+lakeville,785,5
+beechwood,283,0
+woodbine,188,3
+woodbine,1246,10
+marstons,1275,4
+newfields,44,0
+lindenwood,1356,2
+pomaria,51,2
+hanson,1458,8
+leonardo,1330,3
+beechwood,472,0
+lakeville,1140,2
+klickitat,2278,3
+woodbine,900,5
+pinesdale,780,2
+lindenwood,1168,1
+marstons,2639,6
+beechwood,487,3
+wainscott,358,0
+klickitat,1159,7
+pinesdale,1223,0
+shelbyville,2136,2
+onaga,6,2
+klickitat,682,4
+klickitat,640,2
+marstons,2645,1
+pinesdale,1086,4
+coffeen,650,2
+beechwood,75,4
+shelbyville,389,1
+pinesdale,666,4
+benevolence,387,6
+tolstoy,1391,1
+ranchester,466,8
+wainscott,499,0
+shelbyville,571,8
+shelbyville,725,12
+lindenwood,902,0
+hanson,171,6
+lakeville,355,6
+coffeen,1111,4
+hiteman,740,0
+pomaria,428,3
+lakeville,809,3
+stockman,1187,3
+pinesdale,587,0
+leonardo,900,1
+lindenwood,2322,7
+hiteman,347,2
+pomaria,5,2
+tolstoy,1361,7
+hiteman,1503,4
+lindenwood,732,6
+shelbyville,1347,18
+pomaria,854,6
+lakeville,1108,0
+shelbyville,2306,12
+newfields,365,1
+leonardo,1316,2
+leonardo,1663,9
+cosmos,703,5
+klickitat,58,0
+coffeen,229,0
+pomaria,752,3
+lakeville,195,0
+hiteman,1704,14
+lakeville,1770,0
+wainscott,1389,7
+wainscott,750,1
+wainscott,864,4
+leonardo,139,2
+leonardo,601,7
+lindenwood,1696,4
+lakeville,920,4
+hanson,1327,9
+marstons,2588,4
+leonardo,1345,1
+shelbyville,2590,6
+shelbyville,204,0
+marstons,2195,1
+lindenwood,854,0
+marstons,863,0
+lakeville,73,4
+hanson,190,0
+tolstoy,136,6
+stockman,1458,5
+klickitat,1451,14
+leonardo,932,10
+shelbyville,895,7
+marstons,446,7
+lindenwood,2057,1
+marstons,542,11
+pomaria,755,5
+woodbine,1092,8
+pinesdale,114,1
+pomaria,123,1
+coffeen,933,3
+leonardo,335,4
+lindenwood,1905,14
+pomaria,887,2
+stockman,135,0
+hiteman,75,1
+newfields,992,5
+stockman,780,0
+beechwood,434,0
+tolstoy,1836,2
+shelbyville,713,8
+wainscott,890,8
+lakeville,1412,10
+ranchester,1284,3
+stockman,3,0
+tolstoy,1573,9
+marstons,2335,5
+merom,157,1
+pinesdale,858,3
+tolstoy,637,4
+lindenwood,1126,4
+leonardo,289,6
+hiteman,608,2
+hanson,112,0
+wainscott,1281,6
+ranchester,564,2
+klickitat,2108,2
+lindenwood,1047,0
+hiteman,1828,0
+tolstoy,762,1
+beechwood,1044,6
+woodbine,796,15
+newfields,1302,1
+marstons,640,5
+lakeville,1309,5
+forkland,237,1
+leonardo,112,1
+coffeen,202,10
+klickitat,1020,0
+newfields,265,7
+forkland,253,4
+pomaria,819,5
+shelbyville,1713,1
+woodbine,196,3
+pinesdale,1447,2
+coffeen,544,2
+merom,245,7
+stockman,396,4
+wainscott,1015,5
+beechwood,515,1
+leonardo,1158,5
+pinesdale,862,1
+tolstoy,68,0
+shelbyville,1714,5
+onaga,472,0
+newfields,1659,13
+shelbyville,1657,3
+beechwood,510,1
+shelbyville,1821,10
+lakeville,1257,5
+pinesdale,442,0
+pinesdale,365,1
+shelbyville,2317,3
+newfields,108,11
+pomaria,1062,7
+leonardo,1102,2
+hiteman,905,4
+stockman,1179,3
+hanson,1025,3
+coffeen,54,5
+hiteman,779,10
+woodbine,1621,4
+beechwood,665,1
+tolstoy,375,2
+wainscott,1762,12
+lindenwood,858,11
+woodbine,316,0
+hiteman,342,1
+lakeville,1887,3
+klickitat,1414,0
+klickitat,1845,11
+marstons,211,6
+hiteman,223,9
+woodbine,99,0
+hiteman,1562,10
+newfields,592,7
+stockman,892,3
+forkland,633,3
+forkland,550,3
+wainscott,1083,12
+lindenwood,688,0
+merom,988,2
+lakeville,1232,5
+leonardo,890,3
+shelbyville,1450,2
+beechwood,193,0
+marstons,1118,0
+woodbine,898,0
+shelbyville,1533,1
+klickitat,1654,5
+newfields,984,3
+tolstoy,1272,6
+allensville,34,0
+marstons,81,8
+wainscott,1738,6
+tolstoy,317,5
+forkland,625,2
+woodbine,1939,2
+merom,325,4
+ranchester,443,8
+wainscott,7,6
+klickitat,620,3
+klickitat,1833,4
+ranchester,1549,3
+leonardo,740,2
+lakeville,825,1
+ranchester,1226,0
+beechwood,766,6
+wainscott,1731,0
+lindenwood,1207,6
+coffeen,1253,6
+tolstoy,1268,1
+newfields,305,3
+ranchester,1122,0
+shelbyville,1833,2
+marstons,1443,1
+pomaria,620,1
+lindenwood,688,5
+marstons,1483,1
+pomaria,505,8
+ranchester,1208,7
+marstons,2573,1
+lakeville,770,0
+pinesdale,1069,9
+pinesdale,1164,0
+coffeen,381,3
+lakeville,759,16
+wainscott,806,0
+hanson,1429,0
+ranchester,530,0
+newfields,1247,1
+stockman,1124,1
+pomaria,285,1
+coffeen,768,6
+forkland,772,6
+hiteman,1848,6
+forkland,1097,5
+tolstoy,987,5
+ranchester,627,1
+leonardo,624,0
+hanson,1420,9
+hiteman,1109,1
+forkland,195,3
+hiteman,242,7
+hiteman,840,9
+lindenwood,1786,0
+shelbyville,966,2
+pomaria,1612,1
+ranchester,1175,2
+lindenwood,2291,0
+lindenwood,2023,1
+lindenwood,1875,4
+ranchester,532,4
+forkland,138,1
+mifflinburg,618,0
+coffeen,345,4
+pomaria,792,0
+mifflinburg,898,3
+hiteman,1134,3
+tolstoy,1115,3
+merom,763,5
+coffeen,450,3
+marstons,310,5
+marstons,151,8
+lindenwood,629,0
+woodbine,437,2
+woodbine,107,2
+lindenwood,1268,1
+ranchester,23,3
+shelbyville,765,0
+hanson,568,0
+hanson,971,13
+shelbyville,400,1
+shelbyville,151,7
+lakeville,1813,5
+shelbyville,191,0
+stockman,334,3
+hanson,661,3
+marstons,304,3
+pinesdale,565,3
+pinesdale,31,7
+hanson,563,4
+leonardo,622,2
+coffeen,477,0
+pomaria,818,0
+pinesdale,0,0
+lindenwood,571,2
+marstons,1081,4
+lindenwood,2206,0
+lindenwood,2351,2
+marstons,1764,5
+hiteman,1580,7
+lakeville,1118,4
+hanson,1063,3
+wainscott,1783,1
+hiteman,1355,8
+leonardo,941,5
+allensville,48,2
+tolstoy,1439,8
+hiteman,530,1
+klickitat,793,2
+klickitat,704,1
+leonardo,1976,5
+lindenwood,1729,1
+lakeville,1334,2
+hiteman,1239,1
+stockman,167,2
+shelbyville,1778,5
+lindenwood,772,6
+stockman,454,6
+cosmos,233,3
+leonardo,963,6
+beechwood,1083,0
+cosmos,330,7
+forkland,195,4
+woodbine,295,7
+pomaria,52,2
+shelbyville,1892,6
+woodbine,183,1
+newfields,279,1
+pomaria,240,1
+marstons,2135,10
+onaga,615,1
+coffeen,1168,2
+allensville,210,3
+shelbyville,1723,0
+shelbyville,1842,1
+pomaria,1472,0
+woodbine,1216,3
+onaga,564,4
+shelbyville,1417,8
+leonardo,433,6
+ranchester,1313,5
+hiteman,1314,0
+woodbine,850,3
+coffeen,295,9
+hiteman,926,8
+klickitat,1361,2
+wainscott,1460,5
+mifflinburg,7,1
+leonardo,1354,12
+ranchester,1393,5
+tolstoy,368,2
+stockman,1377,2
+leonardo,1622,1
+pinesdale,1180,6
+merom,1092,1
+forkland,541,0
+lakeville,462,0
+klickitat,2230,13
+hanson,1305,2
+stockman,881,2
+woodbine,1557,1
+coffeen,32,1
+wainscott,641,8
+shelbyville,846,1
+shelbyville,921,8
+leonardo,1072,1
+marstons,1634,5
+woodbine,746,1
+wainscott,1019,2
+wainscott,1167,8
+shelbyville,49,1
+pomaria,928,0
+pomaria,199,1
+pinesdale,414,7
+wainscott,1338,3
+beechwood,193,4
+ranchester,544,1
+leonardo,655,0
+coffeen,874,4
+woodbine,713,13
+cosmos,538,6
+klickitat,258,2
+woodbine,1549,7
+hanson,436,12
+pomaria,113,5
+lindenwood,1034,7
+lakeville,76,0
+klickitat,1950,0
+beechwood,841,5
+newfields,280,1
+stockman,400,4
+klickitat,257,8
+ranchester,1518,2
+marstons,2146,3
+lindenwood,1918,0
+stockman,842,2
+shelbyville,253,4
+pomaria,74,2
+coffeen,265,2
+ranchester,55,0
+lakeville,407,1
+klickitat,1465,8
+lindenwood,133,8
+marstons,1978,1
+wainscott,1559,10
+woodbine,1779,2
+tolstoy,139,3
+lakeville,171,9
+shelbyville,438,18
+tolstoy,1664,2
+newfields,754,2
+marstons,191,2
+onaga,363,5
+ranchester,882,4
+pinesdale,294,12
+pomaria,1391,1
+pinesdale,725,5
+marstons,262,1
+klickitat,1131,0
+tolstoy,1637,0
+klickitat,1189,4
+lakeville,432,9
+hanson,1496,2
+pinesdale,186,10
+woodbine,1833,1
+marstons,748,1
+leonardo,1154,1
+wainscott,437,1
+woodbine,771,3
+lindenwood,1746,9
+woodbine,764,4
+lakeville,1704,2
+hanson,641,7
+tolstoy,176,7
+shelbyville,1363,10
+beechwood,814,4
+lindenwood,789,1
+cosmos,366,3
+klickitat,585,0
+benevolence,240,0
+woodbine,1808,3
+hanson,361,1
+newfields,175,5
+hanson,1308,5
+onaga,242,5
+cosmos,903,4
+hiteman,161,0
+marstons,1439,2
+woodbine,1401,1
+wainscott,1697,4
+marstons,122,2
+wainscott,621,10
+woodbine,877,0
+shelbyville,28,4
+klickitat,218,1
+klickitat,210,7
+ranchester,86,4
+wainscott,1310,1
+pinesdale,942,2
+shelbyville,1197,1
+coffeen,685,4
+wainscott,557,1
+pinesdale,272,3
+klickitat,1389,0
+ranchester,1639,11
+klickitat,401,6
+mifflinburg,77,2
+hiteman,374,1
+allensville,326,4
+shelbyville,2715,9
+hiteman,454,2
+wainscott,1738,5
+beechwood,656,5
+lakeville,179,3
+klickitat,2186,9
+onaga,287,2
+newfields,1005,3
+hanson,492,3
+beechwood,160,0
+klickitat,369,5
+merom,106,2
+pomaria,1595,0
+cosmos,300,2
+stockman,349,3
+leonardo,1739,7
+merom,265,2
+marstons,149,11
+pinesdale,734,0
+hanson,1617,0
+merom,559,0
+klickitat,415,10
+shelbyville,2167,4
+coffeen,598,2
+marstons,535,2
+mifflinburg,630,2
+ranchester,555,8
+pomaria,1593,5
+forkland,841,2
+newfields,1127,1
+lakeville,328,6
+wainscott,1167,4
+marstons,1175,6
+lindenwood,979,6
+wainscott,914,2
+forkland,1010,1
+pomaria,67,0
+shelbyville,2552,3
+wainscott,1340,1
+coffeen,103,0
+marstons,1245,16
+benevolence,746,9
+lindenwood,313,5
+shelbyville,1363,2
+hanson,297,2
+forkland,394,4
+coffeen,641,2
+lindenwood,2218,3
+beechwood,689,2
+marstons,2033,0
+shelbyville,2173,8
+coffeen,1131,5
+merom,164,0
+wainscott,1757,11
+klickitat,751,3
+benevolence,698,5
+wainscott,319,0
+lakeville,672,9
+lakeville,1537,8
+mifflinburg,437,2
+hiteman,1816,1
+lindenwood,248,3
+coffeen,92,3
+newfields,932,7
+pomaria,1628,3
+lindenwood,1478,5
+lindenwood,392,1
+beechwood,572,6
+leonardo,1496,3
+newfields,1547,17
+ranchester,579,1
+tolstoy,1331,3
+hanson,78,12
+pinesdale,478,2
+stockman,1601,1
+hiteman,570,8
+coffeen,618,2
+hanson,58,10
+tolstoy,1002,5
+ranchester,976,2
+klickitat,66,0
+shelbyville,2292,5
+beechwood,1014,1
+stockman,469,2
+wainscott,90,0
+marstons,1442,7
+beechwood,1061,3
+leonardo,1988,13
+benevolence,869,1
+lindenwood,1474,12
+klickitat,2096,2
+marstons,1672,0
+coffeen,162,1
+shelbyville,2455,5
+hanson,1583,2
+leonardo,253,1
+ranchester,1444,4
+newfields,567,1
+shelbyville,2512,1
+leonardo,1935,15
+wainscott,62,12
+coffeen,676,7
+merom,845,0
+ranchester,594,1
+klickitat,2329,1
+newfields,1067,14
+klickitat,1918,4
+woodbine,1365,4
+klickitat,19,10
+cosmos,899,9
+benevolence,727,0
+cosmos,164,1
+klickitat,1647,3
+hiteman,353,4
+leonardo,969,6
+newfields,1025,9
+lindenwood,1098,2
+coffeen,1176,2
+woodbine,1243,7
+stockman,1182,2
+ranchester,653,0
+hanson,901,7
+klickitat,2140,2
+shelbyville,514,1
+mifflinburg,256,2
+benevolence,69,4
+pomaria,198,1
+marstons,392,1
+shelbyville,777,2
+stockman,1541,0
+tolstoy,105,4
+lindenwood,1308,3
+coffeen,71,0
+newfields,1163,7
+stockman,313,10
+wainscott,1517,0
+hanson,1493,3
+shelbyville,34,1
+klickitat,767,1
+leonardo,926,0
+pomaria,1671,1
+pinesdale,342,5
+marstons,1393,0
+shelbyville,1434,1
+shelbyville,2338,0
+tolstoy,893,1
+newfields,907,2
+pinesdale,1395,0
+pinesdale,449,2
+wainscott,1151,10
+shelbyville,1813,7
+woodbine,593,4
+hanson,881,8
+marstons,2554,3
+hiteman,1504,2
+forkland,944,4
+marstons,1204,4
+benevolence,958,3
+woodbine,288,0
+tolstoy,1674,2
+onaga,553,3
+hanson,800,0
+wainscott,308,10
+stockman,1527,2
+marstons,453,3
+lindenwood,273,8
+wainscott,331,1
+tolstoy,429,0
+allensville,353,1
+woodbine,1857,1
+woodbine,1819,3
+cosmos,657,1
+mifflinburg,200,5
+lakeville,1704,4
+hanson,1175,3
+woodbine,1479,3
+wainscott,1623,0
+shelbyville,956,2
+wainscott,599,10
+klickitat,2231,12
+leonardo,28,2
+newfields,1436,5
+merom,920,4
+lakeville,1099,8
+wainscott,280,6
+pinesdale,307,7
+merom,909,10
+shelbyville,442,0
+wainscott,1652,6
+cosmos,812,10
+lindenwood,1237,0
+wainscott,1397,3
+wainscott,895,2
+shelbyville,1513,4
+hanson,1316,9
+ranchester,802,2
+lindenwood,656,2
+lindenwood,433,0
+hiteman,1447,10
+hiteman,399,1
+marstons,1047,10
+hanson,21,0
+shelbyville,461,5
+hanson,52,0
+woodbine,216,2
+pomaria,975,1
+ranchester,1589,5
+hanson,889,1
+tolstoy,231,1
+shelbyville,1747,6
+marstons,372,10
+pinesdale,1222,2
+tolstoy,468,3
+pomaria,1089,0
+shelbyville,260,2
+leonardo,24,5
+tolstoy,1147,1
+woodbine,1884,6
+wainscott,972,5
+coffeen,189,6
+klickitat,2076,1
+coffeen,299,1
+newfields,868,1
+leonardo,276,0
+woodbine,316,7
+newfields,1062,0
+hanson,1288,3
+hanson,244,0
+marstons,49,0
+shelbyville,564,3
+wainscott,676,7
+shelbyville,550,7
+stockman,420,2
+marstons,2448,11
+beechwood,659,3
+merom,218,4
+pomaria,950,1
+lakeville,1890,1
+forkland,465,2
+coffeen,269,4
+woodbine,1298,2
+pomaria,1646,0
+benevolence,304,1
+merom,921,0
+leonardo,1423,6
+newfields,1301,3
+ranchester,168,1
+woodbine,1088,2
+wainscott,702,0
+forkland,785,2
+leonardo,71,4
+newfields,1479,1
+wainscott,461,2
+ranchester,1421,7
+forkland,248,4
+marstons,669,3
+newfields,1357,11
+marstons,2277,2
+hanson,301,1
+pomaria,1025,0
+marstons,1316,5
+marstons,1764,2
+lakeville,1500,15
+lakeville,107,6
+pomaria,148,3
+marstons,2093,0
+cosmos,966,3
+hanson,1130,6
+allensville,77,5
+lindenwood,814,4
+marstons,1101,2
+wainscott,253,11
+shelbyville,1832,1
+ranchester,572,1
+benevolence,816,0
+allensville,431,6
+lakeville,448,2
+woodbine,639,1
+pomaria,162,0
+shelbyville,1747,8
+hiteman,1173,5
+pinesdale,176,4
+woodbine,659,1
+klickitat,1957,3
+newfields,11,2
+woodbine,1293,2
+lakeville,1455,5
+hiteman,347,3
+coffeen,1186,2
+lindenwood,1461,3
+cosmos,308,5
+marstons,1427,0
+coffeen,1061,0
+pinesdale,761,0
+marstons,1059,3
+lindenwood,216,6
+pomaria,154,0
+shelbyville,1893,0
+beechwood,842,2
+klickitat,52,7
+tolstoy,1066,4
+benevolence,299,4
+pinesdale,1310,2
+ranchester,1033,1
+wainscott,1164,3
+beechwood,556,2
+marstons,2311,5
+mifflinburg,550,3
+merom,346,3
+woodbine,420,2
+tolstoy,1272,4
+coffeen,263,3
+stockman,1475,7
+coffeen,720,6
+beechwood,155,8
+hiteman,116,4
+shelbyville,198,12
+tolstoy,666,5
+lakeville,51,2
+leonardo,160,0
+lindenwood,1549,0
+ranchester,1295,0
+lakeville,1077,0
+beechwood,537,3
+marstons,1218,4
+newfields,1302,10
+coffeen,29,1
+coffeen,1180,2
+merom,397,6
+tolstoy,1290,14
+lindenwood,2125,0
+woodbine,1807,10
+woodbine,1054,7
+beechwood,36,4
+newfields,1508,1
+hiteman,1442,1
+merom,191,2
+pinesdale,842,4
+newfields,318,3
+coffeen,278,0
+klickitat,819,2
+klickitat,129,13
+merom,364,2
+merom,11,1
+hanson,519,11
+lindenwood,1589,1
+lakeville,1476,3
+wainscott,28,4
+merom,342,3
+pinesdale,614,8
+pomaria,797,1
+coffeen,1101,3
+forkland,541,2
+hanson,1077,3
+shelbyville,1645,11
+hanson,306,3
+hanson,1104,0
+pinesdale,554,8
+newfields,611,12
+klickitat,1213,11
+ranchester,836,15
+woodbine,278,2
+coffeen,1306,3
+benevolence,840,2
+lindenwood,1659,8
+benevolence,856,0
+marstons,1518,9
+pinesdale,747,1
+leonardo,455,1
+marstons,2645,4
+hiteman,230,1
+shelbyville,1050,6
+stockman,1428,1
+leonardo,18,2
+woodbine,828,7
+marstons,2627,0
+klickitat,1492,4
+ranchester,1131,4
+tolstoy,1526,13
+beechwood,39,8
+lindenwood,143,3
+onaga,669,7
+pinesdale,342,11
+pomaria,167,2
+klickitat,213,3
+newfields,547,2
+cosmos,473,5
+leonardo,766,10
+tolstoy,23,2
+marstons,1536,0
+pomaria,609,12
+pomaria,463,3
+stockman,560,4
+mifflinburg,662,2
+lindenwood,173,9
+lakeville,256,3
+lakeville,1860,13
+marstons,581,3
+newfields,3,13
+newfields,664,6
+klickitat,1266,2
+lindenwood,2187,0
+newfields,287,3
+forkland,599,2
+pinesdale,1390,3
+cosmos,419,1
+lakeville,695,6
+shelbyville,2616,6
+leonardo,629,0
+tolstoy,490,2
+coffeen,691,0
+newfields,98,2
+hiteman,580,1
+ranchester,587,2
+marstons,567,0
+lakeville,1116,13
+hanson,1273,7
+lakeville,332,18
+pomaria,449,3
+tolstoy,100,1
+ranchester,1021,0
+wainscott,639,0
+pomaria,1512,8
+newfields,928,1
+marstons,157,2
+hiteman,1809,0
+pomaria,12,10
+lakeville,1230,4
+woodbine,913,4
+coffeen,734,0
+coffeen,139,0
+hanson,1323,7
+lindenwood,628,5
+ranchester,1426,1
+beechwood,449,2
+ranchester,1379,8
+pomaria,739,5
+wainscott,774,4
+lakeville,841,3
+shelbyville,2328,1
+pomaria,895,13
+pinesdale,1211,3
+woodbine,1480,8
+klickitat,1215,2
+lakeville,320,4
+cosmos,209,2
+klickitat,739,2
+klickitat,1525,0
+lindenwood,55,2
+shelbyville,2026,2
+beechwood,403,1
+tolstoy,1227,2
+merom,393,1
+marstons,1053,4
+ranchester,279,3
+hiteman,1333,13
+stockman,1495,1
+shelbyville,128,1
+onaga,55,3
+klickitat,472,12
+merom,1034,1
+lakeville,998,2
+benevolence,972,5
+pomaria,245,4
+pomaria,1580,4
+newfields,693,1
+marstons,2648,3
+lindenwood,2546,2
+mifflinburg,607,4
+lindenwood,2314,10
+beechwood,1116,2
+newfields,1572,7
+hanson,1071,3
+beechwood,309,5
+lindenwood,2260,5
+coffeen,778,0
+leonardo,1823,0
+shelbyville,1569,1
+shelbyville,2295,0
+allensville,460,5
+pinesdale,1105,0
+tolstoy,1686,4
+hiteman,769,0
+newfields,619,5
+mifflinburg,88,0
+onaga,575,1
+marstons,1493,8
+beechwood,303,2
+klickitat,121,0
+shelbyville,76,5
+forkland,176,1
+stockman,743,6
+shelbyville,1732,8
+tolstoy,588,1
+ranchester,173,2
+beechwood,115,7
+stockman,399,0
+stockman,1313,1
+leonardo,316,6
+merom,1031,1
+lakeville,1779,9
+lindenwood,250,6
+woodbine,1369,5
+klickitat,1753,2
+shelbyville,2420,2
+beechwood,641,3
+klickitat,779,3
+newfields,1476,1
+klickitat,1998,2
+klickitat,1897,0
+shelbyville,2683,1
+leonardo,1917,1
+shelbyville,2334,1
+hiteman,1254,3
+marstons,449,2
+newfields,762,6
+shelbyville,2430,7
+stockman,862,2
+newfields,145,2
+shelbyville,1577,3
+stockman,1412,1
+hanson,924,4
+ranchester,424,4
+woodbine,1743,3
+klickitat,1396,5
+shelbyville,1803,1
+shelbyville,590,1
+klickitat,1989,6
+klickitat,1076,1
+allensville,323,6
+leonardo,268,9
+leonardo,291,13
+pomaria,1435,4
+woodbine,290,6
+leonardo,2038,3
+merom,844,2
+leonardo,929,7
+coffeen,1218,7
+hanson,1318,14
+coffeen,148,2
+merom,521,2
+tolstoy,647,2
+mifflinburg,119,2
+hiteman,1261,12
+newfields,2,5
+klickitat,133,0
+tolstoy,1362,2
+pinesdale,493,3
+shelbyville,1463,4
+ranchester,1154,2
+wainscott,569,13
+ranchester,1060,2
+pomaria,1613,0
+leonardo,553,5
+hiteman,814,6
+beechwood,1132,4
+lindenwood,825,2
+forkland,257,2
+onaga,139,6
+mifflinburg,852,1
+lindenwood,2635,2
+shelbyville,1548,5
+hanson,685,0
+shelbyville,1214,3
+pomaria,636,2
+pinesdale,205,7
+coffeen,989,0
+hanson,372,2
+ranchester,852,6
+tolstoy,590,0
+shelbyville,942,8
+hiteman,1707,6
+coffeen,312,2
+beechwood,1161,7
+klickitat,1445,1
+tolstoy,912,4
+marstons,1148,0
+hanson,481,0
+marstons,659,7
+newfields,1580,3
+ranchester,1110,11
+wainscott,1123,4
+lindenwood,1575,5
+marstons,1207,8
+leonardo,1354,9
+forkland,499,2
+klickitat,703,3
+newfields,1204,0
+shelbyville,1153,1
+pomaria,1511,0
+shelbyville,210,9
+coffeen,654,1
+ranchester,302,1
+shelbyville,2077,9
+stockman,1600,2
+hiteman,622,3
+pinesdale,294,9
+leonardo,664,1
+wainscott,1725,5
+marstons,67,3
+woodbine,377,1
+mifflinburg,346,0
+pomaria,1485,14
+coffeen,301,5
+leonardo,1763,4
+tolstoy,332,10
+lakeville,416,10
+tolstoy,1154,2
+hiteman,1368,0
+woodbine,1242,4
+lindenwood,968,1
+stockman,538,6
+leonardo,32,0
+lakeville,602,15
+woodbine,559,1
+pomaria,305,9
+coffeen,1337,0
+klickitat,1136,1
+newfields,1429,2
+lindenwood,780,1
+mifflinburg,285,1
+klickitat,2216,8
+lindenwood,2571,4
+newfields,1367,0
+newfields,71,3
+ranchester,1380,3
+onaga,622,2
+lindenwood,1258,0
+klickitat,2220,0
+woodbine,2046,6
+shelbyville,2623,10
+klickitat,584,3
+pinesdale,757,0
+pinesdale,231,8
+tolstoy,128,1
+pinesdale,477,0
+shelbyville,1670,10
+coffeen,759,0
+marstons,1813,0
+shelbyville,421,6
+hanson,813,11
+wainscott,1543,10
+pomaria,525,4
+pinesdale,441,1
+newfields,17,12
+pinesdale,703,5
+klickitat,1356,4
+pinesdale,567,2
+merom,754,0
+cosmos,638,3
+klickitat,1062,0
+tolstoy,631,4
+shelbyville,1507,17
+marstons,857,0
+klickitat,261,4
+ranchester,755,1
+hanson,1633,16
+woodbine,1478,6
+beechwood,233,2
+newfields,994,2
+newfields,369,0
+pinesdale,42,2
+shelbyville,1118,0
+allensville,194,5
+woodbine,1859,1
+allensville,152,1
+onaga,523,1
+lindenwood,654,2
+benevolence,252,0
+wainscott,1662,1
+woodbine,632,7
+marstons,323,0
+shelbyville,2708,9
+lakeville,703,8
+klickitat,2298,6
+hanson,673,14
+lindenwood,419,1
+hanson,1657,1
+shelbyville,2303,2
+tolstoy,564,1
+marstons,2412,0
+coffeen,335,2
+shelbyville,2354,1
+coffeen,972,1
+cosmos,920,0
+marstons,880,3
+pinesdale,1383,1
+klickitat,362,4
+stockman,1006,5
+beechwood,122,5
+ranchester,298,5
+tolstoy,1237,5
+shelbyville,2182,5
+ranchester,247,2
+merom,732,0
+klickitat,1372,2
+tolstoy,801,1
+ranchester,1527,11
+tolstoy,1224,8
+shelbyville,1238,1
+lindenwood,599,3
+lakeville,572,5
+klickitat,1562,5
+klickitat,1034,1
+lakeville,697,7
+beechwood,98,3
+coffeen,970,1
+woodbine,1503,7
+wainscott,843,3
+ranchester,567,2
+lindenwood,1879,0
+stockman,27,4
+shelbyville,895,14
+hanson,1511,0
+marstons,1286,3
+pinesdale,1149,5
+lindenwood,153,2
+leonardo,653,9
+pinesdale,180,3
+wainscott,1220,1
+klickitat,947,10
+ranchester,950,0
+marstons,208,3
+hanson,5,6
+lindenwood,1781,2
+wainscott,491,0
+woodbine,1293,5
+mifflinburg,658,1
+klickitat,1345,7
+lindenwood,447,3
+ranchester,956,1
+tolstoy,1079,2
+hanson,466,5
+forkland,951,5
+cosmos,1038,0
+lindenwood,1771,1
+shelbyville,550,11
+shelbyville,2274,10
+newfields,326,1
+ranchester,538,2
+klickitat,471,5
+leonardo,308,2
+shelbyville,2040,2
+forkland,449,2
+woodbine,973,0
+woodbine,1021,6
+shelbyville,1572,3
+klickitat,316,1
+lakeville,65,9
+hanson,1550,1
+hiteman,417,9
+tolstoy,775,2
+wainscott,149,3
+mifflinburg,349,0
+ranchester,1359,3
+klickitat,846,5
+stockman,713,3
+coffeen,871,5
+lindenwood,1889,8
+merom,704,1
+lindenwood,2464,5
+beechwood,472,1
+leonardo,518,13
+pinesdale,109,1
+leonardo,1636,4
+hanson,519,4
+tolstoy,1365,4
+lakeville,731,2
+lindenwood,1976,6
+shelbyville,2231,6
+woodbine,915,2
+lindenwood,2670,4
+ranchester,503,6
+klickitat,233,8
+lakeville,1791,1
+wainscott,1799,9
+wainscott,1453,6
+woodbine,1670,1
+coffeen,132,0
+wainscott,596,6
+leonardo,1731,5
+shelbyville,632,14
+leonardo,761,1
+woodbine,1763,16
+newfields,84,0
+lindenwood,1187,5
+stockman,205,1
+pinesdale,1390,5
+lindenwood,1672,1
+klickitat,3,2
+allensville,239,9
+marstons,1105,5
+merom,1089,5
+wainscott,325,9
+ranchester,12,2
+pomaria,1023,2
+newfields,1481,1
+woodbine,1363,1
+stockman,929,0
+stockman,648,1
+pomaria,609,15
+tolstoy,283,4
+wainscott,942,5
+klickitat,214,3
+lakeville,1214,9
+leonardo,236,7
+tolstoy,591,2
+pinesdale,1286,3
+pinesdale,793,3
+shelbyville,846,12
+pinesdale,1468,4
+hiteman,1077,8
+lakeville,561,4
+benevolence,288,5
+forkland,853,1
+woodbine,892,14
+mifflinburg,189,3
+tolstoy,43,3
+newfields,102,3
+onaga,348,1
+newfields,144,2
+hiteman,307,2
+marstons,2212,2
+lakeville,658,2
+merom,1072,9
+shelbyville,1723,1
+woodbine,550,3
+wainscott,1332,9
+hiteman,127,2
+ranchester,1367,4
+forkland,448,3
+klickitat,2308,2
+hanson,396,5
+klickitat,779,4
+hanson,1604,7
+hiteman,1461,7
+benevolence,463,0
+benevolence,623,6
+tolstoy,294,6
+tolstoy,1172,6
+tolstoy,1029,4
+hanson,1039,1
+allensville,136,2
+klickitat,1197,5
+pinesdale,814,4
+mifflinburg,73,2
+pinesdale,1387,5
+wainscott,905,0
+lakeville,1841,4
+ranchester,177,7
+pomaria,493,2
+klickitat,298,8
+wainscott,542,4
+beechwood,144,2
+woodbine,1297,5
+leonardo,1087,6
+newfields,1079,5
+pomaria,1196,10
+shelbyville,2358,17
+klickitat,147,0
+hiteman,167,3
+hiteman,37,4
+forkland,901,1
+stockman,226,1
+coffeen,163,3
+coffeen,383,5
+cosmos,51,3
+shelbyville,2334,13
+ranchester,1613,0
+hanson,482,9
+hiteman,1136,1
+ranchester,1009,3
+pomaria,827,1
+forkland,646,3
+lakeville,1609,2
+klickitat,876,5
+stockman,913,2
+leonardo,856,0
+onaga,3,1
+lindenwood,1852,2
+mifflinburg,213,4
+newfields,1454,0
+cosmos,419,3
+stockman,979,0
+marstons,1059,8
+shelbyville,1946,1
+woodbine,1632,0
+shelbyville,61,1
+forkland,137,5
+lindenwood,805,2
+lakeville,1211,12
+shelbyville,1569,3
+newfields,516,13
+shelbyville,2353,4
+newfields,1351,5
+lakeville,288,2
+woodbine,1859,6
+leonardo,1465,6
+lakeville,1806,8
+lindenwood,1056,2
+shelbyville,2388,7
+woodbine,1827,3
+beechwood,69,1
+pomaria,21,6
+leonardo,1931,12
+forkland,1065,3
+shelbyville,368,3
+cosmos,442,0
+onaga,517,7
+coffeen,353,2
+tolstoy,501,0
+ranchester,1173,2
+ranchester,1167,3
+merom,62,3
+shelbyville,1037,3
+pinesdale,870,0
+ranchester,1314,1
+onaga,185,0
+shelbyville,1254,1
+benevolence,751,7
+hanson,1652,0
+lindenwood,672,6
+newfields,1249,0
+marstons,841,8
+beechwood,361,4
+woodbine,1491,2
+shelbyville,1858,10
+lindenwood,819,16
+pinesdale,623,0
+hiteman,878,1
+woodbine,1787,0
+leonardo,367,1
+shelbyville,841,9
+mifflinburg,570,3
+leonardo,306,0
+merom,399,2
+leonardo,775,1
+newfields,203,9
+stockman,1089,5
+ranchester,1179,1
+marstons,1465,9
+woodbine,718,5
+forkland,1097,6
+pomaria,754,0
+lindenwood,2583,1
+marstons,2011,1
+wainscott,69,0
+ranchester,1112,4
+pomaria,581,5
+woodbine,115,5
+hanson,783,2
+hiteman,155,4
+marstons,175,0
+pomaria,899,1
+lakeville,1589,5
+leonardo,142,2
+pinesdale,1226,4
+woodbine,1899,3
+lindenwood,81,1
+coffeen,191,0
+stockman,1350,5
+tolstoy,1116,5
+lindenwood,2027,4
+shelbyville,142,3
+marstons,203,0
+shelbyville,372,2
+pinesdale,1227,2
+merom,832,9
+pinesdale,1052,2
+wainscott,59,4
+lakeville,935,2
+merom,391,1
+ranchester,251,1
+lakeville,1775,0
+hiteman,1834,11
+allensville,442,1
+shelbyville,1637,6
+cosmos,703,9
+marstons,1122,2
+shelbyville,545,0
+klickitat,1503,3
+hanson,878,4
+woodbine,307,2
+newfields,718,5
+ranchester,660,15
+hiteman,1487,10
+tolstoy,1512,9
+ranchester,1189,1
+tolstoy,978,1
+beechwood,371,3
+shelbyville,2147,2
+marstons,2556,4
+klickitat,1872,11
+lindenwood,671,6
+leonardo,1298,0
+pomaria,155,6
+hiteman,280,5
+shelbyville,2055,2
+wainscott,55,1
+shelbyville,1852,4
+newfields,954,0
+lakeville,328,2
+hanson,115,5
+newfields,435,16
+coffeen,207,2
+coffeen,147,3
+allensville,173,3
+klickitat,1967,7
+wainscott,987,5
+tolstoy,1079,3
+mifflinburg,92,2
+lakeville,570,0
+woodbine,1827,5
+hanson,956,5
+beechwood,1150,0
+klickitat,971,5
+klickitat,2056,9
+coffeen,690,11
+newfields,1501,2
+shelbyville,1445,0
+pomaria,451,1
+ranchester,980,2
+lakeville,786,11
+wainscott,1041,2
+newfields,303,3
+marstons,895,4
+pinesdale,1031,1
+merom,249,6
+tolstoy,1160,1
+lakeville,1545,10
+lakeville,302,3
+klickitat,128,2
+klickitat,1506,3
+woodbine,1159,17
+lindenwood,2455,2
+newfields,1088,19
+marstons,1432,8
+wainscott,1014,0
+leonardo,1784,3
+marstons,2518,2
+tolstoy,1125,2
+cosmos,476,1
+woodbine,1640,6
+merom,809,10
+hanson,131,8
+ranchester,863,7
+cosmos,340,1
+hanson,1170,18
+marstons,2101,12
+hiteman,699,5
+lindenwood,526,4
+hanson,178,4
+stockman,1095,2
+marstons,2357,3
+wainscott,990,4
+lindenwood,2083,6
+wainscott,1191,10
+coffeen,640,7
+mifflinburg,282,2
+klickitat,1766,5
+lakeville,106,12
+hanson,373,4
+hanson,1527,2
+hanson,1439,0
+tolstoy,384,2
+newfields,1192,1
+lakeville,1518,1
+shelbyville,735,1
+lakeville,386,2
+pomaria,972,2
+beechwood,618,6
+marstons,752,8
+shelbyville,2085,9
+ranchester,896,8
+lakeville,1497,3
+onaga,595,0
+klickitat,1296,0
+mifflinburg,162,8
+lindenwood,2197,3
+lindenwood,982,6
+tolstoy,1304,4
+pomaria,1530,0
+hanson,646,0
+leonardo,404,8
+newfields,575,0
+coffeen,231,2
+hanson,394,7
+pomaria,1556,6
+pomaria,778,5
+merom,929,0
+marstons,1575,0
+newfields,1245,2
+ranchester,920,1
+tolstoy,1018,2
+shelbyville,426,2
+coffeen,674,3
+klickitat,1534,2
+mifflinburg,413,6
+marstons,1544,8
+beechwood,975,4
+leonardo,168,1
+beechwood,801,8
+leonardo,1022,3
+stockman,1108,4
+ranchester,1094,1
+lakeville,1473,1
+woodbine,698,0
+shelbyville,2755,2
+woodbine,1610,5
+cosmos,52,1
+tolstoy,1295,6
+shelbyville,328,9
+pinesdale,489,1
+pinesdale,899,4
+lindenwood,2017,9
+ranchester,820,6
+coffeen,1454,5
+woodbine,1254,3
+shelbyville,2233,5
+woodbine,1956,1
+pomaria,38,2
+wainscott,237,4
+lindenwood,71,4
+shelbyville,1263,1
+newfields,1190,4
+wainscott,835,3
+leonardo,992,5
+mifflinburg,692,3
+tolstoy,375,4
+marstons,2126,4
+hanson,601,0
+ranchester,1076,3
+merom,712,0
+lakeville,1261,2
+leonardo,992,10
+shelbyville,2559,10
+newfields,120,11
+lakeville,1671,6
+klickitat,1270,6
+shelbyville,279,8
+shelbyville,1083,5
+wainscott,1297,5
+stockman,757,0
+forkland,1119,3
+shelbyville,1548,7
+stockman,595,3
+cosmos,978,2
+pomaria,738,5
+lindenwood,147,3
+shelbyville,1284,5
+pinesdale,1267,6
+cosmos,985,6
+klickitat,1960,5
+newfields,42,0
+leonardo,1051,9
+marstons,139,7
+allensville,101,0
+leonardo,339,5
+wainscott,215,3
+wainscott,269,3
+tolstoy,1747,6
+shelbyville,751,2
+ranchester,1035,3
+shelbyville,487,6
+newfields,1295,9
+mifflinburg,254,1
+shelbyville,2563,8
+woodbine,1314,5
+pomaria,1486,7
+cosmos,1015,2
+stockman,308,1
+pomaria,655,2
+ranchester,947,2
+hiteman,1510,10
+coffeen,422,1
+lindenwood,346,5
+leonardo,1319,3
+newfields,93,3
+pomaria,1352,8
+mifflinburg,661,2
+lakeville,1668,4
+coffeen,730,1
+stockman,295,0
+pomaria,149,3
+pinesdale,1395,1
+ranchester,744,5
+merom,572,1
+shelbyville,2329,2
+lindenwood,1580,6
+woodbine,1436,6
+klickitat,148,24
+leonardo,1174,2
+hanson,704,2
+stockman,614,6
+stockman,689,5
+coffeen,1390,8
+klickitat,2236,2
+wainscott,1243,0
+hanson,1082,11
+tolstoy,1083,0
+hiteman,1488,8
+marstons,2611,1
+allensville,211,3
+pinesdale,596,8
+allensville,167,1
+marstons,1160,6
+klickitat,844,0
+pomaria,157,0
+leonardo,1252,2
+marstons,685,7
+klickitat,369,3
+cosmos,735,2
+hiteman,1358,4
+tolstoy,1505,4
+leonardo,442,6
+marstons,1589,2
+marstons,976,2
+hiteman,67,1
+woodbine,1677,6
+pomaria,343,3
+marstons,84,5
+tolstoy,1671,1
+coffeen,1007,0
+leonardo,1870,4
+forkland,900,10
+ranchester,695,0
+leonardo,29,10
+forkland,1156,4
+pomaria,474,9
+leonardo,1908,4
+pinesdale,32,11
+lakeville,1597,3
+wainscott,37,0
+shelbyville,1290,0
+marstons,2596,2
+pinesdale,243,4
+lakeville,106,0
+woodbine,1083,3
+beechwood,59,3
+lindenwood,1021,10
+mifflinburg,368,0
+marstons,652,2
+hanson,1318,6
+lindenwood,1193,8
+lindenwood,1503,7
+beechwood,1128,2
+pomaria,193,0
+marstons,425,5
+shelbyville,2685,5
+lindenwood,2527,6
+shelbyville,1917,0
+klickitat,119,9
+cosmos,904,2
+leonardo,2082,5
+coffeen,415,2
+tolstoy,861,1
+newfields,688,2
+wainscott,394,11
+tolstoy,238,2
+pomaria,1176,11
+shelbyville,313,2
+shelbyville,2444,5
+lindenwood,1261,1
+pomaria,1002,4
+lindenwood,242,6
+tolstoy,1205,3
+woodbine,1427,3
+lindenwood,177,7
+coffeen,890,6
+leonardo,1813,5
+marstons,2528,1
+hiteman,1211,3
+ranchester,792,19
+mifflinburg,531,7
+hiteman,975,5
+klickitat,17,3
+klickitat,684,8
+hanson,963,6
+lakeville,95,3
+ranchester,258,4
+shelbyville,1589,7
+cosmos,150,1
+ranchester,1313,7
+pinesdale,768,5
+tolstoy,1548,4
+shelbyville,254,1
+pinesdale,170,2
+coffeen,1200,0
+woodbine,1570,0
+klickitat,648,1
+leonardo,1129,1
+shelbyville,404,8
+lindenwood,311,0
+lakeville,197,0
+shelbyville,2398,3
+woodbine,343,12
+shelbyville,2053,12
+marstons,555,8
+leonardo,250,11
+shelbyville,2179,3
+shelbyville,2133,12
+lindenwood,883,6
+beechwood,591,1
+pomaria,746,2
+wainscott,953,3
+forkland,1156,2
+marstons,1466,1
+shelbyville,2289,4
+newfields,231,0
+shelbyville,2659,1
+lakeville,1167,2
+woodbine,2031,6
+pomaria,883,4
+beechwood,623,5
+hiteman,1702,3
+hanson,529,0
+pinesdale,163,3
+shelbyville,1560,0
+newfields,1517,0
+shelbyville,552,2
+hiteman,952,1
+merom,208,4
+hiteman,196,8
+klickitat,389,12
+stockman,788,4
+leonardo,1978,9
+lindenwood,620,5
+beechwood,986,1
+cosmos,947,2
+pomaria,1179,18
+wainscott,1242,3
+stockman,894,0
+cosmos,215,13
+tolstoy,794,5
+woodbine,647,7
+newfields,42,11
+leonardo,1958,4
+hiteman,1140,1
+woodbine,1320,5
+tolstoy,236,9
+woodbine,795,15
+klickitat,1984,12
+wainscott,280,2
+shelbyville,1393,4
+leonardo,1047,2
+lakeville,707,0
+klickitat,100,4
+leonardo,1798,2
+cosmos,311,5
+lakeville,35,0
+marstons,543,2
+hanson,673,2
+tolstoy,982,4
+woodbine,1460,2
+wainscott,1721,1
+klickitat,769,1
+hanson,1543,0
+newfields,1275,1
+shelbyville,601,2
+lindenwood,1890,2
+cosmos,260,2
+leonardo,905,4
+lindenwood,1361,2
+wainscott,1698,7
+marstons,659,18
+forkland,634,2
+shelbyville,1004,3
+hiteman,194,3
+leonardo,1490,8
+marstons,1614,0
+hiteman,561,2
+pomaria,1582,1
+pinesdale,711,11
+newfields,1327,5
+beechwood,576,1
+leonardo,1565,9
+newfields,1055,1
+hanson,170,13
+hiteman,1716,5
+marstons,910,10
+wainscott,549,4
+newfields,47,7
+tolstoy,919,11
+marstons,2423,4
+ranchester,634,1
+ranchester,1351,0
+tolstoy,212,0
+lindenwood,910,2
+cosmos,195,3
+cosmos,524,10
+pomaria,217,8
+marstons,1007,1
+klickitat,1777,7
+tolstoy,543,4
+tolstoy,1292,1
+wainscott,1567,6
+stockman,1607,5
+lakeville,15,3
+shelbyville,1849,10
+tolstoy,1016,4
+lakeville,875,1
+newfields,824,0
+leonardo,1614,1
+pomaria,1343,1
+mifflinburg,89,4
+pomaria,474,7
+cosmos,704,6
+woodbine,876,6
+tolstoy,929,0
+lindenwood,1111,4
+newfields,839,0
+newfields,1269,2
+ranchester,555,10
+allensville,410,4
+lindenwood,396,2
+onaga,608,5
+klickitat,1257,4
+mifflinburg,884,3
+beechwood,302,6
+mifflinburg,870,5
+wainscott,1572,3
+newfields,108,0
+pomaria,460,3
+tolstoy,1017,8
+stockman,1532,0
+pomaria,1267,1
+shelbyville,438,17
+marstons,298,6
+lakeville,117,5
+hanson,192,0
+hanson,1194,5
+lakeville,1045,5
+forkland,1013,0
+beechwood,169,3
+lakeville,427,1
+lindenwood,2336,3
+klickitat,2301,2
+leonardo,220,1
+forkland,511,11
+newfields,24,2
+klickitat,1304,0
+stockman,83,12
+marstons,1788,1
+stockman,662,2
+benevolence,335,3
+klickitat,68,2
+ranchester,1285,0
+pomaria,42,8
+hanson,1547,9
+marstons,822,9
+hanson,1449,11
+klickitat,1410,9
+merom,535,1
+hanson,1379,11
+klickitat,303,9
+ranchester,915,7
+woodbine,1270,2
+shelbyville,685,6
+merom,1112,2
+klickitat,2366,6
+klickitat,889,4
+hanson,323,9
+benevolence,462,1
+coffeen,1412,3
+ranchester,156,3
+pomaria,577,2
+onaga,578,2
+hanson,888,10
+newfields,11,0
+marstons,1829,7
+tolstoy,463,2
+klickitat,33,10
+tolstoy,1263,10
+hiteman,18,4
+klickitat,1478,1
+shelbyville,1247,3
+hanson,678,6
+hiteman,1142,9
+lakeville,1725,2
+lakeville,1284,7
+pinesdale,1172,3
+klickitat,2279,8
+cosmos,1035,3
+leonardo,1798,3
+shelbyville,246,2
+woodbine,1342,3
+hiteman,688,1
+stockman,1438,1
+woodbine,240,6
+marstons,875,4
+marstons,474,11
+hanson,901,11
+marstons,1548,2
+leonardo,378,4
+tolstoy,366,5
+leonardo,1047,0
+shelbyville,1002,9
+shelbyville,2453,0
+shelbyville,950,2
+shelbyville,1023,6
+beechwood,605,0
+woodbine,1868,1
+shelbyville,146,1
+stockman,514,3
+marstons,1807,0
+pinesdale,1001,3
+ranchester,262,9
+leonardo,992,12
+cosmos,595,7
+marstons,1130,7
+lindenwood,1109,0
+hiteman,472,3
+beechwood,907,3
+cosmos,566,0
+shelbyville,1168,3
+wainscott,1346,6
+shelbyville,2458,13
+hanson,1346,16
+lakeville,215,3
+mifflinburg,912,1
+wainscott,1523,0
+merom,938,3
+leonardo,855,1
+marstons,1774,13
+woodbine,393,13
+pinesdale,1496,8
+wainscott,62,5
+pinesdale,38,6
+klickitat,1076,7
+klickitat,549,3
+newfields,1376,1
+merom,779,7
+woodbine,1655,8
+hiteman,100,4
+tolstoy,1406,4
+leonardo,1411,13
+klickitat,688,7
+lakeville,848,1
+shelbyville,2815,5
+stockman,1142,1
+stockman,830,1
+wainscott,985,13
+woodbine,1967,2
+pinesdale,1359,5
+woodbine,181,2
+lakeville,647,11
+pomaria,96,1
+pomaria,42,0
+shelbyville,928,8
+shelbyville,2495,0
+ranchester,1302,2
+marstons,104,3
+hiteman,256,6
+shelbyville,273,10
+lakeville,877,1
+coffeen,237,4
+shelbyville,1304,11
+leonardo,1666,1
+onaga,331,3
+wainscott,734,2
+leonardo,1219,3
+coffeen,609,3
+shelbyville,1187,6
+cosmos,595,11
+ranchester,163,6
+shelbyville,648,11
+klickitat,488,13
+wainscott,639,7
+shelbyville,1163,2
+klickitat,1306,5
+stockman,717,2
+wainscott,362,3
+tolstoy,954,1
+forkland,139,6
+pomaria,845,5
+pomaria,267,6
+beechwood,656,2
+klickitat,408,3
+merom,1119,4
+lindenwood,1261,0
+shelbyville,184,0
+marstons,48,9
+marstons,627,5
+hanson,410,12
+woodbine,1232,7
+lindenwood,109,3
+onaga,131,1
+hiteman,75,13
+leonardo,735,0
+ranchester,1375,6
+wainscott,1023,4
+ranchester,982,4
+beechwood,1031,10
+newfields,1136,0
+wainscott,443,4
+ranchester,507,4
+hanson,1417,5
+leonardo,1453,0
+pomaria,492,8
+hiteman,350,3
+leonardo,604,1
+forkland,887,2
+wainscott,330,3
+beechwood,1028,1
+hanson,92,2
+lakeville,492,6
+cosmos,355,2
+pinesdale,1359,0
+tolstoy,942,4
+shelbyville,1678,7
+pinesdale,929,16
+leonardo,830,3
+onaga,249,2
+wainscott,227,3
+lakeville,501,0
+beechwood,887,2
+klickitat,1861,2
+tolstoy,1324,10
+lakeville,1587,1
+coffeen,500,1
+hanson,1484,1
+shelbyville,2688,7
+tolstoy,94,3
+marstons,1154,1
+newfields,723,8
+leonardo,750,0
+forkland,1064,2
+leonardo,202,4
+klickitat,1919,2
+marstons,2104,16
+pinesdale,1105,3
+wainscott,1043,8
+wainscott,1341,3
+merom,916,7
+wainscott,294,4
+tolstoy,134,1
+klickitat,878,3
+pomaria,1326,7
+mifflinburg,309,3
+tolstoy,50,0
+klickitat,1816,8
+lakeville,31,6
+leonardo,230,6
+mifflinburg,322,2
+forkland,611,2
+shelbyville,2074,9
+leonardo,1602,2
+stockman,62,8
+mifflinburg,254,2
+ranchester,783,0
+lakeville,488,1
+leonardo,1046,9
+pomaria,543,11
+hanson,1238,5
+woodbine,1248,2
+tolstoy,142,1
+woodbine,1926,1
+lindenwood,536,5
+woodbine,1245,4
+woodbine,510,9
+beechwood,213,0
+newfields,545,11
+newfields,47,8
+lakeville,220,0
+lakeville,1306,3
+marstons,993,7
+pomaria,604,6
+beechwood,952,3
+ranchester,1255,2
+klickitat,494,3
+hanson,1540,3
+lindenwood,391,4
+stockman,991,7
+marstons,153,0
+allensville,3,2
+leonardo,231,3
+mifflinburg,113,5
+tolstoy,1771,4
+coffeen,1431,1
+lakeville,1331,4
+stockman,1234,2
+hanson,1125,4
+ranchester,1457,1
+allensville,487,4
+lindenwood,1704,3
+ranchester,397,2
+stockman,7,3
+wainscott,523,14
+lindenwood,658,7
+hanson,809,6
+hanson,279,5
+stockman,1052,3
+lindenwood,809,1
+ranchester,1551,5
+shelbyville,58,0
+ranchester,460,0
+klickitat,1376,2
+stockman,1421,0
+lakeville,1270,1
+stockman,187,2
+cosmos,193,5
+lindenwood,740,6
+tolstoy,1071,2
+newfields,388,6
+lindenwood,177,5
+woodbine,294,2
+klickitat,469,2
+marstons,2084,4
+lindenwood,2357,3
+hiteman,867,2
+stockman,535,2
+merom,617,0
+klickitat,1006,4
+merom,756,0
+marstons,2267,10
+tolstoy,785,12
+leonardo,1540,5
+pomaria,656,8
+lindenwood,2536,6
+hanson,1457,1
+lakeville,440,5
+allensville,518,4
+pinesdale,1486,3
+hiteman,1147,1
+leonardo,1858,10
+lakeville,1086,1
+hiteman,517,3
+beechwood,1077,1
+shelbyville,840,1
+pinesdale,97,3
+leonardo,1161,1
+lakeville,1623,0
+woodbine,302,6
+klickitat,1631,0
+pomaria,437,0
+wainscott,163,3
+wainscott,1280,3
+pomaria,1204,3
+hiteman,1245,3
+marstons,1999,0
+pomaria,1055,2
+woodbine,565,2
+marstons,1262,0
+hiteman,812,1
+ranchester,598,7
+hiteman,1754,4
+woodbine,912,4
+pomaria,568,3
+klickitat,147,14
+marstons,2122,3
+shelbyville,612,3
+klickitat,344,10
+marstons,2595,6
+woodbine,1832,5
+hiteman,840,3
+lakeville,796,10
+coffeen,1350,3
+ranchester,1523,0
+leonardo,421,0
+merom,90,8
+lakeville,1005,6
+beechwood,583,2
+marstons,2242,1
+newfields,27,4
+stockman,184,1
+hanson,324,1
+hanson,1530,8
+lakeville,508,3
+benevolence,145,2
+hanson,1528,6
+klickitat,1345,16
+ranchester,148,1
+hanson,1273,5
+woodbine,442,2
+leonardo,1164,4
+ranchester,1601,0
+stockman,429,0
+hanson,1058,14
+merom,661,0
+lindenwood,2056,0
+wainscott,1757,5
+onaga,494,1
+shelbyville,605,10
+coffeen,1240,5
+shelbyville,878,0
+marstons,1868,2
+klickitat,2244,0
+hanson,1220,8
+klickitat,1649,1
+marstons,2040,6
+forkland,211,3
+klickitat,1100,5
+lindenwood,238,6
+leonardo,799,9
+newfields,1610,11
+newfields,170,8
+tolstoy,223,0
+pomaria,1361,1
+onaga,471,7
+lindenwood,1273,0
+wainscott,80,0
+newfields,738,2
+newfields,1536,1
+newfields,1057,0
+stockman,466,15
+marstons,1225,1
+wainscott,551,3
+forkland,1159,4
+marstons,370,5
+cosmos,264,0
+shelbyville,1578,4
+lakeville,128,5
+woodbine,95,12
+cosmos,1057,0
+beechwood,93,3
+shelbyville,40,0
+merom,689,2
+hiteman,1824,6
+forkland,988,9
+tolstoy,714,8
+onaga,141,2
+ranchester,1593,2
+leonardo,1257,7
+woodbine,818,10
+merom,711,6
+hiteman,1554,1
+shelbyville,2274,1
+woodbine,1672,8
+pinesdale,420,14
+woodbine,285,2
+stockman,829,4
+wainscott,203,1
+hiteman,540,2
+tolstoy,66,5
+woodbine,686,12
+pomaria,1486,3
+hiteman,305,2
+mifflinburg,932,6
+pomaria,549,5
+pomaria,1217,0
+pomaria,112,8
+cosmos,752,6
+coffeen,1430,1
+woodbine,414,2
+lindenwood,2032,11
+woodbine,330,4
+ranchester,1450,5
+onaga,147,6
+beechwood,317,1
+marstons,310,7
+hiteman,847,1
+wainscott,1584,8
+shelbyville,98,12
+hiteman,174,3
+lindenwood,1341,0
+lakeville,971,3
+lakeville,131,3
+pinesdale,252,0
+pinesdale,1122,8
+lakeville,482,2
+shelbyville,465,9
+woodbine,2037,6
+tolstoy,1210,0
+woodbine,809,14
+klickitat,1123,4
+cosmos,940,7
+marstons,1929,0
+lakeville,1039,3
+shelbyville,557,4
+marstons,2539,5
+klickitat,245,7
+cosmos,178,3
+mifflinburg,214,0
+merom,453,3
+newfields,1553,1
+beechwood,77,1
+pinesdale,1122,4
+klickitat,1788,6
+pinesdale,724,2
+merom,993,2
+benevolence,201,5
+woodbine,917,5
+lindenwood,1226,2
+merom,549,2
+klickitat,2286,22
+shelbyville,666,4
+wainscott,353,2
+marstons,958,0
+ranchester,668,0
+klickitat,1781,2
+wainscott,827,5
+merom,307,9
+mifflinburg,429,6
+newfields,1106,6
+klickitat,1159,10
+klickitat,2243,3
+tolstoy,1022,0
+allensville,168,0
+lakeville,1181,10
+merom,266,1
+tolstoy,1046,0
+hiteman,817,2
+wainscott,486,0
+shelbyville,816,5
+marstons,2161,17
+ranchester,1066,7
+marstons,700,1
+hiteman,805,6
+klickitat,91,2
+klickitat,1152,1
+marstons,1695,3
+lakeville,393,4
+wainscott,1182,0
+shelbyville,2078,13
+tolstoy,901,8
+lindenwood,501,3
+lindenwood,152,6
+mifflinburg,930,1
+marstons,1976,2
+merom,270,1
+woodbine,334,3
+klickitat,1887,3
+hiteman,603,3
+hanson,843,2
+hanson,802,2
+woodbine,580,3
+klickitat,876,1
+pinesdale,897,7
+lindenwood,1926,3
+lakeville,1829,1
+newfields,1112,7
+hiteman,546,3
+coffeen,1,0
+beechwood,15,0
+woodbine,1764,7
+hanson,1366,0
+hanson,1363,14
+klickitat,978,1
+wainscott,1292,8
+marstons,913,9
+hiteman,1470,3
+woodbine,946,0
+mifflinburg,663,2
+tolstoy,805,1
+marstons,1601,4
+beechwood,807,1
+mifflinburg,524,9
+shelbyville,2286,0
+lindenwood,213,4
+ranchester,265,6
+ranchester,1265,7
+klickitat,195,2
+shelbyville,2075,1
+tolstoy,1686,6
+klickitat,1130,4
+cosmos,269,7
+klickitat,1088,5
+wainscott,1626,1
+ranchester,273,10
+ranchester,1133,2
+pomaria,1179,13
+lindenwood,2342,1
+merom,701,0
+marstons,1430,3
+ranchester,1187,2
+newfields,758,0
+forkland,573,2
+tolstoy,972,3
+cosmos,661,4
+tolstoy,1105,3
+lakeville,1096,6
+marstons,135,0
+hiteman,88,2
+tolstoy,88,5
+klickitat,2155,6
+leonardo,128,7
+klickitat,2140,5
+onaga,255,2
+shelbyville,2541,0
+coffeen,1510,0
+forkland,415,2
+woodbine,20,9
+leonardo,2093,8
+shelbyville,1052,1
+leonardo,1819,5
+klickitat,413,2
+tolstoy,1318,2
+woodbine,619,1
+tolstoy,960,1
+beechwood,1005,2
+marstons,518,9
+leonardo,1387,11
+tolstoy,295,5
+pinesdale,1317,0
+forkland,150,5
+marstons,2070,2
+leonardo,1067,0
+mifflinburg,22,2
+wainscott,1594,7
+lakeville,1385,9
+hanson,1635,0
+tolstoy,1519,0
+stockman,1312,5
+marstons,826,6
+hiteman,581,3
+lindenwood,1588,0
+wainscott,82,8
+leonardo,447,20
+leonardo,272,0
+tolstoy,837,5
+lindenwood,949,9
+ranchester,1279,4
+lindenwood,1387,9
+pinesdale,528,9
+klickitat,638,0
+hiteman,131,7
+pinesdale,822,11
+hanson,1432,5
+marstons,2363,7
+newfields,760,11
+klickitat,445,16
+lindenwood,1990,4
+coffeen,536,1
+marstons,230,6
+allensville,183,0
+shelbyville,2482,7
+lindenwood,2626,12
+marstons,797,8
+pomaria,972,3
+pomaria,857,2
+shelbyville,2775,0
+lakeville,202,4
+shelbyville,1465,3
+ranchester,1183,1
+woodbine,1298,1
+woodbine,1003,8
+lindenwood,39,2
+merom,392,3
+tolstoy,55,0
+benevolence,62,1
+newfields,948,2
+woodbine,566,5
+pinesdale,248,4
+pomaria,547,7
+woodbine,1616,0
+tolstoy,341,2
+allensville,224,0
+hanson,1607,2
+wainscott,1791,2
+benevolence,237,0
+marstons,1000,7
+lakeville,1424,7
+klickitat,471,6
+benevolence,264,2
+ranchester,698,1
+pomaria,409,8
+lindenwood,328,7
+cosmos,155,4
+klickitat,1291,12
+tolstoy,1506,2
+hanson,404,1
+pomaria,755,6
+shelbyville,789,2
+shelbyville,997,5
+lindenwood,237,4
+merom,688,1
+shelbyville,2482,10
+klickitat,368,5
+coffeen,535,1
+klickitat,2018,2
+klickitat,1234,2
+hiteman,372,4
+leonardo,1986,0
+leonardo,1846,1
+allensville,366,2
+ranchester,591,2
+hanson,233,2
+merom,1047,0
+beechwood,153,6
+hanson,1173,8
+stockman,664,2
+shelbyville,1489,0
+mifflinburg,416,0
+lindenwood,956,3
+woodbine,1158,9
+hanson,1633,18
+pinesdale,735,1
+merom,997,4
+lindenwood,1995,2
+onaga,312,6
+marstons,81,12
+shelbyville,962,3
+lindenwood,1014,2
+pinesdale,459,1
+shelbyville,319,2
+klickitat,1937,8
+benevolence,936,1
+allensville,151,4
+klickitat,735,6
+hiteman,33,1
+pomaria,307,0
+marstons,627,1
+pinesdale,265,6
+hanson,1144,2
+coffeen,799,2
+woodbine,139,5
+marstons,2069,2
+lakeville,1706,7
+marstons,2350,5
+leonardo,1757,5
+stockman,1054,2
+merom,325,6
+stockman,1298,3
+wainscott,1015,2
+newfields,1010,2
+tolstoy,673,2
+shelbyville,1640,5
+wainscott,671,2
+onaga,290,0
+marstons,820,1
+pinesdale,294,7
+onaga,238,4
+benevolence,56,4
+lakeville,763,11
+wainscott,1179,5
+hiteman,555,0
+pinesdale,46,3
+marstons,2172,4
+lindenwood,1934,3
+marstons,2430,2
+ranchester,692,5
+stockman,1112,2
+hiteman,1817,0
+marstons,1909,6
+hiteman,221,3
+stockman,379,2
+lindenwood,961,0
+klickitat,2207,6
+marstons,1683,6
+merom,359,6
+lakeville,387,9
+mifflinburg,596,2
+hanson,367,8
+hiteman,460,4
+merom,742,2
+pomaria,580,11
+hanson,412,4
+mifflinburg,753,3
+forkland,1097,4
+shelbyville,254,4
+hanson,1290,0
+coffeen,111,1
+beechwood,1042,8
+marstons,2191,7
+benevolence,425,0
+beechwood,929,8
+leonardo,1267,0
+lakeville,1528,1
+merom,992,2
+merom,848,0
+cosmos,348,9
+shelbyville,1240,2
+shelbyville,663,2
+marstons,2257,6
+forkland,877,2
+forkland,579,2
+onaga,433,2
+marstons,1518,18
+mifflinburg,132,7
+leonardo,1545,9
+woodbine,118,11
+lindenwood,1503,11
+pinesdale,712,2
+shelbyville,2814,6
+lindenwood,1815,1
+lakeville,526,5
+newfields,925,4
+newfields,1208,10
+shelbyville,1816,8
+ranchester,339,0
+leonardo,2034,7
+ranchester,1357,0
+hiteman,975,10
+lindenwood,1726,6
+stockman,544,10
+woodbine,607,1
+hanson,1280,8
+marstons,2382,7
+ranchester,1194,4
+hanson,1215,3
+cosmos,698,5
+wainscott,1784,3
+lakeville,1155,3
+woodbine,1633,4
+onaga,20,0
+ranchester,431,10
+lindenwood,2571,3
+lakeville,1571,5
+pomaria,525,3
+hiteman,1745,0
+shelbyville,2207,4
+hiteman,1144,0
+lindenwood,387,8
+benevolence,458,8
+hiteman,730,9
+mifflinburg,190,1
+lindenwood,2341,1
+woodbine,691,5
+lindenwood,1387,8
+cosmos,841,6
+merom,947,2
+pomaria,662,17
+lindenwood,2256,2
+wainscott,1227,10
+hiteman,659,2
+woodbine,1925,1
+hiteman,272,4
+lindenwood,1198,0
+pinesdale,954,6
+lindenwood,947,0
+shelbyville,1526,8
+lakeville,512,8
+tolstoy,1337,6
+pomaria,375,2
+shelbyville,2636,6
+hiteman,1236,7
+shelbyville,437,0
+pomaria,769,10
+mifflinburg,176,3
+hanson,855,3
+leonardo,1505,5
+woodbine,88,3
+coffeen,406,3
+leonardo,547,0
+lindenwood,748,0
+lakeville,340,7
+tolstoy,1560,6
+tolstoy,1458,6
+allensville,28,0
+hiteman,420,1
+leonardo,703,2
+shelbyville,1561,4
+marstons,40,11
+shelbyville,921,5
+merom,731,0
+klickitat,458,5
+mifflinburg,104,2
+shelbyville,1269,2
+benevolence,336,11
+stockman,372,5
+marstons,1293,6
+hanson,471,0
+lakeville,1455,0
+hiteman,852,1
+coffeen,1435,6
+stockman,541,1
+lindenwood,2587,4
+klickitat,2044,6
+lindenwood,1975,2
+beechwood,314,4
+marstons,2606,8
+woodbine,1877,2
+leonardo,1075,6
+hiteman,1822,12
+merom,63,4
+ranchester,1608,3
+tolstoy,1355,4
+woodbine,1662,4
+onaga,368,1
+lakeville,936,10
+marstons,2320,6
+shelbyville,1424,16
+onaga,535,5
+pomaria,874,5
+stockman,1177,3
+lakeville,872,7
+ranchester,211,4
+merom,1077,0
+marstons,1862,0
+ranchester,1033,2
+hanson,1530,6
+pomaria,1082,8
+newfields,1572,1
+klickitat,515,11
+wainscott,441,0
+shelbyville,2139,5
+forkland,912,0
+hiteman,1746,8
+woodbine,1350,7
+wainscott,544,6
+woodbine,95,14
+stockman,1597,2
+hiteman,20,5
+hanson,1393,1
+woodbine,1164,0
+newfields,1011,5
+beechwood,961,6
+woodbine,1601,1
+leonardo,1455,2
+wainscott,403,3
+pinesdale,506,2
+stockman,346,1
+woodbine,1000,2
+hiteman,1186,0
+lakeville,405,7
+shelbyville,1195,12
+woodbine,181,6
+woodbine,247,7
+tolstoy,1004,7
+woodbine,1445,0
+leonardo,777,0
+lakeville,1309,0
+shelbyville,2294,7
+coffeen,662,4
+hanson,41,0
+ranchester,4,4
+pomaria,1420,1
+lindenwood,1041,2
+lakeville,1577,9
+klickitat,752,3
+pomaria,1471,4
+allensville,218,0
+marstons,938,3
+hiteman,1242,0
+shelbyville,562,12
+lakeville,725,1
+lindenwood,1894,2
+merom,820,0
+klickitat,1614,0
+klickitat,69,3
+hanson,946,4
+shelbyville,2100,5
+hiteman,270,1
+stockman,1571,0
+lakeville,319,7
+leonardo,1507,4
+pomaria,179,6
+hiteman,480,2
+marstons,723,2
+leonardo,852,0
+tolstoy,384,6
+pinesdale,594,1
+lindenwood,779,2
+wainscott,1771,3
+shelbyville,436,6
+pomaria,1398,6
+pinesdale,292,0
+coffeen,100,1
+lakeville,134,5
+lindenwood,1009,11
+stockman,1486,3
+ranchester,407,2
+hanson,650,1
+hiteman,476,1
+stockman,1137,3
+marstons,2319,0
+newfields,592,12
+lindenwood,861,2
+beechwood,402,3
+onaga,574,10
+lindenwood,519,5
+allensville,482,0
+mifflinburg,881,4
+leonardo,234,1
+beechwood,563,0
+shelbyville,619,6
+forkland,176,5
+shelbyville,1751,0
+forkland,1016,1
+lakeville,151,8
+lakeville,1436,1
+newfields,107,1
+ranchester,630,1
+stockman,1140,2
+woodbine,1555,2
+klickitat,1114,1
+shelbyville,1277,8
+shelbyville,705,2
+lakeville,53,2
+hanson,1135,1
+pomaria,1254,15
+wainscott,687,4
+tolstoy,1023,3
+klickitat,625,4
+wainscott,1246,0
+hanson,1420,11
+newfields,1160,8
+klickitat,1196,1
+newfields,1302,11
+hiteman,588,16
+mifflinburg,243,0
+woodbine,1036,6
+klickitat,2312,9
+hiteman,330,3
+pinesdale,54,0
+lindenwood,1618,2
+pinesdale,545,4
+shelbyville,2352,3
+marstons,2207,10
+hanson,698,8
+klickitat,2272,1
+shelbyville,1186,9
+pinesdale,968,3
+leonardo,605,1
+forkland,221,1
+tolstoy,867,5
+pinesdale,161,1
+onaga,358,4
+klickitat,839,2
+shelbyville,1165,6
+klickitat,66,5
+marstons,2411,7
+lindenwood,2267,0
+shelbyville,84,1
+tolstoy,369,1
+ranchester,328,4
+coffeen,626,4
+ranchester,879,15
+marstons,500,0
+pinesdale,726,4
+lindenwood,1866,4
+leonardo,1577,1
+shelbyville,2761,17
+merom,613,1
+shelbyville,1689,12
+wainscott,1133,3
+lakeville,1767,1
+pinesdale,880,0
+lindenwood,1888,1
+hanson,931,13
+hanson,907,9
+tolstoy,586,2
+benevolence,54,1
+newfields,654,2
+newfields,672,5
+leonardo,275,2
+ranchester,1388,5
+woodbine,818,2
+onaga,575,2
+marstons,2386,1
+lindenwood,1732,3
+stockman,53,3
+marstons,1574,4
+coffeen,472,6
+hiteman,879,1
+hiteman,301,1
+stockman,749,2
+lindenwood,92,0
+merom,537,5
+lindenwood,369,4
+coffeen,1246,9
+pinesdale,876,1
+shelbyville,2323,2
+wainscott,1775,2
+shelbyville,2260,0
+ranchester,938,6
+lakeville,531,9
+lindenwood,792,2
+pinesdale,1418,1
+lakeville,1674,10
+leonardo,826,1
+hanson,660,9
+tolstoy,635,2
+shelbyville,1524,3
+shelbyville,2665,4
+stockman,400,5
+lindenwood,2626,5
+hiteman,1126,6
+cosmos,611,6
+klickitat,2221,7
+klickitat,84,1
+leonardo,2053,0
+pomaria,1485,9
+onaga,450,5
+hanson,35,1
+pomaria,91,1
+stockman,80,9
+hanson,660,2
+klickitat,1646,3
+pomaria,488,6
+marstons,123,5
+klickitat,1179,4
+pinesdale,420,13
+mifflinburg,699,1
+shelbyville,977,2
+tolstoy,489,0
+merom,799,1
+pomaria,1531,0
+wainscott,1617,8
+shelbyville,2200,9
+woodbine,1866,2
+stockman,1462,5
+hiteman,745,5
+lakeville,335,8
+woodbine,643,14
+lakeville,903,2
+pomaria,252,2
+marstons,1513,0
+stockman,512,0
+lindenwood,442,5
+beechwood,585,0
+wainscott,984,8
+lindenwood,1624,7
+klickitat,2301,4
+wainscott,284,2
+woodbine,1764,10
+lindenwood,997,2
+stockman,480,4
+shelbyville,718,0
+hanson,770,1
+lakeville,1556,6
+leonardo,881,4
+shelbyville,2754,0
+woodbine,1372,1
+forkland,164,1
+hiteman,814,4
+lindenwood,1382,2
+marstons,1223,9
+coffeen,818,6
+hiteman,1831,2
+coffeen,232,9
+forkland,711,8
+shelbyville,1826,5
+wainscott,49,2
+leonardo,642,2
+marstons,1510,4
+benevolence,770,6
+pomaria,1263,3
+leonardo,305,1
+pomaria,1430,1
+hanson,307,4
+shelbyville,1463,10
+coffeen,721,5
+shelbyville,2235,1
+tolstoy,1185,5
+woodbine,165,0
+leonardo,44,1
+klickitat,1185,6
+newfields,549,8
+shelbyville,2765,0
+forkland,568,1
+woodbine,704,1
+forkland,432,0
+klickitat,1321,3
+newfields,478,6
+klickitat,643,0
+pinesdale,911,2
+marstons,1461,0
+benevolence,895,4
+tolstoy,1768,4
+wainscott,1452,15
+lindenwood,298,4
+pinesdale,231,7
+wainscott,248,1
+coffeen,551,1
+pomaria,865,0
+lindenwood,2099,4
+beechwood,703,10
+leonardo,1219,0
+hanson,1029,13
+forkland,744,1
+marstons,911,5
+allensville,93,3
+forkland,764,1
+newfields,1523,0
+beechwood,559,2
+lindenwood,263,5
+newfields,1490,1
+merom,721,4
+wainscott,897,3
+ranchester,864,0
+newfields,333,0
+ranchester,96,4
+marstons,1555,3
+woodbine,1857,7
+woodbine,2032,0
+tolstoy,1337,3
+hiteman,779,5
+pomaria,625,4
+pomaria,317,5
+klickitat,2184,1
+leonardo,1465,1
+pomaria,580,10
+pinesdale,766,3
+klickitat,1310,2
+ranchester,216,9
+ranchester,171,6
+lindenwood,1423,3
+lakeville,1477,9
+stockman,837,4
+pinesdale,119,0
+coffeen,430,8
+marstons,2193,1
+wainscott,1434,2
+hiteman,1465,4
+marstons,1620,9
+leonardo,559,1
+stockman,153,6
+shelbyville,1498,8
+lindenwood,154,0
+leonardo,916,2
+klickitat,2184,5
+wainscott,140,6
+leonardo,347,8
+stockman,153,4
+cosmos,819,6
+newfields,92,1
+woodbine,1637,4
+wainscott,271,9
+klickitat,429,0
+marstons,2172,1
+marstons,1398,9
+leonardo,1961,1
+lakeville,1621,1
+pinesdale,265,2
+cosmos,142,1
+woodbine,476,1
+shelbyville,567,2
+forkland,1185,1
+wainscott,483,6
+cosmos,737,4
+klickitat,296,7
+forkland,140,5
+woodbine,413,9
+klickitat,2385,5
+shelbyville,204,11
+newfields,747,0
+woodbine,593,1
+hanson,919,2
+merom,320,1
+hiteman,1772,4
+ranchester,930,6
+hiteman,1126,9
+forkland,766,1
+shelbyville,440,9
+stockman,1083,4
+hanson,105,2
+coffeen,1330,2
+pomaria,736,2
+pomaria,572,1
+woodbine,2049,15
+leonardo,80,2
+wainscott,1536,2
+marstons,1341,1
+pinesdale,286,5
+lakeville,400,7
+marstons,1109,3
+hanson,1173,13
+shelbyville,828,2
+coffeen,840,1
+woodbine,230,1
+ranchester,1413,9
+hanson,1091,5
+woodbine,1150,2
+pomaria,1122,6
+beechwood,200,6
+coffeen,1152,1
+lindenwood,967,6
+lakeville,1603,11
+newfields,344,7
+tolstoy,1695,8
+woodbine,253,5
+lindenwood,2660,2
+pinesdale,109,0
+cosmos,1000,1
+mifflinburg,644,1
+marstons,1308,0
+stockman,1542,7
+merom,725,7
+klickitat,1210,10
+wainscott,1244,1
+lakeville,1830,0
+lakeville,1039,0
+klickitat,1391,2
+cosmos,66,1
+ranchester,1467,2
+ranchester,1433,0
+klickitat,2136,4
+lakeville,80,2
+pomaria,662,10
+benevolence,844,8
+shelbyville,22,9
+lindenwood,450,2
+wainscott,317,0
+hiteman,1461,3
+tolstoy,1232,7
+klickitat,1192,3
+hiteman,1072,3
+beechwood,281,0
+shelbyville,827,2
+woodbine,873,5
+lindenwood,768,9
+leonardo,2021,1
+mifflinburg,53,1
+stockman,1461,4
+wainscott,889,4
+newfields,546,0
+wainscott,31,3
+shelbyville,1509,3
+pinesdale,50,0
+coffeen,789,0
+marstons,1332,2
+marstons,1915,4
+leonardo,1583,0
+klickitat,797,6
+newfields,902,1
+wainscott,957,4
+klickitat,1212,2
+klickitat,872,1
+stockman,1038,0
+coffeen,515,0
+woodbine,1302,0
+shelbyville,80,4
+allensville,502,0
+newfields,1025,5
+hiteman,1083,12
+pomaria,890,3
+hiteman,368,5
+shelbyville,873,2
+hanson,368,0
+forkland,337,2
+newfields,65,1
+klickitat,2365,2
+shelbyville,1201,8
+pomaria,59,2
+leonardo,1505,7
+marstons,2587,3
+marstons,1744,4
+ranchester,52,4
+newfields,1056,14
+klickitat,1898,0
+marstons,1147,2
+klickitat,426,1
+wainscott,47,1
+cosmos,314,1
+forkland,420,7
+tolstoy,1708,9
+coffeen,485,1
+shelbyville,2570,6
+klickitat,1890,3
+tolstoy,1664,0
+shelbyville,498,13
+tolstoy,351,4
+wainscott,1304,0
+woodbine,1239,5
+klickitat,1929,2
+pinesdale,758,4
+beechwood,339,5
+cosmos,745,6
+lakeville,2,1
+lakeville,485,6
+cosmos,487,4
+lindenwood,1032,4
+woodbine,1044,4
+coffeen,261,5
+pinesdale,568,6
+hiteman,1829,7
+pinesdale,68,0
+pinesdale,1198,6
+hiteman,1341,2
+lakeville,1691,2
+lakeville,1782,4
+hanson,493,0
+wainscott,1134,0
+lindenwood,309,1
+lindenwood,2529,1
+cosmos,469,1
+lakeville,83,2
+klickitat,10,10
+cosmos,705,3
+ranchester,58,0
+shelbyville,477,4
+merom,343,3
+leonardo,469,6
+lakeville,794,14
+forkland,701,2
+lindenwood,164,8
+hanson,454,4
+leonardo,1120,6
+woodbine,833,3
+wainscott,469,2
+marstons,812,5
+hanson,302,0
+leonardo,1466,7
+woodbine,1778,4
+pomaria,368,13
+coffeen,1241,2
+leonardo,1464,0
+woodbine,1261,0
+hiteman,549,9
+marstons,242,2
+woodbine,176,5
+mifflinburg,741,4
+marstons,1168,0
+klickitat,927,1
+marstons,1061,1
+woodbine,1287,4
+coffeen,481,8
+hiteman,767,1
+beechwood,659,8
+klickitat,1219,0
+ranchester,298,3
+woodbine,1611,1
+merom,928,1
+pomaria,1161,8
+lakeville,1215,4
+pinesdale,1431,2
+woodbine,608,3
+shelbyville,1857,1
+pomaria,1677,1
+hanson,855,0
+leonardo,1380,11
+merom,728,1
+beechwood,621,3
+merom,1047,1
+hiteman,435,10
+ranchester,1069,3
+woodbine,1110,6
+marstons,193,12
+shelbyville,2486,0
+lindenwood,1678,3
+coffeen,199,4
+ranchester,784,1
+woodbine,1984,5
+stockman,1028,1
+shelbyville,1959,7
+mifflinburg,369,1
+newfields,1625,9
+pomaria,673,0
+marstons,1997,1
+hanson,859,6
+wainscott,1398,2
+coffeen,917,0
+lindenwood,2250,0
+lakeville,59,7
+woodbine,1262,4
+hanson,1546,3
+onaga,534,2
+coffeen,854,1
+shelbyville,2697,3
+forkland,142,1
+marstons,1880,4
+lindenwood,92,2
+lakeville,1414,0
+leonardo,1312,1
+leonardo,1346,2
+lakeville,667,2
+lakeville,139,2
+lindenwood,1482,3
+leonardo,2108,6
+stockman,974,0
+hiteman,428,5
+forkland,416,0
+klickitat,1523,0
+ranchester,1315,3
+shelbyville,133,3
+woodbine,942,4
+beechwood,238,2
+ranchester,1176,10
+lindenwood,428,0
+woodbine,1241,1
+wainscott,1592,4
+forkland,937,4
+lakeville,287,6
+onaga,277,4
+klickitat,1330,0
+pinesdale,1461,1
+marstons,2540,6
+ranchester,184,0
+onaga,504,8
+newfields,539,4
+marstons,10,5
+newfields,990,1
+cosmos,520,2
+wainscott,142,1
+marstons,951,0
+woodbine,1721,5
+shelbyville,1454,2
+klickitat,101,11
+klickitat,2412,11
+shelbyville,2028,3
+tolstoy,638,6
+woodbine,285,7
+cosmos,538,5
+marstons,273,0
+lakeville,733,2
+coffeen,985,0
+lakeville,197,3
+woodbine,29,6
+leonardo,1950,2
+allensville,4,5
+tolstoy,736,2
+pomaria,81,0
+marstons,1055,4
+pomaria,1058,0
+coffeen,613,1
+newfields,51,4
+newfields,1183,18
+hanson,1387,0
+ranchester,138,0
+hanson,1483,0
+klickitat,136,2
+coffeen,1159,0
+hiteman,1584,4
+leonardo,1468,10
+shelbyville,1650,9
+beechwood,39,10
+klickitat,2174,10
+mifflinburg,67,0
+tolstoy,441,7
+marstons,2003,1
+tolstoy,433,3
+shelbyville,2174,11
+woodbine,1590,0
+klickitat,2222,2
+benevolence,864,7
+hiteman,980,3
+klickitat,662,3
+stockman,207,5
+newfields,637,18
+pomaria,662,9
+woodbine,1821,9
+ranchester,532,2
+wainscott,1167,11
+mifflinburg,670,0
+pomaria,994,0
+lindenwood,407,3
+wainscott,24,1
+klickitat,1815,1
+klickitat,716,2
+klickitat,712,11
+benevolence,761,3
+leonardo,1863,12
+pinesdale,405,5
+klickitat,1024,17
+pinesdale,1304,3
+klickitat,1070,4
+tolstoy,410,1
+pomaria,1240,5
+pomaria,656,6
+tolstoy,1689,0
+hiteman,792,0
+coffeen,1414,5
+tolstoy,1812,4
+beechwood,332,0
+tolstoy,1725,0
+marstons,841,10
+marstons,1060,0
+mifflinburg,292,3
+klickitat,244,1
+merom,585,1
+forkland,1166,5
+leonardo,887,1
+wainscott,1418,1
+tolstoy,686,5
+klickitat,1967,9
+pinesdale,281,0
+klickitat,1872,9
+hanson,1520,4
+marstons,2617,0
+shelbyville,187,1
+wainscott,837,5
+shelbyville,928,6
+lakeville,1581,2
+hiteman,1604,6
+lakeville,178,0
+shelbyville,336,0
+cosmos,481,0
+stockman,1399,1
+shelbyville,2347,9
+ranchester,154,4
+marstons,1535,2
+shelbyville,2020,1
+hiteman,1282,4
+pomaria,483,5
+marstons,2057,3
+wainscott,888,0
+klickitat,1857,7
+pomaria,892,0
+klickitat,151,14
+shelbyville,1776,0
+lindenwood,1555,2
+leonardo,1823,7
+mifflinburg,668,7
+pomaria,241,5
+pomaria,858,2
+tolstoy,1728,0
+tolstoy,346,0
+lakeville,1355,7
+mifflinburg,528,1
+ranchester,364,0
+pinesdale,1094,5
+lindenwood,369,0
+woodbine,260,0
+marstons,2495,6
+marstons,187,1
+pinesdale,690,1
+beechwood,165,5
+hiteman,443,2
+beechwood,179,9
+lindenwood,1345,3
+pinesdale,385,1
+woodbine,1981,1
+newfields,544,1
+hiteman,1425,0
+stockman,1209,4
+wainscott,1217,2
+onaga,388,2
+wainscott,919,8
+coffeen,897,4
+ranchester,1138,0
+lindenwood,2406,1
+newfields,2,0
+pinesdale,349,11
+beechwood,191,6
+tolstoy,211,4
+shelbyville,932,13
+klickitat,2216,2
+coffeen,1227,2
+forkland,726,2
+leonardo,1939,1
+wainscott,1662,4
+klickitat,247,4
+woodbine,2043,0
+ranchester,33,6
+hanson,407,7
+merom,353,2
+klickitat,1741,9
+cosmos,565,7
+lindenwood,1402,4
+tolstoy,1458,7
+onaga,341,3
+lakeville,1505,13
+wainscott,137,3
+shelbyville,708,5
+merom,185,3
+pomaria,874,6
+pomaria,802,1
+tolstoy,1568,3
+woodbine,1667,5
+shelbyville,2590,5
+lindenwood,1697,0
+wainscott,1222,0
+merom,75,4
+leonardo,90,3
+marstons,2420,1
+shelbyville,740,3
+tolstoy,717,3
+marstons,1233,1
+cosmos,806,1
+shelbyville,2364,0
+coffeen,189,9
+lindenwood,2353,2
+klickitat,2195,23
+wainscott,45,11
+stockman,1317,5
+pomaria,976,10
+tolstoy,1259,6
+shelbyville,1568,2
+hanson,756,2
+beechwood,836,2
+marstons,1463,1
+coffeen,102,1
+klickitat,2297,2
+pinesdale,1159,0
+cosmos,226,11
+pinesdale,1492,0
+stockman,507,2
+merom,426,1
+ranchester,319,15
+wainscott,374,3
+shelbyville,2274,8
+coffeen,661,0
+mifflinburg,673,3
+leonardo,1045,5
+coffeen,1470,3
+pinesdale,1492,11
+lindenwood,2480,0
+allensville,147,3
+woodbine,878,6
+lindenwood,2472,4
+klickitat,1282,2
+shelbyville,22,7
+klickitat,720,12
+newfields,230,5
+pomaria,593,1
+lakeville,110,1
+pomaria,461,5
+beechwood,334,1
+wainscott,355,4
+lakeville,645,3
+coffeen,35,2
+onaga,641,0
+coffeen,558,2
+hanson,520,9
+forkland,724,4
+ranchester,915,2
+shelbyville,2068,0
+stockman,1065,2
+lakeville,574,0
+pinesdale,631,4
+beechwood,898,0
+hiteman,1681,1
+lindenwood,925,0
+coffeen,1134,4
+wainscott,1679,8
+lakeville,151,19
+marstons,956,1
+woodbine,982,4
+benevolence,881,4
+wainscott,401,3
+coffeen,1286,1
+lakeville,412,1
+pinesdale,1517,3
+benevolence,888,2
+shelbyville,1946,2
+woodbine,349,0
+shelbyville,2815,3
+ranchester,792,20
+leonardo,131,2
+hiteman,101,3
+shelbyville,437,2
+shelbyville,2354,6
+shelbyville,1614,2
+shelbyville,1830,7
+hiteman,1494,1
+klickitat,1746,0
+ranchester,1451,1
+marstons,620,3
+tolstoy,1371,6
+woodbine,1849,9
+woodbine,1719,2
+beechwood,683,1
+hiteman,91,0
+pinesdale,1168,10
+beechwood,313,2
+allensville,1,3
+lakeville,1128,13
+woodbine,42,1
+hiteman,741,4
+shelbyville,1308,0
+marstons,1991,2
+woodbine,1827,2
+marstons,6,1
+marstons,827,5
+hiteman,1468,6
+pinesdale,46,0
+klickitat,1767,6
+hanson,1349,0
+marstons,1443,5
+woodbine,1867,5
+newfields,545,2
+lindenwood,1100,0
+wainscott,1585,8
+lakeville,430,5
+onaga,96,2
+hanson,1102,5
+lakeville,1330,0
+klickitat,806,3
+leonardo,2116,4
+lindenwood,2210,1
+klickitat,1512,1
+hanson,440,6
+lindenwood,1183,2
+wainscott,1722,3
+hanson,921,3
+tolstoy,431,6
+benevolence,625,9
+beechwood,989,0
+lindenwood,152,7
+klickitat,1595,14
+leonardo,241,8
+stockman,1456,3
+coffeen,962,2
+pomaria,890,5
+ranchester,617,2
+marstons,196,2
+klickitat,44,2
+leonardo,1639,2
+tolstoy,1092,13
+hanson,1239,1
+lakeville,159,7
+mifflinburg,878,3
+pomaria,818,5
+merom,944,3
+pinesdale,1346,5
+pomaria,357,7
+leonardo,1858,7
+wainscott,1103,0
+shelbyville,649,9
+lindenwood,1606,3
+beechwood,427,2
+pinesdale,401,0
+beechwood,550,0
+hanson,569,2
+leonardo,1780,7
+leonardo,1351,7
+marstons,2232,7
+mifflinburg,918,2
+shelbyville,1501,2
+shelbyville,2611,0
+leonardo,885,9
+shelbyville,1187,1
+pomaria,1573,2
+woodbine,1554,5
+wainscott,1234,2
+shelbyville,690,4
+hiteman,755,2
+shelbyville,2664,9
+woodbine,1660,0
+newfields,1265,0
+tolstoy,1738,5
+leonardo,1505,3
+klickitat,581,15
+woodbine,2036,0
+onaga,31,0
+lindenwood,1759,4
+ranchester,1320,5
+klickitat,1498,0
+klickitat,1657,4
+marstons,1304,11
+hanson,1388,6
+wainscott,1289,3
+hiteman,1376,9
+klickitat,1274,1
+leonardo,22,5
+klickitat,1556,3
+tolstoy,492,7
+mifflinburg,22,0
+hanson,590,5
+klickitat,1801,5
+marstons,98,3
+beechwood,156,1
+mifflinburg,389,3
+lindenwood,1334,6
+lindenwood,1899,7
+klickitat,1874,0
+klickitat,1873,1
+forkland,720,0
+stockman,39,0
+hiteman,835,1
+pomaria,1274,5
+hiteman,1590,1
+lindenwood,495,0
+stockman,774,3
+lakeville,1666,4
+leonardo,76,2
+pomaria,643,7
+newfields,1499,1
+forkland,134,7
+klickitat,699,6
+hiteman,1653,1
+hiteman,419,6
+coffeen,494,2
+hanson,383,2
+shelbyville,2691,8
+cosmos,415,2
+marstons,1814,11
+wainscott,1346,13
+pomaria,259,8
+newfields,378,2
+tolstoy,273,2
+tolstoy,533,1
+stockman,706,0
+lakeville,365,5
+cosmos,1011,6
+leonardo,512,4
+cosmos,304,1
+ranchester,1635,1
+stockman,1568,10
+ranchester,918,2
+tolstoy,1156,1
+woodbine,447,1
+benevolence,508,4
+marstons,1177,3
+hiteman,924,1
+stockman,1047,4
+cosmos,934,1
+tolstoy,1748,1
+lakeville,876,9
+hanson,266,2
+beechwood,629,6
+hanson,1055,2
+stockman,65,2
+shelbyville,1925,1
+shelbyville,289,0
+hanson,478,2
+hanson,1344,0
+shelbyville,2418,1
+woodbine,201,4
+onaga,664,5
+ranchester,1091,0
+stockman,1388,4
+coffeen,428,3
+pinesdale,263,0
+woodbine,175,0
+cosmos,263,1
+leonardo,2027,5
+mifflinburg,545,5
+hiteman,643,2
+coffeen,1055,3
+lindenwood,771,5
+leonardo,730,2
+lakeville,1431,3
+ranchester,751,3
+beechwood,460,0
+shelbyville,1835,1
+newfields,667,1
+ranchester,183,5
+klickitat,2029,7
+lindenwood,1889,7
+coffeen,896,0
+tolstoy,17,11
+lindenwood,1140,2
+klickitat,1542,2
+pinesdale,382,2
+pinesdale,225,9
+pomaria,365,2
+stockman,793,3
+forkland,0,7
+wainscott,177,7
+stockman,384,4
+shelbyville,699,2
+beechwood,134,9
+klickitat,1963,0
+pinesdale,1028,0
+woodbine,1184,1
+hiteman,750,4
+wainscott,792,6
+wainscott,1652,12
+cosmos,740,15
+newfields,441,2
+pinesdale,134,3
+pomaria,1416,12
+ranchester,1219,1
+allensville,270,6
+marstons,2160,5
+tolstoy,1427,5
+leonardo,198,6
+tolstoy,628,1
+lindenwood,546,1
+shelbyville,1825,5
+ranchester,805,3
+shelbyville,111,1
+lindenwood,2344,0
+klickitat,1837,9
+pomaria,1324,6
+coffeen,605,2
+pinesdale,410,8
+woodbine,217,3
+coffeen,321,3
+marstons,1329,0
+stockman,1213,4
+marstons,700,0
+ranchester,148,3
+ranchester,345,10
+stockman,1141,10
+hanson,581,5
+woodbine,1902,16
+cosmos,249,1
+marstons,804,7
+hanson,175,2
+beechwood,884,4
+cosmos,467,0
+stockman,1582,7
+wainscott,858,6
+hiteman,1788,6
+shelbyville,2678,8
+ranchester,862,1
+leonardo,128,6
+marstons,377,11
+hiteman,1641,0
+hiteman,33,7
+lindenwood,1184,7
+wainscott,1278,13
+tolstoy,1045,4
+shelbyville,341,5
+shelbyville,295,8
+coffeen,49,2
+cosmos,126,6
+hiteman,118,0
+benevolence,967,4
+shelbyville,146,9
+lindenwood,1035,3
+coffeen,942,1
+wainscott,601,5
+wainscott,724,4
+onaga,285,1
+tolstoy,1711,0
+pinesdale,1293,1
+shelbyville,447,5
+tolstoy,88,4
+hiteman,288,0
+shelbyville,47,17
+forkland,727,4
+lindenwood,1386,0
+ranchester,1522,2
+hanson,1555,12
+shelbyville,928,16
+shelbyville,1030,0
+marstons,738,6
+forkland,1062,2
+woodbine,1818,3
+woodbine,907,16
+lindenwood,1993,2
+woodbine,1029,0
+shelbyville,2048,6
+leonardo,2036,14
+pinesdale,574,1
+woodbine,608,4
+woodbine,519,10
+pomaria,1349,2
+stockman,1020,4
+lindenwood,212,2
+marstons,2655,0
+onaga,599,2
+hiteman,1121,2
+newfields,865,6
+beechwood,1020,1
+merom,150,1
+merom,462,3
+cosmos,168,12
+ranchester,685,5
+newfields,1071,4
+lakeville,395,2
+tolstoy,1288,0
+shelbyville,1424,17
+coffeen,913,6
+hiteman,28,0
+hanson,856,2
+cosmos,355,5
+allensville,227,0
+hiteman,1522,11
+klickitat,1840,3
+beechwood,840,3
+tolstoy,275,3
+allensville,460,0
+hanson,971,9
+pomaria,1227,4
+benevolence,646,2
+pomaria,256,8
+allensville,153,7
+coffeen,183,1
+lakeville,1035,0
+newfields,583,2
+ranchester,932,8
+shelbyville,192,2
+forkland,535,3
+lindenwood,2459,6
+coffeen,833,2
+tolstoy,1417,2
+lakeville,52,8
+onaga,659,0
+pinesdale,918,0
+ranchester,479,2
+shelbyville,1178,6
+klickitat,1699,4
+merom,498,7
+lindenwood,2080,0
+marstons,696,16
+pinesdale,1108,3
+shelbyville,859,12
+wainscott,784,13
+woodbine,614,2
+leonardo,882,2
+shelbyville,1805,5
+ranchester,25,4
+forkland,1080,0
+pinesdale,1449,12
+pinesdale,1428,6
+pomaria,798,4
+lindenwood,1659,2
+newfields,1270,5
+marstons,434,1
+tolstoy,1742,0
+lindenwood,480,2
+tolstoy,115,0
+lakeville,1779,12
+lakeville,1659,3
+pomaria,1577,12
+pomaria,1549,2
+tolstoy,1060,11
+cosmos,891,12
+lindenwood,2638,4
+newfields,113,3
+stockman,2,1
+pomaria,1176,14
+woodbine,1054,15
+stockman,1530,2
+lindenwood,2461,10
+hanson,1038,6
+allensville,6,1
+marstons,1957,0
+forkland,807,5
+lakeville,1783,1
+ranchester,690,0
+wainscott,1104,2
+shelbyville,2355,3
+pomaria,1466,2
+marstons,2101,1
+allensville,191,4
+wainscott,483,10
+lindenwood,387,9
+hanson,920,2
+pinesdale,300,0
+woodbine,1357,7
+hanson,1528,10
+marstons,521,0
+ranchester,454,17
+mifflinburg,963,2
+ranchester,1513,5
+woodbine,606,3
+marstons,2444,3
+tolstoy,1056,0
+hanson,638,3
+lindenwood,564,1
+cosmos,524,4
+shelbyville,2142,6
+klickitat,507,1
+shelbyville,309,4
+klickitat,80,2
+hanson,612,4
+beechwood,723,4
+woodbine,1371,3
+stockman,349,9
+newfields,641,4
+tolstoy,727,4
+tolstoy,203,2
+cosmos,500,11
+beechwood,671,1
+lindenwood,763,4
+tolstoy,1594,4
+tolstoy,1377,3
+wainscott,1151,3
+pomaria,1533,7
+coffeen,1224,0
+hanson,565,2
+lindenwood,533,15
+ranchester,1610,2
+stockman,264,0
+stockman,1070,4
+hanson,1041,5
+stockman,1473,4
+wainscott,166,9
+woodbine,565,1
+forkland,1057,1
+merom,372,6
+shelbyville,2002,2
+woodbine,1129,1
+woodbine,1040,0
+beechwood,109,11
+shelbyville,741,2
+lindenwood,1932,6
+hiteman,1461,8
+hiteman,1205,3
+beechwood,1162,5
+pinesdale,556,4
+allensville,25,2
+wainscott,1566,12
+wainscott,1151,2
+merom,489,2
+pomaria,1045,10
+ranchester,341,3
+pinesdale,97,5
+ranchester,1603,0
+leonardo,1274,2
+shelbyville,1719,2
+stockman,383,2
+ranchester,770,3
+pinesdale,325,8
+stockman,836,3
+stockman,449,3
+pomaria,1064,0
+stockman,147,13
+pomaria,1290,5
+marstons,1087,0
+marstons,1339,4
+coffeen,1374,3
+wainscott,836,2
+woodbine,539,10
+hanson,814,2
+marstons,1311,3
+lakeville,1751,6
+pinesdale,343,0
+woodbine,863,0
+shelbyville,2242,3
+marstons,283,0
+pomaria,1446,5
+hanson,672,12
+klickitat,888,2
+merom,785,2
+newfields,1368,2
+leonardo,922,1
+stockman,805,2
+newfields,197,15
+shelbyville,498,22
+klickitat,1743,2
+pomaria,1414,5
+newfields,549,4
+lakeville,573,4
+klickitat,1441,8
+beechwood,949,0
+coffeen,385,6
+lindenwood,930,3
+leonardo,1452,5
+hiteman,269,1
+lindenwood,481,11
+newfields,954,7
+hanson,1456,7
+hanson,1004,9
+pomaria,918,4
+klickitat,732,6
+leonardo,1605,0
+coffeen,30,1
+newfields,120,2
+klickitat,415,7
+forkland,1124,9
+shelbyville,562,8
+marstons,1453,2
+woodbine,1005,12
+stockman,858,1
+tolstoy,1193,1
+forkland,913,1
+pomaria,643,3
+lindenwood,426,5
+stockman,383,1
+newfields,1439,19
+merom,963,1
+marstons,2524,4
+benevolence,567,1
+leonardo,598,2
+pinesdale,598,2
+beechwood,111,5
+beechwood,1117,2
+coffeen,1359,11
+pomaria,29,4
+klickitat,1807,2
+lakeville,1756,1
+wainscott,455,0
+marstons,150,2
+klickitat,1599,6
+lindenwood,1498,4
+ranchester,18,3
+pomaria,415,5
+woodbine,1583,13
+stockman,1531,3
+marstons,1776,4
+woodbine,81,6
+tolstoy,1130,3
+lindenwood,1509,2
+marstons,2520,4
+woodbine,818,5
+marstons,1070,1
+merom,193,1
+shelbyville,2149,4
+lakeville,694,2
+hanson,958,2
+hanson,1169,8
+lakeville,765,1
+lindenwood,2113,4
+lindenwood,2628,11
+pomaria,881,0
+stockman,33,2
+hanson,342,6
+newfields,323,3
+lakeville,238,2
+wainscott,1019,5
+marstons,411,4
+pomaria,1306,5
+stockman,344,7
+klickitat,946,0
+stockman,526,3
+shelbyville,152,0
+woodbine,1879,2
+klickitat,2022,0
+wainscott,192,8
+ranchester,1188,5
+lakeville,1311,10
+hanson,317,3
+wainscott,1127,3
+tolstoy,1800,2
+tolstoy,830,1
+coffeen,128,1
+ranchester,391,2
+coffeen,777,1
+cosmos,165,13
+lindenwood,2522,3
+merom,795,1
+newfields,1429,3
+hiteman,189,0
+hanson,1288,2
+wainscott,784,0
+wainscott,1527,8
+shelbyville,2083,1
+ranchester,989,0
+lindenwood,2387,9
+leonardo,474,1
+ranchester,27,3
+leonardo,882,11
+woodbine,1591,1
+klickitat,390,7
+leonardo,1858,8
+lakeville,1501,9
+lindenwood,2320,4
+pinesdale,357,1
+shelbyville,747,0
+pinesdale,245,3
+ranchester,508,7
+pinesdale,116,1
+lakeville,1739,5
+hanson,1466,16
+klickitat,2043,7
+hiteman,853,2
+beechwood,223,3
+lindenwood,2339,0
+marstons,2129,0
+newfields,973,8
+ranchester,1460,5
+cosmos,356,1
+lindenwood,441,0
+wainscott,62,1
+newfields,150,4
+tolstoy,796,11
+forkland,977,2
+shelbyville,416,4
+pinesdale,1205,4
+klickitat,1060,3
+marstons,585,0
+ranchester,1175,0
+klickitat,1366,8
+shelbyville,332,7
+lakeville,1628,4
+lindenwood,403,6
+klickitat,829,8
+pomaria,1300,0
+klickitat,94,4
+pinesdale,347,0
+merom,365,3
+pomaria,1074,0
+klickitat,363,4
+klickitat,1682,3
+leonardo,1053,3
+wainscott,378,2
+lindenwood,2033,5
+klickitat,2338,0
+cosmos,967,6
+stockman,268,1
+forkland,104,2
+lakeville,263,3
+marstons,45,3
+mifflinburg,893,3
+marstons,1492,8
+klickitat,1630,11
+pinesdale,649,3
+allensville,401,1
+onaga,300,2
+forkland,1180,1
+woodbine,1827,7
+lakeville,663,9
+lakeville,1471,14
+stockman,530,5
+wainscott,400,8
+hanson,858,1
+tolstoy,1058,3
+coffeen,1232,7
+shelbyville,1375,0
+marstons,1047,7
+marstons,1618,1
+cosmos,589,3
+hiteman,137,10
+shelbyville,676,0
+shelbyville,2625,5
+cosmos,606,2
+mifflinburg,383,1
+woodbine,1608,12
+hiteman,1799,5
+pomaria,1095,1
+hiteman,733,1
+leonardo,2077,4
+stockman,1619,5
+shelbyville,847,2
+woodbine,1061,1
+marstons,877,3
+klickitat,2268,4
+woodbine,1363,0
+hanson,368,15
+forkland,938,1
+lakeville,1642,9
+hiteman,997,6
+pomaria,589,1
+tolstoy,833,2
+newfields,656,6
+hiteman,1855,4
+hiteman,183,4
+lindenwood,698,1
+shelbyville,605,1
+mifflinburg,976,1
+shelbyville,925,2
+wainscott,468,3
+wainscott,277,10
+hiteman,960,0
+klickitat,735,2
+shelbyville,2254,1
+klickitat,1422,2
+leonardo,302,1
+hanson,123,4
+coffeen,398,1
+beechwood,401,3
+shelbyville,2819,2
+klickitat,2209,2
+wainscott,512,0
+lindenwood,990,4
+wainscott,1099,2
+leonardo,702,4
+stockman,374,13
+woodbine,1902,10
+wainscott,1181,5
+klickitat,1728,8
+coffeen,1074,1
+woodbine,865,6
+ranchester,990,2
+newfields,1093,3
+wainscott,730,4
+shelbyville,2484,9
+shelbyville,1588,4
+hiteman,219,5
+shelbyville,218,8
+newfields,102,5
+pomaria,1622,0
+tolstoy,107,1
+klickitat,1527,1
+hanson,519,14
+ranchester,844,13
+cosmos,592,1
+marstons,1825,1
+klickitat,2180,6
+ranchester,86,2
+klickitat,970,3
+marstons,1377,7
+wainscott,29,4
+leonardo,1229,1
+benevolence,83,3
+allensville,171,7
+pomaria,1101,2
+pinesdale,760,1
+stockman,796,0
+hanson,647,7
+klickitat,1224,1
+hanson,1160,2
+forkland,30,1
+marstons,1663,0
+pinesdale,224,2
+cosmos,61,2
+lakeville,579,8
+pinesdale,434,0
+mifflinburg,796,4
+woodbine,1070,5
+benevolence,595,9
+marstons,1878,4
+mifflinburg,526,2
+ranchester,765,6
+hanson,344,8
+hanson,227,1
+benevolence,37,7
+ranchester,947,1
+newfields,966,16
+pinesdale,454,5
+klickitat,2267,8
+woodbine,586,6
+coffeen,732,3
+ranchester,1367,8
+marstons,1423,1
+woodbine,1043,7
+stockman,83,1
+lindenwood,1091,9
+beechwood,52,0
+shelbyville,518,0
+hiteman,881,7
+merom,118,8
+pomaria,693,4
+beechwood,170,0
+woodbine,1212,1
+merom,350,5
+woodbine,566,2
+ranchester,549,2
+mifflinburg,75,13
+marstons,347,13
+lakeville,59,5
+hanson,650,4
+lindenwood,949,10
+merom,315,2
+marstons,617,4
+ranchester,1158,3
+allensville,229,1
+wainscott,257,1
+beechwood,130,5
+wainscott,1089,9
+hanson,302,6
+shelbyville,1019,3
+beechwood,1072,11
+beechwood,90,2
+hanson,1133,5
+pomaria,1458,0
+tolstoy,1738,9
+ranchester,117,0
+tolstoy,1701,6
+marstons,1036,1
+merom,230,5
+tolstoy,902,3
+woodbine,567,6
+lakeville,521,2
+shelbyville,1881,10
+lindenwood,394,1
+shelbyville,971,1
+ranchester,418,1
+lindenwood,241,0
+wainscott,1618,9
+ranchester,1064,7
+woodbine,945,3
+lindenwood,927,2
+lindenwood,2432,6
+leonardo,1265,2
+marstons,1304,0
+pomaria,1615,2
+newfields,1238,9
+leonardo,4,5
+hanson,918,0
+shelbyville,2099,2
+lindenwood,307,1
+leonardo,1175,1
+ranchester,1110,3
+marstons,2357,2
+hiteman,1191,7
+wainscott,1684,6
+tolstoy,294,14
+pomaria,750,2
+klickitat,2381,6
+shelbyville,1014,1
+shelbyville,1419,11
+tolstoy,1629,6
+klickitat,670,7
+marstons,1412,1
+leonardo,1746,1
+coffeen,104,6
+cosmos,422,3
+onaga,159,0
+tolstoy,142,10
+lindenwood,1277,8
+tolstoy,61,8
+coffeen,1130,2
+leonardo,869,6
+leonardo,87,3
+newfields,1362,8
+pomaria,451,0
+hiteman,143,5
+lakeville,755,4
+pinesdale,940,1
+woodbine,900,4
+hanson,1197,1
+allensville,292,4
+woodbine,1,1
+marstons,1749,17
+beechwood,849,4
+marstons,2619,6
+shelbyville,740,8
+klickitat,2391,0
+newfields,246,1
+pinesdale,1407,2
+hiteman,36,5
+lindenwood,2022,5
+lindenwood,2072,1
+ranchester,123,0
+shelbyville,166,1
+klickitat,911,2
+stockman,194,0
+shelbyville,1116,12
+shelbyville,2124,11
+leonardo,1213,8
+klickitat,2087,2
+forkland,1112,3
+leonardo,2116,11
+wainscott,1065,12
+lindenwood,2110,2
+klickitat,1797,1
+coffeen,904,0
+pinesdale,289,4
+merom,116,2
+benevolence,7,10
+hanson,594,8
+lindenwood,1720,1
+klickitat,1036,1
+ranchester,1127,3
+onaga,277,3
+ranchester,636,2
+marstons,2413,4
+newfields,1379,4
+pinesdale,355,5
+woodbine,1787,7
+coffeen,511,2
+tolstoy,489,7
+marstons,1150,1
+woodbine,440,9
+mifflinburg,70,1
+shelbyville,2712,8
+shelbyville,799,7
+forkland,372,12
+pomaria,360,0
+stockman,1571,1
+pinesdale,579,0
+pomaria,1112,1
+merom,542,2
+marstons,1006,2
+woodbine,1504,12
+lindenwood,10,3
+lakeville,151,20
+coffeen,276,6
+newfields,478,2
+leonardo,1279,5
+beechwood,953,0
+hanson,1201,0
+klickitat,1984,4
+ranchester,654,3
+beechwood,583,0
+hiteman,237,5
+hanson,723,3
+lakeville,766,3
+lindenwood,2503,0
+marstons,1204,9
+hanson,987,4
+stockman,1453,2
+allensville,260,1
+lindenwood,2214,2
+hiteman,600,8
+hiteman,380,5
+lindenwood,1726,11
+shelbyville,575,0
+wainscott,1329,14
+woodbine,629,4
+hanson,186,0
+hanson,533,0
+lindenwood,1262,0
+lindenwood,2377,1
+leonardo,2021,3
+tolstoy,1078,1
+stockman,977,3
+ranchester,899,8
+benevolence,249,1
+lindenwood,2371,3
+woodbine,1976,2
+benevolence,45,7
+marstons,130,4
+shelbyville,846,9
+shelbyville,904,9
+wainscott,118,9
+leonardo,2035,9
+shelbyville,945,1
+tolstoy,325,3
+pinesdale,104,2
+leonardo,1269,0
+hiteman,1077,0
+pomaria,155,9
+lakeville,1555,0
+beechwood,724,1
+wainscott,1297,0
+shelbyville,1241,7
+pomaria,627,5
+shelbyville,555,6
+klickitat,31,0
+leonardo,992,13
+mifflinburg,973,3
+hanson,1322,4
+leonardo,2106,3
+merom,550,1
+forkland,436,2
+klickitat,2021,2
+wainscott,1595,15
+lindenwood,758,0
+klickitat,1009,4
+pinesdale,1496,6
+klickitat,924,4
+coffeen,1223,2
+pomaria,1436,2
+hanson,935,7
+allensville,306,5
+marstons,2443,9
+tolstoy,1669,0
+hanson,1094,3
+klickitat,1266,8
+tolstoy,1294,3
+lindenwood,1746,8
+shelbyville,348,2
+woodbine,1000,5
+shelbyville,511,5
+onaga,104,2
+forkland,1067,3
+benevolence,663,6
+klickitat,1936,3
+woodbine,255,1
+wainscott,740,9
+lakeville,604,2
+pomaria,1298,0
+cosmos,224,3
+newfields,1365,7
+leonardo,1475,3
+lindenwood,2553,5
+lakeville,607,2
+shelbyville,2568,6
+merom,53,8
+merom,210,5
+pomaria,1509,0
+marstons,1085,0
+klickitat,1663,2
+klickitat,225,9
+tolstoy,1690,9
+lindenwood,1311,3
+newfields,1106,13
+hiteman,168,1
+hanson,401,9
+coffeen,1106,1
+pomaria,1013,6
+shelbyville,2762,4
+stockman,225,1
+lindenwood,890,7
+newfields,561,3
+klickitat,1973,1
+merom,343,1
+shelbyville,679,20
+wainscott,934,1
+coffeen,341,4
+ranchester,1510,4
+lindenwood,1248,2
+woodbine,327,2
+cosmos,81,4
+stockman,826,1
+merom,95,1
+ranchester,1116,9
+shelbyville,571,3
+woodbine,231,3
+hiteman,891,12
+pinesdale,1166,2
+lakeville,335,2
+ranchester,338,10
+tolstoy,1808,1
+shelbyville,632,0
+hanson,390,2
+lindenwood,1329,7
+pomaria,473,0
+beechwood,979,0
+newfields,1305,4
+hiteman,1373,2
+marstons,2563,8
+marstons,1731,10
+marstons,1426,7
+forkland,1193,0
+lindenwood,806,1
+tolstoy,340,1
+shelbyville,1149,0
+hiteman,915,1
+hiteman,1755,8
+pinesdale,140,9
+leonardo,1872,2
+hiteman,570,0
+klickitat,831,6
+pinesdale,1383,6
+shelbyville,1020,3
+pinesdale,113,1
+klickitat,1915,0
+beechwood,1028,0
+wainscott,100,0
+newfields,156,8
+hanson,799,3
+shelbyville,96,1
+merom,673,3
+leonardo,2081,2
+leonardo,2028,1
+pinesdale,728,3
+tolstoy,1436,6
+shelbyville,859,7
+klickitat,1330,8
+cosmos,601,1
+hanson,74,21
+ranchester,1324,2
+leonardo,1402,4
+lindenwood,1844,2
+ranchester,703,0
+stockman,1059,5
+leonardo,1349,11
+ranchester,165,0
+shelbyville,26,12
+marstons,869,0
+ranchester,1624,3
+shelbyville,1965,0
+onaga,306,0
+shelbyville,1959,10
+klickitat,2148,4
+merom,772,1
+wainscott,3,9
+klickitat,457,3
+lindenwood,473,2
+ranchester,955,5
+lakeville,151,6
+leonardo,559,12
+wainscott,245,2
+marstons,1523,2
+lakeville,1798,5
+lindenwood,470,0
+lakeville,1788,3
+merom,309,2
+lindenwood,665,2
+klickitat,2404,0
+cosmos,107,3
+allensville,135,0
+lindenwood,1049,0
+lindenwood,964,2
+ranchester,1434,18
+leonardo,1021,3
+woodbine,283,6
+klickitat,1159,6
+klickitat,1728,7
+leonardo,133,0
+lindenwood,1672,2
+benevolence,409,0
+wainscott,871,11
+pinesdale,874,1
+hiteman,421,4
+lindenwood,1782,13
+merom,40,1
+hiteman,1716,6
+hiteman,1247,0
+woodbine,951,1
+lindenwood,1500,2
+pomaria,1660,2
+hanson,471,3
+marstons,1512,0
+coffeen,137,2
+lindenwood,2623,2
+woodbine,1149,2
+leonardo,723,4
+benevolence,122,3
+pomaria,1347,3
+newfields,108,14
+merom,239,2
+shelbyville,1313,3
+allensville,49,4
+tolstoy,1817,1
+hiteman,711,6
+newfields,511,11
+lindenwood,920,9
+tolstoy,79,2
+klickitat,305,4
+hanson,800,5
+pomaria,1045,4
+pomaria,1534,6
+shelbyville,888,0
+newfields,534,0
+pinesdale,1075,1
+lindenwood,1352,6
+stockman,1521,3
+lindenwood,1414,5
+shelbyville,520,8
+hanson,531,2
+tolstoy,418,6
+stockman,1410,4
+hanson,1242,12
+leonardo,1190,3
+newfields,419,4
+hanson,955,2
+forkland,922,1
+hiteman,689,2
+tolstoy,1108,6
+tolstoy,1700,1
+newfields,1401,0
+lakeville,1546,2
+klickitat,897,4
+stockman,373,1
+lindenwood,551,3
+shelbyville,1315,0
+newfields,1181,0
+cosmos,334,14
+hanson,1574,5
+lakeville,943,3
+hiteman,1096,11
+ranchester,509,6
+woodbine,498,4
+klickitat,2102,1
+klickitat,2033,1
+newfields,563,1
+shelbyville,1030,2
+shelbyville,1992,3
+klickitat,518,4
+marstons,2110,3
+allensville,237,7
+cosmos,185,3
+leonardo,435,3
+beechwood,271,0
+pomaria,141,2
+newfields,202,8
+ranchester,379,1
+leonardo,686,8
+mifflinburg,144,2
+lakeville,1101,2
+hanson,1381,0
+forkland,1077,11
+wainscott,1442,3
+leonardo,1674,5
+pinesdale,1228,2
+woodbine,1954,2
+newfields,1070,2
+allensville,226,9
+shelbyville,719,8
+marstons,1389,1
+pinesdale,1466,0
+klickitat,1625,1
+leonardo,415,4
+tolstoy,1546,9
+wainscott,243,3
+woodbine,481,4
+klickitat,756,2
+klickitat,1356,3
+benevolence,673,8
+tolstoy,521,1
+leonardo,1702,3
+lindenwood,1612,3
+ranchester,1477,0
+cosmos,306,0
+newfields,426,0
+lakeville,769,6
+woodbine,686,10
+stockman,207,0
+forkland,1051,5
+onaga,64,5
+woodbine,634,1
+hanson,1130,3
+beechwood,422,0
+forkland,449,1
+hanson,304,0
+hiteman,1090,4
+klickitat,368,8
+pinesdale,816,0
+lakeville,1032,3
+woodbine,1137,2
+klickitat,13,7
+stockman,1333,5
+leonardo,267,1
+klickitat,436,3
+lakeville,574,8
+woodbine,1527,9
+marstons,1102,16
+newfields,1040,8
+lindenwood,393,3
+lindenwood,1748,0
+lindenwood,104,1
+marstons,1181,0
+cosmos,226,13
+ranchester,458,3
+tolstoy,63,0
+pomaria,778,7
+newfields,487,1
+benevolence,326,0
+mifflinburg,732,3
+leonardo,1503,6
+woodbine,466,6
+ranchester,400,8
+wainscott,974,3
+pinesdale,145,1
+shelbyville,2484,7
+stockman,1071,10
+ranchester,289,4
+onaga,106,2
+lindenwood,826,3
+leonardo,2100,0
+hanson,1055,8
+hanson,381,2
+beechwood,545,3
+lindenwood,1350,0
+marstons,1985,7
+mifflinburg,78,5
+pomaria,729,9
+onaga,384,2
+lindenwood,353,0
+pomaria,138,2
+lakeville,692,0
+marstons,234,2
+klickitat,1447,1
+wainscott,168,7
+marstons,250,0
+pinesdale,709,2
+onaga,6,8
+pomaria,1539,11
+leonardo,1515,9
+shelbyville,651,2
+wainscott,850,1
+tolstoy,1350,3
+pinesdale,547,1
+klickitat,2366,7
+hiteman,699,17
+pomaria,1051,1
+pinesdale,142,4
+shelbyville,2372,11
+woodbine,1595,10
+klickitat,841,6
+marstons,1591,8
+pinesdale,1029,12
+hiteman,632,1
+pomaria,1052,6
+hiteman,461,1
+beechwood,1160,2
+stockman,253,2
+marstons,1424,1
+newfields,76,1
+klickitat,134,1
+klickitat,47,8
+tolstoy,43,10
+leonardo,1768,2
+shelbyville,835,5
+benevolence,717,6
+shelbyville,2169,21
+leonardo,1770,0
+pomaria,1367,10
+shelbyville,1114,3
+marstons,2489,8
+pinesdale,505,1
+stockman,875,5
+tolstoy,1719,0
+ranchester,1218,6
+pinesdale,428,6
+leonardo,528,2
+hanson,621,6
+ranchester,7,2
+shelbyville,1962,1
+marstons,2340,8
+klickitat,804,5
+cosmos,315,8
+leonardo,630,3
+hiteman,343,5
+stockman,786,0
+allensville,189,4
+pomaria,1579,13
+shelbyville,1824,3
+beechwood,957,8
+beechwood,598,1
+mifflinburg,316,6
+benevolence,565,7
+klickitat,1501,3
+forkland,285,3
+woodbine,848,2
+hiteman,1022,9
+hanson,1271,4
+cosmos,962,2
+shelbyville,775,4
+woodbine,1000,7
+lindenwood,2546,1
+klickitat,1890,1
+lindenwood,1918,1
+coffeen,1307,2
+shelbyville,2459,2
+lindenwood,596,2
+lakeville,555,2
+wainscott,771,2
+marstons,41,1
+marstons,2340,4
+pomaria,1563,2
+woodbine,1646,0
+lindenwood,2462,5
+shelbyville,169,0
+woodbine,1743,2
+leonardo,555,5
+shelbyville,2814,17
+klickitat,878,0
+lakeville,1708,0
+klickitat,394,13
+tolstoy,1546,4
+pinesdale,1091,1
+shelbyville,347,3
+pinesdale,789,8
+lindenwood,1071,0
+newfields,313,7
+klickitat,1141,0
+klickitat,209,2
+hiteman,1716,10
+hiteman,792,2
+shelbyville,2097,1
+hanson,1398,10
+tolstoy,1689,16
+lindenwood,567,1
+beechwood,480,1
+klickitat,1017,8
+lakeville,1577,8
+shelbyville,2614,5
+leonardo,779,8
+marstons,353,2
+pomaria,692,4
+woodbine,1205,5
+wainscott,236,6
+hanson,432,0
+stockman,1261,2
+tolstoy,200,1
+lakeville,457,6
+marstons,1042,1
+newfields,274,16
+wainscott,852,0
+onaga,53,9
+lakeville,447,2
+benevolence,879,4
+ranchester,544,4
+mifflinburg,598,2
+benevolence,593,2
+shelbyville,120,0
+shelbyville,1976,2
+pomaria,610,1
+pinesdale,1427,4
+ranchester,1604,2
+lindenwood,1058,4
+shelbyville,1830,10
+klickitat,2100,1
+lindenwood,453,3
+stockman,583,8
+onaga,87,5
+onaga,59,3
+ranchester,1152,5
+ranchester,1033,16
+shelbyville,1841,3
+marstons,2079,5
+ranchester,705,3
+merom,672,0
+klickitat,1799,4
+leonardo,1765,1
+beechwood,778,3
+woodbine,1381,3
+beechwood,995,3
+lindenwood,1485,2
+klickitat,964,12
+klickitat,1336,2
+hanson,528,1
+leonardo,1422,1
+lindenwood,196,5
+lakeville,1440,3
+wainscott,155,1
+tolstoy,1372,0
+lindenwood,460,0
+marstons,308,0
+wainscott,572,8
+onaga,671,1
+shelbyville,193,15
+lakeville,756,1
+forkland,403,0
+woodbine,1757,1
+ranchester,1210,1
+hanson,645,2
+woodbine,1199,0
+leonardo,499,5
+hanson,1309,0
+mifflinburg,79,3
+beechwood,846,2
+leonardo,1750,4
+hiteman,696,2
+coffeen,1161,0
+ranchester,1328,9
+wainscott,1022,2
+marstons,1437,0
+newfields,358,14
+wainscott,1696,4
+lakeville,1202,0
+pomaria,202,1
+lakeville,1670,0
+klickitat,2368,0
+lakeville,1209,3
+wainscott,1077,1
+marstons,2409,3
+forkland,1103,3
+pinesdale,403,0
+coffeen,1239,5
+lakeville,785,6
+woodbine,265,4
+lakeville,626,1
+tolstoy,1715,2
+shelbyville,807,4
+beechwood,645,3
+stockman,762,2
+shelbyville,914,3
+marstons,513,3
+wainscott,1496,11
+klickitat,35,10
+newfields,979,6
+lindenwood,857,1
+benevolence,478,4
+pinesdale,1049,3
+hiteman,1725,5
+hiteman,1293,6
+stockman,697,3
+lindenwood,1439,4
+shelbyville,1424,4
+pomaria,1522,0
+newfields,138,2
+shelbyville,265,4
+allensville,319,1
+klickitat,2114,7
+forkland,676,0
+forkland,32,4
+beechwood,225,0
+klickitat,1279,0
+hanson,1219,13
+ranchester,373,0
+leonardo,1396,0
+ranchester,511,1
+lakeville,1391,3
+newfields,548,0
+cosmos,326,0
+ranchester,733,2
+merom,454,0
+wainscott,1760,1
+pomaria,37,2
+lakeville,456,2
+cosmos,385,9
+merom,867,4
+shelbyville,2560,10
+tolstoy,1359,6
+woodbine,1578,1
+hanson,337,3
+wainscott,473,2
+beechwood,122,3
+wainscott,195,5
+lindenwood,286,12
+shelbyville,1162,1
+coffeen,474,10
+wainscott,570,12
+coffeen,1395,1
+woodbine,1570,2
+merom,603,3
+hiteman,79,0
+onaga,433,3
+newfields,508,12
+woodbine,105,8
+newfields,1174,8
+pomaria,262,0
+woodbine,608,1
+shelbyville,1290,1
+forkland,650,1
+hiteman,791,4
+pinesdale,1364,1
+lakeville,1880,3
+stockman,814,2
+klickitat,942,1
+leonardo,665,1
+ranchester,1551,2
+leonardo,1931,11
+newfields,174,0
+pinesdale,1245,1
+hiteman,1361,7
+klickitat,1535,2
+beechwood,218,9
+marstons,88,7
+tolstoy,749,1
+mifflinburg,742,2
+lindenwood,224,2
+coffeen,926,4
+lindenwood,18,0
+woodbine,342,2
+ranchester,482,3
+leonardo,1623,1
+shelbyville,533,8
+lakeville,171,8
+merom,150,7
+shelbyville,272,0
+hanson,1433,2
+marstons,2444,10
+hanson,1230,0
+wainscott,687,0
+marstons,58,6
+coffeen,884,2
+hanson,1451,5
+marstons,645,0
+wainscott,1488,6
+pomaria,1628,10
+leonardo,1158,3
+pomaria,129,5
+beechwood,1037,3
+marstons,129,0
+ranchester,1611,5
+onaga,361,2
+marstons,763,5
+marstons,2590,9
+merom,848,2
+lakeville,1600,4
+ranchester,229,2
+leonardo,495,2
+ranchester,1190,1
+shelbyville,684,4
+hiteman,14,1
+tolstoy,477,0
+leonardo,553,7
+cosmos,231,3
+wainscott,490,3
+leonardo,1020,10
+hanson,1204,7
+mifflinburg,406,0
+shelbyville,2608,7
+coffeen,1000,1
+beechwood,738,3
+hanson,1637,0
+tolstoy,784,1
+wainscott,1757,6
+benevolence,380,2
+lakeville,1711,0
+marstons,1325,6
+pomaria,786,2
+pinesdale,1236,1
+klickitat,2008,3
+lindenwood,817,2
+woodbine,181,5
+klickitat,1775,1
+ranchester,1508,7
+lakeville,885,1
+shelbyville,271,4
+shelbyville,715,0
+newfields,1327,3
+tolstoy,1059,0
+tolstoy,299,0
+stockman,775,5
+lakeville,532,11
+coffeen,97,3
+mifflinburg,396,7
+woodbine,0,1
+tolstoy,1035,0
+onaga,140,1
+lindenwood,1786,1
+coffeen,394,0
+stockman,40,0
+benevolence,423,1
+tolstoy,1450,6
+tolstoy,1583,5
+tolstoy,1622,2
+coffeen,911,6
+woodbine,1305,0
+woodbine,670,14
+mifflinburg,157,4
+klickitat,1640,4
+woodbine,1832,1
+shelbyville,792,6
+wainscott,476,1
+shelbyville,927,1
+klickitat,1241,2
+wainscott,1346,8
+pomaria,777,0
+leonardo,1157,6
+mifflinburg,211,5
+wainscott,933,3
+shelbyville,1936,5
+marstons,2658,4
+woodbine,1872,4
+forkland,704,1
+beechwood,264,9
+mifflinburg,495,3
+klickitat,379,3
+lakeville,366,1
+pomaria,1276,2
+stockman,919,1
+coffeen,653,5
+leonardo,428,6
+mifflinburg,30,1
+tolstoy,305,9
+marstons,1252,0
+tolstoy,1454,16
+wainscott,421,0
+marstons,765,6
+woodbine,472,12
+hanson,1426,14
+pomaria,124,12
+leonardo,375,6
+wainscott,1193,10
+klickitat,1538,1
+coffeen,809,3
+pomaria,56,0
+cosmos,929,0
+hanson,22,6
+beechwood,438,0
+shelbyville,1913,4
+shelbyville,1267,8
+ranchester,932,0
+lakeville,387,15
+shelbyville,2202,1
+beechwood,783,0
+pinesdale,308,9
+leonardo,408,2
+ranchester,1420,0
+shelbyville,1522,7
+lindenwood,29,0
+tolstoy,1749,2
+lindenwood,702,9
+merom,1061,6
+ranchester,188,5
+klickitat,943,4
+tolstoy,189,4
+newfields,1104,4
+lakeville,1157,3
+hanson,626,1
+cosmos,500,1
+woodbine,1395,3
+allensville,441,3
+stockman,852,8
+beechwood,520,4
+stockman,1575,16
+shelbyville,362,1
+mifflinburg,922,0
+leonardo,178,1
+newfields,1274,7
+woodbine,1314,1
+lakeville,602,4
+woodbine,1893,1
+newfields,944,5
+forkland,1067,0
+hiteman,1799,1
+lindenwood,1714,2
+forkland,206,3
+shelbyville,805,4
+marstons,2000,5
+forkland,196,4
+forkland,1139,2
+woodbine,911,6
+stockman,766,2
+beechwood,1164,2
+pinesdale,274,5
+marstons,1327,3
+wainscott,705,8
+pinesdale,689,1
+marstons,1521,3
+stockman,1273,1
+pomaria,684,1
+lakeville,1823,10
+marstons,763,4
+hanson,37,2
+merom,66,2
+lindenwood,1639,2
+cosmos,142,2
+newfields,1407,13
+marstons,1335,4
+stockman,477,0
+stockman,1557,1
+pomaria,347,0
+leonardo,511,1
+marstons,22,2
+lindenwood,2215,3
+hiteman,1804,5
+wainscott,185,6
+marstons,2038,1
+lindenwood,562,0
+cosmos,772,12
+marstons,128,15
+pinesdale,451,2
+cosmos,202,8
+merom,438,0
+hiteman,1598,4
+newfields,253,1
+hanson,1606,1
+lakeville,584,0
+shelbyville,760,0
+leonardo,474,6
+leonardo,559,3
+merom,305,3
+lakeville,898,1
+pinesdale,604,3
+lakeville,10,3
+woodbine,279,4
+newfields,870,2
+klickitat,536,0
+lindenwood,1511,10
+pinesdale,690,5
+newfields,907,1
+klickitat,2359,1
+lindenwood,2030,5
+newfields,450,1
+pinesdale,1208,1
+pomaria,371,1
+klickitat,150,18
+klickitat,1279,9
+coffeen,1350,8
+benevolence,626,4
+woodbine,169,4
+marstons,2161,15
+beechwood,332,1
+tolstoy,88,14
+leonardo,1134,0
+lindenwood,2181,10
+leonardo,986,0
+woodbine,1832,7
+pomaria,982,2
+woodbine,1303,4
+marstons,1830,10
+newfields,662,2
+pinesdale,289,1
+hanson,759,0
+forkland,444,2
+klickitat,640,13
+shelbyville,2100,9
+pinesdale,624,3
+hanson,1446,8
+pinesdale,1041,0
+forkland,851,3
+shelbyville,2765,7
+ranchester,69,3
+tolstoy,325,6
+mifflinburg,653,4
+ranchester,685,0
+ranchester,955,2
+ranchester,1158,0
+newfields,723,5
+newfields,668,2
+onaga,31,2
+leonardo,871,5
+lindenwood,628,4
+shelbyville,2015,0
+pomaria,1234,6
+hanson,362,5
+hiteman,417,10
+leonardo,218,2
+merom,757,7
+wainscott,562,2
+klickitat,1927,2
+wainscott,1509,0
+hanson,202,5
+shelbyville,1997,0
+tolstoy,768,10
+marstons,1513,2
+merom,577,4
+ranchester,549,10
+stockman,1313,2
+newfields,799,2
+leonardo,167,7
+hanson,1059,1
+mifflinburg,313,1
+woodbine,516,8
+woodbine,470,9
+ranchester,453,8
+shelbyville,2631,11
+leonardo,2041,4
+ranchester,185,6
+mifflinburg,536,3
+pinesdale,517,0
+merom,95,5
+woodbine,1110,9
+lakeville,380,1
+beechwood,861,1
+merom,233,0
+leonardo,21,7
+benevolence,571,2
+lakeville,1808,2
+mifflinburg,796,2
+wainscott,1235,3
+mifflinburg,37,1
+wainscott,141,1
+newfields,488,1
+stockman,1284,0
+woodbine,670,6
+hiteman,1844,6
+woodbine,1922,1
+onaga,327,2
+marstons,776,0
+shelbyville,1386,5
+wainscott,175,3
+woodbine,1284,5
+leonardo,653,6
+leonardo,291,1
+marstons,1800,6
+pinesdale,1108,1
+woodbine,1362,5
+marstons,1970,3
+marstons,1469,1
+lindenwood,1569,8
+lindenwood,59,0
+klickitat,792,2
+stockman,455,5
+newfields,1410,3
+coffeen,1213,3
+wainscott,746,0
+newfields,1411,2
+pinesdale,553,5
+newfields,348,2
+hiteman,1518,1
+hanson,335,0
+woodbine,1044,3
+wainscott,1301,2
+wainscott,1291,8
+tolstoy,1545,0
+hanson,245,1
+hiteman,246,2
+ranchester,645,18
+cosmos,960,2
+onaga,130,0
+tolstoy,600,0
+tolstoy,1509,8
+wainscott,1425,2
+leonardo,359,21
+benevolence,815,2
+klickitat,690,3
+cosmos,379,12
+shelbyville,979,0
+tolstoy,90,11
+pomaria,658,5
+hanson,599,1
+leonardo,1228,0
+ranchester,874,7
+lakeville,818,0
+tolstoy,499,0
+shelbyville,2400,2
+mifflinburg,21,6
+woodbine,502,10
+tolstoy,1672,4
+newfields,768,0
+marstons,498,5
+lindenwood,5,0
+coffeen,1046,6
+newfields,104,5
+lindenwood,90,1
+wainscott,26,4
+cosmos,446,2
+lindenwood,1496,14
+stockman,1203,5
+ranchester,1589,16
+leonardo,1907,3
+ranchester,1420,6
+klickitat,1429,7
+ranchester,218,1
+leonardo,2067,1
+klickitat,2109,7
+newfields,787,6
+wainscott,1204,2
+ranchester,793,11
+ranchester,1184,5
+stockman,568,3
+newfields,1209,2
+wainscott,1707,16
+woodbine,1749,4
+marstons,806,1
+wainscott,1559,11
+pomaria,491,17
+merom,443,2
+wainscott,1313,2
+forkland,1148,7
+shelbyville,2510,3
+lindenwood,1759,5
+lakeville,1762,9
+lindenwood,1860,0
+lindenwood,68,3
+leonardo,1180,0
+leonardo,495,0
+ranchester,160,1
+lakeville,1809,12
+marstons,2444,5
+cosmos,790,2
+onaga,620,2
+woodbine,1881,2
+allensville,145,1
+woodbine,1918,11
+pinesdale,1017,7
+forkland,435,5
+newfields,1137,2
+pinesdale,640,1
+pomaria,861,2
+merom,80,2
+leonardo,2041,10
+hanson,131,5
+beechwood,1153,6
+lakeville,870,1
+stockman,1018,7
+tolstoy,1743,8
+wainscott,212,1
+shelbyville,1118,1
+marstons,1727,0
+lakeville,315,6
+woodbine,1014,2
+leonardo,1607,1
+klickitat,901,4
+shelbyville,1969,0
+lakeville,1714,2
+tolstoy,402,7
+lindenwood,810,1
+leonardo,1404,8
+pinesdale,33,6
+lakeville,887,3
+wainscott,1490,5
+mifflinburg,58,2
+lakeville,1749,2
+stockman,621,0
+shelbyville,1762,5
+marstons,782,2
+stockman,980,11
+leonardo,1238,1
+lakeville,451,0
+ranchester,959,2
+pomaria,243,1
+stockman,513,2
+shelbyville,361,3
+forkland,72,4
+mifflinburg,869,7
+wainscott,1570,0
+wainscott,1547,4
+hiteman,1325,4
+marstons,1495,0
+onaga,193,4
+leonardo,2058,11
+wainscott,370,8
+leonardo,1729,4
+ranchester,170,0
+wainscott,15,3
+stockman,198,0
+forkland,664,6
+shelbyville,2261,1
+hiteman,1299,0
+onaga,8,0
+allensville,53,11
+lakeville,1704,0
+klickitat,1387,2
+hiteman,1857,2
+shelbyville,1530,0
+cosmos,162,0
+benevolence,493,1
+leonardo,807,0
+hiteman,1447,14
+benevolence,751,10
+forkland,641,3
+lindenwood,1183,8
+stockman,1407,4
+shelbyville,1184,1
+tolstoy,1635,2
+stockman,1435,8
+benevolence,627,2
+woodbine,266,3
+stockman,694,5
+lindenwood,1850,14
+newfields,1462,3
+pomaria,923,3
+tolstoy,281,0
+lakeville,1036,5
+shelbyville,248,6
+newfields,293,1
+wainscott,1307,7
+pinesdale,720,3
+woodbine,1746,1
+shelbyville,1927,7
+shelbyville,2123,6
+klickitat,2329,13
+woodbine,199,9
+shelbyville,80,3
+forkland,591,1
+onaga,632,3
+benevolence,56,0
+coffeen,168,1
+marstons,2632,0
+forkland,660,6
+shelbyville,2813,20
+woodbine,118,1
+coffeen,482,8
+woodbine,398,10
+newfields,854,2
+klickitat,1,2
+onaga,184,2
+wainscott,1022,1
+beechwood,1066,2
+pomaria,353,2
+stockman,255,1
+woodbine,1046,1
+cosmos,681,10
+pomaria,1101,0
+tolstoy,911,9
+newfields,1592,3
+shelbyville,150,2
+shelbyville,410,3
+leonardo,608,2
+merom,414,4
+klickitat,1278,9
+lindenwood,1648,0
+klickitat,482,5
+pomaria,232,14
+ranchester,308,1
+shelbyville,180,9
+leonardo,1557,2
+shelbyville,2093,7
+marstons,1583,5
+newfields,1592,0
+shelbyville,2484,5
+pinesdale,975,2
+coffeen,780,1
+woodbine,395,5
+hiteman,594,0
+klickitat,621,1
+beechwood,1160,5
+marstons,1075,3
+lakeville,1817,0
+lindenwood,581,3
+beechwood,431,3
+woodbine,1481,5
+woodbine,1258,7
+stockman,1125,3
+pomaria,109,3
+lindenwood,55,1
+hiteman,1605,5
+wainscott,249,4
+tolstoy,1036,4
+wainscott,593,2
+shelbyville,229,5
+lindenwood,3,7
+coffeen,305,2
+merom,193,2
+lindenwood,1592,1
+lakeville,1045,8
+merom,165,0
+shelbyville,438,19
+beechwood,545,0
+coffeen,285,2
+beechwood,930,6
+newfields,242,1
+mifflinburg,759,3
+leonardo,1526,5
+wainscott,1008,5
+shelbyville,860,11
+beechwood,437,0
+lindenwood,2492,1
+klickitat,2159,4
+shelbyville,2601,1
+marstons,1226,4
+forkland,793,1
+marstons,792,10
+pomaria,1576,3
+lindenwood,1602,0
+woodbine,32,1
+pomaria,816,0
+shelbyville,1952,1
+hanson,365,9
+klickitat,1899,1
+mifflinburg,577,2
+lindenwood,635,7
+marstons,1064,6
+marstons,2021,8
+benevolence,638,3
+hanson,1377,11
+stockman,1224,0
+merom,33,6
+woodbine,1630,1
+shelbyville,1773,12
+leonardo,1313,5
+allensville,317,3
+ranchester,1503,6
+forkland,1124,1
+pomaria,166,7
+stockman,80,3
+woodbine,1947,3
+beechwood,134,8
+klickitat,2035,1
+lakeville,1087,2
+benevolence,56,5
+leonardo,235,2
+lakeville,1325,4
+newfields,1324,1
+hiteman,29,6
+pinesdale,1095,8
+ranchester,655,5
+shelbyville,238,0
+beechwood,1046,7
+lakeville,907,11
+leonardo,754,5
+pinesdale,457,6
+onaga,146,2
+leonardo,94,1
+pinesdale,1419,0
+woodbine,706,8
+leonardo,658,9
+marstons,1480,6
+pomaria,388,8
+coffeen,765,1
+coffeen,1133,5
+lindenwood,2635,1
+lakeville,1037,4
+coffeen,844,3
+ranchester,1404,3
+marstons,494,1
+marstons,1086,2
+shelbyville,417,0
+klickitat,631,5
+lakeville,1625,5
+hanson,386,2
+pomaria,884,0
+tolstoy,268,8
+marstons,1345,3
+hanson,816,6
+stockman,1326,0
+marstons,2347,8
+leonardo,532,0
+tolstoy,804,1
+leonardo,840,3
+cosmos,325,5
+shelbyville,2174,12
+coffeen,234,0
+woodbine,1011,1
+pinesdale,1161,0
+mifflinburg,592,1
+tolstoy,985,7
+cosmos,303,2
+merom,319,3
+mifflinburg,667,2
+klickitat,1249,7
+leonardo,1952,16
+marstons,1874,1
+klickitat,113,8
+forkland,1011,2
+klickitat,2052,0
+shelbyville,2710,1
+pinesdale,1387,1
+klickitat,311,8
+hiteman,1253,2
+marstons,9,1
+lakeville,258,2
+lakeville,205,1
+forkland,491,2
+wainscott,1171,17
+marstons,2399,8
+lindenwood,1321,7
+marstons,883,11
+shelbyville,267,2
+tolstoy,344,5
+benevolence,179,3
+pinesdale,1360,4
+shelbyville,2444,9
+newfields,1275,2
+cosmos,641,1
+lakeville,960,1
+lindenwood,1483,2
+wainscott,1458,3
+woodbine,1518,4
+klickitat,1001,2
+tolstoy,634,3
+onaga,595,7
+stockman,466,11
+tolstoy,714,9
+marstons,1292,2
+cosmos,1051,3
+lakeville,950,2
+lakeville,240,7
+allensville,428,2
+mifflinburg,834,0
+leonardo,1536,12
+klickitat,121,5
+woodbine,1504,9
+pomaria,1460,2
+lindenwood,2658,7
+marstons,591,5
+pomaria,542,11
+lakeville,477,5
+marstons,291,2
+forkland,458,8
+tolstoy,273,4
+ranchester,621,1
+tolstoy,1498,1
+lakeville,496,4
+lindenwood,2506,0
+klickitat,809,7
+hanson,1166,9
+woodbine,644,3
+cosmos,915,6
+lakeville,1373,3
+marstons,134,1
+lakeville,187,5
+pomaria,470,12
+merom,887,2
+hiteman,1419,5
+hanson,975,2
+leonardo,1794,6
+mifflinburg,600,1
+forkland,612,7
+hiteman,160,5
+tolstoy,182,2
+lindenwood,279,2
+wainscott,82,1
+lindenwood,147,9
+lakeville,1410,3
+newfields,605,0
+hiteman,1062,1
+leonardo,1971,13
+lakeville,1429,3
+leonardo,992,4
+woodbine,338,1
+coffeen,284,2
+coffeen,1174,8
+woodbine,1535,6
+lindenwood,1452,2
+tolstoy,52,2
+lindenwood,1151,3
+lindenwood,280,4
+coffeen,999,5
+woodbine,825,1
+coffeen,684,2
+lindenwood,2271,1
+stockman,4,0
+lindenwood,929,4
+beechwood,1010,5
+forkland,239,3
+newfields,1,1
+wainscott,1682,0
+onaga,348,7
+marstons,2079,2
+cosmos,115,3
+wainscott,672,6
+leonardo,1787,1
+forkland,760,6
+woodbine,875,10
+klickitat,1571,3
+lindenwood,2542,1
+lindenwood,1546,4
+klickitat,794,4
+lakeville,1166,16
+wainscott,1284,7
+leonardo,677,4
+klickitat,148,2
+lakeville,1739,8
+beechwood,304,10
+tolstoy,612,3
+shelbyville,765,4
+hanson,1093,10
+lakeville,1535,5
+stockman,1189,1
+marstons,1711,1
+mifflinburg,318,0
+coffeen,415,6
+leonardo,616,4
+benevolence,761,2
+hanson,1106,0
+pomaria,1367,8
+wainscott,470,3
+marstons,770,0
+leonardo,200,1
+coffeen,1475,5
+wainscott,307,9
+coffeen,1063,2
+pinesdale,943,1
+beechwood,830,0
+shelbyville,22,3
+wainscott,1478,6
+leonardo,517,1
+ranchester,823,3
+newfields,533,1
+stockman,699,7
+leonardo,114,13
+lindenwood,1650,2
+newfields,998,2
+newfields,1634,3
+newfields,1367,13
+stockman,1288,2
+ranchester,420,6
+tolstoy,198,5
+shelbyville,2278,0
+leonardo,297,2
+newfields,129,9
+woodbine,106,3
+cosmos,90,4
+shelbyville,926,1
+lakeville,346,0
+tolstoy,68,13
+mifflinburg,617,0
+woodbine,1270,10
+ranchester,765,5
+klickitat,685,6
+hanson,1120,3
+pomaria,386,3
+pomaria,141,1
+leonardo,1793,0
+merom,754,7
+pomaria,121,4
+hanson,111,4
+coffeen,358,2
+newfields,1086,3
+lindenwood,1951,8
+newfields,834,1
+lakeville,1695,2
+shelbyville,1691,0
+forkland,312,0
+marstons,1601,5
+allensville,465,2
+leonardo,1114,0
+ranchester,38,3
+stockman,1271,5
+beechwood,279,0
+lindenwood,2547,1
+woodbine,1787,14
+beechwood,714,3
+wainscott,1796,0
+klickitat,1387,0
+leonardo,896,1
+woodbine,468,4
+shelbyville,1181,4
+klickitat,726,15
+tolstoy,519,5
+coffeen,358,3
+klickitat,1249,9
+lakeville,1890,0
+klickitat,1738,7
+wainscott,1294,0
+newfields,305,4
+woodbine,311,1
+mifflinburg,909,6
+tolstoy,131,4
+mifflinburg,662,3
+wainscott,332,1
+newfields,675,2
+lakeville,361,0
+woodbine,403,3
+pomaria,137,0
+ranchester,999,2
+hanson,1145,8
+wainscott,336,9
+pinesdale,1468,8
+klickitat,1042,9
+pinesdale,191,5
+shelbyville,1862,3
+ranchester,601,5
+woodbine,1915,2
+pomaria,580,12
+lakeville,336,1
+cosmos,259,8
+shelbyville,1277,14
+klickitat,1948,0
+wainscott,1138,7
+klickitat,1470,6
+forkland,235,3
+lakeville,1859,4
+lakeville,483,5
+forkland,68,1
+leonardo,628,4
+hanson,1624,5
+lindenwood,726,4
+woodbine,577,1
+pomaria,478,10
+shelbyville,2331,6
+lindenwood,1280,1
+pinesdale,883,12
+leonardo,1809,1
+onaga,403,1
+lakeville,1627,0
+shelbyville,2657,0
+marstons,1452,2
+leonardo,1431,0
+tolstoy,968,11
+leonardo,679,2
+newfields,179,2
+coffeen,317,5
+leonardo,718,1
+merom,674,3
+lindenwood,579,7
+forkland,35,3
+pinesdale,116,0
+shelbyville,1979,2
+pomaria,186,14
+shelbyville,854,2
+lindenwood,1457,8
+klickitat,1693,2
+benevolence,698,1
+hanson,1294,8
+hiteman,1573,1
+lakeville,823,2
+lindenwood,1059,3
+wainscott,484,8
+coffeen,1461,4
+onaga,330,5
+tolstoy,1033,1
+beechwood,1011,1
+leonardo,362,3
+stockman,7,0
+lakeville,511,0
+lindenwood,1957,3
+pinesdale,587,4
+leonardo,1591,10
+hanson,559,3
+wainscott,1014,3
+ranchester,1154,12
+forkland,120,2
+allensville,367,0
+woodbine,1481,3
+klickitat,484,2
+wainscott,1748,10
+marstons,845,3
+pomaria,685,2
+hanson,1116,5
+marstons,2243,4
+tolstoy,1037,2
+tolstoy,1616,0
+beechwood,847,4
+lakeville,1883,2
+hiteman,232,3
+ranchester,342,2
+hiteman,713,3
+mifflinburg,423,1
+hiteman,550,7
+hanson,1321,2
+tolstoy,1797,4
+wainscott,166,0
+pinesdale,1198,5
+merom,518,0
+forkland,177,3
+hiteman,628,1
+klickitat,171,24
+pomaria,437,6
+hanson,555,5
+hanson,1502,1
+tolstoy,1546,6
+hiteman,445,3
+forkland,927,4
+marstons,2606,9
+ranchester,933,0
+pinesdale,152,1
+woodbine,1142,6
+onaga,316,3
+klickitat,488,15
+newfields,87,4
+woodbine,1067,1
+wainscott,603,11
+klickitat,2415,4
+wainscott,11,0
+pomaria,1554,8
+ranchester,1170,8
+marstons,1049,1
+coffeen,438,5
+lakeville,253,7
+woodbine,692,8
+klickitat,2366,12
+newfields,814,6
+tolstoy,1485,1
+tolstoy,1140,1
+merom,1020,0
+tolstoy,1554,7
+tolstoy,1801,4
+lindenwood,1829,8
+beechwood,711,6
+pinesdale,664,8
+hiteman,235,0
+cosmos,351,1
+lindenwood,3,5
+shelbyville,1697,5
+woodbine,937,1
+coffeen,147,2
+ranchester,221,1
+forkland,850,6
+lindenwood,2669,2
+pinesdale,460,1
+ranchester,500,3
+ranchester,35,1
+allensville,445,1
+pinesdale,554,0
+marstons,1231,7
+klickitat,1253,2
+shelbyville,237,3
+hiteman,178,1
+pomaria,1179,14
+lindenwood,1587,1
+leonardo,539,0
+pomaria,432,2
+cosmos,233,9
+pinesdale,383,8
+ranchester,1445,3
+stockman,382,0
+pomaria,229,1
+lindenwood,955,1
+hanson,1252,4
+marstons,1416,0
+shelbyville,1849,2
+ranchester,868,3
+woodbine,1211,9
+marstons,1707,3
+pinesdale,200,0
+wainscott,523,13
+tolstoy,1545,3
+allensville,120,3
+coffeen,1029,4
+marstons,2657,0
+pomaria,476,1
+shelbyville,525,3
+klickitat,1538,2
+pomaria,1673,2
+lindenwood,268,7
+shelbyville,2495,14
+wainscott,1233,6
+lindenwood,423,13
+lindenwood,1857,7
+ranchester,870,4
+ranchester,1558,13
+marstons,1477,6
+tolstoy,913,0
+marstons,1501,0
+hanson,1161,8
+newfields,1241,3
+mifflinburg,699,3
+forkland,236,8
+pinesdale,197,3
+marstons,272,0
+forkland,1107,4
+lindenwood,1548,0
+tolstoy,618,2
+wainscott,142,10
+leonardo,569,3
+wainscott,1496,1
+pinesdale,1504,11
+hanson,1044,6
+klickitat,1801,2
+pinesdale,189,1
+hanson,1602,2
+ranchester,739,4
+marstons,2608,6
+allensville,421,0
+forkland,528,1
+marstons,884,4
+leonardo,2093,5
+shelbyville,2203,3
+cosmos,257,2
+hanson,247,0
+pomaria,1644,3
+wainscott,329,9
+marstons,535,18
+woodbine,173,10
+woodbine,413,3
+wainscott,1389,6
+klickitat,693,6
+lindenwood,1664,0
+allensville,272,6
+hanson,1164,12
+shelbyville,961,1
+lindenwood,941,2
+tolstoy,1088,1
+wainscott,1274,7
+shelbyville,553,14
+forkland,113,6
+shelbyville,2388,9
+klickitat,1258,6
+lakeville,556,5
+shelbyville,973,2
+newfields,504,10
+lakeville,1610,2
+tolstoy,795,1
+forkland,782,2
+pinesdale,1192,3
+ranchester,911,6
+lindenwood,2276,3
+lakeville,1214,3
+klickitat,1009,1
+coffeen,163,4
+marstons,1994,8
+leonardo,1523,3
+lindenwood,2054,0
+hanson,1466,9
+pomaria,155,3
+klickitat,192,5
+woodbine,477,3
+forkland,97,1
+shelbyville,751,5
+marstons,1192,2
+wainscott,230,8
+klickitat,148,15
+pomaria,944,11
+pinesdale,181,5
+shelbyville,2672,2
+ranchester,1119,5
+lindenwood,372,7
+lindenwood,2006,5
+pinesdale,1303,3
+tolstoy,603,4
+coffeen,793,3
+forkland,24,5
+marstons,1532,6
+pomaria,391,0
+newfields,1017,0
+stockman,826,3
+hiteman,1790,5
+lakeville,250,3
+hiteman,832,0
+hiteman,806,0
+merom,566,1
+woodbine,1827,1
+beechwood,126,2
+pomaria,148,1
+hiteman,751,9
+onaga,288,1
+coffeen,462,4
+tolstoy,434,6
+marstons,588,11
+shelbyville,2689,4
+merom,81,3
+leonardo,914,3
+newfields,667,2
+hanson,839,6
+allensville,133,3
+onaga,424,1
+woodbine,939,1
+klickitat,944,7
+hanson,598,1
+klickitat,1198,5
+merom,234,5
+wainscott,62,3
+lindenwood,2566,9
+woodbine,70,2
+hanson,675,4
+newfields,921,2
+lakeville,1051,6
+woodbine,1692,12
+klickitat,314,0
+shelbyville,1951,10
+stockman,1035,4
+lindenwood,2142,3
+ranchester,793,10
+shelbyville,2434,9
+leonardo,1747,2
+mifflinburg,615,0
+cosmos,223,3
+newfields,602,14
+shelbyville,498,7
+lakeville,1052,1
+tolstoy,1058,2
+hiteman,1410,4
+pomaria,1607,8
+hanson,622,1
+lindenwood,2577,0
+lindenwood,1321,0
+tolstoy,16,2
+tolstoy,330,3
+wainscott,821,4
+newfields,1157,5
+tolstoy,1150,3
+woodbine,1406,1
+forkland,1186,2
+pomaria,1044,13
+coffeen,577,4
+woodbine,1376,11
+leonardo,1389,1
+leonardo,1979,1
+woodbine,800,8
+leonardo,141,4
+allensville,413,7
+coffeen,1096,1
+cosmos,405,11
+leonardo,261,5
+wainscott,601,3
+lakeville,551,2
+hanson,1559,3
+lakeville,409,2
+lindenwood,1891,2
+benevolence,625,0
+forkland,677,2
+wainscott,45,0
+merom,805,7
+klickitat,280,3
+marstons,1042,2
+shelbyville,2614,13
+leonardo,181,1
+marstons,1596,6
+shelbyville,1491,3
+pinesdale,1442,4
+allensville,35,2
+beechwood,1179,4
+klickitat,1438,3
+wainscott,239,3
+tolstoy,561,5
+wainscott,705,11
+hanson,704,4
+lakeville,1885,1
+pomaria,1180,1
+tolstoy,97,1
+marstons,1896,7
+wainscott,167,3
+merom,756,11
+leonardo,1685,5
+marstons,612,7
+leonardo,1354,10
+hanson,1251,1
+hanson,314,2
+hiteman,86,1
+hanson,993,1
+lakeville,647,10
+newfields,51,0
+shelbyville,209,0
+hanson,632,1
+klickitat,1554,0
+marstons,1680,1
+mifflinburg,546,4
+leonardo,271,13
+leonardo,1207,9
+hanson,805,1
+cosmos,21,8
+beechwood,275,6
+marstons,1486,5
+leonardo,1949,6
+wainscott,82,6
+pomaria,118,10
+wainscott,612,7
+tolstoy,1366,2
+wainscott,1716,2
+onaga,129,1
+leonardo,796,2
+pinesdale,58,0
+lindenwood,116,3
+wainscott,1097,0
+tolstoy,1015,2
+hanson,1218,2
+lindenwood,414,5
+forkland,804,2
+coffeen,367,1
+pomaria,548,2
+marstons,1977,3
+lindenwood,1777,8
+coffeen,514,2
+coffeen,1048,6
+klickitat,820,0
+tolstoy,905,8
+leonardo,1605,2
+lakeville,811,16
+woodbine,98,1
+marstons,1843,1
+woodbine,1778,5
+shelbyville,231,1
+hiteman,1776,7
+ranchester,1108,1
+leonardo,1043,3
+pinesdale,368,0
+wainscott,487,7
+woodbine,996,6
+lindenwood,132,5
+woodbine,240,2
+leonardo,1813,9
+leonardo,1079,4
+klickitat,170,10
+klickitat,650,2
+marstons,2467,7
+pomaria,721,8
+lindenwood,1094,5
+coffeen,783,0
+shelbyville,1051,9
+marstons,1728,3
+allensville,73,5
+klickitat,2331,6
+shelbyville,593,0
+klickitat,812,2
+ranchester,589,4
+coffeen,1422,9
+tolstoy,1118,4
+tolstoy,1275,7
+pinesdale,84,2
+beechwood,427,3
+wainscott,284,0
+shelbyville,997,13
+benevolence,385,1
+newfields,911,8
+wainscott,890,6
+lindenwood,505,3
+shelbyville,2443,2
+marstons,1623,3
+pinesdale,1257,7
+pomaria,1409,5
+shelbyville,1409,7
+beechwood,1032,0
+pinesdale,831,1
+hiteman,1719,0
+hanson,1477,2
+pomaria,1118,6
+woodbine,1168,8
+shelbyville,697,8
+coffeen,1363,4
+newfields,1651,4
+pomaria,961,8
+marstons,124,0
+pinesdale,11,3
+marstons,591,7
+newfields,779,5
+lindenwood,270,2
+pomaria,137,2
+merom,132,1
+leonardo,1081,4
+coffeen,876,5
+lindenwood,1921,0
+tolstoy,513,0
+benevolence,260,4
+shelbyville,851,0
+newfields,1644,4
+lindenwood,1606,1
+tolstoy,565,3
+hiteman,176,2
+hiteman,1373,3
+lakeville,24,2
+marstons,2193,4
+hiteman,1041,6
+ranchester,467,1
+marstons,137,12
+ranchester,1336,0
+cosmos,132,10
+shelbyville,2168,3
+ranchester,216,13
+shelbyville,2520,9
+hanson,518,8
+lindenwood,1316,7
+klickitat,1667,0
+leonardo,149,4
+wainscott,211,6
+cosmos,1078,1
+tolstoy,1747,9
+hiteman,1765,2
+lakeville,769,13
+ranchester,1553,0
+cosmos,1072,5
+lindenwood,2458,3
+lindenwood,445,1
+lakeville,846,5
+mifflinburg,709,2
+hiteman,209,0
+marstons,2479,0
+coffeen,1073,4
+lindenwood,1637,2
+coffeen,799,1
+merom,517,5
+klickitat,402,8
+beechwood,643,6
+shelbyville,316,1
+wainscott,341,0
+mifflinburg,973,2
+hanson,105,0
+pinesdale,128,7
+cosmos,1049,5
+klickitat,2340,6
+hanson,26,10
+pinesdale,1462,1
+merom,1087,8
+stockman,299,0
+coffeen,162,2
+marstons,330,3
+forkland,786,6
+lakeville,1454,4
+marstons,1985,1
+marstons,962,2
+ranchester,1052,9
+newfields,1289,2
+ranchester,1554,3
+woodbine,649,1
+pinesdale,896,5
+forkland,698,4
+mifflinburg,497,1
+lakeville,915,9
+lakeville,1728,7
+newfields,973,9
+coffeen,1471,3
+hiteman,153,1
+beechwood,43,2
+hanson,670,1
+marstons,1773,9
+shelbyville,1277,19
+marstons,715,4
+woodbine,1246,3
+hiteman,912,5
+tolstoy,1600,6
+shelbyville,2349,2
+pomaria,274,3
+marstons,724,1
+ranchester,904,1
+shelbyville,1091,1
+cosmos,975,0
+forkland,1141,6
+klickitat,1730,6
+marstons,139,8
+ranchester,1635,6
+shelbyville,2123,3
+marstons,1894,1
+leonardo,1881,2
+shelbyville,1167,1
+merom,796,3
+pomaria,599,8
+lakeville,1715,8
+tolstoy,1569,3
+coffeen,269,6
+beechwood,522,1
+forkland,772,9
+wainscott,1708,5
+klickitat,1052,6
+shelbyville,71,3
+woodbine,660,10
+shelbyville,484,6
+leonardo,1227,1
+cosmos,77,2
+pomaria,1326,12
+wainscott,859,15
+lindenwood,1048,17
+stockman,441,5
+shelbyville,2689,2
+beechwood,205,0
+pinesdale,1096,2
+lakeville,3,4
+ranchester,556,5
+leonardo,1461,2
+marstons,1766,2
+shelbyville,1321,2
+tolstoy,1776,18
+newfields,437,4
+woodbine,1387,5
+lindenwood,2595,3
+leonardo,2021,10
+shelbyville,1334,7
+allensville,53,0
+pomaria,982,7
+ranchester,370,3
+coffeen,645,0
+klickitat,2334,6
+lindenwood,2432,5
+merom,59,4
+lakeville,1276,5
+cosmos,165,5
+forkland,825,4
+hanson,576,11
+pinesdale,184,7
+shelbyville,1088,4
+benevolence,169,0
+newfields,445,6
+pomaria,735,0
+pinesdale,864,8
+beechwood,241,1
+ranchester,853,6
+tolstoy,1012,7
+pomaria,979,0
+pinesdale,209,4
+pomaria,456,2
+merom,896,3
+coffeen,1248,0
+shelbyville,950,12
+woodbine,1808,4
+merom,84,5
+ranchester,54,3
+lindenwood,186,1
+ranchester,107,2
+wainscott,1401,0
+lindenwood,593,3
+lindenwood,15,3
+tolstoy,1375,1
+klickitat,1665,2
+lindenwood,991,2
+wainscott,1671,5
+wainscott,1062,1
+hanson,1627,1
+marstons,1664,2
+klickitat,1045,2
+shelbyville,2636,0
+hiteman,507,7
+newfields,1116,3
+klickitat,1330,3
+ranchester,167,7
+pomaria,859,10
+pomaria,982,10
+beechwood,95,3
+forkland,988,5
+mifflinburg,365,0
+woodbine,1081,2
+lakeville,488,2
+newfields,1427,5
+pomaria,1042,1
+benevolence,547,4
+shelbyville,1295,11
+woodbine,188,12
+hiteman,987,1
+marstons,2118,9
+merom,582,2
+lindenwood,2105,4
+lakeville,749,1
+marstons,493,7
+wainscott,420,3
+wainscott,1742,2
+merom,646,3
+shelbyville,1171,2
+marstons,908,6
+klickitat,2148,2
+tolstoy,1750,0
+marstons,81,0
+pinesdale,1464,3
+coffeen,564,1
+klickitat,2379,10
+woodbine,1312,5
+woodbine,508,7
+marstons,2337,12
+ranchester,1274,2
+newfields,403,8
+allensville,445,5
+ranchester,541,1
+pomaria,1293,1
+hiteman,601,1
+shelbyville,1761,4
+ranchester,49,3
+lindenwood,1495,6
+stockman,1308,4
+leonardo,931,5
+woodbine,1442,10
+lindenwood,735,3
+forkland,245,5
+lindenwood,1997,2
+shelbyville,908,1
+lakeville,752,1
+stockman,1231,0
+klickitat,1735,10
+hanson,1265,3
+leonardo,652,10
+lindenwood,2595,2
+marstons,1794,5
+stockman,1436,0
+lindenwood,382,8
+ranchester,200,2
+hanson,159,1
+hanson,516,4
+shelbyville,2592,5
+hiteman,881,5
+leonardo,1198,4
+newfields,1432,1
+shelbyville,1157,3
+ranchester,650,1
+hiteman,371,2
+pinesdale,11,1
+pomaria,1424,3
+coffeen,1273,0
+beechwood,748,1
+lindenwood,443,2
+marstons,603,4
+marstons,2491,8
+newfields,1615,13
+hiteman,121,0
+lakeville,894,1
+lakeville,1067,0
+lindenwood,1738,0
+pinesdale,1127,3
+woodbine,1712,6
+pinesdale,550,3
+leonardo,1640,1
+hanson,686,6
+ranchester,1145,0
+lakeville,1171,4
+lakeville,1030,7
+tolstoy,659,0
+hiteman,1341,0
+hanson,1406,1
+klickitat,2155,1
+lindenwood,600,3
+tolstoy,1313,0
+beechwood,1062,3
+lakeville,692,1
+marstons,2650,1
+shelbyville,1846,8
+hanson,847,12
+onaga,678,1
+stockman,1191,2
+newfields,399,1
+lindenwood,1769,0
+leonardo,553,15
+pomaria,1260,1
+klickitat,2254,5
+stockman,1545,2
+stockman,1192,2
+pinesdale,1026,4
+ranchester,1192,1
+pomaria,578,0
+lakeville,532,3
+leonardo,1963,0
+lakeville,865,3
+stockman,1348,2
+klickitat,2224,2
+benevolence,743,0
+marstons,714,8
+merom,1092,5
+hiteman,1457,3
+klickitat,1101,3
+tolstoy,911,6
+woodbine,1946,6
+woodbine,711,7
+wainscott,961,2
+hiteman,1169,3
+lindenwood,1329,8
+coffeen,866,2
+ranchester,679,2
+beechwood,163,2
+coffeen,355,0
+hanson,1566,3
+marstons,2028,4
+lindenwood,819,5
+klickitat,1832,2
+marstons,2047,5
+shelbyville,2348,7
+lakeville,1496,9
+hiteman,836,5
+hiteman,794,2
+stockman,1188,3
+wainscott,413,2
+klickitat,73,2
+tolstoy,607,5
+shelbyville,832,1
+shelbyville,690,1
+lakeville,253,10
+lindenwood,672,0
+cosmos,405,0
+coffeen,160,2
+ranchester,1530,6
+ranchester,175,1
+hiteman,1000,2
+woodbine,81,5
+pomaria,1120,2
+klickitat,1463,2
+lakeville,1462,1
+newfields,388,3
+marstons,2071,1
+shelbyville,576,7
+woodbine,1809,3
+mifflinburg,696,1
+newfields,918,1
+lindenwood,1882,3
+klickitat,728,8
+klickitat,2020,1
+wainscott,1361,5
+wainscott,719,9
+newfields,1252,2
+ranchester,378,0
+lakeville,214,0
+tolstoy,1631,1
+pomaria,192,3
+tolstoy,179,18
+woodbine,892,9
+marstons,328,3
+lakeville,432,7
+coffeen,964,2
+marstons,805,3
+ranchester,600,7
+coffeen,541,8
+tolstoy,289,0
+stockman,341,0
+leonardo,1536,8
+klickitat,871,1
+forkland,1028,1
+marstons,1360,6
+pomaria,696,4
+hiteman,1047,0
+wainscott,648,2
+tolstoy,392,3
+newfields,585,4
+pomaria,1330,2
+marstons,96,2
+tolstoy,1001,2
+marstons,1314,6
+hiteman,1193,1
+shelbyville,2173,1
+tolstoy,1563,1
+stockman,176,2
+shelbyville,2780,6
+tolstoy,1230,1
+tolstoy,1448,4
+leonardo,579,6
+wainscott,1076,3
+hanson,380,4
+forkland,660,0
+hiteman,1268,0
+hiteman,504,1
+marstons,1025,3
+hiteman,278,0
+benevolence,966,0
+lakeville,1147,3
+hanson,373,5
+shelbyville,445,15
+woodbine,1768,12
+pomaria,893,7
+lindenwood,723,1
+lakeville,1622,5
+hiteman,258,1
+newfields,1306,1
+merom,919,6
+cosmos,611,3
+wainscott,270,0
+marstons,145,2
+tolstoy,1466,0
+woodbine,770,2
+lakeville,1602,8
+marstons,2523,11
+hiteman,13,0
+mifflinburg,333,0
+hiteman,963,2
+shelbyville,722,3
+hanson,219,1
+marstons,143,3
+hiteman,3,1
+coffeen,831,2
+woodbine,406,0
+pomaria,625,3
+newfields,519,5
+pomaria,78,7
+lakeville,1810,4
+woodbine,687,1
+klickitat,1559,9
+lakeville,835,10
+cosmos,30,9
+pinesdale,451,6
+pomaria,343,2
+lakeville,724,11
+tolstoy,880,10
+newfields,331,10
+newfields,504,1
+merom,444,4
+marstons,1045,17
+beechwood,676,1
+hanson,1309,6
+leonardo,1696,1
+lakeville,907,9
+shelbyville,917,6
+ranchester,1171,5
+tolstoy,497,2
+tolstoy,970,4
+benevolence,477,2
+beechwood,43,3
+coffeen,392,0
+tolstoy,125,2
+lakeville,1248,6
+wainscott,368,2
+tolstoy,312,4
+hanson,988,0
+ranchester,1626,7
+lakeville,54,10
+wainscott,888,6
+woodbine,136,5
+ranchester,771,3
+marstons,203,6
+coffeen,933,0
+tolstoy,963,6
+benevolence,963,10
+coffeen,908,2
+beechwood,455,8
+lakeville,1555,2
+klickitat,787,13
+lakeville,991,9
+ranchester,208,1
+tolstoy,326,12
+hanson,1399,5
+woodbine,1164,1
+tolstoy,848,5
+hiteman,508,4
+tolstoy,1476,7
+klickitat,724,0
+pinesdale,244,0
+stockman,523,1
+merom,944,6
+tolstoy,1689,14
+lakeville,21,2
+shelbyville,1689,13
+marstons,2094,3
+mifflinburg,940,1
+cosmos,700,2
+lindenwood,1108,6
+hanson,1452,0
+coffeen,173,2
+newfields,558,9
+wainscott,1237,2
+hiteman,1820,3
+shelbyville,2528,0
+hanson,1363,1
+marstons,547,9
+stockman,790,3
+pinesdale,40,0
+klickitat,99,8
+pinesdale,1229,0
+tolstoy,1569,4
+pomaria,1305,10
+leonardo,512,2
+hanson,1066,2
+shelbyville,1934,5
+lindenwood,1087,10
+coffeen,47,1
+pomaria,1632,1
+lakeville,281,0
+lakeville,1293,4
+leonardo,983,0
+marstons,545,13
+shelbyville,972,4
+lindenwood,1025,8
+mifflinburg,51,3
+cosmos,107,0
+coffeen,1296,3
+shelbyville,902,4
+klickitat,1465,11
+stockman,664,3
+ranchester,269,12
+cosmos,28,1
+hiteman,1772,6
+shelbyville,849,4
+lindenwood,1021,8
+leonardo,968,2
+mifflinburg,360,0
+coffeen,43,0
+lindenwood,488,0
+hanson,1446,0
+marstons,2569,1
+woodbine,1511,1
+stockman,1036,4
+shelbyville,1939,1
+beechwood,702,1
+lakeville,1789,0
+woodbine,1435,3
+woodbine,1542,7
+pomaria,1594,1
+woodbine,977,2
+woodbine,2055,13
+woodbine,647,1
+lakeville,1405,6
+leonardo,1387,9
+lindenwood,67,6
+pomaria,1177,0
+lakeville,1499,0
+lindenwood,1548,8
+klickitat,699,2
+lakeville,740,2
+tolstoy,1253,10
+lindenwood,2461,4
+beechwood,877,8
+beechwood,490,5
+onaga,550,7
+pinesdale,929,13
+marstons,1478,0
+shelbyville,1854,5
+lindenwood,1871,2
+leonardo,1783,9
+tolstoy,335,2
+pinesdale,913,13
+lakeville,471,2
+shelbyville,1130,2
+wainscott,1383,1
+woodbine,940,3
+hanson,207,4
+stockman,861,4
+beechwood,539,1
+lakeville,311,6
+stockman,326,7
+hiteman,696,9
+forkland,898,8
+leonardo,1746,3
+leonardo,1984,0
+lakeville,943,7
+pinesdale,835,2
+klickitat,1584,0
+ranchester,1525,0
+mifflinburg,551,1
+pinesdale,1499,4
+benevolence,158,6
+wainscott,1477,4
+wainscott,1387,3
+ranchester,530,5
+stockman,813,2
+marstons,1925,5
+coffeen,1299,2
+pinesdale,231,3
+hiteman,25,1
+lakeville,1732,0
+lindenwood,2000,6
+lakeville,1531,4
+shelbyville,2146,3
+shelbyville,2323,1
+woodbine,293,4
+coffeen,543,4
+merom,763,1
+beechwood,764,2
+hanson,553,10
+wainscott,153,4
+leonardo,746,1
+newfields,980,12
+allensville,510,2
+woodbine,1291,4
+shelbyville,1042,4
+shelbyville,47,8
+hiteman,1317,4
+coffeen,1128,3
+tolstoy,1583,0
+lindenwood,1736,5
+pinesdale,1232,0
+benevolence,278,9
+shelbyville,1050,3
+klickitat,1747,1
+beechwood,929,9
+shelbyville,2634,3
+onaga,616,0
+lindenwood,2065,2
+woodbine,1832,2
+lindenwood,1641,1
+cosmos,153,2
+forkland,116,2
+leonardo,602,0
+cosmos,503,0
+marstons,1128,4
+tolstoy,1173,7
+wainscott,1033,2
+hiteman,1015,1
+lakeville,1350,9
+shelbyville,285,5
+leonardo,242,2
+hanson,300,9
+stockman,1179,4
+beechwood,234,2
+wainscott,14,6
+shelbyville,1234,1
+lindenwood,2215,12
+newfields,1111,2
+shelbyville,1013,8
+leonardo,465,4
+shelbyville,1550,10
+klickitat,1178,9
+beechwood,694,1
+newfields,14,6
+coffeen,437,4
+coffeen,338,0
+shelbyville,1692,21
+lakeville,313,2
+lindenwood,451,4
+tolstoy,19,10
+tolstoy,1590,0
+lakeville,1805,8
+lakeville,595,2
+ranchester,1063,4
+stockman,689,10
+ranchester,660,12
+klickitat,223,3
+lindenwood,310,4
+marstons,1976,9
+shelbyville,619,3
+woodbine,1822,0
+hiteman,1412,3
+newfields,180,2
+forkland,530,6
+merom,231,1
+marstons,2644,2
+leonardo,1996,2
+merom,770,8
+wainscott,1677,11
+newfields,307,10
+shelbyville,1425,0
+wainscott,886,0
+onaga,460,2
+klickitat,2113,1
+marstons,2180,0
+hanson,405,0
+woodbine,501,10
+lindenwood,719,7
+pinesdale,224,1
+forkland,400,1
+leonardo,1408,1
+shelbyville,1920,7
+lindenwood,1323,3
+pomaria,352,3
+hiteman,1729,3
+woodbine,720,1
+pinesdale,1331,3
+shelbyville,1139,2
+hanson,997,0
+klickitat,852,3
+stockman,810,7
+hiteman,1259,9
+woodbine,397,0
+marstons,1183,15
+lindenwood,1680,1
+hanson,1015,1
+hiteman,532,5
+hiteman,100,3
+ranchester,779,5
+wainscott,10,5
+marstons,128,13
+hiteman,1075,0
+cosmos,326,1
+wainscott,937,7
+newfields,891,2
+lakeville,1751,1
+forkland,686,0
+klickitat,916,1
+leonardo,2119,0
+wainscott,1450,1
+wainscott,732,8
+woodbine,1153,3
+coffeen,232,6
+mifflinburg,185,2
+hiteman,1046,6
+mifflinburg,114,6
+cosmos,873,0
+pinesdale,932,5
+beechwood,73,6
+leonardo,733,4
+leonardo,1060,7
+stockman,602,2
+klickitat,2340,3
+hiteman,1761,0
+woodbine,114,3
+stockman,300,4
+beechwood,640,0
+lakeville,1787,2
+stockman,1093,0
+pinesdale,225,1
+woodbine,978,1
+ranchester,70,3
+merom,977,0
+shelbyville,1930,1
+benevolence,627,4
+klickitat,1845,8
+woodbine,1051,3
+lakeville,884,0
+hanson,1658,5
+benevolence,260,2
+ranchester,884,4
+wainscott,1192,0
+allensville,69,4
+pomaria,586,3
+coffeen,1175,1
+cosmos,864,7
+pomaria,513,3
+marstons,1093,6
+klickitat,1574,8
+hanson,428,8
+stockman,770,4
+lakeville,36,7
+shelbyville,219,13
+woodbine,1369,0
+beechwood,602,2
+lindenwood,252,8
+stockman,1558,4
+marstons,1701,1
+pomaria,1308,0
+onaga,88,3
+leonardo,586,7
+hiteman,77,0
+pinesdale,546,0
+klickitat,1103,5
+hiteman,508,1
+marstons,841,11
+benevolence,755,0
+woodbine,431,0
+coffeen,605,6
+merom,517,7
+shelbyville,2698,6
+coffeen,612,0
+lindenwood,1696,1
+merom,792,1
+beechwood,937,2
+stockman,16,5
+marstons,74,7
+klickitat,851,9
+pinesdale,614,3
+lakeville,1456,0
+marstons,5,0
+ranchester,630,3
+lindenwood,1117,2
+pomaria,1082,2
+pinesdale,1363,15
+pomaria,414,7
+leonardo,183,3
+marstons,511,0
+hanson,706,4
+newfields,1072,9
+marstons,131,2
+hiteman,218,8
+ranchester,1433,10
+wainscott,119,6
+tolstoy,933,1
+lakeville,1617,0
+lakeville,1895,0
+lakeville,701,6
+hiteman,993,1
+marstons,2090,1
+hiteman,1530,7
+merom,126,3
+hanson,488,6
+merom,341,4
+ranchester,583,2
+benevolence,114,2
+ranchester,1465,6
+marstons,992,0
+marstons,456,5
+shelbyville,556,11
+tolstoy,1624,0
+stockman,1575,5
+hiteman,1249,1
+hanson,1001,11
+pomaria,1217,6
+shelbyville,595,6
+coffeen,103,3
+klickitat,304,0
+shelbyville,774,1
+marstons,2351,6
+hanson,283,9
+shelbyville,405,2
+tolstoy,352,3
+klickitat,355,4
+woodbine,126,0
+pinesdale,389,3
+benevolence,270,2
+hiteman,1354,1
+shelbyville,2276,2
+mifflinburg,593,6
+lindenwood,1958,7
+hanson,124,3
+pinesdale,1388,16
+lakeville,1146,1
+ranchester,1256,6
+ranchester,1432,2
+wainscott,720,1
+klickitat,1790,3
+lakeville,1471,11
+hanson,732,5
+marstons,2252,0
+beechwood,1007,1
+newfields,1569,6
+shelbyville,1069,2
+beechwood,946,2
+lakeville,1236,6
+tolstoy,1415,2
+stockman,1443,1
+benevolence,86,2
+hanson,438,6
+klickitat,935,6
+newfields,949,5
+lindenwood,805,1
+pomaria,392,1
+shelbyville,632,7
+ranchester,436,2
+pomaria,578,3
+wainscott,909,11
+pinesdale,54,2
+shelbyville,1295,6
+marstons,1339,14
+lakeville,1324,0
+newfields,501,4
+lakeville,848,0
+cosmos,949,4
+lindenwood,195,0
+tolstoy,96,1
+beechwood,906,2
+marstons,1007,10
+shelbyville,665,4
+benevolence,52,3
+hanson,888,17
+ranchester,605,7
+woodbine,694,1
+lakeville,1216,3
+beechwood,1148,1
+stockman,265,11
+hanson,11,5
+shelbyville,2102,7
+merom,841,2
+shelbyville,667,1
+coffeen,649,3
+stockman,647,7
+ranchester,88,9
+lindenwood,444,4
+onaga,662,0
+pinesdale,33,0
+allensville,301,0
+lakeville,180,6
+shelbyville,1361,5
+lakeville,33,2
+coffeen,239,2
+woodbine,1923,3
+coffeen,1377,4
+ranchester,467,12
+allensville,125,1
+ranchester,717,1
+woodbine,3,6
+shelbyville,17,10
+shelbyville,563,0
+allensville,87,0
+lakeville,185,1
+coffeen,614,8
+pinesdale,807,1
+woodbine,1730,1
+coffeen,645,6
+benevolence,158,3
+shelbyville,2161,6
+leonardo,895,2
+lakeville,1052,0
+ranchester,50,5
+ranchester,485,1
+woodbine,798,2
+leonardo,1000,0
+beechwood,1086,1
+wainscott,1572,2
+shelbyville,352,5
+tolstoy,542,12
+tolstoy,410,10
+shelbyville,1218,3
+lindenwood,87,5
+lakeville,205,2
+marstons,1534,1
+marstons,1861,0
+shelbyville,1485,3
+hanson,1001,8
+newfields,810,1
+tolstoy,1209,0
+forkland,564,0
+cosmos,377,1
+pomaria,1314,1
+lindenwood,449,4
+woodbine,657,5
+hanson,1540,2
+woodbine,146,2
+pomaria,1567,6
+lindenwood,1897,3
+marstons,2539,4
+leonardo,850,4
+merom,344,3
+lakeville,1706,5
+shelbyville,2360,2
+lindenwood,1044,0
+lindenwood,2323,4
+tolstoy,535,2
+newfields,1186,4
+ranchester,399,17
+beechwood,1113,7
+beechwood,841,1
+hiteman,694,8
+leonardo,1566,5
+hiteman,880,9
+hiteman,944,6
+pomaria,259,11
+leonardo,2081,0
+ranchester,682,3
+leonardo,1250,0
+hanson,1034,7
+wainscott,352,2
+stockman,1088,2
+shelbyville,2149,3
+shelbyville,466,5
+forkland,808,8
+newfields,869,9
+pomaria,624,6
+hanson,1238,4
+pinesdale,401,8
+newfields,67,1
+klickitat,1471,18
+pomaria,1295,9
+wainscott,1018,4
+shelbyville,174,4
+lakeville,820,4
+hanson,1404,0
+wainscott,721,8
+pomaria,314,6
+wainscott,254,1
+leonardo,489,1
+pomaria,323,2
+ranchester,287,2
+marstons,909,4
+newfields,410,3
+hanson,215,13
+marstons,2087,1
+woodbine,1991,10
+shelbyville,648,5
+cosmos,890,5
+hiteman,572,2
+allensville,167,5
+coffeen,853,0
+newfields,1245,3
+coffeen,853,2
+beechwood,768,3
+stockman,938,2
+leonardo,1163,0
+hiteman,1649,0
+woodbine,1944,8
+woodbine,1005,18
+wainscott,1343,10
+newfields,531,5
+hanson,707,10
+ranchester,1319,3
+wainscott,1584,13
+beechwood,787,2
+coffeen,1407,0
+lindenwood,1506,1
+marstons,2476,5
+beechwood,571,1
+hiteman,238,4
+shelbyville,1747,13
+hanson,1649,7
+newfields,541,16
+merom,591,3
+leonardo,1496,0
+shelbyville,292,5
+marstons,2282,3
+tolstoy,279,14
+merom,161,2
+klickitat,1374,0
+klickitat,439,3
+coffeen,736,0
+leonardo,943,1
+ranchester,1576,0
+shelbyville,2393,1
+onaga,279,4
+allensville,368,3
+woodbine,1951,0
+mifflinburg,23,0
+mifflinburg,937,2
+cosmos,691,0
+shelbyville,913,3
+shelbyville,1580,2
+leonardo,528,19
+pomaria,852,0
+lakeville,1598,7
+cosmos,75,0
+lindenwood,683,3
+forkland,49,0
+hanson,399,0
+lindenwood,671,5
+merom,896,1
+cosmos,96,1
+marstons,241,1
+shelbyville,501,1
+lindenwood,1413,1
+cosmos,323,3
+stockman,1077,2
+ranchester,801,2
+marstons,702,4
+stockman,1137,4
+hanson,1512,1
+onaga,633,2
+pomaria,506,9
+forkland,481,5
+lindenwood,2231,1
+marstons,930,3
+coffeen,382,6
+klickitat,1151,3
+stockman,39,4
+leonardo,1575,1
+pinesdale,409,8
+shelbyville,2586,3
+hiteman,933,3
+wainscott,635,3
+lakeville,827,4
+beechwood,516,4
+hiteman,617,3
+coffeen,747,2
+marstons,2123,3
+ranchester,277,3
+wainscott,1220,7
+woodbine,2043,2
+cosmos,917,2
+cosmos,939,8
+marstons,1324,2
+tolstoy,796,9
+woodbine,2031,4
+hiteman,880,0
+pomaria,564,1
+shelbyville,297,1
+woodbine,67,4
+marstons,1611,0
+shelbyville,1018,13
+newfields,475,3
+pinesdale,422,1
+stockman,308,5
+lakeville,1884,8
+shelbyville,1092,2
+marstons,689,3
+hanson,790,6
+stockman,1618,3
+stockman,1455,2
+mifflinburg,580,1
+woodbine,1138,8
+hiteman,439,9
+hiteman,1619,6
+marstons,1869,8
+benevolence,389,6
+newfields,1489,5
+ranchester,945,1
+pomaria,103,4
+wainscott,735,3
+tolstoy,61,4
+wainscott,1182,3
+klickitat,1689,6
+tolstoy,1273,3
+ranchester,204,4
+hanson,228,10
+onaga,65,6
+hanson,1021,12
+pomaria,57,2
+lakeville,1745,15
+merom,899,1
+shelbyville,1437,4
+ranchester,1391,0
+shelbyville,2583,7
+hiteman,758,1
+woodbine,673,9
+shelbyville,461,3
+tolstoy,926,3
+leonardo,661,5
+leonardo,1897,1
+klickitat,1914,12
+lakeville,1434,10
+mifflinburg,278,2
+pinesdale,426,1
+lindenwood,1114,1
+marstons,671,4
+hiteman,814,1
+pinesdale,813,2
+newfields,295,2
+marstons,1433,7
+shelbyville,7,1
+hiteman,1694,2
+hanson,148,0
+mifflinburg,560,7
+ranchester,1626,2
+pomaria,1438,5
+woodbine,804,2
+pomaria,650,1
+wainscott,23,1
+pomaria,530,4
+lindenwood,791,1
+beechwood,993,1
+klickitat,1076,6
+marstons,1234,2
+forkland,13,1
+tolstoy,1553,0
+stockman,669,2
+shelbyville,712,1
+klickitat,1923,0
+newfields,1610,4
+lindenwood,1682,2
+shelbyville,257,0
+shelbyville,894,0
+marstons,2190,17
+hiteman,1170,2
+hanson,649,3
+stockman,1481,0
+klickitat,1927,1
+leonardo,188,1
+hanson,656,1
+lakeville,111,16
+newfields,895,2
+shelbyville,2516,2
+shelbyville,799,3
+beechwood,684,5
+lindenwood,1294,5
+klickitat,1811,7
+lakeville,584,9
+hiteman,1679,0
+pinesdale,307,1
+stockman,590,1
+shelbyville,1276,15
+pomaria,688,11
+shelbyville,670,4
+lakeville,1098,1
+wainscott,1376,3
+shelbyville,2340,3
+ranchester,1211,4
+leonardo,1889,0
+stockman,1032,1
+onaga,580,3
+shelbyville,1384,2
+newfields,1528,2
+shelbyville,273,9
+stockman,384,2
+woodbine,2045,8
+cosmos,176,6
+coffeen,522,0
+pomaria,1603,5
+lindenwood,16,5
+lakeville,670,4
+hanson,836,10
+beechwood,1113,6
+stockman,118,1
+klickitat,361,9
+ranchester,367,0
+woodbine,610,3
+allensville,105,3
+klickitat,2067,3
+forkland,112,2
+leonardo,426,2
+woodbine,1540,5
+hanson,864,1
+lakeville,1133,0
+hiteman,1143,1
+merom,955,1
+beechwood,612,8
+tolstoy,1108,1
+lakeville,236,3
+klickitat,689,1
+woodbine,66,5
+cosmos,232,6
+shelbyville,1317,10
+lakeville,1320,6
+shelbyville,2086,0
+ranchester,53,2
+klickitat,47,3
+wainscott,456,7
+allensville,506,3
+shelbyville,533,4
+marstons,123,0
+shelbyville,2416,9
+ranchester,157,4
+leonardo,2103,3
+shelbyville,1392,2
+pomaria,327,6
+wainscott,19,4
+klickitat,1303,8
+shelbyville,866,4
+stockman,1016,0
+marstons,97,0
+ranchester,1375,2
+lakeville,1771,0
+leonardo,1937,0
+tolstoy,1830,5
+onaga,435,0
+marstons,2273,4
+ranchester,1414,11
+lakeville,685,5
+coffeen,307,6
+klickitat,1589,9
+shelbyville,645,2
+woodbine,954,7
+klickitat,515,10
+leonardo,1935,9
+wainscott,524,4
+wainscott,671,3
+allensville,353,2
+wainscott,1289,1
+ranchester,1314,2
+pomaria,1125,3
+shelbyville,1561,1
+mifflinburg,219,1
+shelbyville,2680,1
+marstons,1924,2
+newfields,999,0
+beechwood,431,8
+coffeen,497,0
+allensville,102,3
+forkland,950,2
+hiteman,1580,0
+lindenwood,1,18
+klickitat,480,7
+klickitat,2121,6
+cosmos,44,0
+klickitat,1981,0
+shelbyville,2060,7
+woodbine,36,3
+mifflinburg,534,2
+hanson,1655,0
+beechwood,478,5
+marstons,2058,4
+stockman,200,5
+beechwood,646,3
+pomaria,1450,2
+leonardo,1044,8
+klickitat,351,0
+klickitat,399,5
+shelbyville,2787,0
+wainscott,1786,13
+klickitat,14,7
+hanson,175,8
+coffeen,292,0
+mifflinburg,49,0
+klickitat,1437,10
+lindenwood,1226,0
+marstons,1032,4
+onaga,675,4
+lakeville,1474,3
+shelbyville,1711,3
+marstons,766,5
+leonardo,1504,1
+shelbyville,2213,0
+stockman,1112,0
+newfields,1273,3
+allensville,32,5
+lindenwood,690,1
+woodbine,353,2
+pinesdale,560,1
+wainscott,1385,10
+newfields,586,6
+newfields,1403,10
+lindenwood,2626,11
+leonardo,580,7
+leonardo,528,11
+pomaria,1593,11
+newfields,1262,0
+ranchester,1228,1
+lindenwood,1604,1
+ranchester,611,2
+lindenwood,822,1
+coffeen,973,0
+pomaria,670,1
+merom,1006,2
+marstons,1574,1
+shelbyville,628,0
+cosmos,749,5
+woodbine,2038,3
+lindenwood,1972,0
+shelbyville,539,5
+newfields,579,4
+tolstoy,1708,6
+tolstoy,1818,4
+tolstoy,1481,1
+coffeen,657,4
+pinesdale,1109,5
+pomaria,151,3
+shelbyville,2659,6
+cosmos,413,1
+woodbine,810,4
+shelbyville,2345,0
+klickitat,832,5
+hiteman,1056,5
+lindenwood,1094,1
+marstons,2139,1
+marstons,2158,4
+hanson,1656,16
+tolstoy,1204,9
+woodbine,1458,13
+klickitat,803,1
+pinesdale,1188,0
+cosmos,588,3
+cosmos,964,1
+lakeville,1782,8
+marstons,2096,4
+lakeville,1333,1
+forkland,504,0
+marstons,2153,3
+hiteman,623,3
+pomaria,441,3
+pomaria,756,1
+hanson,403,11
+hiteman,343,4
+shelbyville,2470,1
+mifflinburg,693,1
+ranchester,202,2
+beechwood,921,2
+leonardo,2011,5
+newfields,658,6
+ranchester,1018,5
+marstons,1075,7
+marstons,1266,2
+leonardo,447,17
+shelbyville,172,4
+hiteman,954,6
+stockman,10,3
+wainscott,125,1
+tolstoy,638,0
+wainscott,738,12
+woodbine,396,1
+beechwood,493,7
+lakeville,855,5
+tolstoy,506,2
+shelbyville,1289,3
+woodbine,1415,4
+lindenwood,2367,0
+lindenwood,2158,1
+lakeville,647,4
+ranchester,98,0
+hanson,1415,7
+hanson,396,1
+hanson,56,5
+ranchester,295,0
+stockman,1202,8
+lakeville,421,0
+mifflinburg,113,10
+woodbine,896,2
+beechwood,565,3
+wainscott,45,9
+lakeville,250,18
+stockman,416,3
+cosmos,596,4
+forkland,367,1
+pinesdale,1179,2
+lindenwood,1263,5
+stockman,1394,1
+ranchester,1623,2
+lindenwood,330,1
+marstons,359,14
+pinesdale,539,1
+shelbyville,2345,3
+onaga,678,2
+shelbyville,1631,2
+stockman,156,1
+onaga,617,3
+leonardo,201,5
+pinesdale,349,9
+pinesdale,654,0
+pomaria,506,7
+shelbyville,144,12
+lindenwood,1444,2
+marstons,767,1
+ranchester,746,4
+newfields,1303,2
+stockman,944,4
+pinesdale,400,2
+cosmos,261,1
+hanson,1470,6
+klickitat,462,1
+lakeville,1882,5
+allensville,507,1
+stockman,35,0
+lindenwood,1581,2
+wainscott,1295,3
+mifflinburg,527,1
+leonardo,1302,2
+hiteman,411,1
+klickitat,361,2
+klickitat,1744,1
+pomaria,505,4
+mifflinburg,239,4
+hanson,800,4
+stockman,1516,2
+onaga,240,0
+ranchester,1517,5
+shelbyville,724,14
+wainscott,409,2
+lindenwood,2462,6
+benevolence,184,0
+shelbyville,2802,1
+tolstoy,281,3
+lakeville,1391,2
+newfields,1075,5
+hanson,1635,1
+newfields,346,10
+woodbine,1726,1
+leonardo,1843,1
+marstons,716,0
+pinesdale,1109,2
+mifflinburg,443,2
+cosmos,901,6
+lakeville,1635,4
+leonardo,518,4
+ranchester,1133,4
+hiteman,1550,4
+coffeen,260,2
+woodbine,834,0
+klickitat,326,3
+klickitat,1616,0
+lindenwood,2360,1
+mifflinburg,204,6
+shelbyville,1837,0
+merom,583,2
+ranchester,1440,7
+pomaria,510,10
+wainscott,1272,1
+marstons,1960,0
+marstons,1085,4
+coffeen,1461,6
+marstons,1062,12
+hanson,383,8
+pinesdale,817,4
+beechwood,1143,3
+merom,276,5
+marstons,2179,5
+benevolence,136,6
+hanson,857,11
+leonardo,791,1
+hanson,1010,2
+klickitat,1568,7
+lindenwood,986,4
+leonardo,550,1
+klickitat,270,0
+shelbyville,647,9
+coffeen,67,1
+lakeville,1170,6
+pinesdale,899,0
+shelbyville,2368,6
+lakeville,175,0
+tolstoy,176,15
+hanson,1352,5
+benevolence,416,7
+leonardo,1956,3
+shelbyville,553,9
+coffeen,749,2
+newfields,453,1
+hanson,231,3
+stockman,730,4
+woodbine,1867,3
+mifflinburg,754,8
+cosmos,349,1
+ranchester,868,0
+lindenwood,2390,1
+shelbyville,466,6
+lakeville,291,2
+shelbyville,2703,4
+pomaria,1537,6
+hiteman,94,0
+marstons,1590,5
+marstons,1341,4
+marstons,648,4
+mifflinburg,854,0
+tolstoy,329,0
+onaga,548,1
+coffeen,476,10
+wainscott,500,1
+pomaria,62,2
+lakeville,1899,10
+pomaria,1043,13
+lindenwood,2472,9
+newfields,426,10
+allensville,32,8
+lakeville,347,9
+leonardo,228,4
+klickitat,526,4
+onaga,65,0
+beechwood,1089,8
+klickitat,2417,4
+onaga,318,0
+leonardo,250,4
+marstons,1963,18
+benevolence,142,5
+mifflinburg,196,2
+hanson,1446,10
+woodbine,413,8
+hiteman,1355,2
+cosmos,497,2
+stockman,1270,5
+klickitat,1577,6
+lindenwood,109,2
+hiteman,1704,7
+hiteman,1596,2
+klickitat,1084,4
+pomaria,844,9
+lindenwood,1576,0
+tolstoy,244,2
+hiteman,1238,9
+klickitat,884,2
+klickitat,144,2
+hiteman,390,7
+marstons,1928,4
+pinesdale,875,2
+stockman,1015,7
+pomaria,745,0
+lakeville,714,5
+hanson,954,1
+wainscott,1102,3
+wainscott,527,0
+lindenwood,1049,3
+wainscott,897,6
+woodbine,1661,3
+wainscott,1235,4
+wainscott,1718,1
+newfields,216,0
+hanson,106,6
+forkland,0,4
+pinesdale,676,1
+cosmos,495,2
+klickitat,194,5
+hiteman,1380,1
+newfields,535,15
+tolstoy,1599,0
+leonardo,601,0
+hiteman,944,5
+benevolence,502,0
+marstons,1767,11
+cosmos,370,1
+klickitat,1651,2
+merom,1083,8
+marstons,615,10
+allensville,226,4
+hanson,888,15
+klickitat,2143,13
+tolstoy,401,7
+shelbyville,2674,1
+stockman,86,3
+coffeen,1503,7
+klickitat,542,2
+newfields,355,5
+newfields,1573,1
+pomaria,895,10
+shelbyville,1103,1
+hiteman,1465,6
+lindenwood,2462,0
+shelbyville,95,4
+marstons,279,1
+hanson,1057,4
+hiteman,679,4
+lakeville,1077,6
+newfields,804,0
+lakeville,691,6
+marstons,2549,4
+newfields,1054,2
+shelbyville,2310,3
+hiteman,338,2
+newfields,1051,1
+hiteman,181,6
+hiteman,1786,0
+marstons,2098,0
+cosmos,897,0
+wainscott,599,9
+ranchester,192,3
+klickitat,354,6
+merom,205,7
+woodbine,63,10
+merom,1092,4
+coffeen,1068,0
+shelbyville,2258,0
+lindenwood,1309,2
+lindenwood,2500,6
+coffeen,1483,5
+beechwood,1042,3
+coffeen,941,3
+hiteman,1700,2
+wainscott,1716,0
+forkland,993,2
+leonardo,1510,4
+pinesdale,1409,2
+newfields,536,1
+cosmos,890,4
+pomaria,238,1
+allensville,18,1
+hanson,1289,5
+hanson,1182,5
+marstons,158,4
+woodbine,451,3
+wainscott,1452,9
+forkland,220,3
+lindenwood,2285,2
+tolstoy,965,7
+tolstoy,274,2
+beechwood,899,4
+hiteman,507,14
+wainscott,750,6
+tolstoy,1028,8
+tolstoy,19,0
+wainscott,290,0
+lakeville,268,2
+lindenwood,149,0
+lindenwood,378,7
+klickitat,1740,5
+wainscott,1324,5
+beechwood,260,4
+woodbine,1376,9
+shelbyville,959,11
+hiteman,891,7
+benevolence,694,0
+pomaria,1075,18
+coffeen,685,2
+leonardo,1230,2
+woodbine,1484,3
+shelbyville,1090,3
+tolstoy,1280,4
+forkland,990,2
+leonardo,785,8
+hanson,1130,11
+hanson,1455,1
+lindenwood,836,13
+shelbyville,1185,11
+lindenwood,803,3
+shelbyville,791,0
+lindenwood,149,4
+wainscott,1148,3
+mifflinburg,537,1
+pomaria,663,4
+newfields,200,3
+leonardo,531,8
+beechwood,459,10
+newfields,1531,2
+ranchester,792,5
+marstons,551,10
+woodbine,1036,11
+ranchester,1336,6
+merom,828,2
+ranchester,1255,0
+marstons,1332,0
+pinesdale,1166,7
+shelbyville,1119,2
+pomaria,216,1
+ranchester,1338,3
+newfields,1013,0
+stockman,1455,7
+pinesdale,782,1
+shelbyville,2131,6
+onaga,312,3
+marstons,931,4
+woodbine,1228,2
+marstons,847,2
+woodbine,350,3
+beechwood,304,3
+beechwood,363,1
+newfields,1549,2
+leonardo,1400,6
+leonardo,1776,8
+woodbine,1370,6
+coffeen,691,2
+tolstoy,1839,7
+woodbine,698,5
+klickitat,713,4
+beechwood,769,9
+coffeen,898,0
+ranchester,193,6
+marstons,23,0
+merom,194,0
+coffeen,1499,2
+hanson,888,11
+benevolence,380,3
+beechwood,685,7
+marstons,890,3
+hiteman,1203,2
+newfields,1057,4
+leonardo,2073,0
+newfields,200,2
+lindenwood,713,6
+lindenwood,2675,5
+klickitat,1561,1
+wainscott,156,8
+hiteman,1307,5
+klickitat,1466,0
+newfields,624,2
+woodbine,85,0
+hiteman,667,7
+marstons,1869,10
+coffeen,962,4
+lindenwood,1689,8
+wainscott,1013,1
+wainscott,1025,8
+newfields,1627,0
+beechwood,655,0
+merom,190,8
+ranchester,240,8
+mifflinburg,512,2
+lindenwood,1610,1
+merom,843,2
+forkland,319,1
+woodbine,887,1
+lakeville,125,3
+shelbyville,128,5
+stockman,587,1
+cosmos,660,1
+klickitat,1827,5
+forkland,11,9
+newfields,148,7
+stockman,661,8
+beechwood,227,5
+hanson,523,1
+hiteman,1787,5
+hiteman,404,4
+pomaria,952,5
+hanson,222,0
+marstons,729,0
+pinesdale,1283,0
+hiteman,1641,7
+newfields,16,4
+hanson,1206,3
+klickitat,986,13
+lindenwood,2513,4
+lindenwood,616,1
+leonardo,1636,5
+lindenwood,2028,1
+lindenwood,1959,4
+shelbyville,1437,1
+merom,699,3
+wainscott,569,4
+leonardo,1050,6
+wainscott,295,4
+shelbyville,1999,7
+tolstoy,737,1
+onaga,385,1
+allensville,342,6
+hiteman,992,1
+lakeville,487,4
+wainscott,141,7
+pomaria,1364,2
+klickitat,2172,11
+shelbyville,2664,10
+pomaria,1222,1
+klickitat,109,9
+tolstoy,795,3
+wainscott,233,9
+woodbine,1198,2
+pomaria,713,3
+benevolence,49,12
+newfields,1453,0
+klickitat,625,0
+coffeen,724,2
+leonardo,1098,8
+lindenwood,1969,4
+klickitat,1764,8
+pomaria,477,4
+tolstoy,213,11
+klickitat,42,9
+shelbyville,756,0
+merom,761,0
+stockman,1148,1
+hiteman,926,15
+ranchester,1113,3
+marstons,2651,2
+shelbyville,2189,6
+woodbine,778,0
+woodbine,1735,9
+tolstoy,350,1
+marstons,856,3
+pinesdale,1290,0
+forkland,442,10
+ranchester,1052,4
+newfields,1338,10
+tolstoy,78,2
+merom,637,0
+stockman,1478,2
+woodbine,1682,0
+mifflinburg,7,2
+pomaria,90,1
+lakeville,457,0
+marstons,98,8
+stockman,555,1
+marstons,1771,4
+stockman,196,2
+hiteman,1024,11
+woodbine,609,0
+lakeville,1784,0
+woodbine,1909,5
+leonardo,381,2
+pinesdale,984,6
+lindenwood,1981,0
+beechwood,184,0
+shelbyville,1601,1
+onaga,85,4
+marstons,623,0
+lakeville,1601,2
+pinesdale,161,2
+klickitat,976,5
+pinesdale,248,2
+newfields,1105,2
+stockman,1433,1
+shelbyville,2422,5
+lakeville,1762,0
+pinesdale,1046,1
+lindenwood,2388,3
+lakeville,99,0
+stockman,857,3
+onaga,577,2
+pinesdale,1257,2
+pomaria,382,4
+pinesdale,241,0
+tolstoy,1255,4
+wainscott,621,4
+lindenwood,705,6
+marstons,1799,3
+woodbine,1518,0
+forkland,1117,0
+hiteman,50,2
+woodbine,409,7
+stockman,370,2
+mifflinburg,168,0
+hanson,247,9
+wainscott,70,4
+lakeville,600,5
+ranchester,541,8
+lakeville,1502,9
+hiteman,976,10
+stockman,919,6
+pomaria,13,7
+allensville,515,3
+newfields,580,3
+ranchester,902,5
+wainscott,550,1
+woodbine,752,1
+leonardo,47,3
+hiteman,436,3
+lakeville,382,5
+stockman,622,4
+woodbine,883,1
+marstons,584,2
+woodbine,970,17
+woodbine,412,1
+leonardo,1156,0
+pinesdale,566,0
+marstons,111,2
+hiteman,1088,0
+wainscott,34,6
+klickitat,581,6
+coffeen,1089,4
+leonardo,1656,4
+merom,701,1
+woodbine,1912,1
+leonardo,721,4
+ranchester,344,1
+wainscott,784,12
+woodbine,782,15
+pinesdale,13,0
+wainscott,910,0
+tolstoy,390,1
+coffeen,313,1
+hanson,1369,1
+klickitat,2145,8
+hiteman,1310,4
+marstons,2151,4
+hiteman,502,1
+lindenwood,2305,3
+lindenwood,598,2
+pomaria,924,2
+pomaria,1278,1
+newfields,1479,3
+lindenwood,2369,6
+hanson,387,7
+hanson,1229,1
+woodbine,347,6
+pinesdale,989,8
+forkland,651,1
+lakeville,785,14
+lakeville,457,8
+shelbyville,1654,5
+beechwood,355,2
+mifflinburg,81,2
+lakeville,174,0
+woodbine,1418,2
+lindenwood,344,3
+beechwood,1042,7
+lindenwood,1496,8
+wainscott,1213,2
+ranchester,667,3
+lakeville,81,1
+coffeen,886,1
+tolstoy,1104,6
+hanson,1586,3
+tolstoy,1138,3
+shelbyville,2035,0
+hiteman,681,4
+hiteman,1586,2
+lindenwood,255,5
+newfields,1654,7
+woodbine,1504,13
+shelbyville,716,3
+tolstoy,1473,1
+onaga,178,2
+merom,475,3
+hanson,893,2
+coffeen,214,2
+hiteman,317,1
+mifflinburg,759,1
+coffeen,960,0
+shelbyville,2257,4
+pomaria,1399,6
+woodbine,870,3
+ranchester,543,0
+marstons,565,2
+shelbyville,2619,8
+hanson,1230,3
+cosmos,520,3
+shelbyville,1002,8
+pomaria,287,11
+hanson,660,5
+klickitat,1340,4
+hanson,719,3
+woodbine,748,0
+hanson,378,2
+woodbine,1186,15
+merom,1083,7
+wainscott,853,4
+stockman,793,12
+cosmos,124,1
+wainscott,636,7
+woodbine,1409,1
+lindenwood,1471,5
+leonardo,1891,3
+tolstoy,507,4
+marstons,37,11
+klickitat,2030,4
+cosmos,602,3
+tolstoy,1078,7
+stockman,664,5
+merom,781,7
+hanson,1533,5
+lindenwood,203,3
+stockman,896,2
+cosmos,269,2
+klickitat,2372,3
+pomaria,1323,1
+stockman,647,3
+leonardo,124,4
+klickitat,147,5
+pinesdale,115,3
+tolstoy,1543,6
+shelbyville,711,10
+marstons,2559,7
+onaga,628,7
+tolstoy,1305,2
+hanson,1371,0
+cosmos,864,6
+stockman,797,5
+newfields,528,5
+pomaria,239,1
+leonardo,1344,9
+woodbine,728,1
+marstons,909,1
+leonardo,1847,1
+stockman,761,1
+hiteman,58,8
+stockman,100,10
+klickitat,1461,0
+cosmos,197,1
+lindenwood,1026,0
+lindenwood,416,8
+shelbyville,1358,1
+hanson,618,1
+hanson,198,2
+tolstoy,1313,4
+leonardo,1876,3
+coffeen,1397,1
+klickitat,1873,6
+wainscott,1661,0
+klickitat,1611,7
+woodbine,1067,7
+klickitat,548,0
+ranchester,144,1
+pomaria,1052,0
+pomaria,1371,3
+hiteman,1160,1
+pomaria,488,15
+coffeen,443,2
+pinesdale,1047,8
+coffeen,789,5
+newfields,743,0
+marstons,1301,1
+wainscott,1513,2
+pomaria,599,7
+benevolence,296,3
+lindenwood,763,0
+hiteman,145,7
+klickitat,2078,11
+merom,485,6
+pinesdale,214,9
+coffeen,1360,5
+shelbyville,1463,12
+shelbyville,852,5
+pomaria,1482,8
+beechwood,736,3
+wainscott,179,5
+woodbine,1125,1
+hiteman,974,0
+pomaria,419,0
+stockman,709,5
+allensville,462,6
+newfields,1190,13
+pomaria,291,0
+pomaria,1516,1
+pinesdale,718,3
+leonardo,348,4
+stockman,1617,3
+hanson,545,3
+hiteman,594,6
+shelbyville,2017,1
+marstons,326,8
+shelbyville,190,1
+tolstoy,924,14
+hanson,1513,2
+lakeville,1255,0
+wainscott,752,4
+woodbine,1308,1
+forkland,348,2
+ranchester,639,7
+tolstoy,838,4
+hanson,158,2
+ranchester,406,10
+cosmos,176,3
+tolstoy,1250,4
+cosmos,42,1
+klickitat,2024,0
+lakeville,958,10
+shelbyville,786,13
+ranchester,21,1
+lakeville,1258,5
+allensville,504,0
+hanson,103,3
+pomaria,600,1
+lakeville,87,0
+forkland,1001,3
+hanson,416,4
+newfields,313,17
+pinesdale,58,1
+wainscott,1602,2
+lindenwood,2514,1
+wainscott,937,8
+klickitat,2252,3
+woodbine,1312,13
+pinesdale,123,2
+klickitat,118,4
+pinesdale,103,7
+woodbine,678,3
+hiteman,213,4
+wainscott,665,6
+klickitat,609,0
+shelbyville,1719,1
+newfields,1568,3
+newfields,759,3
+merom,1018,5
+marstons,1809,2
+pinesdale,1298,3
+shelbyville,1838,2
+shelbyville,2301,4
+lindenwood,2145,6
+stockman,1285,6
+lindenwood,33,0
+klickitat,2250,2
+klickitat,1646,4
+pomaria,93,3
+coffeen,1320,4
+woodbine,899,4
+leonardo,527,1
+leonardo,1033,0
+onaga,246,3
+woodbine,233,4
+ranchester,1455,0
+cosmos,386,0
+tolstoy,1442,1
+lindenwood,2356,1
+tolstoy,678,2
+lakeville,425,4
+hanson,1418,14
+lindenwood,1735,0
+pinesdale,1104,8
+lindenwood,2176,3
+leonardo,1549,4
+merom,194,2
+klickitat,1452,8
+stockman,413,6
+hanson,528,10
+lakeville,216,2
+stockman,1599,7
+lakeville,594,3
+pomaria,915,0
+mifflinburg,234,3
+marstons,505,9
+cosmos,578,2
+pinesdale,253,3
+stockman,252,1
+newfields,447,2
+cosmos,939,2
+marstons,163,3
+klickitat,712,4
+stockman,525,7
+pomaria,280,3
+coffeen,567,2
+onaga,468,0
+newfields,1618,13
+stockman,79,4
+onaga,270,1
+coffeen,831,8
+coffeen,905,2
+shelbyville,2159,0
+woodbine,169,14
+newfields,260,1
+coffeen,1308,8
+hiteman,1486,3
+benevolence,153,14
+hiteman,820,7
+hiteman,159,4
+forkland,37,3
+hanson,1465,8
+klickitat,72,4
+wainscott,766,0
+shelbyville,72,2
+klickitat,1606,4
+woodbine,1138,19
+leonardo,361,2
+hanson,1412,0
+pomaria,1636,2
+lakeville,494,4
+lindenwood,2085,4
+wainscott,600,0
+shelbyville,1141,13
+cosmos,161,10
+hiteman,1753,5
+hanson,1460,2
+shelbyville,1448,1
+allensville,427,1
+lakeville,1648,8
+pinesdale,1265,1
+pomaria,1365,6
+leonardo,1311,2
+woodbine,615,2
+pinesdale,934,0
+shelbyville,1131,2
+pomaria,574,1
+woodbine,1372,4
+beechwood,991,6
+shelbyville,44,3
+wainscott,925,5
+pinesdale,538,3
+pinesdale,1319,3
+hiteman,1560,6
+leonardo,198,1
+lakeville,99,2
+ranchester,245,4
+pomaria,494,9
+klickitat,1249,4
+pinesdale,1303,4
+hiteman,536,6
+newfields,1214,8
+ranchester,988,2
+onaga,167,4
+woodbine,1239,4
+marstons,1420,4
+pinesdale,570,1
+allensville,511,1
+leonardo,1684,1
+klickitat,1497,2
+lindenwood,2578,1
+pomaria,171,3
+pinesdale,1010,8
+mifflinburg,369,0
+woodbine,1551,2
+mifflinburg,590,3
+tolstoy,927,6
+shelbyville,2306,8
+stockman,635,2
+leonardo,94,5
+marstons,1358,2
+lindenwood,618,8
+stockman,1040,2
+newfields,1180,2
+pomaria,825,1
+leonardo,579,10
+lakeville,1534,5
+benevolence,389,2
+ranchester,1549,5
+merom,415,3
+beechwood,1139,1
+hiteman,348,8
+merom,858,3
+shelbyville,1699,11
+lindenwood,1866,1
+lindenwood,1797,5
+onaga,246,0
+mifflinburg,434,6
+newfields,1440,1
+lakeville,889,2
+tolstoy,1421,1
+leonardo,601,11
+lakeville,714,4
+woodbine,1684,10
+coffeen,1272,1
+wainscott,955,0
+marstons,1531,1
+marstons,1740,2
+mifflinburg,478,3
+pinesdale,822,1
+lindenwood,752,0
+klickitat,1648,9
+hanson,1281,9
+lakeville,22,0
+newfields,656,2
+pomaria,121,1
+shelbyville,2292,1
+shelbyville,1725,6
+tolstoy,794,8
+tolstoy,99,1
+pinesdale,538,0
+lakeville,183,4
+newfields,609,1
+beechwood,1136,2
+lindenwood,1390,4
+shelbyville,2501,0
+marstons,899,2
+lindenwood,1978,11
+newfields,1417,9
+pomaria,609,6
+leonardo,201,8
+cosmos,181,1
+pinesdale,907,2
+lakeville,1105,4
+pomaria,1481,2
+cosmos,907,5
+newfields,492,6
+pomaria,1366,1
+lindenwood,911,11
+lakeville,1428,4
+lakeville,1474,8
+marstons,1055,1
+forkland,1173,1
+klickitat,347,8
+benevolence,503,11
+lakeville,682,3
+newfields,441,0
+onaga,621,4
+marstons,851,0
+shelbyville,849,2
+marstons,1282,2
+beechwood,114,0
+woodbine,1870,0
+merom,643,0
+leonardo,130,13
+onaga,68,0
+klickitat,695,12
+lindenwood,1901,0
+pomaria,230,4
+stockman,1337,2
+woodbine,804,1
+wainscott,783,6
+wainscott,997,5
+leonardo,462,0
+marstons,168,15
+coffeen,328,1
+pomaria,1616,1
+hiteman,667,0
+cosmos,691,4
+onaga,64,1
+onaga,543,2
+leonardo,1603,5
+leonardo,560,8
+pinesdale,751,5
+wainscott,1344,5
+leonardo,1089,1
+tolstoy,1051,1
+lakeville,194,0
+pomaria,547,13
+beechwood,691,4
+pomaria,1329,1
+leonardo,1080,5
+lakeville,623,3
+shelbyville,2546,5
+hanson,640,0
+stockman,1542,10
+lindenwood,539,4
+klickitat,642,1
+pomaria,983,12
+shelbyville,2434,4
+woodbine,1866,5
+coffeen,1006,5
+newfields,1380,1
+tolstoy,680,0
+pinesdale,1294,0
+marstons,1047,3
+lindenwood,1114,9
+hiteman,11,0
+newfields,445,14
+shelbyville,1458,0
+wainscott,11,1
+pinesdale,1248,2
+hiteman,1782,1
+wainscott,665,7
+wainscott,648,6
+pinesdale,1515,1
+klickitat,398,10
+cosmos,827,8
+lakeville,534,0
+shelbyville,1432,7
+lakeville,475,13
+newfields,1060,2
+marstons,1818,3
+hanson,1135,2
+newfields,1123,2
+pinesdale,232,3
+hanson,589,0
+marstons,1579,0
+wainscott,701,6
+ranchester,1473,6
+cosmos,166,2
+hiteman,69,7
+tolstoy,1439,15
+onaga,190,7
+ranchester,592,10
+klickitat,2324,1
+lakeville,929,3
+leonardo,1092,1
+woodbine,1090,4
+marstons,2460,1
+lindenwood,1024,8
+leonardo,349,2
+wainscott,1339,11
+shelbyville,999,5
+pomaria,418,0
+klickitat,119,11
+ranchester,1557,2
+beechwood,899,5
+shelbyville,2113,4
+lindenwood,608,2
+forkland,523,4
+marstons,2046,10
+lakeville,1224,8
+leonardo,1442,0
+woodbine,229,1
+coffeen,762,3
+wainscott,1178,7
+merom,899,2
+woodbine,1632,3
+lakeville,1734,0
+woodbine,1903,0
+coffeen,1010,3
+tolstoy,1738,6
+wainscott,1693,4
+coffeen,63,2
+ranchester,242,1
+wainscott,174,0
+wainscott,248,14
+onaga,440,3
+lindenwood,577,5
+lakeville,20,9
+klickitat,1504,1
+beechwood,186,2
+lakeville,1250,6
+merom,140,2
+hanson,1149,7
+marstons,1066,0
+forkland,425,1
+shelbyville,1342,5
+shelbyville,2364,1
+ranchester,793,4
+pinesdale,695,0
+merom,163,5
+klickitat,1671,9
+hiteman,317,0
+onaga,325,5
+cosmos,700,1
+pinesdale,156,1
+hiteman,759,5
+merom,689,0
+mifflinburg,477,3
+newfields,777,0
+woodbine,339,1
+cosmos,1020,2
+pinesdale,1418,2
+onaga,550,11
+lakeville,789,3
+forkland,338,2
+mifflinburg,698,1
+merom,116,4
+wainscott,1405,4
+beechwood,470,1
+pinesdale,144,2
+newfields,446,6
+pinesdale,622,1
+lindenwood,630,0
+ranchester,1033,9
+cosmos,1027,2
+shelbyville,1476,0
+lindenwood,2331,3
+stockman,94,3
+klickitat,1772,1
+onaga,52,1
+stockman,1103,14
+marstons,2306,0
+shelbyville,445,7
+shelbyville,1953,11
+tolstoy,1376,0
+hiteman,183,2
+marstons,2431,1
+mifflinburg,713,2
+hanson,613,3
+lakeville,1405,1
+ranchester,1240,2
+tolstoy,1778,1
+tolstoy,433,13
+stockman,1493,5
+stockman,1583,0
+ranchester,166,1
+stockman,128,2
+ranchester,267,1
+leonardo,1454,6
+wainscott,789,0
+klickitat,1797,4
+marstons,767,6
+merom,784,3
+lindenwood,835,2
+stockman,58,3
+merom,635,14
+pomaria,613,2
+tolstoy,490,3
+lakeville,505,0
+shelbyville,2154,3
+pinesdale,955,6
+klickitat,813,1
+lindenwood,2043,8
+pomaria,445,4
+woodbine,1368,0
+leonardo,1920,4
+hiteman,572,7
+shelbyville,2787,4
+marstons,2622,7
+klickitat,1738,0
+leonardo,113,6
+hanson,1273,0
+shelbyville,88,0
+leonardo,1039,7
+benevolence,736,2
+lakeville,649,10
+cosmos,287,1
+shelbyville,1186,7
+klickitat,801,2
+wainscott,1713,7
+leonardo,2100,4
+lindenwood,1912,3
+woodbine,1131,5
+klickitat,1801,3
+hanson,1012,15
+shelbyville,2598,10
+lakeville,1181,2
+pomaria,854,0
+benevolence,104,0
+hiteman,435,7
+newfields,517,13
+lakeville,695,1
+hiteman,481,3
+hiteman,724,0
+coffeen,1087,1
+lindenwood,1079,2
+cosmos,171,1
+lindenwood,2396,0
+hiteman,1629,7
+beechwood,350,3
+beechwood,1036,0
+lakeville,618,0
+wainscott,1174,9
+hiteman,1264,0
+wainscott,968,2
+klickitat,1849,2
+tolstoy,1732,0
+lindenwood,1087,2
+woodbine,1235,10
+newfields,793,0
+marstons,2024,3
+lindenwood,1797,4
+leonardo,1534,3
+marstons,1339,13
+pomaria,1158,3
+woodbine,159,1
+coffeen,1246,1
+klickitat,643,3
+marstons,480,9
+woodbine,903,6
+leonardo,1265,4
+lindenwood,1189,0
+merom,310,5
+stockman,417,1
+lakeville,1281,0
+marstons,2231,8
+newfields,1135,2
+merom,1109,4
+cosmos,1030,6
+shelbyville,1790,6
+tolstoy,999,2
+stockman,748,6
+pinesdale,1011,1
+cosmos,580,3
+lakeville,776,2
+klickitat,1755,3
+shelbyville,1141,10
+newfields,676,0
+newfields,269,12
+shelbyville,1463,0
+marstons,1615,2
+lakeville,449,0
+cosmos,183,2
+cosmos,412,3
+leonardo,2101,4
+stockman,11,2
+newfields,311,6
+allensville,231,0
+forkland,100,5
+woodbine,1618,4
+shelbyville,26,11
+shelbyville,78,4
+leonardo,245,2
+hanson,799,0
+merom,644,1
+marstons,1068,4
+beechwood,993,5
+newfields,845,7
+ranchester,1552,6
+newfields,541,12
+tolstoy,1661,3
+cosmos,332,3
+merom,522,0
+lakeville,1019,8
+wainscott,1519,2
+coffeen,297,1
+newfields,783,0
+klickitat,775,2
+marstons,1310,0
+lakeville,714,8
+klickitat,628,3
+klickitat,1615,4
+hiteman,1660,3
+beechwood,761,9
+mifflinburg,649,2
+lindenwood,1342,10
+leonardo,1708,0
+hanson,794,13
+allensville,58,4
+pomaria,889,2
+woodbine,1308,2
+marstons,1174,10
+leonardo,506,11
+newfields,153,0
+hiteman,1217,0
+cosmos,98,0
+shelbyville,1133,5
+cosmos,601,7
+ranchester,283,2
+leonardo,95,1
+lakeville,1163,2
+stockman,515,1
+lakeville,1284,5
+klickitat,212,0
+hiteman,1645,12
+pomaria,1634,1
+klickitat,1022,4
+marstons,965,10
+pinesdale,991,3
+marstons,2130,2
+marstons,1356,1
+mifflinburg,509,10
+hanson,971,7
+shelbyville,1955,1
+mifflinburg,806,0
+woodbine,1946,1
+lindenwood,492,3
+shelbyville,1034,2
+newfields,343,4
+tolstoy,274,7
+marstons,2585,2
+hanson,576,4
+shelbyville,126,7
+shelbyville,642,4
+ranchester,1307,2
+woodbine,150,2
+wainscott,773,4
+klickitat,1023,0
+lindenwood,1856,5
+shelbyville,465,8
+woodbine,1105,14
+klickitat,2374,0
+newfields,572,2
+lindenwood,2307,4
+marstons,1676,13
+leonardo,369,6
+lindenwood,902,2
+woodbine,1673,10
+marstons,2440,2
+allensville,347,8
+lindenwood,73,2
+pinesdale,134,0
+leonardo,1326,1
+wainscott,989,1
+klickitat,537,0
+benevolence,368,6
+shelbyville,336,6
+wainscott,175,0
+lindenwood,1353,0
+beechwood,559,10
+coffeen,1259,1
+lindenwood,2450,0
+mifflinburg,797,1
+hanson,1435,0
+pomaria,154,9
+pinesdale,459,0
+leonardo,2027,2
+woodbine,1666,4
+ranchester,1340,5
+lindenwood,2601,8
+pinesdale,764,4
+tolstoy,275,0
+pomaria,664,10
+wainscott,548,2
+lindenwood,1369,3
+shelbyville,860,12
+woodbine,1862,12
+lindenwood,652,9
+marstons,921,13
+klickitat,2284,8
+shelbyville,772,7
+marstons,2523,5
+leonardo,533,11
+forkland,1050,0
+woodbine,1644,2
+stockman,1454,7
+shelbyville,1027,8
+woodbine,641,4
+woodbine,1108,9
+lakeville,313,11
+benevolence,159,3
+forkland,732,1
+hanson,1532,1
+pinesdale,400,5
+onaga,663,1
+hiteman,604,3
+klickitat,2211,6
+marstons,77,1
+wainscott,528,0
+shelbyville,782,3
+hiteman,1513,4
+leonardo,1902,1
+klickitat,233,7
+tolstoy,637,1
+ranchester,981,6
+pomaria,465,6
+leonardo,1470,3
+lakeville,432,14
+pomaria,725,7
+marstons,2359,0
+pinesdale,135,1
+tolstoy,308,2
+pomaria,509,0
+hiteman,1286,11
+ranchester,262,6
+leonardo,813,6
+hiteman,1727,5
+leonardo,649,0
+shelbyville,740,9
+wainscott,512,2
+beechwood,562,8
+lakeville,1241,1
+tolstoy,352,4
+onaga,621,3
+newfields,131,5
+mifflinburg,622,0
+marstons,2341,1
+wainscott,1330,0
+woodbine,1712,16
+hiteman,1822,13
+lindenwood,2490,1
+benevolence,95,0
+hanson,569,4
+tolstoy,760,2
+wainscott,1319,2
+lakeville,824,3
+klickitat,1990,2
+benevolence,436,7
+lakeville,1447,7
+shelbyville,1260,7
+wainscott,542,3
+forkland,146,0
+marstons,1591,15
+coffeen,763,0
+tolstoy,409,4
+hanson,1009,12
+mifflinburg,718,8
+hiteman,623,1
+lindenwood,1634,5
+wainscott,1039,0
+lakeville,891,4
+shelbyville,869,7
+lindenwood,1290,7
+leonardo,1326,5
+coffeen,1442,2
+hanson,1026,9
+hiteman,1549,4
+klickitat,205,1
+mifflinburg,109,4
+woodbine,1373,0
+tolstoy,1503,9
+cosmos,902,1
+leonardo,1367,2
+leonardo,1423,5
+beechwood,80,6
+marstons,1847,2
+hanson,48,0
+marstons,1513,9
+beechwood,1010,1
+woodbine,369,6
+hiteman,501,9
+shelbyville,1732,0
+mifflinburg,325,4
+allensville,38,4
+shelbyville,2103,2
+klickitat,762,0
+pomaria,661,0
+coffeen,462,3
+benevolence,978,4
+cosmos,137,0
+shelbyville,2663,3
+tolstoy,1376,2
+lakeville,734,6
+lindenwood,2544,6
+tolstoy,700,2
+marstons,1910,2
+hiteman,620,1
+pomaria,1433,1
+marstons,899,3
+marstons,2158,10
+pomaria,615,9
+woodbine,154,2
+lindenwood,934,4
+shelbyville,1050,0
+klickitat,1,1
+hiteman,1454,0
+hanson,1212,0
+wainscott,1429,7
+tolstoy,864,1
+woodbine,1052,4
+woodbine,472,1
+stockman,87,0
+shelbyville,1013,6
+marstons,1833,2
+hiteman,964,7
+beechwood,942,6
+lakeville,1709,1
+pinesdale,1384,0
+marstons,358,2
+stockman,629,7
+shelbyville,1939,5
+lindenwood,1208,0
+klickitat,458,3
+hiteman,137,5
+ranchester,1414,9
+stockman,1122,3
+newfields,1147,10
+leonardo,853,1
+marstons,1475,10
+newfields,1646,0
+marstons,2552,7
+ranchester,529,0
+ranchester,787,1
+wainscott,1577,6
+lakeville,1693,1
+hanson,257,3
+marstons,2141,9
+ranchester,736,3
+shelbyville,575,10
+klickitat,2320,1
+pomaria,268,0
+wainscott,662,6
+beechwood,126,4
+woodbine,1513,6
+beechwood,946,1
+wainscott,1735,5
+lindenwood,1535,1
+benevolence,801,10
+ranchester,177,0
+pomaria,53,1
+hanson,1534,4
+lindenwood,2109,1
+klickitat,695,13
+leonardo,1442,1
+newfields,809,1
+hanson,135,6
+stockman,1094,2
+lakeville,200,2
+beechwood,249,2
+tolstoy,802,3
+wainscott,575,2
+stockman,1479,11
+leonardo,331,3
+lakeville,909,8
+pinesdale,862,7
+woodbine,945,5
+beechwood,677,4
+onaga,235,0
+cosmos,909,1
+marstons,2200,5
+hanson,1255,2
+coffeen,125,4
+pomaria,1300,15
+beechwood,721,3
+wainscott,757,3
+lindenwood,59,2
+klickitat,936,1
+shelbyville,1945,0
+ranchester,565,1
+lindenwood,963,1
+coffeen,122,3
+forkland,1001,2
+coffeen,762,0
+newfields,1095,5
+marstons,1830,3
+lakeville,794,10
+lakeville,890,1
+tolstoy,476,0
+woodbine,1388,1
+leonardo,261,16
+forkland,739,2
+hiteman,556,6
+tolstoy,1328,0
+wainscott,1677,13
+lindenwood,1079,6
+woodbine,1046,0
+wainscott,1075,2
+lakeville,744,8
+stockman,455,4
+leonardo,1686,0
+hanson,1425,8
+cosmos,559,3
+coffeen,83,0
+lindenwood,2363,4
+leonardo,2019,4
+onaga,373,2
+shelbyville,1143,1
+lindenwood,1799,6
+stockman,557,2
+allensville,112,6
+klickitat,2285,3
+marstons,2547,2
+shelbyville,582,6
+klickitat,374,1
+wainscott,974,2
+klickitat,1848,2
+marstons,835,6
+shelbyville,1868,4
+ranchester,1584,6
+lindenwood,2026,1
+lakeville,1524,4
+marstons,1132,2
+pomaria,1471,3
+ranchester,565,2
+klickitat,42,3
+leonardo,522,6
+mifflinburg,63,0
+beechwood,805,2
+stockman,997,0
+cosmos,794,4
+lindenwood,2343,2
+pomaria,1157,6
+hanson,392,1
+hiteman,1233,0
+ranchester,945,5
+benevolence,506,0
+benevolence,324,10
+woodbine,1949,0
+merom,1071,6
+merom,824,2
+lindenwood,2055,2
+lakeville,251,1
+hiteman,1206,0
+forkland,409,1
+onaga,616,1
+wainscott,975,2
+merom,479,3
+pomaria,1529,1
+forkland,1024,7
+marstons,2643,7
+forkland,178,2
+tolstoy,472,0
+pomaria,846,5
+tolstoy,217,10
+woodbine,1376,3
+tolstoy,1406,10
+lakeville,1227,0
+lakeville,1545,0
+lakeville,672,4
+ranchester,90,4
+lakeville,1778,1
+lakeville,916,2
+woodbine,2022,2
+benevolence,94,2
+shelbyville,1379,1
+newfields,492,1
+leonardo,1710,3
+leonardo,1376,14
+coffeen,1339,0
+stockman,646,1
+onaga,67,5
+woodbine,45,5
+tolstoy,1449,1
+tolstoy,1677,0
+marstons,1309,1
+forkland,76,3
+hiteman,242,5
+ranchester,988,6
+pomaria,295,6
+woodbine,1774,3
+tolstoy,1511,0
+marstons,2502,6
+lakeville,621,2
+klickitat,2376,3
+ranchester,710,1
+pinesdale,1085,2
+mifflinburg,627,2
+cosmos,637,0
+beechwood,226,8
+leonardo,1693,0
+hiteman,1691,0
+hiteman,310,0
+merom,449,3
+stockman,1392,3
+klickitat,116,2
+shelbyville,2356,3
+leonardo,58,1
+klickitat,2202,0
+leonardo,1116,1
+hiteman,1240,9
+ranchester,307,10
+pomaria,1646,9
+merom,915,0
+beechwood,302,2
+klickitat,2259,9
+beechwood,862,2
+cosmos,48,2
+leonardo,985,12
+wainscott,684,0
+tolstoy,369,2
+tolstoy,1455,0
+hiteman,1432,0
+merom,316,9
+stockman,1135,2
+hanson,1185,2
+marstons,93,2
+ranchester,1218,4
+forkland,1024,5
+pinesdale,225,6
+lakeville,1019,1
+newfields,857,4
+stockman,1391,1
+marstons,688,7
+pomaria,581,10
+newfields,965,3
+stockman,1225,4
+marstons,1735,1
+pinesdale,246,2
+shelbyville,1225,1
+hanson,1257,4
+lindenwood,1003,2
+leonardo,1822,0
+leonardo,733,0
+pinesdale,789,9
+shelbyville,2803,4
+woodbine,56,3
+cosmos,959,1
+tolstoy,982,9
+hiteman,1597,1
+lindenwood,2399,0
+pinesdale,680,3
+marstons,319,7
+klickitat,973,9
+lindenwood,2241,0
+stockman,423,2
+onaga,669,6
+lindenwood,2376,3
+marstons,1062,17
+wainscott,1090,6
+woodbine,277,6
+woodbine,1612,11
+pinesdale,1042,0
+pomaria,170,0
+klickitat,65,16
+shelbyville,1522,8
+leonardo,1120,8
+pomaria,1139,0
+merom,518,3
+marstons,1848,3
+pinesdale,351,0
+shelbyville,2589,11
+wainscott,1286,11
+wainscott,173,3
+klickitat,2072,7
+klickitat,1327,1
+ranchester,497,5
+leonardo,2039,6
+tolstoy,43,0
+stockman,649,0
+lakeville,1068,8
+stockman,1059,1
+lindenwood,1958,0
+shelbyville,2085,7
+marstons,949,6
+shelbyville,330,7
+onaga,470,2
+cosmos,892,0
+woodbine,1559,0
+lakeville,1200,2
+hanson,546,4
+ranchester,905,0
+lindenwood,1730,0
+wainscott,1099,4
+stockman,830,10
+woodbine,840,9
+beechwood,930,9
+marstons,1996,3
+mifflinburg,323,2
+hanson,1658,7
+klickitat,2256,1
+lindenwood,1675,15
+benevolence,339,4
+leonardo,614,3
+klickitat,2056,8
+shelbyville,980,2
+pomaria,854,5
+lakeville,1698,10
+benevolence,830,1
+newfields,1094,2
+tolstoy,1279,4
+onaga,153,2
+merom,13,2
+shelbyville,1120,10
+ranchester,575,4
+hanson,1102,0
+klickitat,2051,4
+shelbyville,219,3
+woodbine,438,6
+stockman,1209,6
+leonardo,1920,10
+allensville,68,1
+pomaria,332,4
+ranchester,1566,1
+hanson,167,2
+tolstoy,11,7
+hiteman,262,2
+marstons,83,2
+ranchester,777,1
+marstons,1752,1
+leonardo,123,1
+mifflinburg,171,2
+wainscott,692,4
+shelbyville,2190,5
+allensville,115,7
+klickitat,1346,0
+wainscott,244,5
+shelbyville,651,5
+marstons,1032,2
+merom,904,2
+pomaria,1639,2
+hiteman,589,4
+lindenwood,2245,0
+hiteman,991,0
+beechwood,344,3
+hiteman,1729,2
+woodbine,138,6
+ranchester,30,4
+shelbyville,2527,9
+wainscott,175,1
+woodbine,1063,8
+leonardo,1338,0
+leonardo,351,3
+pomaria,399,2
+woodbine,57,1
+stockman,893,1
+hiteman,1820,2
+lindenwood,1004,3
+marstons,2327,7
+pinesdale,610,4
+shelbyville,732,2
+leonardo,1844,3
+tolstoy,453,13
+pinesdale,1261,5
+leonardo,1565,5
+stockman,1112,1
+lakeville,1004,5
+stockman,1461,5
+pomaria,1002,2
+pomaria,1500,0
+coffeen,1209,1
+leonardo,1903,0
+hanson,584,3
+lindenwood,2556,0
+shelbyville,2566,4
+mifflinburg,121,4
+hanson,1175,10
+lakeville,1121,3
+tolstoy,780,2
+newfields,947,6
+shelbyville,1524,10
+lindenwood,2662,2
+hanson,1230,8
+wainscott,93,3
+shelbyville,1093,1
+hiteman,1853,9
+tolstoy,1344,0
+pomaria,1342,5
+wainscott,1538,5
+beechwood,331,4
+shelbyville,431,0
+pinesdale,841,2
+klickitat,663,3
+marstons,2374,4
+beechwood,346,1
+forkland,1141,3
+pinesdale,1471,7
+newfields,1075,4
+forkland,113,7
+wainscott,755,1
+marstons,2057,8
+leonardo,1957,5
+mifflinburg,158,0
+klickitat,1047,8
+benevolence,641,7
+wainscott,91,5
+marstons,1854,10
+allensville,389,3
+marstons,802,3
+coffeen,711,1
+lakeville,828,4
+wainscott,697,8
+ranchester,424,0
+leonardo,524,3
+marstons,858,6
+merom,176,1
+pomaria,1575,1
+pomaria,279,3
+marstons,1561,12
+marstons,468,7
+hiteman,1009,0
+newfields,89,5
+hanson,1179,3
+marstons,2475,1
+woodbine,276,2
+mifflinburg,560,2
+hanson,776,10
+lindenwood,1217,4
+pinesdale,1321,9
+marstons,1603,1
+lakeville,947,4
+klickitat,1783,7
+leonardo,2048,5
+mifflinburg,896,1
+woodbine,118,10
+coffeen,1359,8
+marstons,1400,0
+wainscott,1748,2
+stockman,15,2
+woodbine,1333,9
+klickitat,632,0
+marstons,1599,0
+merom,1113,0
+newfields,1326,3
+woodbine,1857,4
+newfields,1067,6
+marstons,693,6
+leonardo,521,5
+lindenwood,1582,2
+klickitat,1182,12
+leonardo,188,3
+stockman,1046,1
+lindenwood,1907,2
+merom,430,2
+ranchester,587,1
+ranchester,1391,4
+ranchester,1039,1
+lindenwood,1826,0
+coffeen,1109,5
+lakeville,424,1
+lindenwood,1555,5
+newfields,1573,6
+hiteman,1080,6
+leonardo,1407,2
+mifflinburg,654,10
+lindenwood,1439,3
+coffeen,405,5
+ranchester,820,1
+onaga,560,0
+hanson,287,4
+merom,439,4
+hanson,369,12
+mifflinburg,662,9
+hanson,87,3
+lakeville,1140,4
+tolstoy,1686,5
+pomaria,1159,10
+klickitat,37,9
+shelbyville,250,2
+beechwood,453,3
+stockman,524,7
+forkland,363,2
+woodbine,117,2
+leonardo,1996,3
+marstons,816,0
+wainscott,424,0
+klickitat,295,11
+merom,628,7
+wainscott,633,1
+leonardo,442,1
+forkland,368,3
+wainscott,673,5
+leonardo,559,4
+pinesdale,48,0
+pomaria,731,9
+shelbyville,2362,1
+klickitat,1446,2
+beechwood,1104,7
+lakeville,417,7
+hanson,286,0
+pinesdale,288,0
+lindenwood,453,4
+leonardo,1751,2
+ranchester,1531,7
+pomaria,908,2
+lindenwood,130,10
+pinesdale,1416,3
+leonardo,1404,5
+wainscott,1191,1
+tolstoy,712,6
+wainscott,1075,4
+woodbine,855,1
+marstons,1521,9
+stockman,319,3
+coffeen,373,5
+lakeville,301,2
+hiteman,1226,10
+stockman,131,6
+shelbyville,1468,2
+hiteman,434,1
+hanson,1221,0
+tolstoy,1752,0
+leonardo,1720,9
+klickitat,2314,7
+benevolence,127,10
+stockman,1329,1
+pomaria,436,1
+woodbine,549,3
+shelbyville,383,1
+coffeen,1384,3
+merom,688,8
+hanson,142,7
+marstons,198,6
+forkland,745,0
+wainscott,928,8
+tolstoy,1532,4
+wainscott,1482,0
+mifflinburg,341,2
+klickitat,324,2
+ranchester,457,11
+marstons,1761,2
+lakeville,1213,6
+marstons,535,17
+cosmos,554,2
+allensville,262,4
+shelbyville,1550,6
+newfields,675,3
+hiteman,1455,4
+forkland,1067,8
+merom,109,2
+allensville,416,1
+woodbine,670,7
+cosmos,486,4
+ranchester,907,0
+shelbyville,2623,1
+forkland,551,5
+stockman,478,0
+lindenwood,331,9
+marstons,2164,3
+ranchester,1054,8
+marstons,320,14
+lindenwood,1445,2
+newfields,534,6
+ranchester,838,2
+beechwood,601,2
+klickitat,1993,0
+coffeen,564,4
+merom,216,7
+woodbine,989,3
+beechwood,805,4
+coffeen,920,6
+newfields,636,15
+leonardo,118,1
+hanson,765,3
+wainscott,1180,12
+wainscott,1753,0
+woodbine,1024,0
+pinesdale,1249,3
+pinesdale,391,1
+klickitat,1626,2
+wainscott,370,0
+leonardo,606,4
+ranchester,638,0
+pinesdale,73,0
+lindenwood,836,5
+onaga,283,0
+shelbyville,239,3
+shelbyville,1236,7
+cosmos,193,7
+klickitat,456,3
+woodbine,1503,1
+lakeville,876,2
+lindenwood,2642,0
+ranchester,1346,3
+shelbyville,2436,7
+klickitat,1598,5
+shelbyville,2308,2
+shelbyville,2610,4
+lakeville,24,1
+ranchester,1378,0
+shelbyville,292,7
+hiteman,1858,20
+klickitat,2387,3
+coffeen,917,3
+ranchester,805,0
+marstons,1876,2
+klickitat,2303,7
+lindenwood,2372,10
+leonardo,1619,0
+leonardo,9,1
+stockman,393,3
+wainscott,1326,11
+tolstoy,396,3
+hiteman,468,2
+lindenwood,2269,8
+tolstoy,1618,0
+shelbyville,1381,0
+shelbyville,176,1
+woodbine,804,0
+klickitat,1516,10
+marstons,2290,1
+shelbyville,2223,2
+klickitat,2198,3
+pomaria,488,11
+lakeville,1221,4
+forkland,90,0
+woodbine,1877,15
+lakeville,1232,8
+stockman,1358,0
+lakeville,334,0
+leonardo,1668,2
+pinesdale,808,0
+marstons,2022,0
+hanson,550,0
+marstons,1024,3
+woodbine,171,12
+lindenwood,414,3
+pomaria,577,0
+lakeville,765,2
+leonardo,1519,1
+cosmos,1002,5
+shelbyville,1880,4
+pinesdale,1285,1
+pomaria,1599,1
+shelbyville,729,1
+shelbyville,1737,4
+hanson,257,14
+tolstoy,114,10
+klickitat,1477,1
+lindenwood,2249,0
+coffeen,1506,1
+shelbyville,2182,4
+mifflinburg,266,5
+hanson,297,1
+stockman,1561,1
+wainscott,86,1
+hiteman,1064,6
+klickitat,262,4
+woodbine,80,2
+klickitat,2077,11
+lakeville,875,8
+marstons,855,2
+klickitat,2271,2
+klickitat,710,2
+stockman,624,2
+klickitat,2309,5
+woodbine,876,5
+onaga,432,2
+hanson,553,0
+shelbyville,677,2
+klickitat,1348,0
+hiteman,1321,3
+cosmos,1059,4
+newfields,481,1
+leonardo,686,6
+allensville,336,2
+pomaria,64,1
+tolstoy,917,5
+hanson,1366,1
+onaga,569,1
+ranchester,1448,6
+newfields,124,0
+lakeville,758,4
+stockman,587,2
+woodbine,786,7
+woodbine,1755,4
+onaga,152,0
+marstons,1339,15
+shelbyville,2163,9
+shelbyville,1962,8
+mifflinburg,491,5
+hiteman,1465,8
+benevolence,612,4
+marstons,372,0
+stockman,1118,0
+marstons,2057,7
+onaga,251,4
+forkland,897,4
+lakeville,652,4
+pinesdale,274,3
+lindenwood,1893,4
+klickitat,1896,6
+shelbyville,1888,4
+woodbine,970,3
+marstons,2183,8
+ranchester,101,6
+cosmos,32,5
+woodbine,1734,1
+pinesdale,1418,7
+newfields,1625,2
+hanson,1458,3
+lindenwood,2083,2
+coffeen,549,0
+forkland,398,4
+leonardo,1729,0
+leonardo,1840,0
+mifflinburg,79,12
+pinesdale,96,0
+coffeen,1407,4
+onaga,440,1
+pomaria,812,2
+merom,494,4
+hiteman,1842,6
+hiteman,852,3
+coffeen,765,0
+klickitat,1875,6
+cosmos,1067,0
+wainscott,350,2
+pinesdale,944,3
+stockman,657,7
+newfields,202,9
+pomaria,227,7
+tolstoy,1782,8
+klickitat,1790,5
+shelbyville,2049,0
+stockman,942,6
+leonardo,1957,2
+hiteman,291,0
+lindenwood,1082,0
+hiteman,572,6
+newfields,340,2
+klickitat,1546,2
+ranchester,572,4
+cosmos,1024,6
+woodbine,1371,2
+lakeville,121,1
+merom,740,3
+lakeville,793,0
+shelbyville,858,0
+marstons,1902,8
+hiteman,1385,6
+shelbyville,336,4
+marstons,140,2
+leonardo,1122,3
+mifflinburg,608,0
+cosmos,58,0
+woodbine,1692,1
+hanson,327,10
+wainscott,384,7
+merom,96,1
+cosmos,20,2
+forkland,333,4
+hiteman,1519,5
+woodbine,861,6
+klickitat,1530,5
+klickitat,245,2
+klickitat,926,0
+marstons,330,6
+pomaria,844,10
+lindenwood,1616,13
+woodbine,1763,11
+forkland,265,7
+forkland,788,4
+lindenwood,328,11
+onaga,253,4
+pomaria,179,5
+wainscott,415,13
+klickitat,1996,2
+wainscott,604,5
+ranchester,655,3
+cosmos,987,5
+shelbyville,2021,6
+hanson,1603,6
+leonardo,580,2
+leonardo,101,0
+lakeville,1353,0
+hiteman,1445,6
+tolstoy,1556,4
+shelbyville,459,6
+shelbyville,285,1
+marstons,2215,10
+merom,910,3
+hanson,1246,2
+pinesdale,1451,4
+klickitat,369,6
+woodbine,775,5
+lakeville,1521,2
+pinesdale,868,2
+stockman,385,5
+lakeville,89,10
+marstons,2142,2
+pomaria,268,7
+hanson,404,2
+shelbyville,2635,7
+cosmos,381,0
+hanson,575,6
+leonardo,961,2
+woodbine,41,6
+hiteman,1335,5
+woodbine,1945,3
+lindenwood,1338,1
+woodbine,488,16
+marstons,1464,4
+hiteman,1189,2
+benevolence,543,1
+shelbyville,26,1
+newfields,664,4
+tolstoy,1647,4
+merom,709,1
+pinesdale,1344,0
+wainscott,439,4
+forkland,578,0
+wainscott,1021,3
+lakeville,1167,1
+pomaria,176,1
+hiteman,1104,8
+tolstoy,177,4
+hiteman,1018,0
+wainscott,483,11
+shelbyville,133,1
+pinesdale,546,2
+klickitat,1537,3
+ranchester,1449,1
+hanson,690,3
+shelbyville,1565,1
+shelbyville,2414,3
+marstons,2232,5
+ranchester,330,2
+allensville,372,2
+klickitat,531,2
+mifflinburg,471,5
+wainscott,1796,2
+lakeville,638,0
+woodbine,226,12
+hiteman,165,11
+stockman,1034,3
+leonardo,652,8
+beechwood,574,1
+leonardo,592,4
+leonardo,272,2
+lakeville,1172,2
+woodbine,1087,1
+ranchester,1026,2
+tolstoy,1688,0
+leonardo,978,1
+forkland,679,2
+woodbine,1792,5
+wainscott,156,1
+lindenwood,1404,1
+lindenwood,22,6
+hiteman,1256,2
+lindenwood,723,0
+marstons,2049,3
+merom,127,4
+hiteman,1406,0
+lakeville,384,2
+cosmos,42,3
+hanson,966,0
+marstons,1339,5
+tolstoy,232,1
+hanson,369,3
+woodbine,1763,2
+shelbyville,966,0
+tolstoy,30,1
+lakeville,1471,5
+shelbyville,2388,6
+wainscott,1448,3
+klickitat,526,3
+newfields,482,2
+lakeville,459,5
+hiteman,1855,0
+beechwood,2,2
+marstons,2381,4
+marstons,698,5
+shelbyville,2014,7
+wainscott,969,0
+newfields,1424,0
+marstons,764,4
+wainscott,399,6
+wainscott,1666,11
+marstons,1518,2
+woodbine,1485,4
+ranchester,1439,3
+klickitat,2363,7
+lakeville,377,7
+leonardo,815,2
+lakeville,688,5
+beechwood,574,3
+ranchester,63,7
+klickitat,2226,5
+shelbyville,323,10
+woodbine,942,7
+marstons,193,8
+coffeen,1046,4
+klickitat,1595,7
+lindenwood,418,2
+pomaria,968,4
+woodbine,782,16
+pomaria,1159,5
+woodbine,1750,2
+leonardo,21,6
+tolstoy,896,0
+newfields,1231,3
+hanson,1134,5
+shelbyville,59,0
+ranchester,1508,14
+newfields,1071,5
+lakeville,348,3
+mifflinburg,546,5
+cosmos,517,4
+mifflinburg,909,0
+newfields,683,7
+newfields,899,6
+lakeville,930,0
+beechwood,769,1
+shelbyville,1466,4
+cosmos,460,2
+pomaria,715,4
+mifflinburg,897,1
+coffeen,87,4
+pinesdale,161,0
+ranchester,1377,17
+hanson,1055,3
+leonardo,833,7
+lindenwood,389,4
+marstons,1422,14
+stockman,343,0
+stockman,739,3
+leonardo,1690,4
+tolstoy,1091,0
+leonardo,531,10
+benevolence,602,3
+leonardo,622,9
+woodbine,157,1
+merom,25,8
+benevolence,748,5
+shelbyville,940,5
+pomaria,1034,1
+leonardo,224,2
+lakeville,990,3
+hanson,1362,5
+woodbine,893,0
+shelbyville,674,0
+hanson,1428,2
+ranchester,147,9
+woodbine,1191,2
+shelbyville,1551,4
+shelbyville,323,8
+wainscott,1706,4
+klickitat,458,6
+ranchester,325,0
+mifflinburg,323,0
+lindenwood,1364,2
+shelbyville,1740,3
+shelbyville,1833,0
+coffeen,876,4
+lakeville,1116,2
+pomaria,259,2
+leonardo,1319,1
+pinesdale,36,0
+ranchester,1024,3
+lakeville,842,15
+hiteman,1427,5
+marstons,2108,0
+stockman,1600,3
+pinesdale,449,3
+ranchester,1028,4
+lindenwood,256,3
+shelbyville,2376,4
+marstons,118,2
+ranchester,956,0
+marstons,682,4
+woodbine,914,2
+lindenwood,144,1
+leonardo,2048,6
+lindenwood,2621,7
+ranchester,1257,9
+coffeen,58,3
+lindenwood,588,3
+woodbine,174,0
+marstons,740,12
+marstons,2408,1
+woodbine,412,0
+woodbine,907,17
+wainscott,79,4
+tolstoy,764,0
+shelbyville,2523,8
+leonardo,234,0
+merom,361,3
+hanson,1114,4
+shelbyville,206,4
+klickitat,340,1
+newfields,1605,3
+shelbyville,1562,0
+pomaria,511,6
+leonardo,728,3
+wainscott,1393,1
+ranchester,139,6
+marstons,299,3
+leonardo,802,2
+newfields,970,2
+wainscott,541,1
+pomaria,1541,2
+newfields,120,1
+shelbyville,1978,1
+shelbyville,2296,0
+pomaria,310,1
+tolstoy,1214,7
+newfields,461,3
+hanson,936,1
+tolstoy,473,1
+wainscott,726,7
+mifflinburg,498,6
+stockman,841,2
+lakeville,1136,9
+ranchester,1538,8
+cosmos,624,4
+shelbyville,1597,0
+hanson,246,9
+pomaria,1324,3
+shelbyville,346,1
+lindenwood,2494,2
+tolstoy,867,13
+marstons,2277,1
+beechwood,560,4
+pinesdale,1142,1
+newfields,124,1
+leonardo,12,9
+leonardo,1566,3
+wainscott,1324,2
+marstons,1983,1
+klickitat,1511,3
+pomaria,1334,6
+klickitat,2167,2
+marstons,1221,2
+newfields,42,7
+leonardo,110,2
+onaga,405,1
+shelbyville,1619,2
+shelbyville,221,8
+woodbine,1878,3
+marstons,2391,0
+shelbyville,222,2
+leonardo,676,3
+merom,78,0
+tolstoy,151,2
+stockman,132,1
+leonardo,1409,7
+wainscott,636,4
+klickitat,281,2
+ranchester,1129,1
+coffeen,454,3
+coffeen,766,5
+pomaria,1531,6
+leonardo,739,2
+beechwood,466,3
+lakeville,239,12
+woodbine,2034,4
+hiteman,1508,2
+wainscott,1326,2
+wainscott,387,9
+coffeen,466,2
+shelbyville,2063,0
+lakeville,254,2
+hanson,575,1
+shelbyville,1961,0
+pomaria,1559,4
+stockman,1132,0
+marstons,417,0
+stockman,172,0
+pomaria,1614,0
+lakeville,1117,7
+lakeville,231,2
+allensville,490,2
+wainscott,104,5
+hiteman,345,0
+wainscott,45,2
+pomaria,1098,6
+marstons,949,7
+pinesdale,1380,0
+wainscott,387,4
+woodbine,95,2
+hanson,1241,3
+lakeville,659,10
+wainscott,524,8
+woodbine,241,3
+klickitat,693,8
+tolstoy,1372,8
+mifflinburg,166,8
+marstons,2016,2
+hiteman,536,2
+hiteman,942,3
+cosmos,224,7
+cosmos,896,1
+hanson,519,2
+newfields,1004,4
+wainscott,699,8
+woodbine,199,16
+forkland,711,1
+stockman,525,6
+stockman,1446,0
+woodbine,1535,11
+hanson,764,1
+beechwood,444,4
+wainscott,1524,12
+coffeen,1366,3
+woodbine,1873,6
+cosmos,268,3
+cosmos,929,4
+leonardo,1454,16
+onaga,319,2
+hanson,7,11
+pomaria,731,1
+pomaria,1532,3
+lakeville,1799,13
+hiteman,1454,1
+klickitat,1018,0
+leonardo,1153,3
+leonardo,1431,1
+forkland,1165,2
+newfields,324,2
+stockman,917,1
+hanson,1384,2
+klickitat,658,6
+shelbyville,916,5
+hanson,1453,14
+marstons,710,3
+hanson,451,3
+leonardo,2024,3
+hiteman,961,5
+merom,284,10
+shelbyville,553,0
+hiteman,68,4
+hiteman,157,2
+klickitat,1956,7
+klickitat,1041,10
+hiteman,1568,3
+shelbyville,1195,1
+woodbine,1576,2
+shelbyville,1455,2
+benevolence,469,3
+pomaria,976,13
+leonardo,90,7
+newfields,206,1
+hiteman,1540,7
+hiteman,1261,1
+lakeville,758,5
+pomaria,992,2
+marstons,855,4
+allensville,244,3
+shelbyville,1314,7
+wainscott,263,0
+woodbine,229,5
+leonardo,422,1
+tolstoy,1422,1
+pinesdale,323,3
+cosmos,767,3
+coffeen,973,4
+lindenwood,298,5
+onaga,662,7
+marstons,2560,4
+marstons,32,8
+marstons,2580,5
+klickitat,202,12
+stockman,1579,0
+ranchester,1200,0
+benevolence,36,2
+coffeen,523,0
+marstons,956,5
+ranchester,739,3
+allensville,74,5
+cosmos,100,0
+hiteman,1080,4
+marstons,1212,6
+leonardo,1938,7
+leonardo,986,7
+lakeville,590,4
+stockman,1235,2
+cosmos,662,11
+tolstoy,984,3
+marstons,634,0
+hiteman,176,5
+hanson,923,7
+lindenwood,1512,11
+lindenwood,1332,2
+pomaria,264,7
+pinesdale,1499,2
+mifflinburg,765,0
+onaga,452,4
+lakeville,903,1
+klickitat,787,2
+woodbine,154,0
+woodbine,1606,2
+ranchester,782,4
+hanson,307,2
+newfields,1372,3
+allensville,128,3
+pinesdale,1080,3
+cosmos,292,11
+lindenwood,411,2
+marstons,702,1
+lakeville,125,2
+ranchester,441,3
+marstons,1367,0
+stockman,281,0
+onaga,15,3
+lindenwood,1153,2
+newfields,1009,7
+cosmos,219,1
+stockman,56,3
+cosmos,243,1
+stockman,331,6
+marstons,231,0
+tolstoy,258,5
+klickitat,1266,10
+woodbine,1411,0
+tolstoy,210,2
+marstons,708,1
+shelbyville,1473,10
+onaga,379,0
+pomaria,1289,13
+merom,241,4
+forkland,167,0
+hanson,161,1
+leonardo,1234,4
+beechwood,260,0
+woodbine,1272,3
+cosmos,130,9
+stockman,69,2
+tolstoy,1143,4
+leonardo,406,3
+beechwood,123,5
+stockman,1535,4
+marstons,55,7
+tolstoy,1445,3
+shelbyville,1699,6
+ranchester,407,9
+stockman,1071,6
+pinesdale,719,3
+pomaria,951,4
+wainscott,889,7
+shelbyville,2647,3
+lakeville,964,2
+merom,147,1
+mifflinburg,729,4
+wainscott,220,4
+pinesdale,1085,0
+stockman,1184,0
+ranchester,685,3
+stockman,940,7
+marstons,445,0
+marstons,1574,11
+newfields,1111,1
+leonardo,1367,1
+klickitat,860,2
+beechwood,867,2
+marstons,1119,7
+hiteman,1776,13
+mifflinburg,230,5
+pinesdale,280,2
+pomaria,256,4
+wainscott,477,11
+pomaria,783,1
+marstons,171,1
+leonardo,1067,18
+tolstoy,456,11
+hanson,1283,0
+leonardo,879,4
+shelbyville,704,5
+shelbyville,280,11
+mifflinburg,870,4
+hiteman,1516,1
+woodbine,1993,2
+benevolence,414,4
+merom,1062,2
+klickitat,1910,6
+wainscott,935,2
+ranchester,830,0
+pomaria,1475,0
+mifflinburg,852,5
+wainscott,556,0
+hanson,1549,13
+stockman,267,2
+klickitat,1609,2
+lakeville,862,7
+hiteman,212,11
+stockman,1500,4
+tolstoy,1427,7
+hanson,336,11
+klickitat,856,2
+leonardo,1380,3
+mifflinburg,149,8
+shelbyville,800,1
+tolstoy,145,3
+woodbine,1612,6
+shelbyville,1635,2
+woodbine,1244,2
+coffeen,503,7
+forkland,682,0
+coffeen,973,3
+benevolence,478,0
+lakeville,1662,2
+mifflinburg,240,1
+lindenwood,2504,2
+hiteman,145,4
+pinesdale,1269,11
+cosmos,340,3
+tolstoy,1286,0
+hanson,54,6
+hanson,553,12
+wainscott,1127,7
+forkland,165,4
+pinesdale,1231,0
+coffeen,195,0
+hanson,525,2
+woodbine,876,3
+newfields,936,5
+mifflinburg,490,0
+marstons,10,0
+woodbine,397,14
+shelbyville,456,8
+beechwood,270,6
+lakeville,437,0
+cosmos,775,11
+klickitat,505,0
+cosmos,28,6
+onaga,530,4
+lakeville,1586,11
+coffeen,861,3
+pomaria,1578,3
+hanson,953,0
+merom,684,4
+hanson,907,8
+wainscott,457,2
+klickitat,39,7
+shelbyville,2008,5
+hiteman,752,1
+lakeville,270,3
+wainscott,66,4
+hanson,1346,4
+woodbine,404,1
+newfields,754,3
+leonardo,2047,2
+tolstoy,339,0
+woodbine,321,0
+hiteman,1493,0
+ranchester,776,6
+lindenwood,486,0
+lindenwood,294,3
+woodbine,1161,5
+tolstoy,1174,1
+tolstoy,1220,2
+beechwood,386,1
+klickitat,2017,4
+stockman,352,1
+hiteman,1421,0
+marstons,158,10
+leonardo,958,3
+tolstoy,227,6
+tolstoy,312,6
+pinesdale,969,0
+lakeville,1603,0
+tolstoy,1737,0
+shelbyville,145,0
+klickitat,1041,13
+mifflinburg,700,7
+lindenwood,687,1
+coffeen,828,0
+hanson,725,5
+mifflinburg,866,0
+klickitat,2333,5
+ranchester,1174,3
+ranchester,1604,7
+leonardo,1021,0
+hanson,496,2
+lindenwood,1928,8
+pomaria,340,2
+benevolence,743,2
+cosmos,467,1
+hanson,387,5
+tolstoy,960,0
+shelbyville,1461,4
+shelbyville,1153,4
+lakeville,54,9
+hiteman,97,0
+forkland,702,3
+stockman,222,2
+tolstoy,1402,8
+klickitat,2266,8
+pomaria,1531,4
+pomaria,1011,2
+lindenwood,104,7
+woodbine,1165,6
+wainscott,193,0
+leonardo,1528,18
+lindenwood,2369,8
+pomaria,753,4
+lindenwood,819,18
+pinesdale,618,4
+klickitat,630,3
+marstons,1646,6
+hanson,794,9
+lindenwood,15,2
+benevolence,126,1
+klickitat,1700,2
+pomaria,937,1
+ranchester,250,0
+forkland,1177,1
+pomaria,1095,0
+onaga,226,2
+ranchester,904,2
+hanson,1146,4
+klickitat,586,1
+klickitat,818,5
+stockman,308,4
+allensville,516,7
+lindenwood,764,0
+klickitat,1903,4
+klickitat,1346,6
+beechwood,26,3
+pomaria,831,1
+ranchester,1414,4
+ranchester,1159,1
+benevolence,366,6
+merom,609,5
+shelbyville,2594,14
+shelbyville,2657,1
+lakeville,1447,4
+onaga,137,0
+lindenwood,2166,6
+cosmos,809,2
+klickitat,732,5
+coffeen,453,1
+klickitat,2167,11
+wainscott,539,10
+hanson,184,8
+merom,529,0
+klickitat,2358,8
+klickitat,768,0
+onaga,430,2
+mifflinburg,219,4
+benevolence,178,0
+newfields,791,4
+marstons,2032,7
+klickitat,70,2
+ranchester,1008,7
+lindenwood,1325,6
+ranchester,509,5
+lindenwood,26,1
+newfields,268,1
+hanson,1548,0
+wainscott,696,3
+cosmos,57,1
+lindenwood,1661,2
+onaga,136,7
+stockman,629,2
+klickitat,1871,0
+woodbine,1511,7
+klickitat,571,1
+hiteman,1529,0
+hiteman,279,2
+lakeville,1623,10
+tolstoy,270,3
+mifflinburg,971,9
+marstons,987,3
+forkland,683,2
+lakeville,1493,9
+wainscott,1196,1
+beechwood,787,5
+pomaria,179,9
+newfields,426,9
+klickitat,1892,4
+shelbyville,2176,0
+benevolence,963,0
+tolstoy,687,7
+lindenwood,1771,5
+shelbyville,172,2
+shelbyville,2168,0
+lakeville,1505,19
+newfields,92,2
+marstons,197,1
+pomaria,1369,5
+hiteman,331,0
+hanson,1310,0
+newfields,1424,17
+newfields,1283,2
+coffeen,823,0
+forkland,309,1
+ranchester,46,5
+beechwood,932,0
+stockman,209,2
+marstons,1574,16
+coffeen,765,5
+hanson,242,4
+hanson,266,9
+shelbyville,1301,4
+wainscott,1517,4
+shelbyville,1308,1
+shelbyville,498,5
+tolstoy,863,4
+woodbine,1028,2
+stockman,124,0
+woodbine,1914,0
+woodbine,470,7
+stockman,507,0
+beechwood,1156,0
+merom,711,0
+cosmos,848,2
+tolstoy,1535,3
+mifflinburg,466,2
+onaga,604,5
+hanson,1318,8
+cosmos,1015,7
+tolstoy,1134,0
+benevolence,414,3
+coffeen,274,0
+shelbyville,156,0
+marstons,2431,14
+klickitat,341,1
+pomaria,1396,4
+lakeville,1890,3
+woodbine,250,8
+pomaria,8,0
+tolstoy,447,5
+newfields,622,6
+shelbyville,557,3
+shelbyville,1519,15
+lindenwood,1319,4
+tolstoy,789,5
+cosmos,611,0
+newfields,218,1
+shelbyville,2303,4
+woodbine,765,5
+newfields,945,7
+pomaria,1114,2
+leonardo,107,1
+pomaria,139,6
+leonardo,1928,7
+hanson,1277,0
+klickitat,675,4
+lindenwood,2285,0
+klickitat,1426,2
+ranchester,167,5
+mifflinburg,671,7
+lakeville,1755,3
+mifflinburg,930,3
+marstons,2383,2
+pomaria,1160,5
+merom,144,3
+marstons,1743,11
+shelbyville,655,0
+shelbyville,353,4
+woodbine,1692,15
+woodbine,1250,0
+tolstoy,329,1
+shelbyville,2561,4
+pomaria,1562,11
+pomaria,258,0
+coffeen,516,1
+merom,378,0
+pomaria,1311,3
+ranchester,558,3
+lindenwood,2670,11
+beechwood,1066,1
+mifflinburg,776,2
+woodbine,2016,9
+stockman,1552,0
+shelbyville,1751,13
+forkland,473,4
+hanson,672,3
+beechwood,570,2
+leonardo,913,2
+woodbine,167,1
+marstons,1261,10
+tolstoy,1371,0
+hiteman,1816,14
+pinesdale,1291,2
+allensville,20,2
+woodbine,685,0
+stockman,1064,3
+lakeville,166,3
+hiteman,597,2
+marstons,1062,18
+stockman,1209,0
+wainscott,509,3
+merom,738,1
+lindenwood,1717,1
+lakeville,1027,3
+onaga,506,7
+lakeville,1329,3
+forkland,932,3
+pinesdale,1112,1
+woodbine,1849,1
+hanson,1601,7
+tolstoy,1689,2
+hiteman,783,3
+lindenwood,1519,3
+hanson,674,2
+forkland,71,7
+hiteman,843,2
+lakeville,1405,16
+hanson,338,0
+newfields,1144,2
+klickitat,2281,5
+cosmos,175,1
+hanson,1587,0
+pinesdale,308,4
+lakeville,1762,3
+klickitat,326,0
+newfields,592,0
+woodbine,1470,3
+lakeville,1038,5
+marstons,2307,0
+forkland,200,0
+klickitat,1241,4
+newfields,1254,0
+hanson,1145,7
+klickitat,1689,3
+mifflinburg,479,4
+hanson,340,3
+marstons,326,7
+shelbyville,2082,0
+ranchester,908,1
+woodbine,1972,3
+woodbine,240,4
+pinesdale,1405,0
+leonardo,1058,12
+pomaria,1462,8
+leonardo,10,1
+benevolence,44,2
+hanson,949,3
+beechwood,1025,2
+pomaria,966,5
+lindenwood,1775,3
+lindenwood,1894,5
+beechwood,1125,0
+pinesdale,933,0
+hiteman,1353,1
+lindenwood,149,8
+merom,795,3
+wainscott,1712,2
+hiteman,1848,4
+marstons,2482,3
+wainscott,1659,1
+leonardo,1331,5
+lindenwood,485,8
+marstons,2134,2
+klickitat,820,1
+coffeen,181,1
+wainscott,1728,0
+mifflinburg,949,0
+hiteman,1081,1
+stockman,1570,4
+ranchester,157,15
+wainscott,297,1
+leonardo,1783,6
+klickitat,1425,3
+leonardo,376,1
+leonardo,1036,5
+wainscott,2,5
+benevolence,604,10
+pomaria,724,4
+wainscott,999,12
+klickitat,6,1
+coffeen,166,1
+pomaria,1510,2
+leonardo,1782,1
+lakeville,214,3
+coffeen,1372,0
+klickitat,856,5
+ranchester,827,0
+shelbyville,1585,4
+beechwood,92,0
+ranchester,1611,8
+hiteman,1491,6
+hanson,10,15
+marstons,453,8
+lindenwood,133,5
+stockman,769,2
+tolstoy,1701,10
+wainscott,1197,5
+pomaria,409,0
+woodbine,1328,4
+leonardo,1370,5
+forkland,944,3
+pomaria,668,4
+pinesdale,1514,7
+pinesdale,1509,4
+leonardo,602,3
+allensville,405,5
+pomaria,1152,1
+leonardo,1930,4
+marstons,352,7
+allensville,417,2
+hiteman,1355,3
+hiteman,380,7
+lakeville,1537,3
+leonardo,779,2
+ranchester,771,4
+hanson,123,7
+lakeville,1263,5
+klickitat,521,2
+merom,920,2
+woodbine,397,10
+klickitat,394,5
+coffeen,864,6
+shelbyville,246,0
+shelbyville,1624,1
+lindenwood,761,1
+hanson,164,5
+leonardo,706,10
+tolstoy,122,1
+shelbyville,139,5
+hanson,1401,2
+woodbine,1690,1
+pinesdale,82,5
+hiteman,1764,3
+lakeville,693,0
+cosmos,235,2
+beechwood,229,5
+leonardo,1805,1
+marstons,1709,4
+pomaria,1432,1
+shelbyville,1086,2
+stockman,1316,1
+klickitat,487,2
+stockman,820,4
+leonardo,1067,14
+lakeville,893,5
+leonardo,1781,5
+wainscott,815,1
+wainscott,133,2
+hanson,68,3
+beechwood,630,3
+hanson,675,3
+tolstoy,1456,1
+lakeville,1519,4
+woodbine,432,8
+lakeville,304,1
+klickitat,393,9
+forkland,65,0
+coffeen,217,4
+pinesdale,286,1
+marstons,988,0
+tolstoy,149,4
+newfields,85,5
+lindenwood,1174,1
+leonardo,698,2
+shelbyville,2513,0
+lakeville,1780,0
+newfields,294,3
+lindenwood,1443,5
+shelbyville,2562,10
+beechwood,122,1
+marstons,1795,1
+beechwood,585,2
+ranchester,1345,1
+stockman,1190,1
+forkland,599,0
+lindenwood,427,3
+shelbyville,1523,10
+woodbine,192,9
+hanson,1316,3
+pomaria,1619,8
+shelbyville,2307,11
+lindenwood,2090,10
+woodbine,459,4
+klickitat,2107,10
+woodbine,1334,3
+stockman,1565,2
+shelbyville,2405,5
+coffeen,1086,2
+lindenwood,1992,2
+tolstoy,588,2
+klickitat,372,3
+lindenwood,1735,2
+stockman,190,1
+pinesdale,411,3
+stockman,188,1
+ranchester,294,6
+klickitat,488,21
+marstons,1892,1
+wainscott,9,3
+tolstoy,1711,5
+newfields,816,6
+ranchester,1355,6
+marstons,471,5
+tolstoy,20,17
+lindenwood,2675,10
+mifflinburg,250,4
+tolstoy,32,5
+pomaria,134,14
+wainscott,1385,0
+mifflinburg,205,4
+cosmos,162,10
+klickitat,79,3
+lakeville,1804,4
+stockman,398,6
+marstons,714,2
+woodbine,417,14
+stockman,237,0
+allensville,106,2
+beechwood,89,0
+tolstoy,1411,7
+lakeville,1124,1
+shelbyville,1694,6
+hiteman,1308,4
+pinesdale,1393,0
+lindenwood,1238,7
+coffeen,1476,0
+woodbine,423,7
+merom,651,1
+pinesdale,758,5
+shelbyville,2564,7
+stockman,892,1
+lakeville,1856,2
+marstons,907,3
+pomaria,1494,9
+coffeen,1499,6
+ranchester,914,1
+lakeville,1070,3
+coffeen,1129,4
+tolstoy,1435,1
+woodbine,1305,2
+lindenwood,1201,1
+klickitat,122,5
+mifflinburg,569,2
+pinesdale,1002,1
+coffeen,579,1
+leonardo,1965,5
+shelbyville,1874,0
+allensville,127,0
+forkland,653,0
+shelbyville,1314,4
+lindenwood,1153,0
+pinesdale,1486,0
+beechwood,927,2
+newfields,1476,12
+klickitat,1612,10
+merom,991,2
+beechwood,138,2
+hiteman,1185,1
+hiteman,1667,3
+lakeville,4,6
+hanson,43,9
+leonardo,1961,2
+stockman,501,1
+hiteman,331,5
+wainscott,1201,6
+mifflinburg,188,1
+onaga,499,3
+coffeen,176,1
+marstons,765,2
+tolstoy,868,6
+woodbine,2033,2
+hanson,381,3
+marstons,1002,1
+lindenwood,1594,3
+stockman,1043,3
+hiteman,548,2
+woodbine,1030,3
+wainscott,1575,8
+woodbine,1720,2
+hanson,436,13
+pomaria,1438,2
+beechwood,88,0
+newfields,444,7
+tolstoy,1478,4
+leonardo,27,2
+wainscott,1162,1
+klickitat,2392,1
+klickitat,1741,12
+marstons,2450,0
+hanson,1552,3
+shelbyville,539,3
+leonardo,636,2
+beechwood,646,4
+coffeen,457,5
+wainscott,983,1
+pomaria,1047,3
+klickitat,1904,10
+hanson,45,0
+shelbyville,1434,3
+hanson,649,8
+hanson,776,6
+shelbyville,2413,0
+benevolence,240,3
+woodbine,1841,9
+merom,194,4
+lakeville,1140,8
+stockman,896,0
+shelbyville,2282,2
+leonardo,288,2
+lindenwood,78,5
+newfields,311,0
+hiteman,1380,12
+wainscott,672,1
+wainscott,1133,2
+stockman,809,3
+hiteman,1299,2
+pinesdale,877,0
+wainscott,103,2
+beechwood,29,8
+tolstoy,31,5
+pinesdale,711,10
+wainscott,470,10
+lindenwood,2101,0
+forkland,1103,5
+woodbine,480,6
+stockman,884,3
+newfields,501,0
+shelbyville,2426,2
+marstons,1492,4
+coffeen,665,3
+newfields,456,0
+klickitat,1794,0
+lindenwood,2519,3
+hiteman,932,3
+shelbyville,2592,2
+lakeville,45,0
+hanson,966,2
+coffeen,831,0
+hanson,1644,2
+leonardo,944,2
+pomaria,1249,3
+pomaria,133,5
+hiteman,1193,0
+pinesdale,1129,6
+allensville,447,2
+shelbyville,75,0
+cosmos,763,0
+lakeville,600,3
+pomaria,145,4
+leonardo,894,2
+onaga,274,1
+klickitat,217,7
+shelbyville,196,8
+woodbine,693,0
+lindenwood,2619,4
+wainscott,1329,8
+forkland,528,4
+lindenwood,2356,2
+klickitat,520,1
+forkland,126,1
+tolstoy,131,3
+klickitat,319,6
+woodbine,942,1
+shelbyville,261,1
+mifflinburg,311,1
+hanson,1519,1
+leonardo,1427,1
+ranchester,197,2
+shelbyville,1350,2
+tolstoy,1331,2
+klickitat,697,0
+lakeville,26,3
+lindenwood,2137,4
+hiteman,1434,0
+benevolence,551,3
+ranchester,1533,0
+lindenwood,23,1
+lakeville,192,6
+marstons,1849,1
+beechwood,417,1
+marstons,667,2
+pinesdale,951,2
+cosmos,628,6
+pinesdale,1259,0
+woodbine,2024,5
+forkland,772,12
+mifflinburg,936,1
+marstons,1682,5
+marstons,217,0
+lindenwood,1055,4
+stockman,1177,2
+wainscott,149,10
+woodbine,2038,2
+wainscott,1030,6
+ranchester,1039,6
+stockman,164,0
+hiteman,579,0
+marstons,384,3
+lindenwood,184,0
+marstons,2502,4
+wainscott,240,8
+hiteman,1109,4
+benevolence,640,4
+beechwood,694,0
+leonardo,1863,9
+lindenwood,1496,12
+pinesdale,636,7
+pinesdale,162,8
+tolstoy,985,10
+newfields,1570,5
+newfields,362,5
+wainscott,68,0
+klickitat,73,1
+hiteman,1024,6
+hiteman,509,2
+mifflinburg,961,5
+stockman,510,2
+allensville,277,1
+klickitat,2167,6
+pinesdale,285,0
+cosmos,301,3
+merom,969,0
+ranchester,347,7
+coffeen,248,3
+forkland,485,1
+lindenwood,2403,4
+marstons,2045,0
+forkland,822,4
+lakeville,534,8
+lindenwood,959,0
+lakeville,1693,2
+woodbine,1051,2
+pinesdale,596,6
+lindenwood,60,6
+tolstoy,418,9
+benevolence,268,0
+allensville,279,5
+leonardo,1295,1
+lindenwood,2400,1
+lakeville,1023,2
+marstons,556,0
+klickitat,1555,4
+pinesdale,101,1
+coffeen,41,6
+tolstoy,304,13
+shelbyville,731,2
+ranchester,569,1
+stockman,1510,7
+newfields,202,6
+allensville,219,4
+marstons,49,5
+hiteman,698,0
+beechwood,675,6
+tolstoy,1632,4
+leonardo,1186,2
+beechwood,1154,1
+marstons,1332,3
+newfields,824,6
+wainscott,817,6
+ranchester,1351,6
+wainscott,1521,2
+beechwood,74,1
+tolstoy,808,6
+stockman,1474,18
+coffeen,1200,1
+klickitat,1025,3
+lakeville,1552,7
+marstons,1506,3
+forkland,1021,4
+woodbine,1649,1
+forkland,650,2
+beechwood,79,6
+merom,876,10
+onaga,207,0
+klickitat,387,2
+tolstoy,1132,12
+mifflinburg,84,4
+hanson,256,1
+pinesdale,1188,5
+tolstoy,431,2
+woodbine,273,0
+lindenwood,2301,0
+coffeen,497,3
+ranchester,77,3
+cosmos,127,7
+onaga,543,4
+mifflinburg,729,3
+newfields,1597,12
+coffeen,935,1
+newfields,34,3
+hiteman,925,3
+pomaria,13,0
+beechwood,158,3
+lindenwood,1991,7
+hanson,1292,1
+cosmos,335,0
+pinesdale,913,8
+shelbyville,2416,11
+hanson,94,6
+beechwood,197,4
+onaga,144,1
+pomaria,862,1
+forkland,283,3
+cosmos,379,3
+leonardo,245,4
+shelbyville,138,3
+lakeville,943,0
+ranchester,194,3
+lakeville,1146,3
+shelbyville,105,1
+tolstoy,22,1
+leonardo,193,2
+coffeen,1044,2
+lakeville,1492,1
+lakeville,971,4
+pinesdale,1075,0
+leonardo,2057,2
+cosmos,479,3
+marstons,696,3
+marstons,875,0
+woodbine,1137,1
+marstons,2173,0
+wainscott,1421,3
+onaga,260,3
+shelbyville,2775,10
+leonardo,1303,6
+klickitat,2100,0
+woodbine,664,4
+pomaria,108,2
+cosmos,912,3
+merom,397,2
+stockman,1140,5
+marstons,1746,5
+shelbyville,1401,0
+forkland,794,1
+lindenwood,1425,13
+pomaria,1035,1
+stockman,1349,1
+hanson,128,5
+merom,757,3
+wainscott,202,9
+tolstoy,1478,3
+beechwood,160,1
+hanson,415,9
+ranchester,821,4
+tolstoy,1165,1
+pomaria,341,4
+stockman,1292,3
+pomaria,1238,4
+leonardo,2035,14
+forkland,440,4
+coffeen,241,0
+newfields,1104,0
+hanson,43,13
+wainscott,1623,4
+hanson,1158,8
+wainscott,581,0
+tolstoy,1473,10
+marstons,1113,6
+pinesdale,187,4
+cosmos,509,1
+tolstoy,522,3
+leonardo,568,5
+forkland,1138,9
+newfields,651,1
+lindenwood,1330,2
+wainscott,1679,9
+leonardo,725,0
+shelbyville,435,8
+marstons,177,0
+pomaria,529,1
+shelbyville,1461,5
+hiteman,1133,2
+woodbine,1594,1
+wainscott,923,1
+wainscott,244,1
+stockman,498,0
+beechwood,89,2
+hiteman,56,3
+pomaria,1339,5
+beechwood,39,5
+tolstoy,1159,2
+cosmos,166,1
+allensville,331,1
+pinesdale,423,6
+hanson,1310,2
+tolstoy,319,0
+pomaria,831,4
+benevolence,477,4
+wainscott,696,0
+beechwood,19,2
+coffeen,912,2
+marstons,431,7
+beechwood,317,2
+hanson,1358,12
+tolstoy,1119,3
+shelbyville,2301,1
+hiteman,1243,1
+pinesdale,998,2
+shelbyville,25,4
+newfields,835,1
+merom,129,4
+pomaria,1436,7
+stockman,904,3
+shelbyville,2277,1
+lindenwood,2468,6
+newfields,1304,5
+beechwood,1138,0
+shelbyville,427,4
+klickitat,651,5
+klickitat,880,1
+lakeville,1228,1
+mifflinburg,78,3
+shelbyville,2289,2
+lakeville,970,1
+wainscott,34,13
+beechwood,775,9
+stockman,268,3
+wainscott,1636,1
+hiteman,886,6
+wainscott,418,9
+tolstoy,1633,1
+stockman,213,1
+marstons,175,8
+coffeen,115,2
+tolstoy,812,2
+woodbine,1793,3
+klickitat,141,4
+lakeville,560,1
+tolstoy,638,4
+hanson,1346,0
+klickitat,606,5
+pomaria,1482,6
+beechwood,640,2
+lakeville,1144,5
+newfields,385,6
+hanson,648,2
+beechwood,142,4
+lindenwood,2181,8
+lindenwood,552,0
+tolstoy,1561,1
+leonardo,577,0
+newfields,53,2
+benevolence,354,3
+marstons,1520,2
+lakeville,515,9
+tolstoy,1625,1
+cosmos,799,5
+marstons,2554,1
+lindenwood,1355,2
+woodbine,1794,11
+shelbyville,171,4
+pinesdale,328,1
+lakeville,417,10
+pomaria,1311,0
+lakeville,444,11
+beechwood,665,0
+ranchester,1637,1
+hanson,392,0
+beechwood,457,0
+hiteman,1025,4
+merom,1018,8
+klickitat,1788,2
+tolstoy,1615,2
+hanson,1417,3
+tolstoy,782,0
+wainscott,1612,3
+leonardo,1686,3
+wainscott,650,1
+lindenwood,2661,6
+ranchester,226,2
+klickitat,1462,3
+shelbyville,108,1
+wainscott,299,4
+hiteman,130,3
+lakeville,1794,1
+onaga,293,5
+leonardo,1492,3
+mifflinburg,675,0
+leonardo,1779,4
+leonardo,153,3
+klickitat,1923,10
+merom,532,2
+pinesdale,1029,11
+stockman,1600,0
+hiteman,174,4
+forkland,808,7
+leonardo,1205,8
+pinesdale,476,1
+shelbyville,2633,5
+pomaria,27,5
+lakeville,1250,9
+hanson,124,1
+lakeville,1262,0
+woodbine,1788,1
+hanson,1242,1
+forkland,827,0
+forkland,814,2
+ranchester,1596,8
+hiteman,50,3
+pomaria,329,0
+lakeville,907,2
+hiteman,103,1
+ranchester,1426,5
+wainscott,1171,12
+pomaria,591,0
+wainscott,1392,0
+marstons,896,6
+cosmos,68,12
+tolstoy,1733,5
+woodbine,31,2
+leonardo,528,5
+hanson,63,5
+lakeville,1300,10
+leonardo,598,7
+klickitat,1832,9
+wainscott,705,4
+lindenwood,1088,1
+beechwood,810,1
+marstons,2425,1
+marstons,2551,2
+forkland,844,8
+klickitat,1397,0
+forkland,718,6
+allensville,320,3
+klickitat,1117,1
+lindenwood,1623,6
+tolstoy,873,4
+marstons,1545,14
+hiteman,1024,2
+hanson,277,2
+forkland,72,1
+cosmos,370,2
+stockman,813,5
+lakeville,1613,16
+klickitat,1925,7
+marstons,2189,3
+hiteman,948,6
+klickitat,352,2
+hanson,1479,5
+newfields,388,10
+forkland,589,0
+lakeville,98,7
+marstons,1834,3
+pomaria,126,1
+woodbine,741,2
+lindenwood,1435,10
+coffeen,1153,2
+cosmos,202,3
+pinesdale,386,1
+klickitat,735,13
+marstons,2360,2
+forkland,1091,6
+lakeville,568,7
+shelbyville,1284,8
+klickitat,6,0
+wainscott,1600,0
+wainscott,79,10
+klickitat,478,1
+pinesdale,618,2
+lakeville,1877,6
+shelbyville,653,3
+hiteman,1169,0
+marstons,2502,5
+hiteman,1840,1
+lakeville,1399,3
+pomaria,1258,10
+pomaria,909,5
+stockman,86,0
+hiteman,503,4
+shelbyville,1772,8
+shelbyville,219,4
+newfields,1399,10
+beechwood,834,5
+shelbyville,1924,5
+hiteman,1633,0
+lindenwood,2208,7
+pomaria,471,1
+newfields,381,1
+lakeville,1401,1
+hiteman,1509,8
+onaga,238,2
+cosmos,8,1
+coffeen,1371,4
+stockman,1397,2
+pinesdale,301,5
+benevolence,127,3
+marstons,186,5
+leonardo,1017,3
+marstons,2106,5
+merom,769,2
+coffeen,809,1
+pomaria,1532,4
+ranchester,421,6
+hanson,236,2
+klickitat,289,0
+stockman,1173,0
+marstons,1693,1
+lindenwood,875,2
+woodbine,1313,10
+cosmos,884,1
+hiteman,993,0
+klickitat,1722,4
+ranchester,466,1
+forkland,971,0
+shelbyville,2393,5
+marstons,726,2
+newfields,28,2
+tolstoy,51,5
+stockman,116,7
+lindenwood,1199,9
+newfields,1424,15
+lindenwood,1601,4
+benevolence,496,0
+ranchester,1292,4
+ranchester,837,2
+pomaria,201,0
+cosmos,40,3
+leonardo,49,2
+beechwood,693,1
+marstons,2069,18
+woodbine,822,4
+leonardo,635,3
+pomaria,557,2
+marstons,1967,2
+hanson,1365,0
+merom,926,1
+leonardo,653,8
+tolstoy,531,1
+woodbine,1667,2
+shelbyville,2241,4
+merom,1056,0
+lakeville,746,16
+leonardo,1454,7
+leonardo,890,6
+pomaria,1266,0
+shelbyville,18,4
+lakeville,347,5
+shelbyville,1673,0
+klickitat,2286,13
+klickitat,1864,3
+ranchester,837,15
+shelbyville,711,8
+forkland,726,1
+wainscott,511,1
+wainscott,1348,2
+wainscott,535,3
+klickitat,68,4
+lindenwood,2625,6
+hanson,747,0
+leonardo,753,6
+lindenwood,1418,5
+benevolence,713,9
+ranchester,219,2
+woodbine,258,1
+hiteman,1369,0
+ranchester,1218,9
+cosmos,15,0
+shelbyville,1287,2
+woodbine,269,5
+woodbine,648,3
+coffeen,329,0
+hiteman,1713,2
+newfields,1604,1
+allensville,442,3
+pinesdale,680,9
+pinesdale,923,1
+leonardo,81,0
+hiteman,1339,5
+newfields,831,2
+mifflinburg,440,0
+woodbine,986,13
+ranchester,1358,0
+lakeville,1544,2
+stockman,1040,6
+lindenwood,907,13
+pinesdale,418,8
+ranchester,356,10
+pomaria,1046,4
+newfields,1573,5
+woodbine,941,2
+beechwood,1104,4
+ranchester,496,1
+lakeville,1214,7
+shelbyville,2472,3
+leonardo,1205,0
+mifflinburg,689,2
+klickitat,1043,10
+leonardo,1454,2
+lakeville,1140,3
+hanson,78,7
+klickitat,1257,1
+klickitat,165,3
+lakeville,31,3
+allensville,231,5
+pomaria,411,9
+lakeville,1104,11
+tolstoy,598,2
+pinesdale,771,0
+marstons,1243,5
+woodbine,1001,3
+ranchester,970,2
+tolstoy,1319,2
+klickitat,713,6
+wainscott,77,6
+klickitat,2166,2
+lakeville,1238,2
+hanson,316,2
+ranchester,899,5
+allensville,511,7
+marstons,201,4
+shelbyville,294,4
+shelbyville,627,6
+tolstoy,141,1
+marstons,1922,1
+lakeville,172,3
+leonardo,1670,0
+marstons,2290,8
+shelbyville,1016,9
+lindenwood,956,2
+pinesdale,1498,2
+pomaria,884,5
+woodbine,1680,11
+forkland,601,1
+allensville,19,1
+ranchester,1034,3
+woodbine,382,4
+tolstoy,784,0
+coffeen,431,1
+tolstoy,401,0
+woodbine,1081,3
+newfields,100,4
+shelbyville,2521,1
+lindenwood,2051,3
+shelbyville,2588,0
+leonardo,1716,14
+leonardo,2095,5
+klickitat,298,4
+shelbyville,1879,0
+newfields,300,8
+woodbine,739,10
+wainscott,1244,0
+hanson,1592,14
+marstons,480,6
+hanson,1305,10
+pomaria,903,4
+hanson,1478,1
+lindenwood,2461,6
+shelbyville,1221,4
+benevolence,840,4
+lindenwood,533,7
+leonardo,293,10
+shelbyville,1654,11
+shelbyville,1165,11
+stockman,778,2
+coffeen,1176,5
+shelbyville,1774,3
+marstons,651,4
+hiteman,754,0
+tolstoy,1557,10
+hanson,1431,0
+lindenwood,2319,6
+hiteman,151,4
+cosmos,71,5
+pinesdale,1062,2
+ranchester,865,13
+allensville,47,9
+shelbyville,1914,6
+marstons,829,1
+klickitat,163,5
+wainscott,1030,2
+newfields,1011,0
+leonardo,1626,5
+lindenwood,1030,1
+newfields,1531,3
+coffeen,779,4
+leonardo,1621,0
+pinesdale,688,10
+hiteman,98,4
+forkland,425,0
+pomaria,1249,1
+newfields,1385,0
+wainscott,1263,7
+pinesdale,460,5
+wainscott,954,0
+hiteman,1692,2
+newfields,217,10
+pinesdale,1416,1
+hanson,1625,3
+lindenwood,1793,2
+klickitat,2350,5
+woodbine,1986,2
+woodbine,796,3
+pomaria,1459,7
+onaga,679,7
+marstons,227,0
+marstons,847,8
+leonardo,552,3
+shelbyville,2653,7
+allensville,181,7
+lindenwood,688,4
+lindenwood,2393,5
+ranchester,1095,1
+shelbyville,2688,14
+woodbine,52,4
+beechwood,876,6
+leonardo,779,7
+lindenwood,336,2
+forkland,139,4
+marstons,1827,12
+shelbyville,198,4
+benevolence,808,8
+woodbine,1674,3
+lindenwood,1767,6
+klickitat,37,10
+leonardo,503,6
+lindenwood,2370,4
+woodbine,1714,4
+marstons,1256,1
+lindenwood,102,0
+woodbine,1915,5
+merom,298,2
+pinesdale,205,1
+shelbyville,1754,10
+ranchester,1256,2
+pinesdale,1470,9
+wainscott,830,13
+shelbyville,2799,9
+shelbyville,947,8
+lindenwood,165,2
+coffeen,1011,0
+hanson,548,10
+marstons,2476,3
+klickitat,78,1
+tolstoy,1264,5
+coffeen,283,2
+lakeville,698,5
+lindenwood,1183,11
+pinesdale,350,2
+pomaria,1257,4
+klickitat,2414,6
+leonardo,1503,9
+lindenwood,1764,3
+wainscott,1490,11
+hiteman,780,4
+stockman,1226,3
+shelbyville,1362,0
+leonardo,1742,1
+cosmos,879,0
+tolstoy,769,1
+pinesdale,1121,2
+wainscott,849,1
+tolstoy,1673,2
+shelbyville,50,2
+stockman,56,5
+pomaria,1432,10
+woodbine,96,2
+lindenwood,2384,1
+pinesdale,448,0
+shelbyville,1249,11
+leonardo,759,2
+tolstoy,1776,10
+hiteman,1031,3
+marstons,1690,2
+marstons,1047,11
+leonardo,1156,7
+lakeville,417,0
+coffeen,589,11
+woodbine,519,8
+shelbyville,2358,8
+lindenwood,2018,0
+mifflinburg,212,3
+tolstoy,1018,3
+marstons,226,0
+leonardo,1210,6
+wainscott,1128,11
+pomaria,123,3
+cosmos,805,12
+forkland,1088,2
+newfields,1099,2
+shelbyville,40,7
+klickitat,1757,11
+lindenwood,702,11
+marstons,994,3
+wainscott,1127,4
+coffeen,440,5
+pomaria,939,7
+hanson,684,0
+klickitat,877,1
+shelbyville,229,2
+marstons,2625,1
+shelbyville,866,0
+marstons,1935,1
+lindenwood,447,8
+tolstoy,1526,10
+pomaria,263,0
+marstons,86,3
+benevolence,163,8
+hiteman,433,1
+ranchester,1137,0
+newfields,979,5
+shelbyville,645,0
+shelbyville,98,9
+wainscott,1737,0
+tolstoy,412,0
+leonardo,623,5
+ranchester,1532,6
+allensville,106,3
+newfields,592,1
+coffeen,1150,12
+beechwood,383,1
+wainscott,1168,5
+wainscott,1584,2
+benevolence,0,0
+wainscott,1300,7
+woodbine,88,2
+marstons,517,10
+woodbine,275,7
+ranchester,429,13
+leonardo,2036,0
+klickitat,1695,8
+hanson,576,3
+allensville,112,0
+cosmos,304,6
+stockman,833,2
+coffeen,804,4
+stockman,806,0
+coffeen,478,4
+hiteman,1304,1
+leonardo,1667,4
+shelbyville,2535,5
+hanson,974,0
+lakeville,1657,4
+shelbyville,833,5
+lakeville,1769,7
+mifflinburg,965,2
+hanson,202,8
+woodbine,1503,4
+shelbyville,2258,4
+woodbine,1551,0
+shelbyville,2790,4
+leonardo,375,7
+newfields,26,0
+tolstoy,634,4
+ranchester,1501,7
+pinesdale,846,2
+shelbyville,1008,1
+pinesdale,1045,10
+marstons,514,5
+tolstoy,310,5
+hiteman,966,18
+lindenwood,1234,1
+stockman,955,1
+ranchester,420,7
+beechwood,1168,3
+klickitat,1838,1
+hiteman,849,1
+lakeville,1633,4
+woodbine,1616,3
+lindenwood,1960,0
+coffeen,646,1
+wainscott,47,5
+klickitat,509,0
+pinesdale,971,1
+klickitat,2379,16
+hanson,1202,0
+marstons,1616,6
+newfields,1157,4
+stockman,865,0
+shelbyville,404,10
+stockman,1479,9
+shelbyville,21,1
+shelbyville,2442,1
+woodbine,1376,5
+mifflinburg,289,2
+klickitat,772,3
+marstons,419,1
+woodbine,1593,2
+wainscott,857,3
+lakeville,1791,3
+lakeville,1513,13
+beechwood,1158,8
+hiteman,1346,12
+hanson,1471,9
+klickitat,2354,3
+ranchester,206,4
+hanson,1426,5
+pomaria,1181,5
+coffeen,630,1
+marstons,1390,11
+lakeville,1496,11
+hiteman,99,7
+woodbine,341,5
+ranchester,916,6
+woodbine,443,3
+cosmos,1039,0
+lindenwood,150,1
+shelbyville,2174,5
+lindenwood,1076,4
+woodbine,1662,3
+tolstoy,1578,4
+benevolence,424,2
+forkland,894,3
+lindenwood,602,2
+tolstoy,667,5
+tolstoy,807,0
+marstons,1141,8
+cosmos,880,13
+shelbyville,1773,9
+merom,1034,3
+hanson,733,1
+newfields,1266,0
+lindenwood,2455,11
+newfields,454,10
+marstons,1190,3
+pinesdale,481,0
+marstons,139,0
+allensville,377,0
+hiteman,201,3
+lakeville,109,3
+shelbyville,1314,11
+tolstoy,1144,3
+woodbine,1728,3
+hanson,576,10
+pinesdale,317,7
+pomaria,514,3
+hanson,897,8
+lakeville,794,11
+leonardo,2055,1
+woodbine,1976,6
+merom,715,3
+shelbyville,2357,2
+stockman,350,0
+newfields,589,2
+marstons,1170,3
+klickitat,851,2
+marstons,568,2
+marstons,495,9
+klickitat,2250,11
+marstons,1938,7
+klickitat,1094,2
+wainscott,949,2
+klickitat,1731,6
+ranchester,1413,6
+leonardo,882,14
+shelbyville,1496,1
+marstons,1918,6
+cosmos,538,4
+wainscott,1521,8
+hiteman,1477,2
+woodbine,1550,2
+merom,998,1
+cosmos,888,1
+shelbyville,2537,1
+pinesdale,416,5
+coffeen,830,6
+ranchester,1576,2
+hanson,329,4
+lakeville,1713,0
+cosmos,588,4
+woodbine,359,7
+forkland,148,0
+lindenwood,1559,2
+shelbyville,1603,14
+woodbine,1408,9
+shelbyville,1649,1
+ranchester,478,2
+lakeville,790,1
+benevolence,511,3
+marstons,1212,3
+pomaria,54,11
+tolstoy,64,3
+cosmos,293,5
+merom,919,2
+marstons,1408,1
+marstons,1814,5
+mifflinburg,511,1
+hanson,1237,4
+klickitat,1365,8
+shelbyville,2512,3
+mifflinburg,650,5
+wainscott,50,3
+woodbine,150,0
+shelbyville,1956,3
+shelbyville,881,1
+hanson,309,1
+hiteman,131,0
+marstons,1135,3
+woodbine,868,5
+wainscott,972,8
+tolstoy,812,1
+marstons,1869,7
+tolstoy,485,2
+ranchester,482,5
+ranchester,792,17
+klickitat,1145,1
+wainscott,779,13
+ranchester,1054,0
+newfields,1111,7
+forkland,435,6
+hanson,1259,3
+leonardo,1380,12
+hanson,2,1
+pinesdale,1424,0
+lindenwood,892,5
+ranchester,1,5
+ranchester,1183,2
+woodbine,119,3
+marstons,1437,1
+leonardo,1358,16
+pomaria,1291,3
+lakeville,714,6
+woodbine,898,5
+lindenwood,907,9
+pinesdale,862,8
+shelbyville,859,18
+beechwood,807,14
+stockman,8,5
+marstons,318,3
+pinesdale,720,8
+klickitat,88,9
+shelbyville,1825,2
+shelbyville,1552,2
+klickitat,978,2
+onaga,570,3
+klickitat,1232,4
+wainscott,619,7
+marstons,1430,15
+stockman,1380,6
+allensville,321,9
+leonardo,932,2
+coffeen,1128,4
+leonardo,479,1
+hiteman,1450,4
+hiteman,1336,14
+wainscott,1306,5
+cosmos,881,3
+newfields,1123,1
+pomaria,1560,9
+lakeville,887,0
+klickitat,455,6
+klickitat,2042,1
+marstons,883,2
+pomaria,896,2
+hanson,299,2
+leonardo,1664,9
+pomaria,1106,8
+klickitat,1094,5
+newfields,526,2
+pinesdale,1148,4
+ranchester,392,2
+woodbine,105,0
+pomaria,247,2
+cosmos,1041,2
+newfields,423,12
+hiteman,871,10
+shelbyville,159,2
+hanson,1495,7
+klickitat,651,2
+benevolence,716,8
+wainscott,707,3
+woodbine,239,1
+lindenwood,1166,3
+pomaria,847,4
+leonardo,738,2
+stockman,1353,0
+ranchester,303,6
+newfields,603,1
+woodbine,1987,3
+lindenwood,246,1
+klickitat,807,3
+shelbyville,2792,1
+forkland,694,4
+marstons,1892,0
+pomaria,371,0
+marstons,2133,4
+onaga,431,11
+allensville,312,8
+newfields,451,12
+woodbine,736,3
+hanson,1256,5
+lakeville,1096,4
+wainscott,959,0
+woodbine,1504,14
+shelbyville,1486,2
+wainscott,842,5
+wainscott,758,9
+stockman,205,6
+tolstoy,1126,2
+leonardo,377,8
+newfields,1228,6
+stockman,339,7
+lindenwood,432,8
+marstons,2641,5
+cosmos,40,0
+cosmos,669,4
+wainscott,370,4
+benevolence,485,3
+tolstoy,1153,2
+shelbyville,2154,5
+klickitat,1258,12
+marstons,2332,4
+allensville,171,2
+klickitat,289,1
+leonardo,159,0
+leonardo,501,0
+klickitat,1524,1
+wainscott,658,8
+woodbine,23,7
+wainscott,901,8
+shelbyville,17,5
+pomaria,696,0
+klickitat,1745,14
+forkland,40,1
+wainscott,351,9
+shelbyville,1327,7
+stockman,989,5
+woodbine,903,1
+shelbyville,2517,1
+leonardo,2110,2
+leonardo,257,11
+merom,128,2
+pomaria,1160,3
+coffeen,913,2
+newfields,1087,9
+hanson,1158,3
+marstons,1258,0
+leonardo,1407,0
+woodbine,1280,0
+beechwood,631,9
+wainscott,92,2
+mifflinburg,153,5
+onaga,471,0
+hiteman,1173,8
+shelbyville,2174,18
+leonardo,720,0
+wainscott,421,5
+wainscott,1289,0
+wainscott,839,3
+shelbyville,2691,3
+forkland,450,3
+beechwood,536,7
+wainscott,1606,2
+merom,831,1
+ranchester,1098,1
+lakeville,511,4
+pomaria,869,2
+merom,280,6
+marstons,1947,1
+forkland,406,2
+lakeville,425,3
+lindenwood,1352,3
+klickitat,1703,0
+lakeville,27,6
+mifflinburg,671,1
+pomaria,12,8
+newfields,873,1
+leonardo,1680,1
+leonardo,766,15
+allensville,439,4
+ranchester,896,2
+woodbine,93,1
+lindenwood,1583,4
+marstons,1303,2
+pomaria,59,3
+shelbyville,2145,3
+stockman,1010,5
+lindenwood,416,5
+lakeville,1671,2
+mifflinburg,731,2
+lindenwood,2064,7
+hiteman,312,0
+pinesdale,1068,9
+coffeen,1489,0
+mifflinburg,30,4
+lakeville,1099,9
+klickitat,739,3
+pomaria,627,11
+benevolence,312,1
+ranchester,269,8
+wainscott,1649,8
+beechwood,502,0
+pinesdale,69,6
+pomaria,965,1
+marstons,1767,7
+shelbyville,261,4
+tolstoy,518,7
+marstons,2466,2
+newfields,613,13
+marstons,628,0
+hanson,1061,1
+mifflinburg,432,3
+ranchester,1347,15
+klickitat,2305,6
+wainscott,1251,6
+hiteman,1612,0
+wainscott,1632,5
+ranchester,188,11
+pomaria,1603,1
+shelbyville,2263,1
+marstons,2483,2
+marstons,937,0
+ranchester,921,6
+shelbyville,699,0
+leonardo,1674,6
+newfields,670,1
+lindenwood,746,6
+allensville,252,4
+stockman,1049,0
+lindenwood,95,0
+pinesdale,268,2
+pomaria,1634,10
+lakeville,1836,5
+wainscott,936,2
+hiteman,1332,3
+stockman,534,2
+leonardo,2068,4
+hiteman,64,4
+shelbyville,1934,6
+hanson,1601,9
+wainscott,1047,0
+tolstoy,1822,9
+merom,851,5
+klickitat,2382,1
+pinesdale,1215,3
+tolstoy,202,3
+hanson,1114,3
+merom,454,3
+pinesdale,1072,0
+hiteman,1795,2
+klickitat,860,8
+forkland,506,1
+klickitat,1088,12
+tolstoy,483,8
+klickitat,1140,4
+cosmos,368,0
+hiteman,1495,5
+lindenwood,527,7
+stockman,320,6
+woodbine,1359,1
+marstons,2165,2
+lindenwood,1555,3
+shelbyville,2496,7
+beechwood,419,6
+cosmos,931,1
+shelbyville,304,4
+stockman,1467,2
+woodbine,1218,14
+benevolence,432,5
+pinesdale,189,4
+forkland,147,0
+lindenwood,1512,6
+marstons,2366,7
+lakeville,1885,0
+wainscott,1785,0
+lakeville,933,4
+shelbyville,1628,6
+lindenwood,378,4
+shelbyville,2433,1
+forkland,18,2
+shelbyville,498,18
+newfields,1199,0
+newfields,1095,2
+benevolence,152,0
+cosmos,293,9
+marstons,1220,17
+coffeen,34,3
+pomaria,915,2
+shelbyville,2810,1
+mifflinburg,868,7
+klickitat,171,14
+forkland,1002,2
+newfields,1619,1
+pinesdale,926,0
+shelbyville,1125,1
+marstons,1800,1
+hanson,56,10
+pomaria,114,1
+marstons,2168,5
+hanson,29,3
+klickitat,1623,7
+leonardo,638,2
+tolstoy,1549,9
+stockman,1296,13
+shelbyville,1221,13
+tolstoy,566,8
+stockman,471,0
+klickitat,1424,0
+lakeville,1029,12
+shelbyville,2710,10
+pomaria,373,8
+wainscott,1077,2
+coffeen,1499,5
+pinesdale,1489,7
+coffeen,552,0
+benevolence,190,0
+lakeville,1684,4
+hanson,246,11
+marstons,57,2
+ranchester,410,2
+shelbyville,2416,6
+lakeville,47,1
+wainscott,279,5
+forkland,1071,0
+marstons,738,7
+lindenwood,1282,2
+leonardo,404,9
+pomaria,851,12
+tolstoy,924,3
+shelbyville,1434,0
+lakeville,1136,5
+klickitat,90,8
+shelbyville,1803,0
+marstons,1982,5
+tolstoy,790,2
+wainscott,849,0
+ranchester,986,0
+lindenwood,906,12
+lindenwood,1475,0
+stockman,36,3
+klickitat,212,2
+ranchester,1233,3
+newfields,1436,0
+woodbine,95,6
+marstons,1898,2
+lindenwood,1133,1
+stockman,960,5
+newfields,280,0
+beechwood,173,0
+woodbine,203,5
+wainscott,1356,0
+stockman,1177,1
+marstons,480,8
+shelbyville,780,11
+merom,1115,3
+pomaria,28,9
+tolstoy,51,8
+pomaria,1040,1
+lindenwood,568,2
+klickitat,1035,1
+pomaria,12,2
+marstons,1774,12
+lindenwood,2467,10
+coffeen,1302,5
+lindenwood,2393,1
+shelbyville,2682,12
+klickitat,1765,2
+lindenwood,1910,2
+mifflinburg,722,6
+shelbyville,1671,4
+forkland,622,1
+leonardo,1162,1
+leonardo,1472,5
+ranchester,354,8
+wainscott,263,5
+woodbine,665,0
+pomaria,566,7
+onaga,206,1
+merom,824,1
+hanson,1590,7
+ranchester,885,1
+shelbyville,2704,0
+forkland,88,2
+cosmos,851,0
+leonardo,1446,3
+wainscott,1708,1
+lindenwood,188,1
+cosmos,315,1
+hiteman,1593,8
+woodbine,1965,1
+lindenwood,19,2
+coffeen,1357,1
+shelbyville,97,1
+cosmos,189,1
+pinesdale,1195,0
+lakeville,1255,1
+woodbine,263,2
+leonardo,88,0
+marstons,645,1
+forkland,879,5
+stockman,415,3
+shelbyville,79,0
+shelbyville,1428,5
+wainscott,1042,5
+shelbyville,2504,1
+pomaria,524,2
+tolstoy,458,2
+shelbyville,1828,4
+coffeen,803,0
+merom,1005,2
+tolstoy,1111,5
+tolstoy,1441,8
+benevolence,65,3
+lindenwood,2662,0
+leonardo,168,2
+ranchester,303,2
+hiteman,37,9
+shelbyville,1773,4
+wainscott,784,5
+benevolence,652,1
+newfields,754,4
+lindenwood,807,2
+pinesdale,1372,0
+klickitat,345,7
+hanson,1381,5
+pomaria,1569,2
+tolstoy,650,4
+hiteman,912,11
+hanson,874,1
+newfields,968,0
+shelbyville,1908,4
+cosmos,572,6
+tolstoy,1444,4
+merom,591,6
+klickitat,1278,11
+hiteman,345,1
+lakeville,763,8
+woodbine,458,1
+pinesdale,791,4
+wainscott,301,5
+beechwood,619,1
+beechwood,1080,3
+pomaria,914,5
+merom,277,4
+shelbyville,1253,6
+ranchester,1263,7
+forkland,1110,4
+merom,68,0
+lindenwood,1646,3
+wainscott,1145,1
+allensville,141,4
+merom,1105,6
+benevolence,624,4
+leonardo,330,1
+klickitat,1960,17
+onaga,478,0
+shelbyville,2794,1
+tolstoy,582,2
+klickitat,1425,0
+leonardo,747,2
+newfields,779,6
+klickitat,860,0
+lindenwood,2022,0
+merom,183,3
+hanson,1115,0
+leonardo,1182,7
+tolstoy,1611,4
+beechwood,671,12
+hanson,516,6
+shelbyville,1290,2
+shelbyville,2329,4
+ranchester,1041,1
+lindenwood,323,2
+lakeville,1863,3
+marstons,895,1
+lindenwood,2577,14
+hanson,1211,0
+benevolence,819,3
+pinesdale,1427,3
+shelbyville,2526,2
+ranchester,1033,5
+onaga,392,3
+mifflinburg,217,3
+wainscott,571,4
+merom,523,3
+pinesdale,173,0
+allensville,364,3
+lakeville,1537,13
+wainscott,295,12
+klickitat,496,0
+lindenwood,1687,9
+woodbine,9,2
+klickitat,1060,11
+ranchester,146,3
+benevolence,971,4
+coffeen,135,5
+lakeville,1738,6
+lakeville,1363,0
+coffeen,1061,1
+stockman,1561,0
+marstons,2090,6
+marstons,1822,2
+hiteman,1568,1
+hanson,91,1
+pinesdale,1363,3
+woodbine,779,4
+coffeen,501,3
+leonardo,2082,1
+mifflinburg,737,1
+mifflinburg,884,0
+lakeville,1278,12
+lindenwood,814,0
+marstons,2098,6
+benevolence,364,7
+pomaria,1611,8
+ranchester,541,5
+lakeville,1513,6
+marstons,588,9
+ranchester,982,12
+marstons,2340,0
+tolstoy,1060,8
+ranchester,109,2
+newfields,694,0
+marstons,269,9
+klickitat,952,6
+tolstoy,268,5
+shelbyville,2694,9
+cosmos,330,9
+pomaria,1249,2
+marstons,389,1
+marstons,2217,5
+cosmos,28,2
+shelbyville,2260,13
+woodbine,1408,2
+tolstoy,787,0
+onaga,356,3
+lakeville,332,11
+wainscott,1652,18
+marstons,1566,0
+lakeville,148,1
+ranchester,299,0
+leonardo,1373,0
+cosmos,1012,6
+lindenwood,1265,9
+lindenwood,729,0
+woodbine,1787,10
+lakeville,515,10
+lakeville,1434,0
+shelbyville,24,8
+hiteman,58,1
+marstons,206,4
+beechwood,942,7
+cosmos,1025,5
+leonardo,964,0
+klickitat,1021,6
+marstons,140,9
+hanson,1277,7
+allensville,419,10
+lakeville,654,12
+pomaria,1273,1
+cosmos,118,4
+coffeen,898,2
+hiteman,12,12
+merom,970,0
+shelbyville,267,0
+ranchester,644,1
+allensville,457,4
+pomaria,154,3
+klickitat,458,12
+pomaria,1426,3
+tolstoy,199,0
+hanson,540,0
+ranchester,437,3
+lindenwood,426,2
+lakeville,1143,0
+woodbine,1868,11
+lindenwood,2196,0
+ranchester,1603,8
+merom,880,0
+hanson,1271,8
+wainscott,976,9
+woodbine,988,2
+mifflinburg,320,7
+beechwood,870,2
+onaga,565,4
+shelbyville,118,0
+cosmos,42,0
+lindenwood,2406,6
+woodbine,1696,2
+stockman,486,0
+lindenwood,601,3
+hanson,1420,1
+lakeville,980,3
+leonardo,52,2
+shelbyville,2393,7
+cosmos,393,8
+newfields,804,8
+merom,1041,2
+woodbine,1070,3
+klickitat,903,5
+leonardo,1745,5
+shelbyville,633,0
+hanson,1385,0
+lakeville,176,2
+klickitat,1817,14
+stockman,534,0
+lindenwood,2500,3
+hiteman,229,3
+marstons,1749,13
+pomaria,911,3
+lakeville,1443,10
+wainscott,849,2
+pinesdale,423,3
+mifflinburg,709,1
+marstons,2048,1
+shelbyville,378,10
+wainscott,359,2
+benevolence,470,0
+shelbyville,1524,7
+shelbyville,2658,3
+newfields,536,4
+lindenwood,1205,2
+tolstoy,402,8
+lakeville,31,10
+hanson,686,2
+leonardo,263,15
+leonardo,714,2
+marstons,55,0
+marstons,139,10
+lakeville,1405,3
+marstons,485,4
+marstons,581,4
+klickitat,1764,5
+lindenwood,1140,1
+benevolence,832,3
+wainscott,1254,1
+woodbine,538,10
+marstons,1170,7
+newfields,1625,6
+stockman,413,1
+pinesdale,17,3
+hanson,1535,3
+lakeville,671,0
+woodbine,1054,3
+marstons,1339,9
+marstons,649,5
+cosmos,435,3
+pinesdale,195,1
+marstons,76,2
+newfields,1543,3
+hanson,87,10
+ranchester,1460,8
+klickitat,541,5
+lakeville,881,2
+klickitat,1137,4
+forkland,356,4
+newfields,1559,1
+lakeville,786,5
+forkland,123,0
+woodbine,1089,2
+woodbine,1224,3
+allensville,463,4
+woodbine,215,3
+lindenwood,1149,0
+lakeville,1740,6
+lindenwood,333,3
+wainscott,1481,6
+coffeen,1460,0
+hanson,997,5
+wainscott,1417,1
+stockman,515,2
+benevolence,635,2
+forkland,75,3
+wainscott,1579,9
+lakeville,179,1
+shelbyville,2762,5
+lakeville,137,5
+ranchester,1481,2
+coffeen,1354,0
+leonardo,2077,6
+shelbyville,1916,1
+marstons,1124,4
+forkland,256,2
+wainscott,1650,0
+merom,702,0
+shelbyville,2260,18
+lindenwood,1978,5
+leonardo,1009,2
+forkland,908,2
+hiteman,1673,6
+marstons,685,1
+pomaria,17,0
+beechwood,551,4
+woodbine,1007,2
+wainscott,1281,15
+beechwood,784,4
+marstons,1311,5
+klickitat,210,6
+lindenwood,1391,9
+pinesdale,55,1
+ranchester,247,4
+pomaria,1076,0
+onaga,99,3
+newfields,1591,2
+newfields,1007,5
+shelbyville,2101,1
+mifflinburg,538,5
+lakeville,92,2
+lindenwood,728,3
+klickitat,1974,10
+klickitat,1163,11
+shelbyville,71,1
+newfields,911,5
+lindenwood,1324,5
+beechwood,338,1
+wainscott,1607,9
+hanson,133,13
+leonardo,1706,1
+coffeen,654,8
+lindenwood,2078,7
+shelbyville,1027,5
+pinesdale,939,0
+lindenwood,1519,2
+mifflinburg,493,2
+cosmos,640,2
+shelbyville,2468,17
+woodbine,112,5
+wainscott,1362,6
+leonardo,346,8
+marstons,143,2
+pomaria,1301,11
+woodbine,843,3
+hiteman,1769,1
+hanson,1475,0
+hiteman,1644,5
+lakeville,1623,4
+merom,183,2
+lindenwood,2153,0
+ranchester,400,2
+marstons,167,4
+beechwood,447,1
+stockman,1508,3
+beechwood,1079,3
+ranchester,575,5
+benevolence,16,0
+klickitat,696,14
+tolstoy,632,6
+leonardo,1358,6
+ranchester,1390,3
+leonardo,10,0
+marstons,2493,7
+newfields,779,13
+tolstoy,1337,2
+beechwood,621,0
+stockman,1040,3
+lindenwood,2554,0
+newfields,503,1
+marstons,1108,1
+coffeen,1126,3
+hiteman,150,5
+wainscott,523,6
+marstons,439,0
+coffeen,1367,2
+benevolence,421,2
+shelbyville,185,0
+stockman,316,2
+mifflinburg,397,2
+allensville,37,3
+shelbyville,1282,1
+lindenwood,624,1
+leonardo,866,1
+beechwood,510,0
+klickitat,1412,6
+merom,576,1
+cosmos,969,7
+shelbyville,2552,1
+leonardo,1515,5
+leonardo,283,8
+shelbyville,2100,6
+forkland,974,8
+pinesdale,181,0
+stockman,715,2
+cosmos,170,0
+lakeville,1831,4
+lakeville,1005,1
+stockman,1021,1
+klickitat,1984,3
+newfields,754,9
+ranchester,1609,0
+lakeville,625,1
+beechwood,168,2
+tolstoy,1660,2
+pomaria,1289,0
+pomaria,1211,2
+mifflinburg,222,0
+lakeville,1524,10
+pomaria,1473,8
+pinesdale,91,1
+shelbyville,1534,4
+benevolence,495,1
+tolstoy,1791,4
+forkland,568,0
+tolstoy,75,0
+hiteman,1302,1
+hanson,1313,0
+ranchester,805,4
+newfields,780,1
+lindenwood,720,0
+klickitat,1154,1
+wainscott,1559,7
+wainscott,132,0
+tolstoy,999,8
+klickitat,1353,1
+marstons,1086,8
+hiteman,1168,0
+ranchester,572,2
+marstons,849,3
+cosmos,894,2
+lakeville,1085,2
+shelbyville,2361,7
+klickitat,1717,2
+benevolence,123,8
+woodbine,876,1
+ranchester,1195,1
+lindenwood,2178,0
+hanson,1650,2
+beechwood,947,3
+hanson,469,0
+beechwood,708,2
+hiteman,612,7
+merom,949,4
+hiteman,1783,1
+lindenwood,378,5
+beechwood,264,5
+marstons,600,3
+lindenwood,985,9
+wainscott,1657,15
+woodbine,1643,5
+shelbyville,1678,8
+shelbyville,758,13
+leonardo,1358,15
+klickitat,2288,2
+woodbine,1809,4
+coffeen,714,3
+mifflinburg,608,1
+wainscott,443,2
+klickitat,1001,11
+wainscott,1766,2
+mifflinburg,289,1
+wainscott,1748,15
+klickitat,1905,4
+mifflinburg,205,0
+woodbine,1708,3
+woodbine,443,4
+tolstoy,1130,11
+cosmos,226,0
+lindenwood,902,1
+pinesdale,1352,0
+woodbine,88,9
+forkland,525,12
+lindenwood,680,2
+beechwood,589,2
+shelbyville,1691,3
+hiteman,1039,0
+wainscott,466,4
+lakeville,386,4
+marstons,2428,11
+shelbyville,2352,4
+wainscott,1623,6
+newfields,116,2
+lakeville,1285,0
+tolstoy,1418,5
+lindenwood,84,0
+shelbyville,2545,8
+hanson,225,1
+klickitat,2227,3
+forkland,951,2
+marstons,2096,6
+hanson,503,5
+mifflinburg,571,2
+pomaria,1038,7
+newfields,1301,18
+shelbyville,1489,4
+wainscott,584,0
+woodbine,1510,0
+pomaria,669,2
+newfields,1577,3
+lakeville,1795,2
+leonardo,736,0
+shelbyville,2128,0
+cosmos,613,6
+onaga,548,2
+shelbyville,1839,6
+cosmos,42,6
+hanson,1219,12
+ranchester,1496,3
+wainscott,96,1
+woodbine,430,2
+pomaria,1607,2
+woodbine,834,1
+lakeville,1682,3
+woodbine,367,2
+stockman,166,10
+hanson,930,2
+allensville,503,6
+leonardo,1273,8
+cosmos,676,2
+coffeen,915,5
+lindenwood,1183,12
+cosmos,152,9
+hanson,508,3
+tolstoy,907,2
+hiteman,1714,6
+beechwood,1065,9
+hiteman,682,1
+coffeen,924,1
+coffeen,18,0
+woodbine,626,1
+tolstoy,1140,2
+marstons,76,10
+mifflinburg,138,2
+hiteman,1690,0
+newfields,773,1
+hiteman,478,5
+coffeen,1167,6
+klickitat,1982,3
+cosmos,861,4
+stockman,939,2
+tolstoy,540,2
+marstons,185,8
+woodbine,1681,3
+lakeville,149,3
+shelbyville,1569,9
+newfields,1293,1
+lakeville,1051,10
+wainscott,1206,3
+lakeville,1441,5
+hanson,1657,0
+pomaria,668,5
+forkland,952,1
+stockman,809,4
+wainscott,721,1
+merom,797,3
+klickitat,840,1
+benevolence,837,2
+woodbine,789,2
+tolstoy,1389,3
+forkland,296,0
+forkland,885,1
+lindenwood,423,7
+klickitat,391,2
+pinesdale,750,4
+leonardo,1824,0
+wainscott,1433,3
+lindenwood,910,1
+tolstoy,1442,0
+stockman,1401,3
+forkland,831,0
+lindenwood,2206,2
+ranchester,856,2
+klickitat,734,8
+ranchester,557,3
+hanson,804,6
+lakeville,820,12
+lindenwood,807,5
+pinesdale,1411,8
+lindenwood,1533,2
+pinesdale,1349,3
+pinesdale,420,8
+cosmos,862,0
+merom,828,0
+hanson,402,9
+stockman,1197,0
+shelbyville,2280,1
+lindenwood,2669,0
+marstons,1794,0
+hiteman,1562,4
+leonardo,1831,8
+stockman,499,0
+marstons,409,1
+klickitat,1672,1
+pomaria,1543,2
+hanson,499,2
+forkland,977,1
+lindenwood,1807,3
+leonardo,506,7
+merom,2,0
+stockman,127,4
+hanson,988,2
+allensville,261,0
+lindenwood,2603,1
+lindenwood,1034,5
+newfields,481,6
+woodbine,1442,3
+leonardo,192,2
+hiteman,1647,0
+pinesdale,311,0
+beechwood,86,1
+klickitat,1745,16
+wainscott,1509,3
+hanson,702,4
+shelbyville,506,0
+shelbyville,1774,10
+hanson,525,4
+coffeen,1351,4
+beechwood,1094,3
+lakeville,1313,7
+cosmos,45,0
+lakeville,1776,1
+leonardo,7,4
+pomaria,811,3
+klickitat,2175,3
+lindenwood,2622,0
+lindenwood,976,0
+hanson,1195,5
+pomaria,313,0
+woodbine,1755,0
+leonardo,1382,2
+klickitat,959,2
+coffeen,535,2
+shelbyville,1235,0
+marstons,1409,4
+lakeville,1689,11
+wainscott,589,0
+coffeen,16,6
+newfields,451,4
+merom,679,5
+marstons,1382,1
+wainscott,22,0
+beechwood,785,4
+hiteman,1516,8
+newfields,52,3
+lindenwood,1685,0
+marstons,2590,3
+lindenwood,726,7
+pinesdale,811,5
+woodbine,1011,0
+wainscott,369,0
+shelbyville,1204,9
+shelbyville,1990,5
+wainscott,1550,3
+woodbine,124,0
+lindenwood,1499,2
+coffeen,44,3
+pinesdale,262,4
+newfields,1051,6
+coffeen,712,0
+klickitat,821,1
+marstons,32,4
+klickitat,2000,7
+stockman,406,3
+wainscott,1364,7
+klickitat,980,0
+lakeville,984,2
+lakeville,258,4
+cosmos,81,12
+stockman,311,7
+klickitat,2352,9
+cosmos,89,0
+ranchester,1628,7
+shelbyville,679,18
+stockman,1340,2
+stockman,165,3
+stockman,10,1
+marstons,2188,1
+pomaria,942,2
+stockman,61,0
+ranchester,1220,4
+stockman,1455,10
+allensville,395,1
+marstons,252,10
+woodbine,759,5
+merom,145,1
+wainscott,1665,0
+allensville,164,5
+beechwood,715,6
+lakeville,1224,2
+lindenwood,31,4
+leonardo,2014,0
+ranchester,557,2
+lindenwood,1933,1
+lakeville,1571,3
+lindenwood,1517,2
+cosmos,707,2
+coffeen,10,5
+klickitat,1686,8
+stockman,514,2
+ranchester,231,1
+shelbyville,995,1
+leonardo,988,3
+pomaria,520,2
+pinesdale,1216,7
+pinesdale,60,10
+onaga,372,1
+beechwood,324,2
+woodbine,770,6
+onaga,660,1
+lakeville,1755,2
+benevolence,131,4
+wainscott,1257,2
+mifflinburg,96,2
+marstons,2581,0
+hanson,510,1
+shelbyville,507,8
+coffeen,483,2
+shelbyville,1354,6
+hiteman,1475,1
+klickitat,1971,1
+klickitat,1370,4
+coffeen,786,3
+tolstoy,1384,3
+coffeen,442,5
+coffeen,1237,1
+marstons,1085,18
+marstons,2364,2
+marstons,545,0
+tolstoy,1693,5
+tolstoy,1190,0
+pomaria,557,0
+woodbine,708,16
+marstons,244,4
+klickitat,1622,5
+lindenwood,1897,9
+tolstoy,509,7
+shelbyville,873,0
+leonardo,1186,0
+marstons,647,4
+wainscott,730,6
+pomaria,529,2
+hanson,1558,4
+merom,970,4
+klickitat,1465,13
+hanson,1225,5
+pomaria,708,0
+allensville,372,0
+tolstoy,1764,3
+merom,775,10
+hiteman,1460,4
+klickitat,1018,2
+lakeville,483,6
+marstons,1270,2
+hiteman,609,3
+coffeen,1389,2
+marstons,552,4
+newfields,1065,0
+tolstoy,391,3
+ranchester,819,4
+woodbine,713,11
+woodbine,73,1
+shelbyville,916,4
+leonardo,1965,2
+klickitat,2288,5
+beechwood,896,8
+lakeville,408,5
+newfields,1419,3
+pomaria,1575,5
+shelbyville,1911,1
+cosmos,401,2
+lakeville,1499,2
+wainscott,105,5
+coffeen,1235,0
+leonardo,322,2
+newfields,817,3
+leonardo,1909,3
+tolstoy,915,2
+mifflinburg,602,4
+hanson,704,9
+tolstoy,1135,0
+hiteman,885,3
+pomaria,153,1
+klickitat,1525,2
+klickitat,930,0
+klickitat,1907,1
+onaga,264,2
+newfields,957,2
+wainscott,1017,4
+mifflinburg,18,0
+lindenwood,535,9
+klickitat,1889,5
+hanson,1294,0
+cosmos,1012,4
+pomaria,951,0
+cosmos,862,5
+newfields,1474,2
+woodbine,1737,7
+newfields,498,3
+tolstoy,158,0
+hanson,1368,0
+klickitat,2268,8
+ranchester,1338,1
+lindenwood,2476,3
+pinesdale,1046,2
+hanson,1322,0
+tolstoy,1394,2
+marstons,1026,0
+cosmos,274,1
+lindenwood,2135,5
+stockman,192,1
+klickitat,837,2
+leonardo,1207,12
+woodbine,704,3
+pomaria,1631,3
+klickitat,814,3
+merom,936,2
+klickitat,914,11
+woodbine,1702,2
+shelbyville,2129,0
+beechwood,757,3
+woodbine,1529,6
+ranchester,1208,16
+lakeville,116,14
+shelbyville,357,3
+forkland,639,11
+lindenwood,1048,9
+hanson,310,5
+pinesdale,1327,2
+leonardo,404,7
+shelbyville,972,1
+marstons,2397,5
+cosmos,219,5
+tolstoy,609,2
+klickitat,2089,7
+coffeen,377,3
+forkland,515,2
+newfields,442,1
+lindenwood,17,7
+beechwood,738,6
+lindenwood,1635,0
+woodbine,366,4
+cosmos,328,3
+shelbyville,2589,14
+onaga,53,1
+forkland,312,1
+coffeen,888,0
+lindenwood,1915,12
+shelbyville,1345,4
+lindenwood,2290,2
+klickitat,2379,1
+mifflinburg,464,2
+hanson,140,1
+woodbine,1595,1
+shelbyville,1585,2
+shelbyville,1389,7
+tolstoy,82,5
+newfields,1405,2
+klickitat,1151,6
+woodbine,476,3
+mifflinburg,84,7
+lakeville,947,2
+lindenwood,1010,0
+wainscott,1586,7
+leonardo,327,1
+pinesdale,1493,6
+wainscott,222,1
+hiteman,1816,13
+onaga,479,5
+lindenwood,964,13
+hanson,323,3
+newfields,1157,12
+pinesdale,0,2
+lindenwood,2367,4
+hiteman,1206,9
+mifflinburg,33,3
+lakeville,1749,8
+mifflinburg,704,4
+lakeville,1497,8
+woodbine,1552,2
+klickitat,2333,1
+hanson,216,2
+leonardo,1803,9
+shelbyville,1206,6
+shelbyville,2733,1
+lakeville,809,2
+lindenwood,1458,5
+coffeen,90,2
+leonardo,1959,4
+klickitat,669,3
+benevolence,614,7
+coffeen,617,0
+lindenwood,1200,0
+leonardo,1022,0
+beechwood,463,0
+marstons,705,12
+stockman,806,4
+forkland,984,1
+shelbyville,1846,4
+lakeville,1728,4
+klickitat,686,8
+shelbyville,2610,0
+shelbyville,1130,3
+newfields,497,15
+merom,436,0
+woodbine,669,4
+hiteman,534,5
+hiteman,416,1
+pomaria,412,2
+leonardo,199,4
+klickitat,624,3
+pomaria,394,2
+lindenwood,695,0
+lakeville,330,8
+newfields,1634,5
+shelbyville,588,5
+lakeville,1812,1
+pomaria,1501,2
+mifflinburg,266,7
+klickitat,115,8
+pomaria,750,6
+ranchester,466,6
+lakeville,1127,0
+wainscott,854,3
+shelbyville,411,2
+stockman,219,0
+hiteman,202,3
+klickitat,492,3
+cosmos,687,0
+wainscott,731,16
+leonardo,1181,2
+newfields,1214,2
+beechwood,932,2
+ranchester,198,2
+hiteman,885,1
+tolstoy,1504,1
+pomaria,316,4
+woodbine,409,8
+ranchester,1356,3
+leonardo,2116,6
+pinesdale,451,4
+hanson,751,9
+woodbine,1640,3
+woodbine,1057,2
+klickitat,507,0
+hanson,235,2
+shelbyville,1579,1
+lindenwood,471,3
+cosmos,41,0
+shelbyville,2025,8
+lakeville,948,9
+klickitat,131,7
+marstons,2097,5
+stockman,989,12
+shelbyville,857,13
+coffeen,864,7
+klickitat,1457,0
+tolstoy,1218,0
+lakeville,1865,3
+shelbyville,796,0
+lakeville,1232,4
+merom,1059,1
+marstons,2474,3
+hiteman,1452,0
+ranchester,693,1
+lindenwood,180,1
+benevolence,55,4
+klickitat,653,2
+lakeville,634,0
+allensville,206,1
+lindenwood,101,6
+leonardo,598,0
+newfields,170,7
+shelbyville,715,11
+shelbyville,407,2
+woodbine,880,7
+beechwood,59,7
+merom,1051,1
+hiteman,1455,13
+lakeville,361,2
+stockman,772,2
+newfields,573,4
+lindenwood,1032,3
+leonardo,1848,6
+onaga,496,2
+lindenwood,1334,1
+woodbine,514,0
+marstons,569,2
+woodbine,513,6
+klickitat,2011,1
+hanson,791,3
+ranchester,742,5
+tolstoy,361,2
+beechwood,914,0
+beechwood,761,13
+tolstoy,133,12
+cosmos,850,6
+woodbine,100,12
+wainscott,1429,5
+pinesdale,289,3
+newfields,1098,1
+leonardo,1664,6
+marstons,762,7
+woodbine,1966,4
+klickitat,2249,2
+marstons,2046,11
+stockman,99,2
+wainscott,957,5
+shelbyville,451,3
+shelbyville,679,19
+lindenwood,965,0
+tolstoy,651,3
+coffeen,1160,7
+merom,58,3
+pomaria,272,0
+klickitat,1420,3
+klickitat,1167,8
+shelbyville,2047,3
+lakeville,1380,4
+woodbine,1206,1
+newfields,1615,17
+pinesdale,1252,4
+klickitat,151,5
+pinesdale,1002,5
+woodbine,1539,4
+tolstoy,64,0
+beechwood,953,1
+forkland,127,3
+hanson,1646,0
+lindenwood,1304,5
+marstons,308,4
+lakeville,419,2
+leonardo,818,1
+shelbyville,452,1
+wainscott,123,5
+klickitat,1745,15
+pomaria,348,9
+shelbyville,316,2
+wainscott,331,7
+hiteman,741,2
+cosmos,906,2
+leonardo,1453,1
+marstons,499,2
+cosmos,789,2
+pinesdale,391,4
+forkland,1196,4
+lindenwood,629,2
+woodbine,1386,1
+klickitat,1730,0
+stockman,343,1
+tolstoy,741,9
+pomaria,445,2
+ranchester,862,2
+lindenwood,1541,1
+merom,294,0
+allensville,189,9
+leonardo,1209,3
+beechwood,945,3
+hiteman,708,1
+hanson,672,13
+pinesdale,501,0
+klickitat,243,2
+pinesdale,568,3
+lindenwood,1905,10
+stockman,694,8
+hanson,1458,1
+shelbyville,2110,0
+ranchester,1340,10
+woodbine,2028,1
+merom,450,0
+hanson,973,0
+marstons,2326,4
+pomaria,1468,10
+lakeville,1004,0
+newfields,604,3
+tolstoy,1550,4
+onaga,554,2
+pomaria,1487,3
+forkland,1009,1
+shelbyville,1399,7
+ranchester,584,5
+newfields,67,2
+woodbine,843,5
+wainscott,1037,0
+pinesdale,266,0
+pomaria,757,9
+newfields,910,0
+klickitat,49,0
+leonardo,786,2
+hanson,1036,2
+lindenwood,2425,2
+tolstoy,1360,1
+klickitat,393,10
+stockman,593,0
+woodbine,967,0
+wainscott,1105,5
+woodbine,870,1
+woodbine,180,2
+klickitat,1817,1
+pinesdale,147,2
+merom,164,2
+lakeville,1388,8
+hiteman,177,0
+stockman,1564,0
+hanson,627,7
+tolstoy,1199,0
+tolstoy,1332,3
+marstons,1270,0
+pinesdale,458,6
+leonardo,1614,3
+woodbine,1892,2
+lindenwood,2656,0
+klickitat,2211,2
+hiteman,131,8
+coffeen,685,1
+shelbyville,127,6
+pomaria,1350,11
+lindenwood,1757,3
+woodbine,356,2
+cosmos,516,5
+allensville,405,2
+pinesdale,232,1
+hiteman,1468,3
+pomaria,1191,2
+leonardo,1990,4
+lakeville,1114,2
+shelbyville,1937,6
+shelbyville,2230,4
+leonardo,1514,2
+cosmos,97,1
+wainscott,214,4
+wainscott,370,1
+stockman,661,4
+shelbyville,1406,6
+tolstoy,1790,2
+woodbine,1500,0
+pomaria,1007,1
+shelbyville,2265,0
+wainscott,1575,6
+pomaria,813,11
+ranchester,291,2
+shelbyville,1906,4
+klickitat,2076,2
+pomaria,380,1
+wainscott,1030,5
+woodbine,535,3
+lindenwood,1077,2
+forkland,309,3
+stockman,1199,0
+ranchester,1195,3
+klickitat,948,0
+marstons,2656,1
+mifflinburg,482,3
+newfields,1213,1
+stockman,1582,4
+klickitat,140,23
+lakeville,881,1
+tolstoy,543,8
+woodbine,505,2
+mifflinburg,237,5
+woodbine,1474,6
+newfields,1234,2
+marstons,1120,0
+pomaria,148,7
+pomaria,1457,3
+klickitat,2225,1
+lindenwood,1242,4
+hiteman,237,0
+marstons,1996,1
+pomaria,163,8
+onaga,604,2
+forkland,1160,4
+klickitat,1159,3
+lakeville,1733,4
+hiteman,763,12
+tolstoy,818,3
+forkland,658,2
+pomaria,382,3
+pomaria,945,15
+newfields,1238,8
+marstons,1356,2
+lakeville,77,4
+marstons,368,1
+leonardo,1933,7
+shelbyville,492,2
+hiteman,1745,7
+cosmos,470,9
+merom,1094,4
+leonardo,1730,0
+hanson,1018,3
+marstons,1127,4
+ranchester,1296,4
+klickitat,1959,6
+klickitat,683,7
+wainscott,1506,1
+klickitat,623,11
+shelbyville,37,4
+ranchester,1530,4
+marstons,204,10
+stockman,783,3
+merom,308,1
+wainscott,995,1
+lindenwood,835,0
+shelbyville,2050,4
+hiteman,1339,11
+klickitat,1323,2
+klickitat,949,3
+hanson,1570,17
+merom,211,4
+woodbine,928,2
+klickitat,15,0
+coffeen,299,0
+merom,125,3
+allensville,330,2
+shelbyville,1220,4
+benevolence,737,0
+hiteman,381,0
+cosmos,427,3
+lindenwood,311,6
+shelbyville,2393,3
+hanson,532,2
+shelbyville,263,0
+beechwood,148,2
+pomaria,595,5
+marstons,495,1
+mifflinburg,170,1
+marstons,2058,2
+pinesdale,502,2
+stockman,1594,7
+tolstoy,982,6
+woodbine,1188,5
+beechwood,654,0
+ranchester,1103,2
+cosmos,608,7
+newfields,1568,1
+lindenwood,814,5
+lakeville,792,5
+forkland,232,2
+tolstoy,962,1
+lindenwood,2622,3
+lakeville,1576,0
+lindenwood,668,5
+lindenwood,544,0
+leonardo,2027,3
+shelbyville,1654,2
+pinesdale,1112,3
+wainscott,1050,4
+leonardo,1658,0
+cosmos,896,6
+pomaria,1543,7
+woodbine,780,8
+pomaria,646,5
+lindenwood,2667,1
+lindenwood,1977,12
+klickitat,1389,8
+klickitat,323,5
+marstons,2589,1
+pomaria,865,1
+marstons,2024,4
+benevolence,773,0
+wainscott,533,2
+newfields,763,12
+forkland,351,5
+hiteman,58,5
+leonardo,1613,1
+klickitat,2127,7
+shelbyville,2211,1
+pomaria,1045,8
+leonardo,1698,0
+shelbyville,739,4
+marstons,825,0
+wainscott,929,3
+wainscott,748,8
+leonardo,1867,1
+klickitat,166,9
+leonardo,1983,1
+woodbine,1341,1
+tolstoy,1234,5
+marstons,358,4
+klickitat,1163,7
+cosmos,456,0
+ranchester,69,6
+pomaria,530,3
+ranchester,874,6
+tolstoy,142,0
+wainscott,1096,1
+coffeen,546,2
+leonardo,2006,1
+ranchester,896,1
+cosmos,705,1
+woodbine,379,3
+shelbyville,559,5
+hanson,827,1
+lakeville,1674,7
+lakeville,1396,0
+woodbine,1558,5
+stockman,1044,2
+cosmos,717,9
+pinesdale,826,0
+pomaria,687,1
+shelbyville,27,0
+marstons,2551,7
+leonardo,2102,6
+leonardo,1120,7
+wainscott,1459,6
+cosmos,56,2
+hiteman,1721,0
+marstons,929,10
+hiteman,1733,0
+cosmos,110,6
+beechwood,958,1
+merom,927,7
+leonardo,551,11
+klickitat,425,0
+newfields,415,10
+hiteman,955,0
+wainscott,400,2
+cosmos,389,0
+lakeville,961,5
+marstons,122,5
+marstons,570,3
+hiteman,672,1
+wainscott,1213,1
+coffeen,1454,6
+merom,496,1
+coffeen,729,1
+stockman,1212,1
+marstons,1699,5
+hanson,673,7
+klickitat,374,11
+newfields,851,0
+beechwood,32,2
+tolstoy,58,2
+leonardo,594,7
+woodbine,603,1
+woodbine,846,4
+marstons,1187,2
+pomaria,190,5
+wainscott,56,3
+forkland,748,0
+woodbine,769,2
+wainscott,1670,0
+merom,639,6
+klickitat,1554,8
+marstons,320,10
+tolstoy,876,3
+wainscott,1181,2
+tolstoy,868,12
+woodbine,20,7
+marstons,334,2
+coffeen,1311,0
+shelbyville,451,8
+klickitat,1865,0
+lakeville,436,5
+shelbyville,782,2
+shelbyville,1009,5
+tolstoy,231,8
+marstons,1731,0
+marstons,99,2
+klickitat,1784,3
+newfields,1518,5
+cosmos,215,11
+beechwood,315,4
+pinesdale,231,11
+marstons,2021,9
+shelbyville,2525,8
+cosmos,226,4
+newfields,885,1
+pinesdale,165,5
+tolstoy,1624,6
+shelbyville,2653,3
+marstons,32,9
+woodbine,854,2
+shelbyville,1442,1
+lakeville,1614,14
+hiteman,1584,1
+klickitat,191,2
+lindenwood,1059,7
+mifflinburg,839,1
+lakeville,233,0
+lakeville,1588,2
+lindenwood,1521,3
+pomaria,1088,2
+hiteman,519,1
+tolstoy,848,6
+ranchester,65,7
+shelbyville,1277,1
+newfields,274,12
+shelbyville,2691,2
+beechwood,121,0
+woodbine,724,2
+hiteman,440,1
+merom,753,2
+marstons,2367,8
+lindenwood,2124,1
+coffeen,383,4
+forkland,372,2
+stockman,1558,0
+marstons,1640,2
+lakeville,1430,4
+tolstoy,323,2
+marstons,2210,5
+stockman,1257,2
+benevolence,157,2
+hanson,482,4
+pomaria,21,3
+woodbine,1303,5
+shelbyville,1032,3
+hanson,1131,5
+stockman,47,0
+cosmos,40,10
+tolstoy,1703,4
+marstons,2551,0
+mifflinburg,264,2
+merom,532,6
+allensville,78,1
+cosmos,1024,9
+ranchester,777,0
+beechwood,411,5
+forkland,316,2
+allensville,210,4
+lindenwood,1187,0
+hanson,1284,11
+tolstoy,480,3
+marstons,1674,3
+pomaria,117,4
+stockman,1538,4
+newfields,1516,7
+lindenwood,551,0
+ranchester,457,10
+marstons,1376,2
+wainscott,241,8
+pinesdale,522,3
+pinesdale,1222,4
+shelbyville,2710,7
+klickitat,1861,1
+hiteman,1180,7
+hiteman,1025,0
+woodbine,840,6
+mifflinburg,528,4
+forkland,861,3
+hiteman,1084,0
+pomaria,226,5
+hanson,226,8
+woodbine,1251,2
+lakeville,1419,3
+shelbyville,1223,2
+stockman,1393,1
+ranchester,1080,3
+leonardo,1454,0
+hiteman,1512,4
+woodbine,1975,10
+merom,757,1
+marstons,2476,4
+coffeen,783,2
+hanson,108,2
+pomaria,1310,3
+woodbine,964,4
+lindenwood,1354,4
+newfields,1407,11
+lakeville,1443,8
+cosmos,33,8
+woodbine,42,3
+newfields,710,3
+beechwood,747,0
+tolstoy,1446,1
+stockman,49,2
+stockman,80,5
+leonardo,391,4
+lindenwood,429,2
+wainscott,1303,6
+pinesdale,1504,0
+tolstoy,785,2
+newfields,808,0
+wainscott,26,1
+leonardo,1665,2
+coffeen,303,4
+woodbine,372,6
+hiteman,338,1
+lakeville,383,5
+lindenwood,360,6
+tolstoy,991,2
+lindenwood,1997,1
+tolstoy,474,4
+coffeen,45,2
+pinesdale,369,8
+leonardo,1561,4
+wainscott,127,10
+marstons,604,2
+ranchester,580,1
+marstons,2359,3
+lakeville,419,10
+cosmos,513,2
+newfields,855,3
+tolstoy,225,3
+coffeen,354,0
+lakeville,574,2
+hiteman,1535,1
+klickitat,2115,0
+coffeen,752,3
+coffeen,1299,5
+leonardo,790,4
+wainscott,1725,7
+coffeen,951,2
+coffeen,978,1
+hanson,727,6
+pomaria,805,11
+hanson,1161,11
+beechwood,62,7
+shelbyville,1131,6
+coffeen,1132,1
+ranchester,1169,1
+stockman,1450,3
+hiteman,1376,2
+lakeville,504,10
+newfields,919,5
+newfields,50,3
+leonardo,212,4
+newfields,1194,3
+pinesdale,128,10
+klickitat,470,2
+hanson,1398,12
+pinesdale,332,0
+wainscott,897,1
+marstons,2419,7
+leonardo,1895,1
+klickitat,1741,14
+hanson,394,3
+hiteman,18,6
+pomaria,202,4
+shelbyville,93,1
+wainscott,1679,2
+shelbyville,1668,3
+coffeen,334,0
+klickitat,233,11
+pinesdale,893,4
+tolstoy,1008,0
+lindenwood,363,7
+lakeville,12,1
+woodbine,1437,2
+mifflinburg,546,8
+mifflinburg,403,0
+pomaria,1080,3
+newfields,805,12
+allensville,146,1
+merom,688,5
+pomaria,1290,2
+marstons,799,3
+lakeville,1651,1
+klickitat,540,3
+wainscott,127,5
+stockman,838,3
+hanson,1289,4
+woodbine,2058,0
+pomaria,874,0
+klickitat,879,7
+pomaria,387,1
+wainscott,1185,5
+tolstoy,1241,4
+wainscott,1463,2
+forkland,507,0
+wainscott,1132,4
+klickitat,2342,2
+shelbyville,887,0
+woodbine,692,14
+tolstoy,643,13
+hanson,766,1
+klickitat,1679,9
+marstons,2533,1
+marstons,96,0
+tolstoy,1152,2
+klickitat,1497,5
+hiteman,771,4
+leonardo,2076,2
+lindenwood,1783,2
+pinesdale,1225,1
+cosmos,467,10
+tolstoy,55,3
+lindenwood,1316,6
+hanson,930,3
+merom,230,6
+wainscott,518,11
+klickitat,126,8
+stockman,510,1
+lindenwood,243,0
+stockman,612,3
+klickitat,911,0
+marstons,753,13
+pomaria,517,1
+beechwood,360,4
+pomaria,1296,5
+newfields,1410,13
+lindenwood,267,0
+hanson,132,1
+mifflinburg,259,1
+tolstoy,1160,5
+shelbyville,1596,0
+coffeen,166,3
+pinesdale,1043,1
+lindenwood,522,3
+hanson,1426,7
+beechwood,491,1
+onaga,598,0
+wainscott,206,4
+tolstoy,1609,0
+wainscott,165,2
+shelbyville,2196,3
+ranchester,481,4
+klickitat,670,8
+lindenwood,2629,4
+shelbyville,873,1
+pinesdale,1061,0
+wainscott,1652,5
+stockman,971,0
+klickitat,1580,1
+coffeen,266,1
+wainscott,1051,0
+coffeen,283,4
+tolstoy,121,1
+klickitat,1242,0
+pinesdale,930,4
+leonardo,552,9
+leonardo,1394,3
+lindenwood,2601,3
+tolstoy,753,0
+lindenwood,1884,1
+lindenwood,934,1
+lakeville,250,8
+benevolence,280,5
+ranchester,1483,1
+beechwood,459,11
+tolstoy,990,4
+lindenwood,1092,3
+stockman,1072,5
+newfields,1101,1
+leonardo,1171,5
+wainscott,1685,2
+marstons,252,2
+shelbyville,1583,2
+hanson,1085,3
+wainscott,955,4
+shelbyville,2489,3
+lindenwood,2676,4
+lindenwood,374,3
+hiteman,870,1
+lakeville,1505,20
+tolstoy,1132,9
+shelbyville,2096,11
+shelbyville,111,0
+pomaria,752,2
+ranchester,142,5
+hanson,1434,10
+marstons,509,4
+lindenwood,1576,1
+shelbyville,2720,3
+hanson,1308,0
+hanson,1322,5
+hanson,363,7
+lakeville,1208,3
+marstons,151,10
+wainscott,834,4
+marstons,377,1
+hanson,490,6
+wainscott,1629,3
+woodbine,1598,0
+leonardo,20,1
+wainscott,396,4
+shelbyville,2797,1
+ranchester,1256,1
+lindenwood,361,9
+lindenwood,771,2
+tolstoy,1377,1
+tolstoy,494,4
+allensville,245,1
+marstons,1307,1
+shelbyville,2538,5
+tolstoy,1120,0
+hiteman,144,11
+pomaria,1536,3
+lindenwood,1222,8
+klickitat,1093,2
+hiteman,905,7
+ranchester,1133,6
+shelbyville,1953,0
+marstons,1745,7
+cosmos,343,7
+wainscott,134,4
+hanson,1026,10
+hiteman,381,1
+lindenwood,600,9
+ranchester,1198,6
+woodbine,1446,14
+leonardo,1204,6
+klickitat,467,15
+marstons,160,0
+newfields,120,4
+leonardo,1728,2
+pomaria,440,7
+cosmos,524,1
+marstons,1982,8
+pomaria,1284,1
+klickitat,1067,1
+ranchester,597,1
+mifflinburg,899,3
+allensville,198,4
+stockman,112,1
+allensville,62,6
+tolstoy,468,6
+mifflinburg,816,0
+benevolence,947,3
+benevolence,695,6
+klickitat,1398,4
+coffeen,1185,2
+leonardo,1221,4
+klickitat,1044,2
+pinesdale,464,0
+hanson,191,2
+newfields,1416,6
+hanson,790,8
+lindenwood,825,11
+newfields,1615,4
+cosmos,593,1
+stockman,747,6
+shelbyville,158,3
+lindenwood,1442,4
+klickitat,2131,3
+hanson,1479,1
+shelbyville,1012,10
+wainscott,40,3
+woodbine,1388,6
+benevolence,488,2
+leonardo,538,5
+pomaria,1185,4
+coffeen,411,2
+lakeville,1247,3
+shelbyville,1395,1
+klickitat,1124,6
+marstons,1614,2
+leonardo,1296,3
+newfields,339,3
+woodbine,1478,5
+merom,99,3
+allensville,269,1
+marstons,1150,2
+hanson,1576,7
+hiteman,795,3
+shelbyville,2589,1
+hiteman,236,3
+hanson,1257,2
+lakeville,1537,17
+stockman,166,5
+coffeen,116,7
+coffeen,464,0
+beechwood,823,1
+pomaria,1191,1
+wainscott,299,6
+wainscott,1790,9
+hanson,1292,7
+lindenwood,114,3
+tolstoy,386,4
+wainscott,1206,2
+shelbyville,592,2
+woodbine,1845,4
+leonardo,1623,4
+klickitat,226,1
+marstons,1783,7
+lindenwood,623,1
+klickitat,2227,10
+tolstoy,855,1
+wainscott,1592,1
+benevolence,21,0
+wainscott,1577,11
+tolstoy,742,9
+hiteman,1086,3
+klickitat,452,1
+cosmos,185,5
+leonardo,1128,4
+wainscott,1234,1
+shelbyville,999,1
+mifflinburg,508,1
+forkland,72,5
+marstons,41,3
+leonardo,2037,4
+pomaria,1569,10
+allensville,292,1
+leonardo,2088,5
+newfields,815,0
+wainscott,1205,0
+hanson,1556,3
+lakeville,123,3
+wainscott,1681,1
+lakeville,522,1
+newfields,758,2
+woodbine,1331,6
+pomaria,1453,0
+ranchester,986,16
+forkland,898,2
+coffeen,106,5
+shelbyville,1697,0
+newfields,490,11
+marstons,993,6
+marstons,374,6
+pinesdale,163,0
+pomaria,1399,4
+pomaria,83,12
+coffeen,995,4
+hiteman,1782,8
+hiteman,1108,3
+klickitat,1005,10
+merom,784,2
+shelbyville,1650,0
+woodbine,854,0
+marstons,291,3
+shelbyville,1399,9
+pomaria,374,1
+hiteman,242,8
+marstons,709,6
+klickitat,2335,3
+pinesdale,1353,5
+lindenwood,1653,2
+klickitat,2222,11
+hiteman,1644,2
+klickitat,755,8
+shelbyville,772,4
+newfields,158,3
+forkland,770,3
+allensville,15,4
+wainscott,140,15
+forkland,561,5
+hiteman,844,1
+lindenwood,1446,2
+klickitat,1974,2
+marstons,1964,5
+ranchester,660,5
+beechwood,690,1
+lindenwood,1652,4
+newfields,121,4
+marstons,1,1
+wainscott,739,5
+tolstoy,1479,4
+woodbine,929,17
+coffeen,103,7
+lakeville,938,0
+forkland,81,1
+leonardo,144,8
+pomaria,1046,3
+pomaria,1515,3
+shelbyville,1588,3
+forkland,966,5
+pinesdale,1057,0
+shelbyville,1604,3
+shelbyville,1047,0
+marstons,1380,8
+newfields,629,5
+pinesdale,1515,4
+beechwood,827,9
+woodbine,626,10
+ranchester,177,3
+marstons,88,1
+leonardo,754,13
+shelbyville,2037,1
+ranchester,1021,7
+lakeville,1518,8
+ranchester,1272,2
+marstons,467,3
+woodbine,1450,0
+klickitat,628,10
+merom,366,5
+stockman,1602,0
+beechwood,246,1
+pinesdale,643,9
+tolstoy,155,10
+marstons,1361,5
+stockman,469,3
+lakeville,598,0
+lakeville,1413,0
+pomaria,1092,0
+pomaria,474,8
+wainscott,1607,12
+lakeville,1088,5
+shelbyville,868,4
+coffeen,194,1
+marstons,326,15
+tolstoy,1192,8
+klickitat,1658,12
+shelbyville,1541,3
+coffeen,1312,1
+mifflinburg,364,1
+tolstoy,1448,2
+marstons,122,1
+wainscott,1379,1
+lakeville,973,5
+tolstoy,1299,1
+pomaria,1668,4
+klickitat,1783,10
+woodbine,244,0
+tolstoy,1602,2
+lindenwood,207,3
+cosmos,789,3
+klickitat,685,3
+marstons,2569,0
+coffeen,863,0
+hanson,969,1
+tolstoy,550,1
+woodbine,193,0
+lakeville,12,8
+marstons,2082,2
+marstons,771,0
+wainscott,159,1
+merom,495,0
+shelbyville,2232,9
+pinesdale,348,0
+newfields,1082,1
+marstons,564,7
+leonardo,190,0
+benevolence,671,1
+forkland,988,8
+hiteman,718,1
+cosmos,755,2
+pomaria,110,6
+klickitat,787,10
+coffeen,517,7
+lindenwood,25,1
+marstons,1892,7
+stockman,1275,1
+hiteman,1582,3
+benevolence,345,0
+stockman,608,2
+pinesdale,103,1
+mifflinburg,955,7
+marstons,534,1
+stockman,834,2
+klickitat,1465,0
+shelbyville,204,7
+woodbine,115,1
+lakeville,67,3
+newfields,384,2
+shelbyville,2336,3
+wainscott,888,4
+wainscott,456,8
+shelbyville,1527,1
+marstons,1175,14
+lakeville,1461,6
+klickitat,65,2
+cosmos,479,9
+lakeville,1261,4
+lakeville,320,0
+lindenwood,1193,10
+wainscott,1452,13
+lakeville,1459,2
+klickitat,913,9
+mifflinburg,403,2
+woodbine,121,2
+merom,890,2
+pomaria,1442,15
+beechwood,1107,8
+lakeville,1518,7
+woodbine,481,12
+wainscott,139,0
+merom,311,2
+stockman,635,3
+pinesdale,826,4
+shelbyville,736,3
+hiteman,1209,4
+hiteman,295,2
+klickitat,414,6
+merom,656,2
+marstons,312,3
+benevolence,40,1
+pinesdale,1160,0
+stockman,949,2
+hiteman,204,2
+marstons,1787,4
+leonardo,1152,6
+klickitat,628,9
+hanson,1004,11
+klickitat,2302,1
+lindenwood,931,6
+pinesdale,1176,3
+hanson,309,3
+shelbyville,1546,1
+lindenwood,1771,6
+woodbine,1234,2
+pomaria,529,7
+woodbine,1325,4
+hanson,616,4
+hiteman,794,0
+hanson,1058,3
+klickitat,233,6
+beechwood,767,0
+newfields,758,1
+shelbyville,2018,3
+leonardo,1912,0
+beechwood,212,2
+shelbyville,516,6
+wainscott,808,17
+onaga,159,1
+beechwood,924,6
+hiteman,1800,8
+hanson,890,1
+shelbyville,2273,4
+benevolence,948,2
+shelbyville,2698,11
+wainscott,1186,2
+hanson,58,9
+coffeen,1468,3
+newfields,856,11
+leonardo,893,3
+shelbyville,1323,5
+lakeville,1414,4
+mifflinburg,415,3
+pinesdale,843,4
+lakeville,604,3
+klickitat,987,4
+hanson,1219,1
+onaga,406,1
+mifflinburg,517,6
+klickitat,1849,0
+cosmos,592,4
+tolstoy,839,3
+woodbine,1754,3
+klickitat,958,1
+newfields,1549,3
+pinesdale,700,3
+leonardo,1720,5
+lindenwood,814,3
+wainscott,492,0
+cosmos,768,2
+klickitat,2292,4
+tolstoy,50,11
+leonardo,80,0
+leonardo,196,1
+hiteman,1734,0
+stockman,1569,6
+lakeville,444,2
+leonardo,143,5
+merom,445,9
+hiteman,1236,3
+pinesdale,548,2
+tolstoy,493,4
+shelbyville,2131,0
+ranchester,1186,1
+ranchester,1293,6
+beechwood,793,7
+marstons,1146,10
+lakeville,1442,0
+shelbyville,598,0
+pinesdale,1314,11
+pinesdale,138,3
+shelbyville,1525,4
+beechwood,478,1
+cosmos,639,2
+wainscott,1359,3
+hiteman,384,4
+hanson,1082,8
+lindenwood,2450,3
+benevolence,468,3
+woodbine,1436,1
+lindenwood,287,1
+allensville,10,3
+klickitat,234,3
+lindenwood,57,4
+tolstoy,261,1
+beechwood,1011,2
+tolstoy,1149,0
+wainscott,880,10
+stockman,271,3
+merom,447,3
+lakeville,848,3
+forkland,162,1
+lakeville,1598,15
+marstons,666,2
+pomaria,1178,1
+leonardo,1313,6
+leonardo,514,0
+pinesdale,613,4
+coffeen,232,3
+marstons,2155,3
+wainscott,1548,2
+woodbine,492,3
+marstons,2643,6
+lindenwood,820,3
+ranchester,1082,3
+ranchester,1204,2
+leonardo,190,8
+newfields,1331,0
+pinesdale,1428,11
+shelbyville,1893,5
+merom,349,0
+woodbine,49,3
+newfields,1218,2
+wainscott,532,3
+hanson,498,6
+lindenwood,202,1
+mifflinburg,78,1
+newfields,1243,3
+shelbyville,1831,2
+wainscott,864,8
+shelbyville,2036,0
+marstons,2127,3
+marstons,585,3
+lindenwood,1031,4
+merom,59,2
+hiteman,1126,10
+merom,585,2
+shelbyville,754,3
+lindenwood,2018,2
+tolstoy,1752,3
+stockman,1500,2
+klickitat,2305,3
+lindenwood,920,8
+wainscott,1418,3
+newfields,179,11
+newfields,1561,3
+hanson,447,2
+lindenwood,1241,2
+shelbyville,232,1
+leonardo,1059,2
+pinesdale,658,1
+wainscott,993,2
+beechwood,110,2
+klickitat,1728,4
+stockman,945,0
+pomaria,1366,4
+shelbyville,1770,1
+mifflinburg,479,2
+ranchester,1309,9
+klickitat,2172,2
+wainscott,776,11
+marstons,1532,11
+woodbine,1004,1
+wainscott,948,2
+pomaria,1597,6
+woodbine,1556,0
+beechwood,0,2
+lakeville,642,4
+klickitat,1948,10
+hanson,836,9
+hiteman,446,2
+leonardo,1105,0
+leonardo,1878,1
+wainscott,1294,3
+lindenwood,273,12
+pinesdale,667,5
+wainscott,533,1
+shelbyville,199,1
+tolstoy,1257,4
+pinesdale,1388,6
+marstons,2010,2
+lakeville,632,0
+leonardo,1522,7
+woodbine,356,4
+newfields,114,6
+leonardo,1512,8
+shelbyville,1035,11
+lindenwood,140,3
+benevolence,602,2
+lakeville,1666,10
+wainscott,1273,0
+marstons,1661,8
+forkland,1185,0
+stockman,311,3
+leonardo,1538,4
+leonardo,1863,5
+coffeen,836,4
+coffeen,188,0
+cosmos,272,0
+newfields,611,0
+marstons,2544,3
+leonardo,1432,3
+leonardo,1065,2
+klickitat,225,10
+klickitat,1404,3
+marstons,960,1
+lakeville,294,6
+woodbine,1474,16
+pomaria,1588,1
+forkland,471,1
+marstons,1339,1
+forkland,854,0
+lakeville,385,3
+pinesdale,231,0
+ranchester,631,2
+ranchester,365,1
+tolstoy,1656,0
+leonardo,165,3
+lakeville,955,0
+pinesdale,802,1
+lakeville,772,2
+forkland,55,2
+pinesdale,1469,3
+marstons,1976,0
+woodbine,1085,9
+hiteman,1018,2
+shelbyville,1899,1
+lindenwood,1918,3
+cosmos,613,5
+hanson,1042,6
+shelbyville,544,6
+hiteman,1053,2
+wainscott,1248,7
+hiteman,866,0
+wainscott,1030,1
+lindenwood,113,9
+shelbyville,2311,2
+tolstoy,1295,3
+wainscott,874,6
+mifflinburg,262,3
+hiteman,1858,16
+wainscott,1718,9
+lindenwood,789,3
+shelbyville,1616,10
+shelbyville,561,10
+allensville,469,7
+marstons,1929,8
+klickitat,2026,1
+lakeville,1527,1
+newfields,1094,7
+woodbine,103,10
+hanson,782,1
+lindenwood,297,4
+hanson,527,9
+benevolence,482,6
+klickitat,327,5
+hiteman,105,3
+cosmos,266,5
+woodbine,386,2
+coffeen,1029,0
+stockman,859,2
+coffeen,255,6
+pinesdale,1340,2
+pomaria,256,7
+klickitat,927,6
+klickitat,1974,9
+lakeville,1016,6
+allensville,39,3
+wainscott,292,1
+klickitat,1441,4
+marstons,455,0
+marstons,2617,3
+hanson,1353,6
+leonardo,622,5
+hanson,94,1
+newfields,73,1
+forkland,529,3
+merom,287,0
+newfields,448,2
+mifflinburg,603,7
+wainscott,945,7
+pomaria,31,2
+ranchester,1467,5
+wainscott,47,3
+woodbine,472,9
+stockman,229,4
+lindenwood,1005,0
+klickitat,973,6
+marstons,477,4
+pinesdale,1059,2
+woodbine,1871,10
+allensville,35,0
+marstons,508,0
+ranchester,206,3
+lakeville,1159,0
+tolstoy,1736,2
+lakeville,46,7
+hanson,1318,7
+shelbyville,1698,6
+tolstoy,1594,6
+ranchester,483,1
+forkland,462,5
+beechwood,1,1
+mifflinburg,838,3
+allensville,289,0
+pomaria,776,8
+lakeville,1419,7
+marstons,2278,0
+wainscott,376,3
+marstons,1316,2
+benevolence,730,10
+coffeen,337,0
+leonardo,1835,1
+woodbine,1488,3
+woodbine,1889,8
+marstons,1665,3
+klickitat,2148,9
+pomaria,367,5
+benevolence,948,0
+ranchester,131,0
+pinesdale,1166,6
+beechwood,501,1
+newfields,89,14
+klickitat,1531,2
+ranchester,1343,4
+shelbyville,2161,2
+woodbine,782,0
+wainscott,1024,7
+leonardo,1141,7
+lindenwood,1048,13
+coffeen,35,7
+cosmos,403,1
+leonardo,741,3
+pinesdale,68,5
+pinesdale,1325,3
+tolstoy,891,7
+hiteman,1060,7
+pinesdale,1104,3
+wainscott,1415,2
+tolstoy,1349,10
+lindenwood,806,0
+pinesdale,902,3
+hiteman,999,3
+shelbyville,2150,4
+cosmos,850,1
+leonardo,1848,1
+leonardo,465,5
+shelbyville,617,2
+leonardo,1388,7
+hiteman,1093,2
+marstons,1216,3
+newfields,928,2
+marstons,718,3
+klickitat,1628,14
+newfields,133,7
+newfields,148,6
+forkland,822,1
+lindenwood,1676,2
+hiteman,18,9
+leonardo,1020,6
+stockman,509,2
+klickitat,1148,1
+marstons,175,3
+tolstoy,795,11
+leonardo,268,15
+pomaria,1062,5
+lindenwood,2566,0
+newfields,1504,2
+pinesdale,720,6
+lakeville,495,6
+shelbyville,2169,11
+lakeville,687,1
+hanson,104,5
+wainscott,1116,1
+shelbyville,2692,6
+wainscott,741,1
+wainscott,356,0
+stockman,508,1
+marstons,675,5
+marstons,990,8
+beechwood,1107,2
+tolstoy,1785,4
+pinesdale,176,0
+allensville,442,0
+leonardo,885,1
+pinesdale,1073,12
+wainscott,82,12
+lindenwood,207,0
+leonardo,1626,8
+newfields,1158,9
+mifflinburg,906,3
+cosmos,1029,2
+wainscott,1565,1
+marstons,1802,1
+lindenwood,1468,0
+pinesdale,99,14
+pomaria,1442,4
+beechwood,11,2
+lindenwood,599,4
+shelbyville,1358,2
+coffeen,539,2
+wainscott,341,5
+lindenwood,1768,7
+marstons,2508,1
+onaga,247,4
+tolstoy,1414,1
+lakeville,893,3
+woodbine,765,1
+lakeville,1842,3
+woodbine,1130,0
+newfields,491,0
+stockman,319,0
+mifflinburg,437,0
+woodbine,1321,5
+forkland,994,6
+tolstoy,1349,1
+woodbine,313,3
+leonardo,1187,3
+cosmos,603,2
+hiteman,1138,0
+hiteman,1172,1
+lindenwood,2552,8
+hanson,513,1
+lakeville,67,0
+coffeen,756,1
+shelbyville,2596,7
+shelbyville,2464,5
+marstons,502,7
+leonardo,1931,5
+leonardo,2116,5
+wainscott,881,4
+klickitat,551,0
+coffeen,1267,2
+lindenwood,1993,6
+marstons,2034,1
+beechwood,1145,6
+shelbyville,2172,6
+leonardo,393,1
+tolstoy,693,13
+marstons,2391,4
+lindenwood,1882,6
+newfields,31,9
+klickitat,1111,1
+leonardo,167,8
+lindenwood,2219,0
+mifflinburg,119,4
+merom,376,1
+klickitat,667,3
+lakeville,1074,3
+wainscott,1572,4
+klickitat,2057,10
+newfields,490,4
+newfields,61,1
+ranchester,453,10
+marstons,1969,6
+shelbyville,2483,0
+leonardo,1572,0
+hiteman,238,3
+tolstoy,1111,0
+ranchester,983,8
+coffeen,342,2
+klickitat,710,3
+benevolence,639,0
+wainscott,1649,1
+mifflinburg,271,2
+tolstoy,230,5
+mifflinburg,34,4
+newfields,1168,5
+woodbine,1909,6
+allensville,399,2
+mifflinburg,897,2
+marstons,1890,2
+lindenwood,842,5
+pinesdale,355,1
+leonardo,1664,13
+cosmos,1039,7
+klickitat,2247,2
+woodbine,1218,3
+shelbyville,2562,4
+cosmos,305,5
+beechwood,1068,1
+merom,181,3
+lakeville,388,6
+lindenwood,2538,6
+lindenwood,222,1
+lindenwood,2289,0
+beechwood,551,0
+stockman,1542,4
+mifflinburg,439,3
+merom,603,2
+merom,228,1
+shelbyville,393,5
+leonardo,738,3
+woodbine,78,4
+hanson,1543,1
+klickitat,99,4
+hiteman,1315,8
+tolstoy,1782,1
+woodbine,603,11
+lakeville,1654,9
+ranchester,332,0
+ranchester,165,4
+merom,18,5
+stockman,191,4
+shelbyville,887,1
+tolstoy,236,14
+tolstoy,600,4
+allensville,349,0
+tolstoy,108,8
+marstons,1228,8
+lindenwood,1694,7
+mifflinburg,202,2
+woodbine,782,5
+wainscott,242,2
+woodbine,556,2
+tolstoy,566,1
+hiteman,585,1
+pinesdale,1250,0
+tolstoy,74,0
+newfields,1147,8
+leonardo,1777,1
+lakeville,358,17
+shelbyville,2053,13
+hanson,156,5
+newfields,1447,0
+klickitat,2012,0
+tolstoy,263,3
+cosmos,662,14
+lindenwood,206,1
+stockman,718,2
+woodbine,1105,7
+newfields,1121,5
+pinesdale,60,1
+hiteman,120,5
+woodbine,1,5
+mifflinburg,597,1
+lakeville,609,8
+hanson,1078,2
+stockman,1075,4
+pomaria,131,8
+forkland,319,2
+lakeville,459,10
+coffeen,612,1
+woodbine,391,3
+hanson,1206,0
+marstons,1024,2
+coffeen,749,1
+beechwood,273,2
+wainscott,1205,4
+lindenwood,580,0
+lindenwood,899,13
+lakeville,704,2
+merom,826,2
+lakeville,1318,5
+pomaria,581,12
+hiteman,1130,3
+pinesdale,895,0
+wainscott,853,9
+newfields,1480,4
+merom,681,3
+hanson,373,1
+tolstoy,678,1
+klickitat,540,1
+shelbyville,906,1
+hiteman,1423,4
+onaga,478,3
+lakeville,1412,4
+mifflinburg,928,2
+pinesdale,813,5
+marstons,744,0
+coffeen,1138,2
+tolstoy,313,1
+pinesdale,1495,1
+pomaria,30,0
+tolstoy,1333,3
+hanson,561,1
+woodbine,226,9
+wainscott,1217,1
+leonardo,284,3
+tolstoy,1419,3
+klickitat,839,1
+tolstoy,967,1
+newfields,1524,4
+tolstoy,1612,1
+woodbine,554,0
+merom,1024,4
+hiteman,257,3
+pomaria,399,4
+wainscott,1024,5
+merom,867,2
+beechwood,1157,8
+stockman,1346,3
+shelbyville,144,7
+leonardo,2108,5
+hiteman,702,0
+beechwood,804,1
+pomaria,1226,9
+marstons,921,10
+lakeville,710,4
+wainscott,275,1
+tolstoy,145,7
+newfields,435,3
+mifflinburg,671,0
+ranchester,297,9
+leonardo,1480,7
+lakeville,1468,3
+wainscott,454,8
+beechwood,697,1
+pinesdale,913,5
+klickitat,407,9
+marstons,2657,2
+tolstoy,882,2
+shelbyville,193,13
+marstons,1677,0
+forkland,747,2
+mifflinburg,112,4
+marstons,928,2
+lakeville,473,2
+marstons,2508,2
+cosmos,238,0
+tolstoy,656,8
+newfields,321,4
+hanson,85,8
+hanson,573,4
+hanson,1496,1
+stockman,35,6
+ranchester,565,0
+beechwood,826,4
+shelbyville,785,0
+coffeen,665,2
+hiteman,1186,2
+newfields,1025,10
+leonardo,1204,10
+pomaria,1169,3
+shelbyville,2482,13
+hiteman,127,0
+wainscott,502,5
+coffeen,1379,0
+stockman,445,4
+leonardo,1412,3
+pomaria,1588,0
+klickitat,27,4
+ranchester,652,3
+leonardo,377,0
+marstons,1991,0
+ranchester,1039,9
+woodbine,622,7
+coffeen,1447,2
+marstons,2608,11
+leonardo,2016,4
+pinesdale,575,0
+ranchester,276,1
+lindenwood,280,6
+lindenwood,2437,1
+marstons,880,6
+leonardo,345,2
+woodbine,1379,1
+forkland,1091,2
+leonardo,1883,8
+lakeville,1569,3
+marstons,925,1
+klickitat,2157,3
+leonardo,77,1
+leonardo,1996,0
+marstons,2362,1
+hanson,1451,6
+newfields,29,2
+leonardo,417,4
+lindenwood,2131,5
+pinesdale,677,0
+newfields,1262,3
+klickitat,580,10
+merom,967,1
+hanson,80,3
+klickitat,1649,2
+shelbyville,2631,8
+shelbyville,1597,1
+hanson,508,2
+coffeen,1095,0
+leonardo,1197,5
+klickitat,542,5
+klickitat,381,5
+woodbine,753,4
+klickitat,2331,4
+stockman,398,0
+lakeville,1855,1
+shelbyville,2670,6
+lindenwood,964,3
+benevolence,19,1
+shelbyville,1532,0
+klickitat,1777,11
+klickitat,2318,7
+lindenwood,1479,3
+wainscott,1012,1
+tolstoy,1376,3
+merom,896,5
+hiteman,26,6
+shelbyville,2131,3
+shelbyville,2368,7
+shelbyville,724,1
+lindenwood,2438,1
+marstons,1000,0
+marstons,243,9
+newfields,1416,10
+forkland,214,0
+newfields,1537,3
+klickitat,199,6
+allensville,8,6
+woodbine,1925,2
+hiteman,492,1
+shelbyville,1228,6
+pinesdale,1519,1
+ranchester,1366,1
+woodbine,1704,4
+hanson,721,0
+pinesdale,1478,3
+pomaria,186,10
+merom,866,7
+pinesdale,1321,11
+leonardo,1840,3
+klickitat,2402,0
+mifflinburg,897,4
+lakeville,250,0
+newfields,1279,3
+wainscott,1492,6
+merom,83,3
+stockman,315,6
+pomaria,356,3
+wainscott,979,8
+pomaria,33,0
+klickitat,2190,6
+shelbyville,2740,2
+woodbine,1957,4
+woodbine,1837,8
+woodbine,790,3
+klickitat,156,4
+beechwood,275,0
+pinesdale,729,1
+woodbine,387,0
+shelbyville,2294,3
+coffeen,1173,2
+lindenwood,2129,14
+shelbyville,2139,13
+hiteman,330,8
+woodbine,1296,0
+hiteman,679,3
+newfields,1134,4
+forkland,871,10
+shelbyville,1160,1
+woodbine,1537,0
+hanson,50,0
+hiteman,798,2
+forkland,829,1
+shelbyville,750,13
+pomaria,449,1
+stockman,691,0
+hiteman,1792,1
+stockman,513,3
+beechwood,226,5
+leonardo,775,0
+klickitat,276,0
+klickitat,2078,0
+shelbyville,781,9
+ranchester,1222,6
+lindenwood,523,3
+woodbine,397,9
+shelbyville,1639,0
+lakeville,1300,3
+hanson,212,0
+wainscott,1748,9
+forkland,35,4
+hanson,1636,2
+woodbine,1050,15
+leonardo,224,3
+cosmos,115,0
+shelbyville,445,5
+hiteman,1170,6
+leonardo,901,2
+marstons,2105,3
+mifflinburg,189,5
+klickitat,2334,12
+lakeville,1728,0
+lakeville,1278,5
+hanson,867,4
+coffeen,992,2
+woodbine,1957,2
+lindenwood,1922,5
+woodbine,36,4
+mifflinburg,307,1
+merom,949,0
+marstons,2198,4
+wainscott,1008,0
+stockman,1424,1
+lakeville,1304,1
+lakeville,182,5
+lindenwood,1321,5
+leonardo,2020,7
+hanson,1498,13
+pomaria,1523,2
+shelbyville,990,6
+lindenwood,2487,3
+coffeen,1427,1
+merom,8,1
+wainscott,459,0
+lindenwood,1547,9
+benevolence,380,4
+lakeville,492,9
+pinesdale,230,0
+tolstoy,1826,1
+beechwood,88,2
+tolstoy,306,1
+lindenwood,1969,2
+lindenwood,2375,0
+allensville,231,9
+ranchester,1170,7
+beechwood,289,3
+shelbyville,759,2
+pomaria,547,8
+woodbine,539,5
+hanson,606,0
+woodbine,864,2
+lakeville,498,0
+coffeen,1016,2
+ranchester,514,6
+lindenwood,1616,14
+pomaria,240,4
+stockman,966,2
+tolstoy,556,10
+cosmos,176,0
+stockman,733,3
+leonardo,539,1
+shelbyville,2698,12
+leonardo,1911,2
+marstons,1439,9
+hanson,1183,3
+stockman,474,3
+merom,400,5
+woodbine,1880,6
+pinesdale,555,11
+tolstoy,659,1
+lindenwood,1783,17
+pinesdale,392,1
+pinesdale,377,3
+lindenwood,187,1
+pinesdale,297,3
+marstons,583,1
+pomaria,1430,6
+klickitat,1850,2
+shelbyville,1172,10
+leonardo,2047,1
+leonardo,1278,5
+shelbyville,2085,4
+ranchester,250,3
+marstons,873,1
+allensville,102,4
+cosmos,102,0
+wainscott,870,1
+marstons,284,13
+hanson,347,4
+leonardo,2116,7
+hanson,1082,10
+hiteman,779,15
+lindenwood,586,8
+pinesdale,830,3
+tolstoy,932,4
+lindenwood,1473,2
+stockman,105,2
+pomaria,1213,5
+lakeville,1350,18
+lindenwood,781,0
+wainscott,1417,2
+wainscott,1524,11
+leonardo,1335,8
+hanson,105,6
+newfields,422,8
+hanson,9,3
+wainscott,1388,6
+marstons,1574,3
+shelbyville,421,0
+shelbyville,2096,6
+pinesdale,769,11
+shelbyville,1727,2
+klickitat,1597,2
+woodbine,603,0
+leonardo,1608,0
+hiteman,198,12
+pomaria,819,3
+forkland,330,2
+stockman,1194,2
+hanson,1132,0
+leonardo,1561,3
+marstons,2067,2
+lindenwood,820,8
+leonardo,905,0
+marstons,162,3
+coffeen,690,4
+hiteman,1593,11
+woodbine,1642,5
+woodbine,1021,5
+beechwood,924,4
+pinesdale,1040,5
+woodbine,2001,0
+lindenwood,2333,4
+coffeen,28,0
+tolstoy,50,9
+marstons,1533,7
+marstons,1800,2
+hiteman,1611,1
+wainscott,917,6
+lakeville,925,1
+wainscott,391,0
+shelbyville,2720,8
+woodbine,1619,1
+merom,789,6
+marstons,444,7
+tolstoy,948,4
+wainscott,1495,0
+cosmos,104,2
+hanson,1131,12
+pinesdale,895,2
+tolstoy,1450,7
+mifflinburg,927,1
+marstons,2187,6
+hiteman,1099,5
+tolstoy,1181,2
+lindenwood,2215,14
+forkland,839,0
+lakeville,1311,0
+tolstoy,608,7
+stockman,1064,1
+marstons,270,0
+tolstoy,1346,1
+hanson,545,5
+newfields,1608,10
+lakeville,1081,1
+lindenwood,2017,6
+woodbine,748,14
+ranchester,957,2
+shelbyville,921,6
+klickitat,1225,5
+lindenwood,404,12
+stockman,1198,16
+merom,308,2
+lindenwood,603,1
+newfields,456,3
+coffeen,1008,1
+leonardo,667,5
+shelbyville,2451,10
+tolstoy,958,2
+pomaria,779,4
+tolstoy,1571,1
+lindenwood,241,3
+leonardo,1468,6
+shelbyville,1859,5
+lakeville,1486,6
+stockman,1383,3
+wainscott,1016,4
+marstons,1920,16
+woodbine,532,9
+tolstoy,89,0
+hanson,776,8
+wainscott,195,2
+ranchester,1604,3
+cosmos,528,1
+pomaria,1569,0
+newfields,394,0
+leonardo,1012,0
+cosmos,474,1
+pomaria,1147,4
+shelbyville,1737,6
+hanson,1590,6
+stockman,1582,2
+hiteman,1402,5
+tolstoy,362,4
+wainscott,1089,3
+beechwood,308,3
+klickitat,1692,1
+lindenwood,718,4
+newfields,189,2
+onaga,561,8
+klickitat,466,3
+woodbine,474,1
+tolstoy,669,5
+lindenwood,1989,3
+tolstoy,1559,5
+leonardo,1513,2
+shelbyville,482,1
+marstons,165,6
+klickitat,2325,1
+pinesdale,1338,6
+newfields,1158,7
+newfields,412,3
+newfields,355,2
+pomaria,8,5
+hanson,966,7
+pomaria,1240,0
+mifflinburg,847,7
+newfields,1574,5
+marstons,1385,1
+pomaria,833,4
+pinesdale,116,2
+stockman,284,2
+tolstoy,585,10
+tolstoy,828,1
+lindenwood,1818,17
+leonardo,789,4
+merom,688,0
+klickitat,549,0
+pomaria,1415,16
+mifflinburg,591,0
+leonardo,1952,7
+leonardo,1757,7
+coffeen,888,1
+leonardo,707,9
+lindenwood,2166,1
+shelbyville,1906,6
+klickitat,231,0
+pinesdale,1516,0
+woodbine,746,16
+woodbine,2005,0
+newfields,31,15
+newfields,1412,0
+marstons,1003,0
+cosmos,419,5
+tolstoy,1194,0
+woodbine,1141,5
+newfields,721,8
+newfields,1225,2
+beechwood,571,8
+mifflinburg,84,6
+lakeville,599,2
+newfields,1206,0
+shelbyville,1101,8
+leonardo,98,0
+woodbine,1958,5
+newfields,294,6
+klickitat,52,4
+hiteman,320,0
+stockman,508,4
+woodbine,748,1
+shelbyville,1642,3
+lakeville,1474,4
+lakeville,857,0
+coffeen,224,6
+onaga,646,2
+wainscott,229,17
+wainscott,310,11
+ranchester,763,2
+marstons,921,19
+newfields,501,1
+coffeen,1222,2
+newfields,391,13
+shelbyville,727,13
+forkland,850,4
+hanson,1288,4
+pomaria,1016,5
+hiteman,1527,3
+marstons,2443,14
+pomaria,279,6
+leonardo,953,1
+coffeen,1263,0
+mifflinburg,811,4
+marstons,1576,1
+leonardo,979,2
+shelbyville,1808,1
+wainscott,831,6
+hiteman,109,7
+shelbyville,1269,7
+shelbyville,229,7
+leonardo,1194,4
+lindenwood,2295,4
+lindenwood,890,5
+pomaria,758,5
+newfields,336,0
+hanson,504,18
+cosmos,455,10
+cosmos,708,5
+woodbine,1936,1
+lakeville,1291,8
+merom,1119,6
+lakeville,1860,1
+beechwood,155,12
+beechwood,656,7
+merom,559,1
+lindenwood,2257,1
+tolstoy,977,12
+hiteman,331,6
+woodbine,1303,9
+lakeville,1128,8
+ranchester,1628,0
+ranchester,1176,4
+leonardo,1845,5
+lakeville,847,9
+leonardo,1149,3
+mifflinburg,331,2
+cosmos,974,3
+lakeville,1378,2
+cosmos,501,1
+onaga,23,0
+hiteman,1301,2
+stockman,430,6
+leonardo,1485,1
+pomaria,1060,1
+pomaria,498,5
+lakeville,1550,4
+merom,894,1
+pinesdale,566,4
+lindenwood,1891,15
+ranchester,666,4
+marstons,1357,1
+hiteman,926,13
+leonardo,1678,3
+leonardo,898,0
+hiteman,46,9
+lakeville,1686,0
+lindenwood,2057,5
+cosmos,293,14
+woodbine,173,4
+lindenwood,114,2
+shelbyville,2378,5
+klickitat,8,5
+newfields,985,5
+marstons,1682,6
+stockman,977,2
+stockman,1542,6
+beechwood,67,3
+klickitat,1174,2
+ranchester,1077,2
+stockman,265,18
+wainscott,697,0
+woodbine,1932,7
+tolstoy,1208,3
+klickitat,2357,6
+pinesdale,1364,0
+lakeville,1112,4
+tolstoy,937,6
+woodbine,655,5
+newfields,406,7
+lindenwood,1440,5
+marstons,2631,1
+leonardo,1492,2
+marstons,771,3
+stockman,208,2
+pinesdale,1155,4
+klickitat,2168,1
+hiteman,131,12
+shelbyville,947,0
+cosmos,929,1
+shelbyville,718,10
+beechwood,804,3
+tolstoy,1776,12
+mifflinburg,167,2
+beechwood,559,13
+leonardo,1906,0
+lakeville,652,8
+shelbyville,181,3
+pomaria,388,6
+lindenwood,27,7
+allensville,491,2
+lindenwood,1111,3
+pinesdale,1089,1
+benevolence,53,5
+wainscott,132,5
+ranchester,413,1
+klickitat,426,12
+forkland,856,0
+newfields,493,8
+marstons,1772,1
+woodbine,344,0
+hanson,246,10
+cosmos,51,1
+newfields,344,2
+hanson,300,10
+benevolence,145,0
+shelbyville,469,1
+leonardo,443,1
+tolstoy,1668,9
+marstons,1709,1
+forkland,302,3
+beechwood,711,0
+hanson,1242,2
+lakeville,1388,7
+lakeville,170,3
+hiteman,1336,4
+marstons,2465,2
+leonardo,203,1
+lakeville,1752,4
+tolstoy,1708,8
+newfields,478,16
+shelbyville,2246,4
+mifflinburg,774,6
+tolstoy,663,2
+pomaria,150,1
+marstons,1998,5
+marstons,2515,0
+benevolence,924,8
+lakeville,296,0
+newfields,1486,1
+shelbyville,1664,1
+shelbyville,349,0
+lakeville,1310,8
+marstons,1867,6
+hiteman,44,1
+leonardo,1201,2
+allensville,62,3
+leonardo,1515,3
+klickitat,445,11
+hanson,1449,13
+pomaria,633,2
+leonardo,1536,5
+wainscott,951,5
+ranchester,1167,1
+hanson,1270,7
+ranchester,620,1
+leonardo,1179,1
+leonardo,336,3
+leonardo,1051,4
+benevolence,113,7
+stockman,148,0
+forkland,516,2
+woodbine,101,2
+shelbyville,2635,4
+woodbine,1767,6
+tolstoy,1287,2
+newfields,1564,2
+wainscott,1199,16
+klickitat,1700,4
+marstons,872,5
+klickitat,1407,4
+stockman,1108,3
+allensville,262,6
+woodbine,470,4
+forkland,1007,1
+shelbyville,1100,7
+ranchester,281,8
+tolstoy,111,6
+leonardo,392,5
+lindenwood,1250,0
+ranchester,1551,0
+lakeville,1247,8
+lakeville,894,4
+klickitat,596,2
+hanson,1479,2
+allensville,366,3
+hiteman,1318,2
+beechwood,915,1
+lakeville,1586,20
+ranchester,1065,5
+shelbyville,36,0
+stockman,1511,0
+shelbyville,1535,2
+cosmos,308,1
+mifflinburg,855,1
+leonardo,988,5
+pomaria,1661,5
+coffeen,69,2
+lakeville,134,2
+lakeville,1778,12
+forkland,311,2
+lindenwood,378,1
+marstons,846,1
+pinesdale,973,7
+tolstoy,574,2
+newfields,388,8
+pomaria,1268,4
+wainscott,355,10
+newfields,558,19
+wainscott,1416,5
+pomaria,881,1
+lindenwood,1025,3
+coffeen,1406,1
+pomaria,1139,3
+tolstoy,436,5
+cosmos,398,3
+pomaria,1052,3
+shelbyville,1644,1
+stockman,692,5
+coffeen,1075,0
+pomaria,805,1
+hiteman,47,3
+woodbine,1154,3
+ranchester,1117,2
+newfields,402,2
+woodbine,1183,13
+ranchester,1486,1
+allensville,360,2
+woodbine,2020,4
+pinesdale,1010,6
+lindenwood,925,4
+merom,402,8
+cosmos,530,11
+forkland,725,3
+shelbyville,1101,2
+stockman,1101,1
+pinesdale,322,5
+forkland,357,1
+klickitat,625,5
+newfields,1637,0
+beechwood,61,8
+forkland,64,7
+pomaria,727,1
+hanson,88,4
+woodbine,413,5
+forkland,665,2
+forkland,967,0
+tolstoy,1540,1
+wainscott,1630,5
+lakeville,22,3
+coffeen,797,8
+klickitat,335,3
+coffeen,145,1
+klickitat,370,7
+marstons,613,2
+ranchester,757,1
+merom,110,1
+pomaria,1294,0
+woodbine,1556,4
+coffeen,1014,4
+marstons,557,3
+lindenwood,2568,6
+leonardo,85,6
+tolstoy,35,9
+hanson,496,3
+ranchester,1112,0
+ranchester,1491,5
+coffeen,817,5
+stockman,969,1
+klickitat,175,0
+ranchester,336,12
+pomaria,455,4
+beechwood,144,0
+ranchester,1118,2
+lindenwood,1905,3
+wainscott,161,9
+hiteman,927,3
+forkland,12,2
+beechwood,776,0
+shelbyville,2186,2
+tolstoy,1411,5
+klickitat,2334,9
+marstons,931,0
+stockman,987,4
+merom,1097,0
+newfields,1269,8
+newfields,325,2
+onaga,108,2
+newfields,687,1
+allensville,189,2
+ranchester,1039,7
+hiteman,721,3
+newfields,368,2
+cosmos,1052,0
+onaga,488,0
+woodbine,890,0
+forkland,333,3
+hiteman,1028,3
+stockman,951,3
+woodbine,1808,2
+allensville,388,6
+leonardo,387,2
+leonardo,647,0
+lindenwood,2191,12
+forkland,877,8
+wainscott,1011,3
+lindenwood,686,1
+tolstoy,355,0
+cosmos,49,1
+coffeen,1499,4
+leonardo,780,5
+klickitat,1964,3
+wainscott,907,1
+newfields,485,3
+wainscott,442,1
+hanson,465,1
+wainscott,1038,2
+marstons,825,4
+marstons,2332,8
+ranchester,713,2
+newfields,151,2
+newfields,1166,2
+shelbyville,867,3
+hanson,746,0
+onaga,76,1
+klickitat,1193,3
+hanson,656,2
+hiteman,1017,1
+cosmos,421,6
+tolstoy,264,6
+tolstoy,1435,4
+shelbyville,1101,15
+lindenwood,2122,2
+leonardo,1022,2
+pinesdale,601,0
+cosmos,68,10
+marstons,1768,4
+newfields,490,6
+lindenwood,281,0
+klickitat,1429,13
+hiteman,1149,1
+hiteman,1317,5
+shelbyville,1788,2
+marstons,2170,10
+hiteman,702,1
+klickitat,870,1
+merom,439,0
+hiteman,1785,1
+cosmos,221,6
+klickitat,983,3
+benevolence,793,1
+hiteman,98,1
+leonardo,694,1
+newfields,120,10
+allensville,179,0
+merom,380,9
+forkland,479,0
+stockman,1078,1
+hiteman,1430,0
+marstons,1454,1
+marstons,2633,2
+hanson,1081,0
+klickitat,415,2
+hanson,580,5
+onaga,561,2
+ranchester,858,4
+beechwood,1065,8
+marstons,542,1
+shelbyville,236,1
+tolstoy,986,5
+woodbine,881,11
+leonardo,1875,0
+shelbyville,1566,6
+forkland,577,3
+lakeville,459,0
+marstons,594,4
+marstons,672,1
+marstons,1722,3
+woodbine,417,10
+ranchester,1433,6
+woodbine,562,6
+lindenwood,440,7
+hiteman,1132,7
+tolstoy,743,3
+ranchester,1119,6
+marstons,320,12
+newfields,1547,16
+lindenwood,1276,4
+leonardo,163,3
+tolstoy,1562,7
+wainscott,926,1
+forkland,469,0
+forkland,967,1
+shelbyville,116,1
+allensville,442,6
+marstons,2608,0
+wainscott,1513,0
+klickitat,1889,3
+lakeville,673,1
+wainscott,1005,0
+shelbyville,2736,8
+woodbine,430,3
+leonardo,703,4
+ranchester,355,3
+marstons,2405,0
+merom,802,1
+woodbine,1627,3
+klickitat,1388,1
+hanson,202,15
+pomaria,27,6
+hiteman,1393,2
+ranchester,584,0
+newfields,924,1
+mifflinburg,808,0
+pinesdale,1464,6
+lakeville,351,16
+wainscott,167,6
+lakeville,1234,3
+stockman,977,0
+cosmos,171,4
+beechwood,815,6
+tolstoy,1803,4
+hanson,1042,7
+pinesdale,913,4
+merom,156,2
+marstons,894,1
+woodbine,1321,3
+leonardo,906,1
+beechwood,979,9
+coffeen,575,6
+ranchester,155,2
+hiteman,178,3
+pomaria,725,9
+shelbyville,2743,4
+pinesdale,531,1
+hanson,1473,5
+hanson,1194,10
+hanson,656,11
+tolstoy,1418,0
+coffeen,303,0
+pinesdale,1027,0
+lakeville,387,14
+cosmos,823,9
+hanson,74,6
+tolstoy,544,11
+leonardo,2115,0
+lakeville,1533,1
+hanson,1321,3
+klickitat,2377,14
+lindenwood,1289,4
+tolstoy,599,0
+lakeville,1054,4
+klickitat,1239,2
+lindenwood,1081,1
+shelbyville,2118,0
+woodbine,1430,3
+tolstoy,745,3
+wainscott,1684,10
+lindenwood,2610,0
+ranchester,638,2
+newfields,108,6
+ranchester,898,4
+pinesdale,526,1
+ranchester,1265,11
+tolstoy,1214,3
+cosmos,808,2
+woodbine,1282,6
+lakeville,654,16
+pomaria,657,1
+shelbyville,1836,2
+ranchester,286,3
+hiteman,862,8
+hiteman,412,3
+stockman,670,0
+beechwood,487,5
+wainscott,1015,12
+shelbyville,1693,2
+lindenwood,2577,17
+newfields,32,12
+woodbine,1923,2
+shelbyville,2100,3
+lindenwood,2432,2
+wainscott,1528,9
+hiteman,496,3
+lakeville,1434,12
+forkland,274,4
+hanson,1612,1
+marstons,2249,5
+tolstoy,324,3
+ranchester,301,6
+shelbyville,1799,6
+coffeen,921,3
+coffeen,73,3
+beechwood,685,9
+newfields,655,6
+hanson,992,3
+shelbyville,1205,0
+ranchester,900,0
+marstons,2325,3
+lindenwood,658,4
+pomaria,1653,3
+lindenwood,328,0
+klickitat,2270,1
+ranchester,1639,7
+klickitat,1348,3
+klickitat,735,10
+cosmos,276,2
+pomaria,1205,3
+newfields,1407,15
+leonardo,58,4
+tolstoy,691,11
+hiteman,445,0
+beechwood,149,6
+hiteman,1787,6
+shelbyville,210,0
+lindenwood,639,2
+hiteman,413,0
+pomaria,1232,4
+hanson,769,0
+leonardo,456,4
+hanson,847,15
+leonardo,766,6
+marstons,1749,5
+leonardo,2100,13
+mifflinburg,478,2
+stockman,1056,1
+cosmos,493,6
+stockman,1350,1
+ranchester,575,7
+stockman,694,9
+pinesdale,555,12
+hiteman,1757,3
+klickitat,1953,0
+lakeville,1446,0
+lindenwood,1445,1
+hanson,1500,2
+ranchester,1561,5
+pomaria,1575,8
+pinesdale,572,5
+marstons,1896,14
+pomaria,1253,9
+newfields,1344,2
+woodbine,285,8
+pomaria,477,0
+lakeville,114,0
+merom,400,4
+tolstoy,83,0
+lakeville,476,2
+newfields,481,4
+shelbyville,2056,2
+benevolence,253,3
+newfields,924,3
+pomaria,1672,4
+lakeville,1613,19
+coffeen,10,2
+pinesdale,269,2
+klickitat,1678,0
+lindenwood,2210,4
+woodbine,1294,1
+hiteman,1103,5
+tolstoy,1478,2
+shelbyville,645,6
+ranchester,157,3
+pomaria,1472,7
+marstons,1580,10
+woodbine,34,6
+coffeen,474,9
+hanson,1109,2
+woodbine,1734,0
+marstons,1886,2
+lakeville,218,4
+leonardo,1746,5
+shelbyville,2594,10
+leonardo,405,2
+pomaria,903,7
+merom,735,0
+stockman,951,5
+forkland,55,1
+pomaria,354,1
+klickitat,1177,1
+pinesdale,699,1
+stockman,104,3
+woodbine,736,6
+marstons,1455,6
+lindenwood,520,0
+mifflinburg,107,0
+allensville,127,6
+tolstoy,320,2
+benevolence,844,6
+shelbyville,581,3
+woodbine,373,1
+stockman,1417,7
+klickitat,1519,8
+tolstoy,794,4
+newfields,89,9
+pomaria,1640,3
+klickitat,964,4
+shelbyville,1075,5
+wainscott,3,4
+allensville,163,2
+leonardo,15,1
+tolstoy,1543,1
+hanson,594,6
+hanson,1645,2
+merom,801,2
+shelbyville,1017,2
+woodbine,1683,2
+pomaria,1082,9
+shelbyville,1744,5
+pinesdale,1069,8
+wainscott,500,2
+lindenwood,1603,1
+leonardo,348,0
+marstons,1440,2
+hiteman,1513,0
+ranchester,374,1
+woodbine,88,1
+leonardo,997,0
+lindenwood,537,5
+beechwood,247,0
+ranchester,1143,3
+lakeville,1542,6
+shelbyville,179,3
+pinesdale,449,1
+marstons,840,0
+shelbyville,1437,0
+hanson,1030,2
+leonardo,659,23
+klickitat,28,1
+wainscott,438,1
+shelbyville,2597,4
+wainscott,769,6
+leonardo,569,0
+hanson,32,0
+shelbyville,280,16
+marstons,1872,6
+allensville,224,3
+lindenwood,1822,13
+cosmos,779,0
+lakeville,1505,15
+beechwood,447,0
+tolstoy,1533,2
+newfields,1424,6
+beechwood,437,10
+woodbine,1823,8
+lakeville,1542,4
+hiteman,672,9
+pomaria,286,0
+pinesdale,1324,0
+cosmos,855,5
+leonardo,1619,2
+beechwood,333,0
+benevolence,545,7
+merom,1119,3
+forkland,886,3
+marstons,1856,1
+onaga,596,2
+marstons,61,4
+tolstoy,163,1
+klickitat,2309,10
+woodbine,305,5
+leonardo,1821,1
+beechwood,47,7
+marstons,2565,3
+wainscott,993,8
+tolstoy,661,4
+hanson,1573,0
+mifflinburg,719,3
+pinesdale,32,5
+hanson,1021,2
+ranchester,1347,5
+wainscott,1485,0
+klickitat,1762,3
+lakeville,713,3
+stockman,41,0
+shelbyville,1377,0
+beechwood,31,1
+marstons,899,10
+stockman,1010,2
+tolstoy,1138,2
+tolstoy,1767,7
+merom,847,4
+pomaria,1570,1
+woodbine,1171,3
+marstons,1156,4
+merom,783,1
+newfields,219,1
+marstons,2247,3
+woodbine,1491,6
+marstons,987,5
+merom,110,2
+stockman,1125,8
+wainscott,179,0
+woodbine,1520,4
+forkland,273,2
+klickitat,2019,5
+forkland,865,1
+allensville,389,1
+newfields,1184,3
+klickitat,649,0
+leonardo,1000,11
+tolstoy,1117,2
+pomaria,149,4
+wainscott,1559,12
+ranchester,673,2
+stockman,989,2
+stockman,849,4
+cosmos,1072,0
+shelbyville,410,5
+lindenwood,395,2
+marstons,511,1
+tolstoy,703,0
+lindenwood,1825,0
+newfields,1088,18
+coffeen,971,1
+ranchester,1139,3
+merom,466,1
+pomaria,948,1
+merom,10,0
+leonardo,598,8
+allensville,62,0
+coffeen,270,2
+woodbine,432,4
+lakeville,1720,10
+hanson,1114,8
+mifflinburg,432,2
+leonardo,192,0
+klickitat,2202,14
+stockman,622,5
+shelbyville,2617,1
+mifflinburg,126,2
+marstons,2468,1
+hanson,305,3
+cosmos,321,0
+hiteman,1708,4
+hiteman,1779,1
+leonardo,888,2
+cosmos,69,0
+hiteman,1267,2
+hanson,1518,12
+klickitat,832,1
+coffeen,1004,1
+cosmos,286,9
+lindenwood,1677,2
+hiteman,256,2
+newfields,1258,10
+marstons,737,4
+benevolence,23,1
+newfields,570,1
+klickitat,2286,9
+lindenwood,2046,7
+wainscott,48,6
+woodbine,1818,1
+stockman,1619,3
+woodbine,1768,10
+beechwood,1128,0
+coffeen,1461,5
+pinesdale,178,0
+lakeville,899,2
+mifflinburg,503,0
+wainscott,1442,5
+shelbyville,994,8
+woodbine,867,10
+ranchester,1371,1
+marstons,424,7
+benevolence,629,8
+lindenwood,80,1
+pomaria,1220,0
+marstons,2296,0
+klickitat,1945,0
+klickitat,614,1
+hanson,38,0
+lakeville,1207,6
+wainscott,61,3
+forkland,1136,2
+pomaria,1227,1
+merom,948,1
+woodbine,1998,3
+cosmos,560,5
+mifflinburg,504,2
+newfields,1000,0
+woodbine,1475,7
+lakeville,258,1
+wainscott,767,0
+lakeville,569,3
+wainscott,1501,1
+klickitat,867,2
+hiteman,5,3
+pinesdale,533,8
+lakeville,891,0
+mifflinburg,784,7
+hiteman,1713,4
+lakeville,568,15
+ranchester,1505,1
+lindenwood,2049,4
+newfields,1610,5
+wainscott,1189,0
+klickitat,126,1
+wainscott,1753,2
+newfields,1208,1
+klickitat,1720,2
+marstons,1443,0
+shelbyville,1980,6
+lakeville,568,1
+leonardo,887,16
+newfields,737,4
+forkland,983,1
+coffeen,267,0
+shelbyville,780,5
+woodbine,1961,5
+pomaria,147,3
+newfields,161,5
+lindenwood,2554,6
+forkland,42,2
+tolstoy,303,1
+pomaria,1084,1
+woodbine,1150,0
+benevolence,627,5
+lindenwood,313,2
+hiteman,1163,3
+hanson,430,2
+lindenwood,385,6
+merom,71,8
+hiteman,1608,1
+forkland,389,5
+beechwood,675,4
+pomaria,1617,7
+lindenwood,894,0
+pomaria,538,8
+wainscott,1267,2
+ranchester,567,3
+leonardo,212,5
+stockman,364,2
+tolstoy,402,11
+woodbine,200,0
+marstons,1900,4
+wainscott,1562,4
+lindenwood,970,3
+pinesdale,1454,0
+lindenwood,2135,4
+lindenwood,434,0
+ranchester,851,0
+marstons,1580,3
+lindenwood,2516,1
+marstons,158,8
+marstons,1257,3
+ranchester,195,0
+ranchester,776,0
+woodbine,555,7
+lakeville,1559,10
+wainscott,184,1
+cosmos,46,11
+stockman,513,0
+marstons,2431,8
+newfields,228,9
+merom,92,4
+tolstoy,1832,1
+marstons,14,7
+leonardo,2116,9
+tolstoy,179,2
+leonardo,1239,1
+marstons,2316,1
+lindenwood,904,0
+wainscott,1386,0
+coffeen,966,1
+beechwood,311,2
+merom,531,1
+tolstoy,1545,1
+klickitat,440,1
+stockman,713,2
+cosmos,292,12
+woodbine,1603,1
+hanson,26,11
+lindenwood,2523,0
+stockman,777,4
+woodbine,139,0
+pomaria,50,0
+pomaria,586,1
+pinesdale,1319,2
+klickitat,2254,0
+woodbine,121,5
+hanson,104,0
+lakeville,1301,3
+lindenwood,1854,3
+leonardo,443,2
+lakeville,1420,10
+marstons,979,4
+marstons,1963,16
+hanson,332,2
+stockman,843,9
+hanson,581,3
+klickitat,625,6
+pomaria,548,7
+merom,501,10
+coffeen,649,2
+lakeville,87,7
+marstons,723,1
+pinesdale,1445,3
+wainscott,678,4
+lakeville,1477,8
+tolstoy,1088,6
+leonardo,1358,5
+hiteman,1302,0
+klickitat,381,2
+klickitat,978,8
+woodbine,1283,10
+pomaria,86,5
+hiteman,274,5
+wainscott,18,3
+lindenwood,2289,9
+leonardo,1226,2
+hanson,115,6
+allensville,294,2
+pomaria,477,12
+forkland,1030,2
+shelbyville,2808,11
+ranchester,338,12
+hiteman,695,8
+benevolence,156,0
+lindenwood,1510,0
+ranchester,1203,0
+lindenwood,1757,0
+stockman,1427,14
+stockman,972,0
+marstons,497,10
+pomaria,178,3
+ranchester,113,4
+wainscott,1438,6
+lakeville,524,3
+pomaria,1265,3
+beechwood,45,9
+newfields,1151,3
+lindenwood,304,0
+marstons,1281,2
+shelbyville,1357,6
+forkland,301,2
+marstons,140,8
+shelbyville,747,1
+hiteman,830,2
+coffeen,197,0
+shelbyville,328,7
+woodbine,1320,6
+coffeen,151,2
+stockman,60,6
+pomaria,175,2
+lindenwood,2228,1
+ranchester,186,1
+beechwood,1013,1
+hiteman,857,3
+marstons,1198,0
+marstons,1933,6
+stockman,1013,6
+shelbyville,727,6
+coffeen,193,4
+forkland,453,7
+lakeville,1417,4
+shelbyville,1106,2
+pomaria,406,4
+newfields,493,9
+stockman,707,0
+coffeen,970,2
+benevolence,962,6
+woodbine,637,2
+shelbyville,2338,3
+leonardo,130,11
+leonardo,1211,5
+wainscott,1628,0
+ranchester,850,0
+beechwood,993,6
+mifflinburg,736,7
+hanson,653,2
+benevolence,720,6
+shelbyville,121,8
+allensville,7,4
+mifflinburg,961,7
+pomaria,24,1
+pomaria,1131,4
+hanson,369,5
+leonardo,1675,0
+wainscott,1774,2
+beechwood,328,5
+lindenwood,2381,2
+marstons,276,2
+mifflinburg,189,1
+hiteman,1114,0
+merom,963,3
+hanson,507,1
+lakeville,1360,0
+marstons,2503,6
+klickitat,1561,12
+marstons,2641,8
+leonardo,1404,6
+coffeen,221,3
+newfields,167,0
+shelbyville,1753,1
+marstons,552,3
+pomaria,250,0
+forkland,579,0
+tolstoy,1246,0
+leonardo,1256,1
+hiteman,1579,0
+hiteman,193,6
+forkland,137,1
+klickitat,2359,4
+klickitat,2381,9
+lindenwood,1131,3
+newfields,360,17
+shelbyville,2171,3
+newfields,1546,9
+coffeen,662,8
+pomaria,257,2
+lakeville,98,13
+tolstoy,1225,4
+ranchester,1442,2
+hiteman,258,4
+mifflinburg,181,0
+ranchester,729,4
+tolstoy,1494,3
+leonardo,2010,1
+forkland,324,3
+klickitat,292,1
+lindenwood,1024,7
+ranchester,672,0
+pomaria,503,8
+wainscott,1193,4
+hiteman,1194,8
+leonardo,832,3
+stockman,153,8
+klickitat,1347,2
+woodbine,1965,2
+pinesdale,843,2
+stockman,1382,1
+marstons,2307,1
+hanson,1510,18
+tolstoy,1134,2
+hiteman,1178,0
+woodbine,1772,0
+cosmos,130,8
+hiteman,1494,4
+pinesdale,473,2
+merom,261,1
+pinesdale,572,6
+ranchester,775,6
+leonardo,166,1
+newfields,1506,2
+pomaria,179,8
+forkland,1017,0
+tolstoy,356,0
+coffeen,1118,5
+lindenwood,808,1
+marstons,354,2
+wainscott,103,4
+forkland,405,0
+coffeen,474,5
+marstons,897,3
+hanson,765,4
+klickitat,83,2
+leonardo,718,3
+stockman,238,0
+pinesdale,622,2
+tolstoy,1334,0
+marstons,576,3
+ranchester,1196,1
+lakeville,1785,5
+marstons,258,3
+hanson,358,6
+newfields,646,5
+newfields,1134,7
+leonardo,1688,14
+hiteman,1281,0
+hiteman,1591,1
+shelbyville,2441,4
+ranchester,1049,4
+lindenwood,2252,11
+stockman,1565,3
+beechwood,262,0
+stockman,480,3
+pomaria,605,0
+shelbyville,2367,0
+stockman,265,3
+newfields,431,9
+wainscott,1009,2
+ranchester,290,2
+wainscott,1732,6
+newfields,1449,8
+tolstoy,952,5
+hiteman,1492,0
+marstons,1124,6
+wainscott,1236,5
+shelbyville,1116,7
+beechwood,1161,3
+mifflinburg,461,2
+marstons,2406,0
+merom,645,2
+pomaria,146,3
+pinesdale,291,1
+cosmos,80,5
+newfields,1060,5
+pinesdale,675,4
+marstons,2615,0
+woodbine,862,1
+leonardo,156,0
+leonardo,14,3
+lindenwood,1648,7
+hiteman,622,2
+woodbine,1228,3
+merom,792,0
+pinesdale,396,2
+beechwood,1160,4
+marstons,518,3
+marstons,2150,1
+marstons,2295,4
+beechwood,296,0
+cosmos,136,0
+stockman,163,8
+tolstoy,1525,6
+hiteman,1634,0
+klickitat,13,5
+woodbine,1274,2
+shelbyville,1339,3
+klickitat,464,0
+stockman,619,1
+shelbyville,1703,1
+wainscott,534,2
+pinesdale,1302,3
+tolstoy,644,2
+lakeville,1157,2
+klickitat,1366,6
+lindenwood,2357,2
+coffeen,39,2
+newfields,292,6
+beechwood,160,2
+coffeen,1041,2
+marstons,681,5
+ranchester,427,4
+shelbyville,792,1
+newfields,1503,4
+hiteman,1683,0
+lindenwood,2495,1
+wainscott,1605,3
+pinesdale,707,7
+pinesdale,30,3
+lindenwood,1526,2
+lindenwood,1430,3
+marstons,105,1
+woodbine,1390,0
+hiteman,182,4
+woodbine,547,2
+merom,360,1
+hiteman,130,5
+newfields,409,3
+klickitat,983,9
+marstons,246,6
+stockman,1613,0
+wainscott,318,0
+klickitat,373,3
+shelbyville,248,11
+pomaria,789,3
+lindenwood,2513,2
+hanson,1554,7
+coffeen,1382,7
+shelbyville,217,5
+tolstoy,231,0
+klickitat,2394,7
+hiteman,508,0
+forkland,461,2
+pomaria,1014,3
+hiteman,326,10
+benevolence,779,4
+stockman,764,2
+lindenwood,2242,1
+pomaria,1416,2
+woodbine,1616,6
+woodbine,1296,2
+leonardo,1600,3
+beechwood,637,5
+hiteman,1399,5
+marstons,1975,0
+onaga,380,2
+hiteman,785,2
+cosmos,829,0
+ranchester,946,3
+coffeen,638,1
+marstons,2581,4
+ranchester,1557,1
+wainscott,1092,2
+woodbine,1637,0
+woodbine,386,8
+merom,326,0
+stockman,597,2
+newfields,1074,1
+newfields,651,3
+marstons,631,4
+klickitat,874,1
+klickitat,222,7
+hanson,269,0
+ranchester,933,4
+wainscott,442,3
+merom,197,8
+hanson,1408,0
+newfields,741,0
+pinesdale,893,2
+stockman,1535,1
+hanson,405,2
+pinesdale,90,3
+hanson,989,8
+stockman,1216,2
+marstons,2594,4
+coffeen,575,10
+lindenwood,1600,7
+woodbine,527,14
+pinesdale,214,6
+benevolence,927,9
+beechwood,765,5
+pomaria,883,1
+pinesdale,736,0
+wainscott,797,5
+shelbyville,636,4
+pomaria,1031,8
+pomaria,4,0
+klickitat,658,10
+hiteman,599,0
+forkland,645,2
+merom,66,7
+wainscott,780,4
+pomaria,1199,5
+newfields,1501,8
+pinesdale,1107,2
+newfields,1623,12
+newfields,591,0
+newfields,1346,3
+wainscott,1412,4
+stockman,312,5
+hanson,53,4
+klickitat,132,5
+shelbyville,1042,8
+ranchester,1433,13
+newfields,1152,2
+merom,964,1
+lindenwood,2261,4
+leonardo,1755,0
+coffeen,129,2
+wainscott,1140,0
+leonardo,329,1
+leonardo,1533,3
+ranchester,1382,0
+merom,456,2
+tolstoy,988,0
+hiteman,910,2
+klickitat,1206,7
+leonardo,355,2
+lindenwood,2659,2
+mifflinburg,775,5
+lindenwood,1100,2
+wainscott,403,2
+hanson,1002,1
+hiteman,1069,2
+pinesdale,1316,5
+hanson,1523,0
+beechwood,656,3
+merom,302,2
+marstons,1493,7
+leonardo,1580,7
+coffeen,38,4
+klickitat,2072,13
+stockman,1324,5
+lakeville,785,1
+tolstoy,1136,4
+lindenwood,889,2
+merom,742,1
+lakeville,76,6
+hiteman,1772,5
+lindenwood,881,1
+shelbyville,2695,1
+tolstoy,507,0
+beechwood,1004,1
+woodbine,1949,3
+klickitat,1374,2
+hiteman,1442,3
+leonardo,125,1
+coffeen,65,1
+pinesdale,584,6
+klickitat,1244,0
+stockman,1495,0
+shelbyville,2812,5
+klickitat,1928,2
+woodbine,30,1
+klickitat,656,14
+lakeville,984,1
+wainscott,1425,8
+hanson,1386,5
+marstons,1618,5
+lakeville,216,4
+hanson,1632,1
+wainscott,2,0
+marstons,2444,4
+marstons,1152,5
+coffeen,466,1
+ranchester,1117,1
+stockman,439,3
+wainscott,1281,13
+lindenwood,725,1
+beechwood,782,0
+woodbine,1026,1
+marstons,45,10
+leonardo,317,1
+hanson,175,10
+wainscott,1797,4
+leonardo,512,5
+klickitat,1589,5
+lindenwood,2655,3
+marstons,2354,4
+wainscott,1145,7
+newfields,1537,1
+lindenwood,1276,10
+pomaria,920,2
+lindenwood,1104,11
+lakeville,947,3
+onaga,241,3
+allensville,439,6
+merom,1029,4
+ranchester,1105,4
+pinesdale,1307,17
+klickitat,252,7
+newfields,1051,2
+lindenwood,521,3
+newfields,1214,10
+lindenwood,1100,4
+tolstoy,767,6
+tolstoy,355,7
+wainscott,758,8
+tolstoy,895,10
+lakeville,1556,3
+tolstoy,1250,0
+pinesdale,1092,0
+leonardo,375,4
+leonardo,533,9
+beechwood,98,1
+lakeville,49,2
+stockman,1288,3
+klickitat,611,4
+klickitat,840,14
+forkland,430,3
+marstons,2275,5
+marstons,1644,5
+pinesdale,153,3
+klickitat,1777,9
+ranchester,1044,2
+shelbyville,2436,1
+hiteman,1102,4
+newfields,636,3
+newfields,247,2
+hiteman,1295,2
+shelbyville,163,1
+marstons,1633,0
+hiteman,144,7
+allensville,321,2
+merom,222,0
+allensville,295,2
+klickitat,581,5
+lindenwood,2240,5
+marstons,549,0
+lakeville,801,11
+klickitat,2417,5
+hanson,331,7
+coffeen,367,0
+beechwood,343,1
+leonardo,436,8
+klickitat,471,2
+marstons,2388,2
+lindenwood,2448,1
+hiteman,598,3
+merom,112,0
+wainscott,771,4
+shelbyville,402,6
+marstons,1750,0
+beechwood,966,4
+lindenwood,1789,1
+klickitat,238,2
+stockman,1474,8
+woodbine,1589,3
+stockman,1227,1
+hiteman,581,0
+lakeville,1640,0
+tolstoy,93,8
+hanson,798,2
+mifflinburg,411,4
+ranchester,1572,0
+shelbyville,2501,2
+leonardo,1130,4
+wainscott,743,0
+beechwood,1100,8
+woodbine,1702,1
+tolstoy,262,2
+tolstoy,1757,1
+hiteman,319,6
+woodbine,950,2
+klickitat,2152,3
+woodbine,1932,8
+pinesdale,292,4
+lakeville,615,0
+leonardo,1909,4
+ranchester,844,1
+lindenwood,581,2
+pomaria,766,13
+lindenwood,472,0
+leonardo,165,0
+woodbine,483,0
+lakeville,396,13
+shelbyville,122,4
+pomaria,1162,0
+pomaria,1670,2
+hanson,1380,7
+mifflinburg,883,0
+beechwood,959,8
+lakeville,1069,1
+newfields,1469,0
+coffeen,477,5
+hanson,1142,2
+pomaria,149,2
+hiteman,1727,1
+klickitat,106,2
+lindenwood,1698,1
+coffeen,358,1
+stockman,995,3
+newfields,1223,3
+ranchester,1033,12
+hanson,426,1
+newfields,217,2
+woodbine,1308,5
+lakeville,746,8
+wainscott,1719,1
+wainscott,74,2
+tolstoy,687,6
+shelbyville,554,2
+woodbine,1094,15
+hanson,1001,10
+shelbyville,891,5
+shelbyville,2819,5
+tolstoy,1261,4
+woodbine,1517,2
+stockman,1045,2
+ranchester,454,7
+marstons,502,5
+newfields,1388,1
+klickitat,2018,4
+pinesdale,725,12
+pinesdale,1046,5
+shelbyville,432,3
+woodbine,748,19
+onaga,84,3
+lakeville,570,2
+tolstoy,642,12
+forkland,372,7
+hanson,677,11
+wainscott,1660,1
+marstons,1681,13
+woodbine,2036,1
+klickitat,620,8
+newfields,142,13
+hanson,71,4
+pinesdale,736,10
+woodbine,1261,2
+hiteman,1058,5
+mifflinburg,655,1
+wainscott,418,0
+shelbyville,1511,3
+shelbyville,1345,1
+coffeen,567,5
+beechwood,87,8
+newfields,1292,7
+klickitat,1173,2
+hanson,662,2
+wainscott,931,10
+newfields,1067,11
+pinesdale,122,7
+beechwood,863,4
+pomaria,1203,7
+wainscott,858,3
+marstons,939,6
+cosmos,199,5
+tolstoy,100,4
+stockman,1176,3
+wainscott,1591,5
+ranchester,1412,0
+cosmos,47,3
+shelbyville,1253,4
+tolstoy,361,3
+merom,1083,0
+shelbyville,9,0
+hanson,1475,3
+klickitat,1163,5
+mifflinburg,774,5
+beechwood,267,3
+hiteman,1070,3
+marstons,1232,1
+hiteman,348,3
+lindenwood,1055,5
+klickitat,230,4
+tolstoy,1007,0
+klickitat,14,9
+lindenwood,2076,1
+shelbyville,1133,4
+shelbyville,2771,8
+hanson,1078,0
+hiteman,138,16
+mifflinburg,393,2
+tolstoy,1585,2
+wainscott,1409,4
+hiteman,1148,4
+pinesdale,100,7
+beechwood,1071,2
+ranchester,724,4
+pomaria,725,14
+lindenwood,1234,2
+newfields,895,1
+shelbyville,1463,3
+coffeen,110,2
+leonardo,1046,15
+mifflinburg,812,0
+klickitat,102,6
+merom,400,12
+stockman,297,4
+wainscott,1589,0
+tolstoy,238,6
+klickitat,355,5
+newfields,833,4
+lindenwood,1179,6
+marstons,26,1
+woodbine,984,2
+leonardo,206,6
+pinesdale,596,10
+pinesdale,639,2
+hanson,1574,1
+pomaria,1489,5
+pinesdale,1244,4
+pomaria,815,4
+wainscott,892,4
+leonardo,291,12
+newfields,684,0
+ranchester,1231,0
+marstons,2612,1
+ranchester,211,0
+hanson,228,7
+pinesdale,841,1
+stockman,1568,4
+hiteman,1495,15
+marstons,1432,0
+klickitat,491,4
+lindenwood,1580,3
+tolstoy,1107,8
+hiteman,1522,3
+hanson,701,5
+stockman,843,7
+hiteman,1469,3
+wainscott,815,7
+pinesdale,1307,1
+allensville,50,4
+coffeen,79,0
+newfields,242,2
+woodbine,1556,6
+lindenwood,529,2
+cosmos,819,4
+marstons,2428,0
+woodbine,661,3
+beechwood,115,6
+klickitat,1955,0
+klickitat,2236,4
+wainscott,671,1
+benevolence,889,1
+hanson,906,7
+klickitat,712,10
+pomaria,1113,12
+merom,140,4
+klickitat,1880,0
+mifflinburg,257,0
+hanson,1575,0
+beechwood,869,2
+newfields,930,2
+klickitat,1664,2
+beechwood,1113,9
+hanson,1227,1
+shelbyville,2347,5
+pinesdale,105,0
+beechwood,56,3
+tolstoy,834,5
+benevolence,906,7
+woodbine,1983,14
+wainscott,1782,7
+tolstoy,20,12
+allensville,352,3
+klickitat,229,6
+cosmos,176,1
+klickitat,1735,4
+stockman,991,1
+shelbyville,1387,1
+allensville,471,1
+lakeville,820,9
+hiteman,905,1
+marstons,2552,5
+tolstoy,760,11
+leonardo,228,8
+allensville,239,8
+forkland,433,3
+mifflinburg,638,2
+pinesdale,162,2
+benevolence,62,3
+hanson,925,2
+shelbyville,2622,5
+lindenwood,1029,5
+mifflinburg,78,2
+coffeen,135,7
+merom,284,0
+marstons,347,6
+ranchester,47,2
+marstons,2175,3
+beechwood,874,3
+stockman,1036,2
+pomaria,546,4
+marstons,2147,6
+pomaria,662,6
+cosmos,566,2
+mifflinburg,855,3
+lakeville,1899,3
+marstons,2407,10
+leonardo,40,10
+ranchester,965,6
+pinesdale,1286,4
+newfields,1220,5
+hiteman,389,8
+marstons,1976,7
+merom,211,1
+coffeen,917,7
+wainscott,754,1
+ranchester,526,6
+hanson,1130,0
+marstons,2540,5
+pinesdale,847,0
+shelbyville,1025,2
+forkland,359,6
+coffeen,1516,2
+pomaria,540,4
+wainscott,716,4
+shelbyville,2537,6
+klickitat,2120,5
+pomaria,1021,10
+benevolence,289,3
+shelbyville,680,2
+pomaria,242,3
+coffeen,168,4
+marstons,1105,2
+tolstoy,1799,4
+stockman,1045,0
+marstons,1370,2
+klickitat,1051,8
+woodbine,1063,10
+ranchester,1340,4
+hanson,466,6
+shelbyville,860,5
+cosmos,940,4
+pomaria,1638,2
+woodbine,89,9
+pinesdale,936,2
+leonardo,1788,2
+marstons,1142,6
+hanson,1198,1
+pomaria,416,2
+tolstoy,1803,6
+tolstoy,897,3
+lindenwood,1534,3
+ranchester,1243,0
+woodbine,2026,6
+shelbyville,1749,1
+lakeville,1528,4
+shelbyville,930,12
+marstons,294,6
+woodbine,1533,0
+wainscott,189,2
+beechwood,766,5
+shelbyville,448,2
+marstons,1839,10
+benevolence,59,2
+mifflinburg,156,3
+tolstoy,32,3
+lakeville,59,4
+klickitat,307,0
+hiteman,291,1
+woodbine,965,9
+leonardo,102,4
+woodbine,1944,3
+cosmos,566,6
+woodbine,41,13
+newfields,1116,2
+leonardo,1776,4
+pomaria,1090,5
+leonardo,436,5
+leonardo,736,3
+marstons,1095,2
+woodbine,1902,0
+lindenwood,1415,6
+mifflinburg,516,1
+hiteman,1764,2
+klickitat,893,3
+woodbine,1773,2
+mifflinburg,704,6
+lindenwood,1449,0
+hanson,672,4
+onaga,314,3
+shelbyville,2415,2
+klickitat,686,3
+pomaria,1009,0
+beechwood,40,3
+forkland,557,2
+tolstoy,418,2
+stockman,1042,0
+ranchester,1454,3
+allensville,74,3
+shelbyville,2093,6
+tolstoy,143,13
+lakeville,1557,0
+lakeville,578,0
+beechwood,190,0
+cosmos,246,3
+leonardo,330,9
+coffeen,1082,5
+lakeville,757,2
+klickitat,674,6
+merom,556,3
+tolstoy,481,2
+wainscott,568,2
+lindenwood,1041,4
+wainscott,414,0
+wainscott,149,12
+leonardo,736,5
+leonardo,2045,7
+wainscott,1542,2
+lakeville,945,3
+lindenwood,887,0
+benevolence,205,0
+hiteman,463,1
+benevolence,371,1
+woodbine,1027,1
+klickitat,2049,12
+newfields,118,2
+hanson,514,6
+shelbyville,1256,3
+hanson,283,6
+beechwood,559,14
+pinesdale,149,1
+klickitat,1266,12
+klickitat,633,5
+klickitat,513,1
+tolstoy,1269,0
+wainscott,1376,6
+cosmos,721,2
+lindenwood,2592,2
+tolstoy,426,0
+mifflinburg,171,7
+lindenwood,951,11
+woodbine,1231,2
+ranchester,1402,2
+klickitat,1369,0
+lindenwood,1245,0
+hiteman,1710,7
+beechwood,840,4
+shelbyville,853,5
+ranchester,1097,4
+leonardo,818,4
+shelbyville,1813,6
+pomaria,501,6
+pinesdale,1007,1
+klickitat,1577,14
+coffeen,607,4
+lakeville,510,9
+leonardo,665,10
+pomaria,570,3
+merom,983,1
+stockman,1395,0
+klickitat,1052,9
+lakeville,1742,4
+woodbine,1846,2
+lakeville,1191,10
+benevolence,79,1
+stockman,1497,5
+mifflinburg,349,2
+woodbine,989,0
+stockman,1442,2
+beechwood,502,2
+lindenwood,149,3
+lakeville,515,12
+cosmos,192,7
+marstons,1924,0
+allensville,439,1
+newfields,636,9
+lindenwood,404,7
+newfields,673,1
+woodbine,1561,1
+woodbine,594,2
+wainscott,934,9
+pinesdale,592,1
+stockman,994,1
+wainscott,902,3
+lindenwood,1445,10
+woodbine,1474,14
+marstons,151,12
+lakeville,830,1
+shelbyville,1107,11
+newfields,137,2
+pomaria,27,4
+shelbyville,1447,1
+tolstoy,1626,6
+hanson,272,1
+marstons,956,0
+klickitat,438,0
+coffeen,392,2
+hanson,465,0
+hiteman,352,1
+leonardo,428,3
+klickitat,2230,6
+hanson,736,2
+hiteman,12,3
+lindenwood,2272,4
+beechwood,1041,5
+merom,238,0
+cosmos,747,0
+klickitat,1257,3
+mifflinburg,724,5
+newfields,299,20
+shelbyville,2003,0
+lindenwood,139,4
+klickitat,1802,3
+mifflinburg,430,3
+wainscott,96,3
+ranchester,290,5
+mifflinburg,46,2
+lindenwood,2674,11
+cosmos,937,2
+woodbine,116,0
+lindenwood,2355,1
+beechwood,927,0
+shelbyville,1914,3
+newfields,48,9
+lindenwood,1995,6
+hiteman,859,2
+stockman,732,2
+marstons,1271,7
+marstons,1489,4
+newfields,1363,1
+marstons,2580,0
+coffeen,1383,3
+lindenwood,8,1
+shelbyville,1425,1
+shelbyville,425,2
+hiteman,1036,9
+hiteman,1655,1
+marstons,140,17
+cosmos,306,15
+marstons,2318,7
+shelbyville,719,4
+shelbyville,1248,5
+woodbine,100,4
+klickitat,2333,15
+pinesdale,209,0
+pomaria,1659,5
+marstons,1102,8
+wainscott,1567,0
+shelbyville,2396,0
+tolstoy,1010,4
+onaga,106,4
+klickitat,50,5
+leonardo,706,8
+lakeville,1179,1
+shelbyville,771,1
+beechwood,903,7
+tolstoy,254,1
+leonardo,2030,1
+lindenwood,189,2
+hiteman,441,3
+hiteman,624,0
+tolstoy,562,1
+hanson,17,12
+klickitat,389,14
+tolstoy,1605,0
+marstons,1298,6
+hanson,1548,1
+shelbyville,528,1
+hiteman,1204,5
+pomaria,459,11
+mifflinburg,955,1
+leonardo,1280,2
+lindenwood,2264,13
+woodbine,773,1
+newfields,1295,8
+shelbyville,2078,14
+marstons,821,8
+shelbyville,1881,14
+cosmos,995,2
+hanson,560,0
+lindenwood,1529,1
+lindenwood,537,4
+hanson,133,6
+shelbyville,1608,0
+lakeville,1701,1
+forkland,679,3
+leonardo,807,3
+lindenwood,1563,2
+beechwood,1039,14
+newfields,280,2
+wainscott,1598,3
+lindenwood,866,4
+pomaria,1576,1
+pinesdale,1118,6
+woodbine,1310,5
+woodbine,593,18
+lakeville,414,6
+hiteman,653,1
+lindenwood,320,2
+newfields,1123,5
+marstons,653,5
+shelbyville,292,4
+marstons,392,6
+lakeville,417,2
+leonardo,1162,0
+lindenwood,2221,1
+shelbyville,1503,1
+coffeen,1364,9
+lakeville,1723,6
+woodbine,1991,13
+wainscott,258,8
+woodbine,275,12
+hanson,611,2
+hiteman,1469,0
+stockman,289,3
+klickitat,1637,11
+coffeen,1133,3
+lindenwood,215,0
+pomaria,1581,2
+leonardo,659,16
+beechwood,965,4
+shelbyville,1844,0
+woodbine,626,9
+newfields,262,4
+woodbine,243,2
+shelbyville,1946,4
+woodbine,497,5
+marstons,2137,1
+onaga,399,2
+leonardo,164,6
+hiteman,236,1
+hanson,1467,2
+marstons,2156,2
+klickitat,805,10
+woodbine,470,8
+coffeen,1441,4
+shelbyville,1335,6
+lakeville,314,0
+pomaria,761,2
+pomaria,1218,6
+ranchester,799,4
+allensville,421,3
+benevolence,465,1
+marstons,1629,9
+newfields,594,0
+stockman,305,3
+newfields,1304,13
+shelbyville,2555,0
+leonardo,2065,5
+leonardo,382,0
+lakeville,320,2
+wainscott,692,2
+shelbyville,1728,2
+shelbyville,1455,0
+lindenwood,2416,0
+wainscott,1225,2
+coffeen,478,8
+cosmos,132,2
+merom,470,3
+marstons,2001,5
+tolstoy,689,7
+beechwood,77,4
+lindenwood,2673,6
+marstons,669,8
+lindenwood,911,9
+lakeville,528,4
+newfields,228,3
+pomaria,491,0
+merom,148,5
+coffeen,1122,1
+shelbyville,1498,11
+hanson,517,4
+marstons,1481,6
+lakeville,1778,0
+hanson,237,1
+cosmos,124,2
+newfields,332,0
+onaga,114,2
+coffeen,801,1
+pomaria,314,8
+hanson,725,0
+pinesdale,1387,2
+beechwood,388,4
+beechwood,162,4
+merom,609,4
+coffeen,202,3
+marstons,1337,7
+onaga,90,2
+beechwood,794,2
+leonardo,211,5
+tolstoy,250,1
+wainscott,523,10
+mifflinburg,842,1
+merom,689,5
+woodbine,265,5
+woodbine,1267,6
+lindenwood,363,14
+merom,743,4
+newfields,1292,2
+woodbine,118,15
+leonardo,1811,5
+klickitat,1991,4
+woodbine,156,5
+marstons,99,10
+leonardo,620,2
+woodbine,616,8
+woodbine,896,7
+newfields,507,8
+marstons,748,0
+shelbyville,2371,0
+ranchester,698,0
+woodbine,489,7
+ranchester,351,5
+leonardo,1358,4
+pomaria,251,0
+cosmos,772,9
+merom,348,3
+tolstoy,471,1
+forkland,980,2
+klickitat,350,0
+klickitat,693,14
+onaga,621,5
+beechwood,1129,1
+lindenwood,1020,3
+lakeville,783,1
+coffeen,1364,1
+lindenwood,188,2
+hiteman,96,4
+klickitat,222,8
+lakeville,679,3
+marstons,1353,2
+shelbyville,1539,2
+stockman,1323,2
+marstons,1768,1
+shelbyville,1732,1
+marstons,1565,0
+wainscott,1424,12
+lindenwood,1937,0
+klickitat,1798,4
+marstons,562,6
+mifflinburg,185,5
+stockman,924,1
+lakeville,1104,1
+beechwood,275,4
+marstons,140,10
+wainscott,483,9
+marstons,2187,2
+merom,912,2
+hanson,1451,11
+newfields,943,1
+lindenwood,2221,2
+leonardo,1985,9
+klickitat,860,6
+lindenwood,1293,1
+stockman,1234,0
+lindenwood,1868,1
+klickitat,33,8
+hiteman,1687,8
+beechwood,814,6
+newfields,944,0
+leonardo,447,8
+mifflinburg,336,0
+newfields,155,9
+woodbine,319,1
+forkland,478,7
+klickitat,75,14
+klickitat,1479,3
+wainscott,1165,4
+shelbyville,1043,2
+pomaria,937,0
+marstons,1783,11
+pinesdale,228,3
+klickitat,1944,0
+stockman,950,2
+stockman,996,7
+hiteman,1428,4
+shelbyville,2193,4
+tolstoy,971,5
+mifflinburg,509,12
+klickitat,2177,1
+wainscott,1076,2
+tolstoy,404,2
+ranchester,677,1
+shelbyville,2169,20
+lakeville,167,2
+hanson,17,3
+hanson,1464,3
+pomaria,538,13
+stockman,1413,2
+forkland,570,5
+woodbine,316,9
+shelbyville,1245,3
+lakeville,1871,4
+woodbine,923,7
+leonardo,30,2
+ranchester,1538,7
+leonardo,1132,4
+merom,1012,2
+ranchester,352,5
+stockman,807,4
+ranchester,535,3
+coffeen,1336,0
+lindenwood,1435,7
+newfields,738,1
+newfields,1634,7
+wainscott,927,1
+lindenwood,504,0
+hanson,1114,5
+shelbyville,2024,3
+klickitat,394,0
+marstons,2027,8
+benevolence,787,1
+klickitat,2224,3
+klickitat,311,7
+ranchester,1428,3
+leonardo,665,3
+klickitat,2225,2
+lindenwood,2184,0
+shelbyville,1580,1
+stockman,522,4
+newfields,1270,4
+tolstoy,588,5
+newfields,701,4
+klickitat,51,1
+wainscott,338,0
+wainscott,96,13
+wainscott,1586,2
+hanson,707,4
+ranchester,1624,2
+lakeville,1585,0
+ranchester,59,3
+ranchester,46,0
+wainscott,382,8
+mifflinburg,714,3
+woodbine,705,0
+hiteman,1249,4
+newfields,705,3
+forkland,1147,5
+marstons,99,1
+newfields,940,1
+coffeen,428,4
+stockman,435,4
+lindenwood,1257,0
+lakeville,1320,15
+marstons,90,9
+newfields,549,5
+cosmos,763,2
+klickitat,503,5
+cosmos,62,1
+tolstoy,556,4
+hiteman,587,3
+mifflinburg,894,3
+marstons,1156,7
+lakeville,1562,3
+lindenwood,727,1
+merom,440,0
+klickitat,2057,14
+marstons,869,4
+coffeen,126,6
+lakeville,880,1
+woodbine,1275,2
+pinesdale,455,3
+tolstoy,892,5
+benevolence,72,3
+coffeen,1045,5
+leonardo,596,6
+woodbine,689,4
+cosmos,880,12
+mifflinburg,23,3
+lindenwood,500,1
+shelbyville,1256,9
+hiteman,236,4
+leonardo,1716,4
+hanson,565,17
+stockman,1056,3
+klickitat,1871,2
+benevolence,220,0
+lakeville,1327,7
+leonardo,666,3
+klickitat,2190,11
+leonardo,845,0
+stockman,208,4
+pinesdale,454,3
+newfields,1249,13
+wainscott,1229,1
+shelbyville,2135,2
+klickitat,197,0
+woodbine,934,2
+mifflinburg,961,4
+marstons,941,0
+forkland,241,1
+marstons,1565,1
+beechwood,16,11
+wainscott,1369,0
+lindenwood,2467,7
+forkland,459,2
+leonardo,1825,12
+marstons,395,4
+woodbine,94,0
+shelbyville,1933,7
+wainscott,794,3
+hiteman,1019,0
+shelbyville,2184,3
+onaga,157,1
+lakeville,4,3
+shelbyville,2562,13
+klickitat,950,2
+pomaria,986,2
+forkland,132,1
+marstons,859,1
+shelbyville,1510,0
+marstons,1963,8
+hiteman,323,4
+coffeen,354,6
+shelbyville,1236,1
+newfields,785,0
+pinesdale,233,4
+tolstoy,1566,1
+klickitat,441,1
+klickitat,64,6
+wainscott,1451,3
+leonardo,1375,0
+coffeen,939,1
+wainscott,1397,1
+wainscott,1124,6
+tolstoy,1712,3
+newfields,913,2
+marstons,2628,3
+hanson,648,15
+shelbyville,1334,6
+stockman,209,3
+cosmos,113,3
+pinesdale,1417,6
+coffeen,1440,0
+woodbine,1575,7
+lindenwood,1276,7
+mifflinburg,615,1
+klickitat,495,0
+coffeen,910,7
+allensville,313,1
+tolstoy,800,0
+lakeville,1845,4
+klickitat,395,3
+klickitat,518,0
+hanson,1343,2
+shelbyville,406,4
+newfields,1162,4
+marstons,879,5
+beechwood,309,7
+marstons,2236,2
+tolstoy,556,8
+marstons,923,2
+lindenwood,830,2
+shelbyville,138,1
+hanson,1564,0
+leonardo,426,1
+hiteman,477,10
+lindenwood,2587,10
+leonardo,1888,7
+lakeville,182,7
+shelbyville,518,1
+shelbyville,2169,7
+lakeville,1361,4
+marstons,1156,3
+lakeville,781,0
+leonardo,1692,0
+hanson,168,9
+hanson,1042,16
+cosmos,570,1
+hanson,247,4
+allensville,447,4
+woodbine,295,5
+hiteman,901,0
+hanson,1072,11
+marstons,2029,4
+leonardo,580,8
+lakeville,597,1
+woodbine,118,2
+klickitat,1060,4
+lindenwood,1915,9
+allensville,59,2
+wainscott,621,0
+mifflinburg,626,2
+klickitat,277,4
+hanson,6,2
+forkland,1094,0
+lindenwood,334,1
+newfields,1407,0
+tolstoy,766,0
+klickitat,2060,3
+lindenwood,254,9
+pinesdale,388,0
+klickitat,844,1
+woodbine,347,1
+hiteman,940,0
+merom,822,6
+woodbine,70,0
+stockman,489,1
+lindenwood,467,2
+benevolence,497,2
+pomaria,967,1
+newfields,1591,7
+wainscott,1185,13
+lakeville,908,4
+hanson,105,8
+leonardo,375,1
+woodbine,71,1
+stockman,1361,5
+shelbyville,2736,2
+marstons,2161,16
+coffeen,195,5
+shelbyville,1105,0
+beechwood,775,11
+forkland,528,3
+pomaria,1021,7
+marstons,2351,3
+shelbyville,581,7
+klickitat,763,3
+wainscott,1288,5
+leonardo,252,12
+lindenwood,1216,2
+hanson,906,5
+newfields,1092,3
+tolstoy,116,10
+stockman,1420,2
+beechwood,1176,8
+allensville,3,1
+ranchester,823,8
+hiteman,1572,4
+lindenwood,2281,4
+hanson,969,3
+pinesdale,1124,7
+lindenwood,3,1
+marstons,1034,11
+tolstoy,101,17
+wainscott,1722,5
+pinesdale,75,2
+newfields,1439,20
+klickitat,1654,1
+lakeville,1684,1
+pinesdale,689,8
+lindenwood,2167,1
+coffeen,129,5
+tolstoy,836,2
+lakeville,1420,4
+hiteman,33,11
+leonardo,1948,0
+klickitat,308,4
+lindenwood,1934,1
+ranchester,430,5
+klickitat,1860,2
+lakeville,55,1
+woodbine,1618,9
+beechwood,609,3
+shelbyville,2073,3
+onaga,275,5
+benevolence,181,5
+onaga,60,4
+tolstoy,818,4
+leonardo,1986,1
+woodbine,873,12
+hanson,1634,2
+klickitat,1865,2
+cosmos,329,9
+forkland,253,3
+marstons,1532,4
+lakeville,386,6
+lakeville,1076,4
+hanson,1549,7
+klickitat,108,1
+marstons,945,3
+coffeen,1220,0
+leonardo,1204,3
+hiteman,29,5
+marstons,1213,8
+lakeville,635,1
+marstons,1574,14
+merom,353,0
+onaga,482,6
+klickitat,729,7
+cosmos,1000,4
+newfields,549,7
+leonardo,1928,1
+klickitat,1938,5
+woodbine,906,3
+wainscott,1061,1
+pinesdale,776,2
+coffeen,1405,6
+benevolence,125,2
+marstons,1029,7
+tolstoy,1687,3
+hanson,1173,15
+pomaria,1233,2
+lakeville,774,1
+wainscott,1241,14
+forkland,1007,2
+marstons,895,2
+wainscott,513,5
+leonardo,508,2
+coffeen,16,4
+mifflinburg,423,9
+lindenwood,654,3
+shelbyville,172,3
+woodbine,438,4
+cosmos,705,7
+pomaria,675,0
+shelbyville,199,5
+hiteman,36,2
+leonardo,341,0
+klickitat,256,7
+newfields,795,1
+marstons,2008,3
+leonardo,1061,4
+klickitat,2398,3
+lindenwood,2659,1
+tolstoy,830,0
+merom,955,3
+lakeville,509,3
+lakeville,697,12
+lakeville,308,9
+shelbyville,1289,4
+pomaria,1163,7
+wainscott,10,1
+stockman,1065,0
+leonardo,1209,8
+lindenwood,228,7
+shelbyville,1093,6
+lakeville,1670,5
+wainscott,1081,2
+marstons,1596,10
+shelbyville,1338,7
+shelbyville,2101,4
+marstons,425,1
+mifflinburg,85,1
+ranchester,770,4
+wainscott,220,6
+leonardo,354,6
+leonardo,1175,0
+lindenwood,453,7
+newfields,274,7
+pomaria,914,1
+benevolence,308,7
+lakeville,820,10
+klickitat,1996,8
+wainscott,571,0
+pomaria,1294,9
+wainscott,1105,6
+mifflinburg,515,1
+hanson,78,4
+hiteman,656,0
+leonardo,1344,13
+hanson,1025,7
+klickitat,1947,0
+tolstoy,864,20
+lindenwood,35,1
+forkland,17,2
+lakeville,1755,5
+allensville,449,2
+woodbine,1485,5
+beechwood,901,12
+leonardo,1933,0
+lindenwood,2316,0
+wainscott,902,4
+onaga,456,5
+leonardo,1777,11
+shelbyville,2720,14
+newfields,596,3
+tolstoy,90,6
+leonardo,1460,0
+newfields,68,1
+shelbyville,654,5
+newfields,31,3
+ranchester,514,10
+cosmos,969,9
+coffeen,80,2
+lindenwood,2664,2
+shelbyville,2231,12
+hiteman,1169,12
+forkland,954,0
+ranchester,1030,3
+tolstoy,742,2
+klickitat,386,1
+woodbine,515,11
+stockman,1098,1
diff --git a/utils/taskonomy/splits/tiny_val.csv b/utils/taskonomy/splits/tiny_val.csv
new file mode 100644
index 0000000000000000000000000000000000000000..12284a69ab1cc1ae807c3434ff0e8000b04d823f
--- /dev/null
+++ b/utils/taskonomy/splits/tiny_val.csv
@@ -0,0 +1,35775 @@
+building,point,view
+darden,1385,8
+darden,550,3
+darden,1599,2
+markleeville,75,10
+darden,573,11
+darden,1167,4
+markleeville,165,2
+darden,1902,9
+corozal,115,3
+darden,66,3
+corozal,1247,10
+corozal,448,1
+darden,1055,5
+darden,21,1
+corozal,1068,4
+collierville,14,2
+collierville,583,6
+darden,735,2
+darden,1213,2
+markleeville,34,0
+darden,1675,8
+corozal,1106,2
+darden,1949,3
+darden,753,5
+darden,1781,7
+darden,1941,12
+corozal,16,13
+darden,1798,7
+markleeville,1011,1
+corozal,172,2
+darden,1993,12
+markleeville,566,1
+collierville,314,5
+corozal,51,2
+darden,1325,2
+markleeville,838,2
+corozal,1264,4
+darden,975,10
+darden,1442,16
+markleeville,344,3
+darden,436,5
+collierville,707,1
+markleeville,773,2
+corozal,473,2
+darden,1932,3
+darden,532,5
+darden,815,4
+darden,1841,4
+collierville,367,2
+darden,1025,0
+markleeville,549,0
+markleeville,1185,10
+markleeville,555,2
+corozal,1091,1
+darden,1805,1
+markleeville,824,0
+markleeville,742,11
+darden,925,1
+markleeville,923,1
+collierville,642,1
+corozal,935,2
+corozal,248,7
+darden,1184,11
+corozal,675,6
+collierville,65,3
+markleeville,966,2
+darden,660,5
+corozal,995,6
+markleeville,961,0
+darden,659,5
+corozal,559,2
+darden,1064,10
+corozal,265,5
+collierville,411,6
+markleeville,324,1
+darden,1569,3
+darden,1128,1
+markleeville,708,7
+darden,1684,0
+corozal,105,1
+corozal,1301,20
+corozal,1293,0
+corozal,724,2
+corozal,434,7
+darden,135,0
+darden,1127,8
+markleeville,133,0
+darden,699,1
+corozal,621,7
+collierville,10,1
+corozal,1470,8
+darden,208,4
+darden,42,5
+darden,1729,7
+collierville,444,1
+markleeville,454,5
+darden,265,4
+corozal,1009,4
+corozal,775,4
+darden,605,1
+darden,1650,1
+collierville,106,5
+markleeville,632,2
+darden,1156,1
+corozal,773,1
+darden,1126,11
+markleeville,266,6
+darden,1564,0
+corozal,241,0
+markleeville,136,6
+markleeville,146,1
+darden,1389,0
+darden,673,5
+collierville,283,1
+corozal,431,8
+corozal,1265,3
+corozal,1024,2
+corozal,162,0
+darden,1691,4
+markleeville,990,5
+darden,791,1
+corozal,107,3
+corozal,1328,1
+markleeville,683,3
+corozal,1051,9
+markleeville,450,6
+darden,727,0
+corozal,1475,4
+collierville,298,5
+darden,659,1
+darden,1108,1
+corozal,185,0
+markleeville,1186,0
+markleeville,348,5
+darden,902,0
+corozal,194,19
+darden,1478,1
+darden,1747,6
+darden,55,1
+corozal,611,3
+corozal,1287,5
+darden,404,1
+corozal,1260,3
+collierville,389,1
+markleeville,139,6
+darden,1442,7
+markleeville,824,3
+collierville,541,2
+collierville,297,4
+darden,222,2
+corozal,1406,2
+corozal,636,14
+darden,1445,0
+corozal,904,10
+corozal,379,2
+markleeville,524,8
+darden,1845,3
+darden,1725,9
+corozal,275,6
+darden,943,7
+darden,153,7
+markleeville,223,9
+markleeville,62,2
+darden,1253,2
+corozal,1452,2
+darden,1725,1
+corozal,1229,9
+corozal,709,8
+darden,149,2
+markleeville,862,1
+darden,423,0
+markleeville,309,0
+darden,879,2
+corozal,1489,4
+corozal,570,4
+markleeville,199,2
+collierville,437,1
+darden,917,4
+darden,1392,5
+corozal,809,1
+corozal,869,14
+collierville,188,4
+markleeville,800,3
+corozal,751,1
+collierville,513,1
+markleeville,745,1
+markleeville,217,7
+darden,1347,3
+markleeville,831,5
+markleeville,874,12
+corozal,1444,2
+collierville,405,3
+darden,660,15
+collierville,509,0
+darden,1085,5
+corozal,1017,10
+corozal,917,1
+darden,861,5
+corozal,174,6
+collierville,62,0
+collierville,123,1
+darden,681,1
+markleeville,162,2
+darden,1473,6
+darden,347,2
+corozal,107,10
+markleeville,506,10
+darden,1306,1
+markleeville,741,4
+corozal,965,3
+corozal,1115,9
+markleeville,693,1
+corozal,749,7
+markleeville,642,12
+darden,514,4
+corozal,1373,5
+darden,1537,0
+darden,762,5
+markleeville,909,3
+corozal,1000,0
+markleeville,51,8
+markleeville,233,4
+darden,487,2
+darden,594,18
+markleeville,1139,10
+corozal,1081,1
+collierville,152,0
+darden,378,0
+markleeville,947,6
+darden,476,5
+darden,950,0
+darden,324,0
+corozal,155,1
+corozal,107,6
+corozal,403,0
+darden,1563,1
+markleeville,814,0
+markleeville,229,2
+corozal,844,1
+markleeville,196,2
+markleeville,1143,0
+darden,1749,5
+collierville,105,2
+darden,1374,2
+darden,459,13
+collierville,168,3
+markleeville,66,1
+corozal,1229,5
+darden,1974,10
+darden,831,14
+darden,1000,2
+darden,301,2
+markleeville,553,2
+corozal,1096,10
+corozal,126,2
+markleeville,845,0
+corozal,435,13
+corozal,689,10
+corozal,491,0
+collierville,81,2
+corozal,923,1
+markleeville,1178,1
+darden,520,3
+markleeville,246,2
+darden,266,0
+corozal,1329,3
+collierville,609,0
+darden,1049,0
+corozal,662,0
+darden,1940,0
+collierville,325,3
+collierville,593,2
+darden,1867,4
+darden,1226,3
+corozal,505,4
+collierville,262,2
+collierville,243,0
+darden,1323,1
+markleeville,1041,2
+collierville,615,3
+corozal,1157,5
+darden,1752,0
+markleeville,874,6
+collierville,411,4
+darden,777,0
+corozal,1079,19
+darden,202,2
+darden,661,2
+corozal,124,10
+markleeville,117,8
+markleeville,295,1
+markleeville,1144,5
+corozal,17,1
+darden,661,1
+darden,1373,1
+darden,1072,2
+collierville,39,0
+markleeville,294,2
+markleeville,217,14
+darden,45,7
+markleeville,1102,4
+darden,1507,0
+corozal,610,3
+corozal,1214,0
+corozal,1400,6
+darden,1518,2
+darden,1699,3
+darden,48,0
+darden,1925,4
+corozal,875,4
+darden,1814,3
+corozal,1344,5
+collierville,586,1
+corozal,540,0
+darden,667,7
+corozal,1290,6
+darden,122,4
+collierville,104,0
+darden,1577,3
+darden,1375,1
+corozal,1312,1
+darden,172,6
+markleeville,864,5
+darden,1484,4
+markleeville,1083,3
+darden,434,2
+collierville,391,1
+collierville,247,2
+markleeville,452,2
+darden,1855,4
+corozal,1013,10
+darden,536,11
+corozal,2,12
+darden,12,1
+darden,1252,13
+corozal,230,0
+corozal,869,8
+corozal,309,1
+darden,191,2
+corozal,379,1
+darden,602,5
+corozal,92,3
+darden,366,3
+collierville,487,8
+darden,1975,4
+darden,1548,0
+corozal,1378,5
+darden,1171,0
+corozal,390,6
+markleeville,1106,2
+corozal,1221,6
+corozal,1117,4
+markleeville,638,2
+darden,832,2
+markleeville,343,3
+corozal,282,4
+markleeville,662,11
+darden,1760,2
+corozal,1241,3
+darden,1886,1
+darden,1825,1
+corozal,59,0
+collierville,657,0
+collierville,275,0
+darden,1833,2
+collierville,454,2
+corozal,1196,8
+markleeville,882,2
+darden,817,1
+corozal,365,1
+corozal,824,0
+markleeville,296,0
+collierville,95,1
+darden,1876,2
+corozal,71,6
+markleeville,1086,2
+markleeville,1090,1
+markleeville,65,4
+darden,1165,1
+markleeville,435,9
+darden,1591,5
+markleeville,853,1
+collierville,625,3
+markleeville,801,1
+corozal,1289,0
+markleeville,1017,4
+markleeville,1011,9
+collierville,698,4
+corozal,856,2
+darden,71,5
+markleeville,201,0
+darden,1508,6
+darden,315,2
+corozal,397,0
+markleeville,1093,5
+darden,218,2
+markleeville,594,5
+markleeville,806,1
+darden,115,0
+collierville,690,2
+markleeville,915,5
+darden,1921,12
+corozal,735,0
+darden,244,5
+markleeville,857,2
+darden,43,1
+corozal,904,2
+corozal,1320,7
+markleeville,656,6
+corozal,285,1
+markleeville,140,6
+darden,1144,4
+darden,1289,8
+darden,839,1
+corozal,1519,2
+markleeville,248,11
+markleeville,792,2
+corozal,976,2
+darden,1989,7
+collierville,189,3
+markleeville,17,3
+markleeville,1144,4
+darden,955,7
+collierville,491,0
+darden,716,0
+markleeville,999,2
+darden,1853,2
+collierville,250,1
+markleeville,880,3
+corozal,1255,1
+darden,1479,3
+corozal,1297,10
+darden,755,8
+darden,1590,6
+corozal,675,4
+collierville,623,2
+darden,1221,4
+darden,1708,2
+markleeville,32,6
+corozal,411,0
+corozal,1179,18
+darden,1947,0
+darden,29,3
+darden,1131,5
+markleeville,885,2
+corozal,641,5
+corozal,1013,8
+markleeville,145,13
+darden,1519,3
+markleeville,717,1
+darden,826,6
+corozal,775,5
+darden,704,3
+darden,1022,5
+corozal,363,2
+corozal,261,3
+collierville,664,3
+corozal,79,3
+markleeville,74,1
+darden,247,4
+darden,28,4
+corozal,1478,1
+corozal,1547,0
+darden,38,10
+corozal,1257,6
+darden,733,6
+corozal,1288,2
+corozal,1194,3
+corozal,92,8
+darden,867,2
+darden,417,3
+corozal,1292,7
+darden,1990,2
+darden,684,2
+markleeville,692,0
+corozal,203,10
+darden,1584,2
+markleeville,271,10
+collierville,209,0
+markleeville,873,0
+collierville,201,1
+markleeville,765,2
+darden,1499,3
+darden,508,0
+corozal,144,0
+markleeville,1187,10
+corozal,1030,1
+darden,816,2
+collierville,496,5
+markleeville,692,2
+darden,1139,0
+markleeville,994,6
+corozal,709,13
+darden,1775,2
+collierville,515,1
+darden,669,0
+darden,409,4
+darden,1228,3
+markleeville,1082,3
+darden,1448,2
+collierville,395,0
+corozal,542,2
+corozal,162,7
+collierville,443,2
+darden,234,5
+corozal,1072,13
+corozal,1131,1
+markleeville,733,6
+darden,1472,1
+darden,368,1
+corozal,169,2
+markleeville,73,5
+darden,1690,0
+darden,708,6
+corozal,488,4
+darden,738,7
+darden,762,0
+darden,1519,2
+markleeville,589,0
+markleeville,949,5
+corozal,1441,0
+darden,1721,0
+markleeville,645,1
+corozal,782,4
+corozal,3,2
+corozal,1191,1
+collierville,80,0
+darden,235,1
+darden,1381,3
+darden,417,5
+darden,1291,11
+darden,1031,1
+darden,369,0
+collierville,145,4
+corozal,561,0
+corozal,742,1
+collierville,139,4
+markleeville,401,8
+darden,230,3
+darden,706,0
+corozal,1541,1
+darden,1200,1
+darden,797,8
+markleeville,570,2
+corozal,1253,16
+collierville,317,1
+darden,1722,7
+darden,668,2
+darden,71,2
+corozal,1086,1
+darden,1053,2
+collierville,312,1
+collierville,368,1
+markleeville,878,1
+markleeville,94,5
+corozal,958,11
+darden,269,0
+darden,1262,4
+markleeville,155,0
+markleeville,305,14
+markleeville,980,7
+corozal,390,3
+corozal,820,0
+darden,1191,2
+collierville,115,3
+corozal,1255,4
+corozal,95,5
+darden,1924,5
+darden,847,1
+markleeville,549,10
+darden,524,1
+corozal,1199,2
+darden,855,0
+markleeville,894,0
+collierville,608,0
+collierville,69,3
+darden,1141,0
+collierville,536,0
+collierville,666,7
+darden,1367,3
+darden,979,10
+corozal,1385,6
+collierville,239,3
+darden,487,11
+darden,148,3
+darden,554,8
+darden,710,3
+corozal,889,2
+markleeville,924,6
+darden,1949,5
+corozal,1109,3
+collierville,249,2
+darden,1593,5
+corozal,1057,2
+corozal,102,13
+corozal,1310,7
+markleeville,535,1
+darden,1286,0
+corozal,1253,10
+darden,997,1
+darden,380,1
+darden,1270,1
+corozal,719,3
+markleeville,624,12
+darden,1668,1
+markleeville,722,1
+darden,1473,8
+darden,1482,2
+darden,949,0
+corozal,195,6
+darden,1181,9
+collierville,566,6
+corozal,1070,2
+collierville,183,4
+darden,1504,9
+darden,253,3
+markleeville,50,1
+corozal,747,3
+corozal,123,5
+darden,1734,3
+markleeville,867,2
+corozal,150,6
+markleeville,545,3
+corozal,41,18
+corozal,270,4
+markleeville,268,2
+markleeville,21,2
+corozal,144,9
+markleeville,533,5
+collierville,703,2
+darden,1866,16
+darden,65,3
+corozal,1471,15
+collierville,385,8
+corozal,643,2
+darden,1228,5
+darden,529,18
+darden,871,1
+markleeville,171,9
+darden,1262,5
+darden,1410,3
+corozal,1079,17
+darden,674,0
+collierville,88,0
+corozal,483,4
+darden,747,2
+collierville,251,2
+corozal,380,6
+markleeville,427,0
+darden,575,11
+corozal,1391,12
+darden,1544,5
+markleeville,155,2
+darden,1683,1
+corozal,1415,7
+markleeville,911,3
+corozal,727,2
+darden,1739,0
+darden,979,4
+markleeville,686,2
+corozal,1216,0
+corozal,437,14
+corozal,435,11
+darden,1222,1
+darden,1347,4
+darden,534,6
+darden,1277,14
+markleeville,384,4
+corozal,508,12
+darden,1891,0
+corozal,1430,11
+corozal,673,12
+corozal,17,5
+corozal,271,6
+corozal,523,5
+darden,1433,2
+darden,1141,4
+collierville,453,2
+collierville,375,1
+markleeville,41,0
+markleeville,932,2
+markleeville,1129,2
+darden,1127,9
+markleeville,342,3
+corozal,918,8
+markleeville,64,4
+markleeville,403,4
+darden,1155,1
+corozal,718,0
+markleeville,238,1
+darden,533,1
+corozal,889,8
+corozal,783,3
+darden,145,2
+collierville,616,0
+corozal,424,14
+darden,1544,8
+darden,39,1
+corozal,118,6
+darden,1710,2
+darden,364,1
+darden,80,8
+darden,999,0
+darden,1968,0
+darden,1728,5
+darden,1676,4
+darden,1312,2
+markleeville,1042,2
+darden,1216,3
+collierville,385,1
+darden,1659,3
+collierville,268,2
+collierville,10,2
+darden,125,0
+collierville,438,3
+markleeville,148,2
+markleeville,996,6
+corozal,572,4
+markleeville,1112,1
+collierville,493,7
+darden,1087,3
+darden,1542,2
+darden,131,2
+collierville,3,6
+darden,686,3
+darden,612,5
+markleeville,185,6
+markleeville,533,3
+corozal,1529,7
+darden,330,0
+corozal,288,2
+darden,201,0
+corozal,182,3
+collierville,190,4
+darden,360,1
+darden,1591,3
+darden,591,1
+corozal,395,0
+darden,690,5
+corozal,837,4
+corozal,958,10
+darden,1987,5
+darden,942,4
+corozal,318,1
+corozal,1536,3
+darden,893,5
+corozal,762,11
+corozal,1067,7
+markleeville,874,9
+markleeville,567,4
+darden,1859,2
+corozal,972,0
+corozal,458,4
+markleeville,242,3
+corozal,701,2
+corozal,849,1
+markleeville,367,3
+darden,752,0
+corozal,976,1
+markleeville,438,2
+darden,1234,0
+darden,1563,4
+corozal,127,6
+darden,1722,6
+corozal,1459,13
+markleeville,927,2
+darden,552,3
+darden,979,9
+darden,456,8
+corozal,665,3
+corozal,733,1
+corozal,877,2
+markleeville,1087,9
+darden,528,2
+collierville,716,3
+collierville,275,1
+corozal,940,0
+markleeville,19,2
+darden,198,8
+corozal,1068,13
+darden,600,3
+darden,1453,9
+darden,1051,2
+darden,1150,6
+corozal,578,2
+darden,1733,2
+markleeville,1186,1
+darden,1102,3
+darden,803,4
+markleeville,686,1
+corozal,390,8
+corozal,447,7
+darden,490,5
+corozal,1216,15
+darden,612,1
+darden,120,12
+collierville,58,2
+darden,1917,1
+markleeville,40,3
+markleeville,736,1
+markleeville,108,0
+darden,1812,2
+markleeville,94,9
+darden,1052,3
+corozal,979,15
+corozal,353,2
+markleeville,1146,1
+corozal,1353,0
+darden,363,7
+darden,156,7
+darden,1772,1
+darden,1058,1
+corozal,321,12
+collierville,656,1
+darden,1036,5
+corozal,664,3
+markleeville,928,0
+markleeville,502,1
+darden,40,1
+markleeville,309,2
+darden,91,6
+corozal,687,2
+darden,1250,12
+corozal,1114,7
+collierville,229,6
+corozal,205,4
+darden,1973,2
+corozal,663,5
+markleeville,286,0
+markleeville,1169,5
+corozal,1042,2
+darden,451,2
+markleeville,1161,8
+markleeville,494,8
+markleeville,546,1
+markleeville,906,4
+darden,702,3
+corozal,1144,4
+darden,335,2
+darden,878,5
+darden,1395,2
+darden,723,4
+collierville,674,7
+corozal,515,0
+markleeville,1115,0
+darden,1940,2
+darden,1071,4
+darden,915,9
+markleeville,1007,1
+darden,125,1
+darden,1197,1
+markleeville,869,0
+darden,66,9
+darden,99,5
+collierville,500,6
+darden,1086,4
+darden,837,4
+darden,1164,22
+markleeville,681,2
+darden,1745,2
+corozal,1075,4
+collierville,605,2
+markleeville,170,11
+markleeville,1156,2
+darden,357,5
+markleeville,353,0
+corozal,232,11
+darden,1204,6
+corozal,1458,0
+markleeville,1121,9
+darden,1997,11
+darden,769,7
+markleeville,1077,1
+darden,693,1
+collierville,476,2
+corozal,1079,10
+darden,959,6
+corozal,1138,18
+corozal,879,5
+darden,1272,3
+markleeville,216,5
+darden,1219,5
+corozal,894,14
+markleeville,1043,0
+darden,458,0
+corozal,781,1
+darden,1667,6
+darden,269,1
+corozal,997,10
+markleeville,470,1
+darden,308,1
+darden,1595,4
+darden,909,8
+darden,1524,2
+corozal,443,5
+corozal,539,1
+collierville,608,2
+corozal,1143,0
+darden,782,2
+corozal,41,5
+darden,613,2
+darden,721,7
+darden,1807,3
+markleeville,423,2
+markleeville,269,2
+markleeville,697,0
+darden,536,15
+darden,1437,0
+corozal,308,10
+markleeville,595,5
+markleeville,337,1
+corozal,1326,2
+darden,156,5
+corozal,750,7
+darden,649,5
+darden,1872,4
+corozal,120,4
+darden,565,5
+markleeville,117,9
+darden,838,11
+corozal,764,11
+collierville,517,2
+corozal,346,2
+markleeville,1197,0
+corozal,854,5
+darden,1947,2
+corozal,1418,2
+collierville,237,0
+collierville,138,0
+corozal,718,14
+darden,787,4
+markleeville,591,7
+darden,293,1
+corozal,140,6
+corozal,190,2
+darden,1388,7
+corozal,1009,11
+corozal,877,8
+corozal,774,0
+corozal,1291,1
+darden,326,2
+darden,476,1
+collierville,309,4
+darden,1002,4
+darden,1830,5
+markleeville,544,9
+collierville,645,0
+corozal,1531,1
+collierville,21,2
+darden,646,3
+darden,548,1
+markleeville,632,0
+markleeville,689,5
+collierville,378,0
+darden,544,0
+markleeville,244,12
+markleeville,642,7
+collierville,170,0
+darden,1002,7
+corozal,1491,5
+collierville,507,3
+collierville,549,5
+darden,1026,4
+darden,559,3
+corozal,1026,3
+collierville,180,4
+markleeville,3,3
+darden,1572,7
+corozal,1516,3
+darden,1397,3
+darden,1258,3
+darden,1089,5
+corozal,272,0
+darden,1318,7
+darden,1135,11
+corozal,621,10
+markleeville,589,5
+darden,1315,1
+corozal,0,1
+darden,544,5
+darden,994,1
+collierville,709,1
+corozal,934,8
+collierville,648,1
+darden,245,1
+collierville,666,1
+darden,1769,1
+corozal,838,4
+darden,1676,0
+darden,18,2
+darden,1188,1
+corozal,490,7
+darden,683,6
+markleeville,244,1
+corozal,478,5
+collierville,594,2
+corozal,395,6
+darden,1728,3
+darden,1499,6
+markleeville,396,4
+darden,1496,0
+markleeville,744,6
+darden,1205,1
+darden,1402,8
+darden,650,1
+darden,1336,0
+corozal,1029,0
+darden,778,0
+corozal,164,0
+darden,1288,3
+darden,622,5
+markleeville,1017,5
+markleeville,674,8
+corozal,1143,12
+corozal,1484,5
+collierville,297,0
+corozal,690,2
+corozal,368,5
+darden,1741,4
+collierville,105,1
+collierville,37,2
+collierville,98,2
+markleeville,1038,1
+darden,1547,3
+collierville,255,1
+darden,413,10
+darden,603,11
+darden,1941,3
+markleeville,470,2
+darden,932,0
+collierville,565,1
+corozal,348,0
+corozal,1495,2
+corozal,1539,1
+darden,761,1
+corozal,366,4
+corozal,1464,0
+markleeville,624,0
+corozal,529,1
+markleeville,968,2
+darden,1219,1
+darden,362,4
+darden,1899,19
+darden,355,1
+markleeville,630,4
+corozal,1504,1
+darden,1961,2
+markleeville,1042,1
+darden,778,1
+markleeville,437,4
+darden,232,2
+markleeville,248,6
+darden,464,24
+markleeville,360,8
+darden,615,2
+collierville,702,4
+corozal,763,1
+corozal,662,6
+darden,1139,5
+collierville,553,6
+corozal,1387,1
+corozal,1411,2
+markleeville,423,1
+darden,1,1
+darden,1844,1
+darden,934,4
+corozal,256,4
+darden,653,7
+darden,1381,0
+darden,165,2
+darden,24,6
+collierville,443,5
+corozal,202,7
+corozal,333,1
+darden,573,14
+darden,1018,7
+markleeville,958,0
+markleeville,523,3
+markleeville,818,1
+corozal,479,2
+corozal,879,2
+darden,1005,6
+darden,1638,5
+darden,1914,5
+markleeville,479,2
+corozal,192,0
+corozal,944,11
+corozal,617,1
+corozal,845,0
+markleeville,800,11
+collierville,60,1
+markleeville,961,2
+darden,1283,9
+corozal,772,6
+corozal,504,2
+corozal,168,9
+darden,580,4
+corozal,1030,3
+markleeville,573,5
+corozal,1431,2
+darden,1950,2
+markleeville,617,5
+collierville,503,0
+darden,1967,15
+collierville,297,5
+markleeville,674,13
+corozal,653,4
+markleeville,686,0
+darden,1764,2
+darden,305,2
+corozal,1094,4
+darden,1898,3
+darden,71,8
+darden,666,1
+markleeville,578,2
+darden,1214,1
+collierville,693,3
+markleeville,384,1
+corozal,406,5
+darden,916,5
+darden,1663,0
+darden,593,1
+markleeville,580,6
+darden,209,2
+darden,1860,5
+corozal,164,13
+darden,1018,6
+darden,1185,1
+darden,705,0
+markleeville,1117,7
+darden,1866,12
+collierville,147,3
+corozal,1318,6
+darden,1410,1
+corozal,753,0
+markleeville,838,0
+collierville,255,2
+corozal,1031,3
+collierville,93,0
+markleeville,40,1
+darden,99,1
+corozal,1169,1
+darden,1747,11
+corozal,949,7
+markleeville,855,1
+corozal,447,10
+markleeville,737,2
+darden,1275,12
+darden,174,0
+corozal,787,2
+corozal,1051,1
+darden,1987,0
+darden,263,3
+corozal,698,0
+markleeville,216,7
+darden,1921,14
+corozal,137,12
+corozal,181,1
+markleeville,1168,3
+darden,269,2
+darden,1631,4
+markleeville,1092,2
+darden,279,4
+corozal,1145,3
+darden,45,10
+darden,666,2
+darden,1002,6
+darden,1406,5
+markleeville,304,4
+markleeville,642,8
+markleeville,955,3
+collierville,620,4
+collierville,599,0
+corozal,1457,6
+darden,205,13
+darden,413,5
+markleeville,481,0
+corozal,159,0
+markleeville,305,5
+corozal,739,1
+markleeville,665,8
+darden,444,2
+corozal,393,3
+darden,1021,1
+markleeville,457,0
+darden,50,2
+darden,120,18
+corozal,945,0
+corozal,985,2
+darden,594,13
+darden,829,2
+darden,483,1
+darden,737,2
+collierville,460,1
+corozal,1333,9
+darden,1695,0
+darden,1601,0
+markleeville,361,0
+markleeville,790,6
+darden,1817,7
+markleeville,173,3
+corozal,1103,5
+markleeville,1187,13
+corozal,888,2
+corozal,479,1
+darden,1470,15
+darden,671,3
+corozal,1072,1
+markleeville,548,4
+darden,1454,1
+corozal,1241,1
+collierville,252,2
+collierville,55,2
+markleeville,687,2
+corozal,1442,3
+darden,120,4
+markleeville,102,14
+corozal,81,3
+corozal,1134,2
+corozal,616,6
+darden,1960,4
+corozal,1059,0
+darden,1483,4
+darden,1986,1
+darden,1,0
+darden,142,1
+markleeville,910,4
+corozal,471,1
+darden,764,0
+darden,24,1
+markleeville,700,7
+markleeville,675,2
+markleeville,869,9
+darden,878,2
+collierville,650,3
+darden,1475,8
+darden,3,3
+corozal,437,13
+collierville,436,2
+darden,812,0
+corozal,306,0
+darden,1193,6
+markleeville,680,10
+darden,1481,3
+darden,1507,3
+darden,379,0
+darden,973,0
+collierville,144,0
+corozal,424,9
+darden,1631,1
+darden,215,3
+markleeville,1110,13
+corozal,859,3
+corozal,727,0
+corozal,953,0
+corozal,1360,0
+markleeville,1066,1
+corozal,1224,12
+darden,1093,1
+darden,1905,0
+darden,439,3
+markleeville,842,1
+collierville,340,3
+darden,718,11
+darden,1341,7
+corozal,1463,4
+corozal,559,1
+darden,822,7
+darden,573,2
+darden,1747,9
+corozal,306,12
+darden,541,2
+darden,1512,4
+corozal,736,3
+darden,1888,0
+darden,317,5
+corozal,803,4
+corozal,1328,3
+markleeville,199,8
+darden,1111,1
+corozal,877,6
+darden,56,1
+corozal,1238,5
+collierville,686,5
+markleeville,958,2
+corozal,302,5
+corozal,931,0
+corozal,977,5
+darden,1779,1
+darden,817,9
+corozal,1141,1
+corozal,1546,11
+corozal,848,19
+darden,1582,2
+markleeville,874,0
+darden,93,3
+corozal,1049,1
+collierville,261,1
+markleeville,1011,0
+markleeville,554,8
+markleeville,651,0
+corozal,1174,2
+corozal,321,7
+corozal,1127,9
+corozal,90,2
+corozal,1092,2
+corozal,1363,5
+darden,71,4
+darden,1410,8
+markleeville,351,4
+corozal,1083,2
+markleeville,1005,0
+corozal,102,14
+corozal,1142,6
+darden,1630,7
+collierville,175,2
+darden,737,0
+markleeville,465,0
+darden,294,3
+corozal,350,3
+corozal,24,1
+corozal,554,3
+markleeville,831,0
+darden,367,11
+darden,919,2
+markleeville,1066,3
+markleeville,146,2
+darden,566,3
+collierville,33,1
+collierville,545,0
+corozal,86,0
+markleeville,571,0
+markleeville,181,5
+corozal,1319,11
+markleeville,450,13
+markleeville,227,0
+markleeville,223,11
+markleeville,991,5
+darden,1568,0
+darden,51,0
+corozal,582,19
+corozal,1248,5
+markleeville,580,4
+darden,1406,0
+collierville,697,2
+collierville,368,0
+corozal,274,16
+darden,399,4
+darden,342,11
+corozal,92,4
+corozal,643,3
+collierville,660,3
+corozal,187,2
+darden,87,5
+corozal,111,2
+corozal,274,5
+collierville,110,2
+darden,823,8
+darden,791,6
+corozal,1292,4
+corozal,605,1
+collierville,92,0
+markleeville,896,1
+corozal,1544,8
+darden,1289,4
+darden,116,1
+markleeville,160,0
+collierville,507,1
+markleeville,613,2
+corozal,1006,4
+darden,823,9
+markleeville,1006,0
+darden,831,7
+darden,633,2
+markleeville,325,12
+darden,259,4
+darden,21,10
+darden,643,2
+darden,745,2
+corozal,25,3
+darden,1101,1
+collierville,652,0
+collierville,400,4
+markleeville,473,3
+darden,388,5
+markleeville,727,1
+corozal,279,11
+collierville,578,1
+corozal,60,0
+corozal,1545,0
+corozal,632,6
+corozal,1551,3
+collierville,698,5
+markleeville,1045,2
+darden,1411,1
+darden,1555,2
+darden,94,2
+corozal,357,2
+corozal,1229,14
+corozal,1516,2
+corozal,154,11
+markleeville,283,8
+markleeville,273,10
+markleeville,352,1
+markleeville,283,7
+darden,19,1
+corozal,682,8
+corozal,89,2
+corozal,341,4
+corozal,939,2
+corozal,1321,2
+darden,721,1
+darden,909,3
+markleeville,779,4
+darden,1976,0
+markleeville,991,3
+darden,1289,12
+corozal,828,0
+markleeville,1026,2
+corozal,705,3
+darden,519,3
+darden,890,4
+collierville,292,1
+darden,1540,21
+corozal,640,8
+darden,1690,1
+markleeville,471,7
+darden,790,1
+darden,1188,0
+darden,243,11
+markleeville,414,2
+darden,487,10
+markleeville,1115,3
+markleeville,730,9
+darden,1160,2
+darden,521,0
+markleeville,240,7
+darden,1378,0
+corozal,1035,7
+darden,916,3
+corozal,1263,1
+darden,977,0
+markleeville,989,0
+darden,1765,4
+collierville,261,2
+corozal,1138,5
+darden,1002,1
+darden,878,11
+darden,734,1
+markleeville,1146,5
+markleeville,274,0
+corozal,1409,1
+darden,797,20
+darden,1880,4
+corozal,78,0
+markleeville,383,3
+darden,1063,4
+darden,435,6
+darden,1631,11
+darden,312,5
+markleeville,722,7
+darden,695,12
+corozal,1142,4
+corozal,999,5
+corozal,41,20
+collierville,508,2
+corozal,830,2
+darden,536,2
+corozal,314,3
+corozal,156,6
+markleeville,158,1
+darden,596,5
+markleeville,1096,3
+corozal,749,5
+darden,600,0
+markleeville,854,4
+corozal,1472,5
+corozal,298,3
+markleeville,8,1
+markleeville,925,2
+collierville,426,2
+corozal,1524,1
+darden,1573,6
+darden,1260,1
+markleeville,324,14
+corozal,1223,2
+markleeville,1002,0
+darden,56,8
+corozal,1397,4
+corozal,1383,1
+darden,718,7
+collierville,408,2
+corozal,706,8
+darden,1858,1
+darden,397,5
+markleeville,743,0
+markleeville,320,3
+corozal,445,3
+corozal,646,2
+darden,1776,5
+markleeville,718,10
+corozal,240,4
+corozal,1013,11
+corozal,879,15
+corozal,1368,16
+markleeville,413,2
+corozal,717,1
+darden,1084,5
+markleeville,504,6
+darden,1533,2
+darden,1341,0
+collierville,704,2
+darden,1556,4
+darden,1329,15
+corozal,124,4
+corozal,1073,3
+darden,947,4
+collierville,168,0
+corozal,1380,1
+darden,231,0
+corozal,868,12
+corozal,644,6
+collierville,351,0
+collierville,124,2
+markleeville,480,2
+darden,1294,2
+markleeville,498,2
+darden,354,4
+corozal,1457,0
+darden,138,1
+corozal,277,7
+darden,1152,0
+darden,576,2
+darden,571,11
+darden,13,1
+corozal,249,1
+darden,733,13
+darden,998,6
+collierville,167,0
+darden,1222,18
+markleeville,55,2
+darden,699,9
+corozal,527,0
+corozal,796,0
+darden,1888,2
+corozal,83,6
+darden,1085,12
+corozal,937,14
+corozal,447,6
+corozal,463,2
+darden,114,16
+markleeville,786,3
+corozal,1056,2
+corozal,248,0
+corozal,227,8
+corozal,511,0
+collierville,270,2
+markleeville,574,0
+markleeville,382,0
+collierville,484,2
+corozal,1457,12
+corozal,1217,4
+markleeville,726,4
+corozal,1122,2
+darden,1259,3
+corozal,651,3
+corozal,1286,3
+markleeville,539,8
+corozal,333,0
+corozal,1113,2
+markleeville,633,3
+corozal,1324,2
+markleeville,687,5
+darden,120,14
+corozal,505,1
+markleeville,113,3
+collierville,21,3
+darden,693,2
+collierville,229,2
+darden,1180,2
+collierville,76,0
+corozal,628,2
+markleeville,702,2
+corozal,1168,5
+corozal,1411,0
+corozal,1332,4
+corozal,532,0
+corozal,16,2
+darden,1012,2
+markleeville,584,13
+collierville,471,2
+markleeville,459,7
+corozal,319,0
+darden,1928,0
+darden,1057,8
+markleeville,9,1
+darden,1201,0
+markleeville,20,7
+darden,445,13
+corozal,1520,0
+darden,1284,3
+corozal,1556,3
+darden,896,5
+markleeville,116,1
+darden,1339,0
+collierville,335,2
+darden,1166,3
+darden,1889,0
+darden,1050,4
+darden,1415,2
+corozal,398,12
+darden,1576,0
+darden,1183,2
+collierville,328,5
+markleeville,1147,6
+darden,1059,7
+markleeville,763,7
+corozal,938,1
+darden,1682,8
+darden,1309,11
+darden,1807,12
+darden,1272,4
+corozal,1178,1
+darden,836,2
+corozal,1374,0
+markleeville,305,13
+markleeville,401,7
+markleeville,937,0
+corozal,1406,3
+collierville,311,7
+corozal,287,5
+collierville,629,2
+darden,157,2
+corozal,1166,0
+corozal,862,0
+markleeville,767,1
+markleeville,624,3
+darden,1484,10
+darden,1574,3
+markleeville,353,5
+markleeville,1006,1
+corozal,761,6
+darden,176,2
+collierville,424,1
+darden,759,8
+darden,1798,4
+corozal,1337,1
+corozal,77,8
+corozal,620,1
+markleeville,732,0
+corozal,338,3
+corozal,175,2
+darden,728,2
+darden,23,4
+corozal,1096,7
+corozal,868,11
+markleeville,494,0
+markleeville,886,2
+markleeville,1049,0
+darden,1921,13
+darden,1729,2
+corozal,406,3
+corozal,1386,3
+collierville,288,2
+darden,24,4
+collierville,478,1
+markleeville,1157,1
+markleeville,426,7
+markleeville,1095,6
+corozal,470,2
+corozal,60,3
+darden,999,7
+corozal,861,2
+darden,344,0
+darden,416,0
+collierville,691,1
+darden,1881,5
+collierville,538,1
+markleeville,489,4
+corozal,1257,0
+collierville,696,0
+darden,1808,7
+darden,1952,0
+darden,1910,2
+darden,1462,5
+corozal,536,3
+corozal,445,4
+markleeville,833,3
+darden,35,1
+darden,255,1
+corozal,323,15
+markleeville,718,1
+darden,1831,0
+darden,1599,3
+corozal,243,2
+darden,1127,16
+corozal,613,2
+darden,515,1
+darden,605,7
+darden,810,2
+corozal,287,6
+corozal,1539,10
+markleeville,1060,8
+darden,12,2
+markleeville,846,3
+markleeville,1024,2
+corozal,770,0
+darden,586,3
+darden,908,10
+darden,1677,0
+corozal,467,0
+corozal,1364,8
+darden,827,0
+corozal,489,0
+darden,602,4
+darden,1978,0
+darden,1563,7
+darden,23,2
+markleeville,639,3
+collierville,508,1
+markleeville,377,4
+darden,1803,1
+corozal,7,1
+darden,362,1
+darden,190,6
+collierville,284,3
+markleeville,319,1
+corozal,1408,5
+corozal,937,0
+corozal,211,6
+darden,551,9
+corozal,855,4
+markleeville,970,0
+corozal,930,1
+corozal,411,10
+darden,921,2
+markleeville,405,1
+darden,1452,12
+darden,57,3
+markleeville,216,9
+corozal,679,14
+corozal,855,3
+markleeville,577,1
+darden,796,1
+darden,1386,4
+corozal,651,5
+corozal,435,4
+darden,841,5
+corozal,580,17
+corozal,1084,3
+darden,3,9
+collierville,20,1
+darden,1994,6
+darden,956,0
+darden,650,0
+darden,1259,15
+darden,907,1
+markleeville,715,5
+markleeville,917,4
+corozal,369,18
+corozal,683,3
+darden,289,6
+darden,1145,2
+darden,753,1
+markleeville,1073,0
+corozal,1364,3
+markleeville,624,11
+darden,569,9
+darden,1377,2
+corozal,1333,1
+darden,1257,3
+corozal,208,4
+collierville,307,0
+corozal,421,15
+darden,606,1
+darden,197,5
+darden,422,2
+darden,66,10
+corozal,381,0
+darden,90,1
+darden,1868,4
+darden,884,2
+corozal,874,6
+darden,1328,6
+darden,815,5
+corozal,275,2
+darden,1093,8
+corozal,432,17
+darden,1447,4
+markleeville,280,9
+darden,1453,5
+markleeville,907,2
+collierville,553,9
+collierville,11,2
+corozal,388,8
+corozal,650,2
+darden,29,1
+markleeville,911,8
+corozal,495,15
+corozal,1310,1
+darden,1080,4
+corozal,1454,1
+markleeville,513,0
+darden,1955,1
+corozal,1060,1
+corozal,830,4
+markleeville,888,5
+darden,387,3
+corozal,877,7
+darden,1725,3
+corozal,1094,1
+darden,221,1
+corozal,299,5
+corozal,1380,2
+darden,1071,8
+collierville,7,0
+corozal,34,10
+darden,507,2
+darden,1939,0
+darden,1767,0
+darden,835,6
+darden,1627,1
+corozal,1302,2
+corozal,755,3
+corozal,388,3
+markleeville,1033,4
+darden,1964,5
+collierville,567,5
+darden,1305,0
+corozal,821,6
+darden,1515,2
+darden,434,4
+darden,637,8
+darden,238,2
+corozal,914,1
+darden,223,1
+darden,535,3
+markleeville,919,9
+darden,1540,14
+markleeville,344,1
+darden,529,21
+corozal,1253,4
+corozal,964,0
+markleeville,913,4
+corozal,754,3
+corozal,695,4
+corozal,1068,9
+markleeville,660,3
+corozal,737,2
+corozal,1269,0
+darden,1470,4
+darden,1984,1
+darden,142,9
+darden,1244,1
+darden,497,1
+darden,1136,2
+collierville,501,1
+markleeville,806,0
+darden,72,2
+markleeville,140,5
+corozal,1282,7
+darden,749,3
+corozal,593,1
+corozal,1209,5
+darden,235,10
+darden,1807,5
+darden,215,2
+markleeville,735,5
+darden,340,9
+darden,1065,1
+darden,733,10
+darden,361,1
+markleeville,533,4
+darden,1421,3
+corozal,1287,10
+darden,746,1
+darden,841,7
+darden,42,0
+darden,938,9
+darden,782,5
+darden,6,6
+darden,1050,10
+darden,859,2
+corozal,1302,5
+corozal,873,4
+corozal,811,6
+collierville,491,2
+markleeville,34,3
+markleeville,1131,1
+markleeville,810,3
+darden,1701,3
+darden,151,0
+corozal,1353,4
+markleeville,122,0
+corozal,714,2
+darden,1509,2
+markleeville,133,5
+markleeville,202,4
+corozal,28,2
+corozal,309,4
+darden,795,8
+markleeville,533,0
+collierville,648,2
+markleeville,840,6
+corozal,424,4
+markleeville,581,0
+darden,1167,2
+collierville,331,1
+darden,13,7
+collierville,349,2
+corozal,493,1
+markleeville,1182,7
+markleeville,847,1
+corozal,1327,3
+corozal,147,0
+darden,660,6
+markleeville,767,0
+markleeville,173,10
+collierville,246,0
+darden,182,15
+darden,1595,3
+corozal,1324,4
+corozal,645,2
+corozal,1190,2
+darden,692,16
+corozal,1018,2
+darden,1127,5
+corozal,387,0
+corozal,698,8
+markleeville,898,1
+darden,249,3
+darden,1044,1
+corozal,846,4
+collierville,429,1
+collierville,190,1
+markleeville,53,10
+markleeville,723,1
+darden,1144,7
+markleeville,234,2
+markleeville,745,3
+markleeville,846,2
+markleeville,514,0
+darden,182,3
+corozal,1006,1
+corozal,811,5
+markleeville,191,1
+markleeville,1078,3
+corozal,1236,3
+darden,1954,0
+collierville,143,2
+darden,795,0
+corozal,550,2
+markleeville,1048,1
+markleeville,1077,0
+darden,1496,12
+darden,1682,10
+corozal,58,0
+darden,220,2
+corozal,593,2
+corozal,992,6
+darden,159,3
+darden,128,9
+corozal,1457,9
+corozal,834,1
+corozal,543,0
+corozal,373,6
+darden,4,5
+corozal,132,1
+darden,304,3
+corozal,984,4
+corozal,1473,5
+darden,716,3
+darden,155,0
+corozal,1104,2
+corozal,858,3
+markleeville,361,1
+darden,1434,14
+darden,832,5
+darden,241,4
+darden,68,0
+corozal,591,5
+corozal,784,10
+darden,1412,1
+corozal,1426,5
+markleeville,261,0
+collierville,569,0
+darden,705,7
+corozal,492,6
+markleeville,774,4
+darden,244,9
+darden,785,12
+markleeville,29,6
+corozal,657,4
+markleeville,126,4
+markleeville,760,5
+corozal,1301,2
+corozal,992,0
+collierville,464,5
+darden,1872,3
+markleeville,642,0
+corozal,861,3
+corozal,309,2
+corozal,357,1
+corozal,619,0
+corozal,198,7
+darden,62,4
+darden,128,7
+darden,1545,1
+corozal,780,3
+markleeville,599,2
+darden,918,0
+collierville,416,8
+corozal,1402,3
+markleeville,112,1
+markleeville,1140,1
+darden,1482,4
+corozal,1018,1
+corozal,760,10
+markleeville,6,2
+corozal,1180,0
+corozal,1115,14
+darden,1681,8
+darden,1955,2
+darden,1038,7
+darden,1390,2
+corozal,342,3
+markleeville,1194,1
+corozal,934,10
+darden,1967,5
+darden,1557,1
+markleeville,199,9
+darden,1345,0
+darden,1230,0
+corozal,52,2
+darden,565,6
+darden,1361,1
+corozal,1314,2
+darden,708,1
+collierville,154,1
+darden,341,5
+corozal,209,7
+corozal,671,7
+collierville,557,3
+markleeville,901,5
+collierville,586,4
+darden,342,5
+darden,1145,1
+corozal,722,2
+markleeville,280,1
+markleeville,5,6
+darden,1980,0
+collierville,431,2
+darden,737,7
+corozal,1457,14
+corozal,904,8
+darden,357,6
+collierville,173,2
+collierville,554,2
+corozal,240,9
+markleeville,664,3
+markleeville,699,6
+corozal,382,3
+collierville,315,5
+darden,1061,9
+darden,1630,13
+darden,1167,5
+corozal,167,2
+darden,520,2
+darden,1232,1
+darden,1106,5
+corozal,1198,1
+darden,1471,4
+darden,1688,4
+corozal,127,0
+darden,446,1
+corozal,310,1
+darden,753,0
+corozal,1216,1
+markleeville,807,2
+corozal,251,4
+corozal,1474,1
+markleeville,170,10
+corozal,1374,15
+collierville,20,4
+darden,1801,1
+collierville,600,7
+corozal,615,13
+corozal,211,5
+corozal,1343,1
+corozal,375,3
+darden,1899,6
+darden,1691,6
+corozal,672,2
+darden,1255,1
+darden,1708,3
+collierville,174,1
+darden,1202,1
+collierville,124,0
+darden,283,2
+corozal,734,4
+corozal,129,0
+corozal,1333,3
+corozal,1490,1
+darden,1228,1
+corozal,1551,1
+darden,1259,10
+corozal,434,3
+corozal,1212,3
+corozal,7,10
+darden,267,1
+darden,1941,9
+markleeville,945,7
+collierville,709,2
+corozal,682,1
+darden,1374,3
+corozal,1168,8
+darden,906,1
+corozal,341,2
+darden,151,3
+markleeville,821,2
+markleeville,526,3
+darden,1711,3
+darden,1203,0
+corozal,619,5
+darden,1349,4
+collierville,266,1
+markleeville,140,0
+corozal,335,6
+markleeville,329,1
+darden,660,11
+darden,1328,5
+collierville,235,1
+darden,142,8
+darden,1263,0
+corozal,234,2
+darden,575,6
+corozal,820,2
+corozal,1391,5
+darden,182,4
+darden,603,7
+markleeville,1007,4
+corozal,426,2
+darden,1864,5
+darden,1438,11
+corozal,11,2
+darden,831,10
+darden,1495,9
+darden,500,3
+corozal,836,3
+markleeville,629,4
+darden,1086,0
+corozal,1548,5
+corozal,276,4
+markleeville,271,1
+corozal,169,5
+corozal,159,3
+markleeville,672,7
+darden,1815,5
+corozal,501,3
+markleeville,449,9
+darden,727,2
+corozal,1200,1
+darden,878,0
+corozal,233,2
+collierville,339,1
+darden,538,1
+collierville,80,1
+markleeville,193,0
+markleeville,1143,5
+darden,104,1
+markleeville,566,4
+corozal,107,9
+corozal,476,6
+corozal,1457,3
+markleeville,238,6
+collierville,678,2
+darden,829,1
+darden,1995,4
+darden,392,3
+darden,1305,3
+corozal,148,9
+markleeville,206,1
+darden,1654,1
+markleeville,302,8
+darden,1966,5
+darden,804,2
+darden,1973,4
+darden,1928,6
+darden,845,1
+darden,1016,1
+darden,1808,8
+corozal,434,6
+collierville,621,5
+corozal,354,2
+corozal,252,0
+markleeville,763,9
+collierville,447,2
+darden,1544,1
+markleeville,886,6
+corozal,1019,6
+darden,603,10
+markleeville,695,2
+darden,350,1
+corozal,716,3
+markleeville,558,1
+corozal,335,2
+darden,725,1
+markleeville,792,5
+corozal,637,7
+corozal,520,2
+corozal,193,4
+darden,1112,10
+darden,288,0
+darden,1712,4
+markleeville,409,1
+darden,1878,1
+corozal,374,3
+corozal,1216,2
+corozal,938,4
+collierville,397,0
+corozal,715,1
+markleeville,571,1
+corozal,1184,8
+darden,216,4
+corozal,793,4
+darden,87,6
+darden,1717,6
+collierville,109,3
+corozal,924,10
+corozal,1126,24
+collierville,314,3
+corozal,291,1
+markleeville,485,2
+corozal,1352,2
+corozal,1184,1
+darden,1838,2
+corozal,1529,4
+markleeville,1033,5
+corozal,202,1
+darden,630,0
+collierville,65,2
+corozal,782,10
+darden,1496,15
+darden,841,4
+collierville,620,7
+markleeville,560,1
+collierville,600,2
+darden,1419,3
+darden,869,0
+markleeville,303,2
+darden,1089,2
+darden,554,2
+darden,1822,7
+collierville,472,6
+corozal,1398,4
+markleeville,701,2
+darden,898,4
+corozal,156,4
+collierville,463,7
+darden,1041,6
+darden,942,3
+corozal,143,10
+darden,797,1
+collierville,524,5
+darden,250,3
+corozal,1355,3
+corozal,398,13
+corozal,752,8
+darden,1866,20
+markleeville,657,0
+corozal,268,0
+markleeville,964,6
+corozal,152,9
+darden,1416,3
+darden,553,10
+collierville,214,7
+collierville,569,2
+markleeville,266,1
+corozal,580,9
+markleeville,274,2
+corozal,133,6
+markleeville,939,4
+markleeville,1144,8
+markleeville,352,0
+markleeville,266,9
+darden,967,4
+markleeville,709,11
+markleeville,643,1
+markleeville,289,10
+darden,1442,5
+collierville,571,0
+corozal,1126,23
+markleeville,419,0
+darden,1303,3
+darden,5,0
+darden,43,3
+collierville,145,0
+collierville,73,1
+collierville,313,1
+corozal,258,0
+darden,245,0
+darden,1049,2
+markleeville,859,10
+corozal,300,15
+darden,1291,5
+corozal,835,3
+markleeville,952,11
+darden,1139,12
+collierville,8,5
+darden,1824,3
+darden,908,4
+darden,1718,2
+darden,791,17
+corozal,11,4
+corozal,924,6
+darden,1077,1
+darden,1689,8
+collierville,451,3
+darden,390,2
+corozal,370,4
+darden,984,6
+corozal,1322,1
+markleeville,598,0
+darden,453,1
+darden,216,1
+darden,797,15
+corozal,770,2
+markleeville,174,0
+darden,769,10
+corozal,223,2
+corozal,530,10
+darden,1271,7
+corozal,834,10
+corozal,958,0
+markleeville,414,3
+darden,896,0
+markleeville,1142,2
+markleeville,778,1
+corozal,1109,12
+corozal,535,1
+collierville,382,1
+markleeville,369,2
+darden,401,5
+darden,66,16
+darden,1630,15
+darden,834,2
+corozal,70,1
+corozal,1259,0
+darden,289,7
+corozal,1284,1
+collierville,568,1
+darden,1740,9
+markleeville,911,9
+darden,316,3
+collierville,176,0
+markleeville,326,7
+darden,1221,2
+corozal,502,4
+corozal,1415,11
+darden,1402,3
+corozal,553,0
+darden,1321,4
+corozal,1513,9
+darden,1388,1
+markleeville,1054,0
+markleeville,1053,1
+markleeville,1072,14
+darden,753,4
+corozal,203,3
+collierville,362,1
+darden,1934,6
+corozal,1265,7
+corozal,990,0
+darden,184,6
+darden,256,5
+darden,991,1
+darden,103,1
+darden,1968,2
+collierville,613,1
+darden,1798,1
+corozal,611,9
+markleeville,88,3
+darden,1017,0
+corozal,1116,9
+corozal,1087,1
+markleeville,726,7
+darden,207,2
+darden,338,5
+corozal,1042,4
+markleeville,480,1
+markleeville,810,0
+markleeville,1039,2
+collierville,362,4
+darden,1416,9
+corozal,682,13
+darden,1716,0
+collierville,183,7
+darden,88,9
+corozal,262,2
+darden,507,3
+corozal,1,2
+darden,799,5
+markleeville,982,6
+darden,575,15
+markleeville,722,8
+corozal,1203,4
+darden,641,2
+markleeville,924,4
+darden,577,16
+darden,1087,6
+corozal,110,8
+corozal,175,0
+collierville,22,1
+markleeville,166,0
+corozal,81,1
+darden,1773,21
+markleeville,484,0
+darden,535,9
+collierville,585,4
+markleeville,755,5
+collierville,64,2
+darden,172,4
+markleeville,106,3
+markleeville,129,0
+darden,1703,0
+markleeville,416,6
+darden,256,1
+darden,1465,1
+corozal,371,11
+markleeville,684,0
+darden,1557,2
+darden,228,2
+corozal,634,0
+markleeville,82,4
+corozal,1344,0
+darden,1398,4
+corozal,1381,4
+corozal,1239,1
+collierville,478,2
+collierville,131,3
+markleeville,412,0
+corozal,195,1
+markleeville,807,3
+markleeville,356,7
+darden,185,5
+darden,747,10
+markleeville,558,0
+markleeville,984,3
+darden,1015,8
+corozal,388,14
+corozal,637,9
+corozal,30,3
+darden,1128,0
+darden,1297,2
+darden,349,3
+corozal,792,0
+collierville,269,1
+darden,336,1
+darden,1275,3
+darden,661,8
+darden,615,6
+corozal,327,2
+darden,312,1
+darden,1115,0
+corozal,765,11
+darden,83,2
+corozal,445,1
+markleeville,571,12
+darden,1496,16
+corozal,688,1
+corozal,947,1
+darden,43,2
+corozal,113,1
+corozal,1400,10
+darden,892,2
+corozal,397,5
+darden,1656,2
+collierville,113,2
+darden,1820,3
+darden,1020,8
+darden,247,6
+darden,1995,2
+corozal,595,11
+markleeville,786,1
+corozal,66,0
+collierville,566,4
+markleeville,1112,3
+darden,97,4
+corozal,1430,3
+corozal,1319,18
+corozal,612,12
+corozal,544,11
+corozal,440,1
+corozal,1350,1
+corozal,1374,2
+corozal,532,4
+corozal,278,2
+markleeville,665,7
+darden,1150,8
+darden,637,4
+markleeville,708,2
+corozal,746,0
+corozal,1022,12
+corozal,2,5
+corozal,713,3
+darden,1089,1
+corozal,21,5
+markleeville,671,7
+darden,1531,3
+darden,1300,5
+corozal,716,11
+darden,506,4
+corozal,26,2
+corozal,892,2
+markleeville,976,1
+darden,1161,2
+darden,1875,4
+collierville,330,0
+corozal,1167,18
+corozal,798,8
+darden,448,5
+corozal,1475,11
+darden,263,4
+corozal,1233,3
+darden,752,2
+markleeville,978,6
+markleeville,831,4
+darden,449,3
+collierville,110,1
+collierville,129,0
+corozal,437,1
+markleeville,316,1
+collierville,232,1
+markleeville,694,5
+collierville,556,3
+darden,1747,2
+markleeville,1028,5
+markleeville,134,7
+corozal,1455,3
+corozal,959,1
+darden,1972,2
+markleeville,223,6
+darden,1414,2
+darden,1605,0
+corozal,1203,6
+darden,606,4
+markleeville,963,1
+corozal,586,5
+darden,857,0
+darden,1617,8
+darden,1185,5
+collierville,710,2
+corozal,194,5
+markleeville,798,3
+markleeville,708,5
+markleeville,162,1
+markleeville,357,0
+markleeville,338,1
+corozal,661,0
+corozal,842,1
+corozal,652,6
+collierville,84,4
+markleeville,454,4
+corozal,1143,2
+darden,1664,2
+darden,1257,6
+corozal,7,16
+corozal,1342,2
+darden,1299,6
+darden,920,0
+markleeville,498,13
+markleeville,931,2
+corozal,582,2
+markleeville,811,13
+darden,1248,5
+markleeville,297,9
+markleeville,524,1
+markleeville,1121,6
+corozal,1078,8
+darden,677,3
+darden,1666,8
+markleeville,783,2
+corozal,593,4
+markleeville,723,2
+corozal,435,8
+darden,1584,8
+collierville,263,2
+darden,1228,0
+darden,1333,1
+corozal,833,0
+darden,412,9
+darden,1611,2
+darden,1923,5
+markleeville,740,6
+collierville,280,0
+markleeville,1170,4
+darden,1370,1
+markleeville,1062,6
+markleeville,319,5
+markleeville,96,3
+collierville,378,2
+darden,1643,1
+corozal,1382,2
+markleeville,239,2
+darden,915,5
+markleeville,516,0
+darden,945,3
+corozal,244,8
+corozal,16,9
+markleeville,572,3
+corozal,1074,3
+markleeville,1051,4
+markleeville,304,12
+corozal,1554,5
+markleeville,232,3
+darden,1182,2
+darden,1469,1
+corozal,1199,4
+darden,464,15
+darden,639,4
+darden,1153,4
+corozal,1431,0
+collierville,378,3
+markleeville,549,4
+darden,721,4
+darden,1120,10
+corozal,560,3
+darden,1434,18
+darden,663,4
+corozal,355,3
+collierville,430,2
+darden,209,4
+darden,1397,4
+darden,1136,8
+corozal,765,4
+markleeville,53,0
+markleeville,927,1
+darden,1413,8
+markleeville,615,6
+corozal,526,3
+corozal,46,4
+darden,1225,3
+darden,1416,7
+corozal,134,7
+corozal,412,0
+darden,1273,0
+corozal,432,0
+darden,119,2
+corozal,718,17
+darden,82,3
+markleeville,674,0
+corozal,1301,3
+markleeville,378,2
+darden,1768,5
+markleeville,979,0
+corozal,1373,2
+markleeville,71,11
+corozal,905,1
+darden,744,5
+darden,1220,0
+darden,752,4
+markleeville,131,0
+darden,398,5
+markleeville,981,6
+corozal,537,0
+corozal,981,7
+corozal,558,5
+corozal,1053,4
+markleeville,728,5
+darden,1905,1
+darden,1596,3
+corozal,654,11
+collierville,555,0
+darden,1373,0
+darden,197,11
+collierville,49,6
+markleeville,595,7
+darden,250,2
+darden,947,0
+darden,66,18
+corozal,728,2
+markleeville,589,7
+corozal,554,4
+darden,466,1
+markleeville,1104,4
+darden,1011,2
+corozal,398,3
+darden,660,7
+corozal,896,3
+collierville,36,3
+corozal,979,4
+markleeville,1005,1
+corozal,68,4
+collierville,161,1
+corozal,1552,4
+corozal,395,4
+markleeville,867,6
+corozal,474,5
+corozal,152,2
+markleeville,160,2
+corozal,1262,13
+markleeville,1061,9
+corozal,465,2
+corozal,165,5
+corozal,1144,8
+corozal,1264,5
+markleeville,261,1
+markleeville,582,3
+darden,1013,3
+markleeville,680,13
+darden,1271,8
+markleeville,470,6
+darden,404,3
+corozal,1550,2
+markleeville,523,1
+darden,817,7
+markleeville,186,1
+darden,1290,1
+markleeville,461,1
+darden,1886,4
+corozal,734,2
+darden,1490,1
+corozal,774,1
+markleeville,624,9
+markleeville,205,2
+corozal,1552,1
+darden,843,3
+corozal,380,0
+collierville,578,3
+corozal,1045,0
+markleeville,378,1
+corozal,638,1
+darden,250,10
+darden,968,3
+darden,1420,3
+markleeville,128,2
+corozal,1170,0
+darden,1343,2
+corozal,1496,6
+corozal,483,13
+darden,1060,0
+corozal,1517,7
+darden,1198,7
+corozal,339,4
+darden,1098,1
+markleeville,414,0
+corozal,682,12
+markleeville,1179,1
+corozal,291,6
+darden,936,2
+corozal,1210,1
+collierville,118,1
+corozal,582,1
+darden,225,9
+corozal,530,1
+markleeville,1149,9
+collierville,345,1
+darden,1651,4
+darden,295,7
+markleeville,1177,4
+markleeville,937,4
+darden,1750,8
+corozal,1290,5
+markleeville,474,1
+darden,823,4
+darden,783,7
+darden,1554,14
+markleeville,322,1
+darden,799,14
+collierville,51,0
+corozal,274,12
+markleeville,570,6
+markleeville,529,1
+corozal,1343,3
+darden,1473,3
+darden,1467,0
+corozal,1392,4
+corozal,1047,7
+corozal,468,1
+corozal,181,11
+collierville,72,2
+darden,1358,3
+darden,346,10
+collierville,380,1
+darden,436,1
+markleeville,620,6
+markleeville,200,0
+collierville,661,1
+darden,1009,3
+corozal,1196,11
+collierville,461,1
+darden,1867,5
+darden,215,4
+corozal,716,9
+corozal,499,5
+markleeville,268,1
+darden,1751,5
+darden,1387,4
+darden,1139,6
+darden,1118,2
+darden,1935,1
+markleeville,555,0
+markleeville,81,3
+darden,110,4
+darden,330,12
+corozal,805,0
+darden,1115,1
+markleeville,1072,13
+darden,981,1
+corozal,1196,9
+collierville,416,0
+corozal,1216,5
+darden,237,2
+collierville,317,4
+corozal,526,4
+corozal,1049,4
+darden,713,1
+collierville,229,1
+corozal,1536,0
+markleeville,342,2
+corozal,1384,2
+markleeville,981,8
+markleeville,796,2
+darden,1956,12
+markleeville,95,2
+markleeville,970,4
+darden,1420,6
+darden,1063,0
+darden,1901,1
+markleeville,720,1
+corozal,961,2
+darden,333,0
+corozal,1033,9
+markleeville,974,4
+darden,681,10
+markleeville,297,12
+darden,1222,4
+darden,1092,3
+corozal,504,1
+darden,1343,3
+collierville,215,1
+darden,1299,1
+markleeville,978,7
+corozal,232,12
+markleeville,1166,6
+markleeville,1062,3
+darden,551,1
+markleeville,452,4
+darden,1530,0
+corozal,1511,9
+darden,46,1
+darden,479,0
+darden,883,4
+darden,1150,0
+markleeville,517,4
+corozal,1445,2
+markleeville,925,0
+corozal,551,15
+markleeville,972,2
+darden,1306,5
+corozal,629,12
+darden,1550,2
+corozal,902,8
+corozal,577,2
+collierville,427,2
+corozal,1374,1
+darden,22,7
+corozal,462,2
+corozal,1167,10
+corozal,1203,9
+markleeville,776,3
+darden,210,9
+corozal,389,1
+darden,1010,0
+collierville,261,0
+corozal,111,4
+darden,759,1
+darden,232,1
+markleeville,321,1
+darden,515,2
+darden,532,0
+markleeville,870,6
+darden,292,0
+darden,1121,7
+markleeville,231,10
+markleeville,911,1
+darden,670,2
+darden,1275,9
+markleeville,763,10
+corozal,1359,0
+markleeville,768,8
+corozal,843,11
+corozal,64,5
+corozal,788,3
+corozal,104,0
+darden,1116,3
+darden,1849,4
+darden,537,6
+corozal,1391,0
+corozal,821,3
+darden,1924,10
+corozal,1229,2
+markleeville,259,3
+darden,881,0
+darden,88,3
+collierville,706,2
+collierville,472,1
+corozal,1224,8
+corozal,756,2
+corozal,641,2
+corozal,1287,6
+corozal,1256,0
+collierville,52,1
+markleeville,28,3
+darden,1483,9
+darden,1762,0
+corozal,811,7
+darden,861,6
+darden,389,2
+darden,1059,10
+darden,112,0
+markleeville,680,2
+markleeville,945,4
+corozal,1469,6
+darden,781,4
+darden,576,7
+corozal,1007,1
+collierville,204,5
+corozal,1430,17
+corozal,1002,0
+markleeville,175,1
+corozal,94,0
+markleeville,214,1
+darden,588,11
+darden,445,6
+corozal,406,4
+markleeville,771,0
+darden,1384,8
+darden,1315,0
+markleeville,411,3
+corozal,757,3
+corozal,264,3
+darden,35,6
+darden,1580,1
+darden,243,2
+darden,367,4
+collierville,20,5
+corozal,402,0
+markleeville,113,2
+darden,118,6
+markleeville,687,4
+markleeville,699,7
+corozal,1493,0
+collierville,62,3
+markleeville,795,2
+corozal,917,5
+darden,1470,13
+corozal,291,0
+corozal,1506,2
+darden,1181,6
+darden,1121,9
+corozal,1151,3
+markleeville,265,0
+corozal,4,0
+darden,755,0
+darden,1267,1
+darden,137,0
+markleeville,11,8
+corozal,1431,3
+darden,629,13
+darden,1705,1
+corozal,1135,2
+collierville,302,1
+corozal,331,5
+corozal,1264,6
+darden,1532,7
+corozal,419,7
+corozal,388,13
+corozal,711,5
+markleeville,169,12
+darden,1962,5
+collierville,57,1
+markleeville,136,0
+collierville,513,0
+darden,1289,3
+darden,870,0
+corozal,1016,7
+darden,1347,7
+corozal,145,2
+darden,1675,13
+corozal,688,4
+collierville,93,1
+corozal,195,0
+corozal,892,3
+corozal,635,1
+darden,1705,8
+darden,86,3
+markleeville,1076,6
+darden,1059,1
+darden,660,0
+corozal,782,2
+collierville,606,2
+markleeville,691,1
+markleeville,222,0
+collierville,568,2
+corozal,1106,6
+markleeville,370,0
+darden,1327,4
+corozal,1072,15
+markleeville,713,5
+collierville,38,2
+collierville,407,1
+darden,1350,0
+corozal,3,8
+darden,138,2
+collierville,61,1
+darden,1521,3
+markleeville,141,2
+darden,534,4
+markleeville,1047,2
+darden,989,1
+darden,284,8
+collierville,40,0
+darden,1707,9
+corozal,1310,3
+darden,1512,3
+darden,1808,3
+darden,864,4
+collierville,253,2
+markleeville,1102,5
+corozal,488,6
+corozal,105,5
+darden,1084,4
+markleeville,996,1
+markleeville,504,0
+markleeville,370,7
+darden,837,1
+markleeville,211,3
+corozal,207,3
+corozal,1196,4
+darden,1485,5
+darden,1139,8
+markleeville,504,1
+corozal,856,0
+markleeville,1082,4
+markleeville,1055,13
+darden,184,11
+corozal,533,1
+darden,1648,5
+darden,196,3
+darden,1501,0
+corozal,124,7
+corozal,1400,11
+collierville,309,1
+markleeville,817,1
+markleeville,739,1
+markleeville,902,5
+darden,783,3
+markleeville,696,7
+darden,824,0
+darden,648,5
+darden,425,17
+darden,1566,1
+darden,1945,4
+darden,1494,0
+darden,1719,0
+markleeville,317,6
+darden,537,9
+markleeville,362,5
+darden,718,8
+darden,1517,3
+collierville,375,5
+markleeville,1114,2
+darden,763,3
+corozal,490,17
+darden,721,8
+darden,828,1
+corozal,820,4
+collierville,455,2
+corozal,1547,8
+corozal,77,11
+corozal,1492,2
+darden,82,1
+darden,1969,1
+markleeville,501,2
+markleeville,28,5
+markleeville,350,2
+darden,1234,1
+darden,1568,3
+corozal,1498,3
+markleeville,827,2
+markleeville,687,3
+collierville,214,6
+markleeville,12,2
+darden,951,1
+markleeville,862,3
+darden,336,7
+darden,967,5
+darden,1805,4
+corozal,263,0
+markleeville,730,5
+corozal,1245,2
+markleeville,198,2
+corozal,253,7
+corozal,185,4
+markleeville,980,11
+darden,1988,0
+corozal,1165,1
+corozal,555,4
+markleeville,513,1
+darden,432,1
+markleeville,910,1
+corozal,469,1
+darden,1465,3
+corozal,769,6
+corozal,1282,6
+darden,1438,5
+darden,667,2
+collierville,316,3
+collierville,407,3
+darden,1787,4
+markleeville,726,0
+corozal,682,6
+corozal,596,5
+corozal,508,6
+darden,1848,5
+darden,1697,4
+darden,1923,0
+darden,447,0
+darden,307,9
+corozal,922,5
+collierville,406,3
+darden,40,3
+markleeville,1022,0
+darden,690,6
+corozal,664,1
+corozal,468,3
+darden,302,7
+collierville,94,2
+corozal,1189,1
+darden,554,0
+collierville,602,0
+markleeville,1113,0
+darden,219,9
+corozal,828,11
+darden,1488,1
+markleeville,765,0
+darden,1434,1
+corozal,731,2
+darden,1000,3
+markleeville,868,7
+markleeville,32,0
+markleeville,227,5
+corozal,1521,2
+corozal,1402,2
+darden,556,1
+markleeville,332,0
+corozal,784,8
+darden,1943,6
+corozal,1467,1
+darden,934,5
+darden,1563,8
+darden,1471,17
+corozal,1338,8
+corozal,730,3
+darden,216,2
+markleeville,1023,5
+corozal,466,8
+markleeville,169,5
+darden,817,8
+markleeville,229,1
+darden,1832,2
+darden,1378,1
+markleeville,674,6
+darden,870,2
+corozal,1109,11
+corozal,1146,1
+collierville,398,4
+markleeville,454,0
+collierville,585,6
+markleeville,816,2
+darden,1838,6
+darden,481,8
+collierville,657,1
+markleeville,974,1
+markleeville,989,4
+collierville,673,1
+corozal,753,6
+darden,236,3
+darden,1010,1
+corozal,898,4
+corozal,1109,0
+corozal,1237,2
+corozal,969,5
+darden,1807,16
+darden,1050,9
+corozal,877,10
+corozal,1471,12
+darden,142,5
+darden,1172,0
+corozal,885,1
+corozal,28,1
+markleeville,988,2
+corozal,503,1
+markleeville,1090,3
+corozal,1256,5
+darden,701,2
+collierville,375,4
+darden,1790,3
+darden,528,3
+markleeville,502,4
+markleeville,1050,0
+markleeville,317,8
+darden,861,13
+darden,1839,2
+darden,941,0
+darden,1657,7
+darden,890,1
+collierville,496,0
+darden,966,1
+markleeville,140,9
+collierville,167,4
+markleeville,77,3
+darden,609,2
+corozal,954,3
+markleeville,889,1
+markleeville,288,4
+darden,393,3
+corozal,1004,1
+darden,1834,3
+corozal,868,13
+corozal,822,2
+corozal,300,5
+markleeville,308,8
+corozal,318,0
+corozal,551,9
+darden,225,4
+collierville,201,0
+corozal,1187,1
+corozal,220,0
+corozal,380,12
+darden,776,1
+darden,365,0
+markleeville,120,8
+darden,1441,0
+darden,1287,12
+markleeville,784,3
+darden,1773,13
+darden,114,0
+darden,846,0
+corozal,1465,3
+corozal,1009,1
+corozal,612,16
+markleeville,145,9
+darden,784,1
+corozal,1358,2
+corozal,1016,4
+markleeville,32,5
+collierville,466,0
+collierville,542,7
+corozal,1451,0
+corozal,2,9
+collierville,578,4
+darden,502,0
+markleeville,187,1
+darden,964,5
+markleeville,942,2
+darden,1126,17
+corozal,973,3
+corozal,137,17
+markleeville,941,6
+corozal,639,3
+corozal,510,9
+corozal,346,0
+collierville,62,2
+markleeville,978,3
+darden,1387,2
+collierville,100,2
+darden,1927,7
+darden,1475,10
+darden,801,4
+darden,1794,2
+corozal,1017,5
+corozal,1391,2
+corozal,1461,1
+collierville,663,1
+corozal,894,17
+markleeville,611,1
+corozal,681,1
+darden,1340,6
+markleeville,939,1
+collierville,177,7
+corozal,533,5
+markleeville,465,4
+darden,175,1
+darden,452,3
+corozal,1096,12
+collierville,455,0
+markleeville,930,3
+corozal,1357,1
+markleeville,1163,2
+darden,1920,1
+darden,1291,13
+darden,1906,3
+markleeville,1066,4
+corozal,985,10
+markleeville,935,9
+markleeville,902,7
+markleeville,880,1
+corozal,412,2
+corozal,391,1
+corozal,858,1
+markleeville,802,0
+darden,751,4
+corozal,306,5
+darden,300,3
+darden,928,4
+corozal,921,0
+corozal,698,7
+markleeville,887,4
+darden,1175,3
+markleeville,644,3
+markleeville,624,7
+darden,1017,1
+darden,1531,0
+corozal,630,5
+darden,591,0
+corozal,350,4
+corozal,317,1
+corozal,404,2
+collierville,429,0
+markleeville,1151,0
+corozal,1113,3
+darden,3,6
+markleeville,236,3
+darden,1088,3
+markleeville,755,9
+markleeville,429,0
+darden,728,9
+markleeville,455,8
+corozal,955,1
+corozal,112,13
+markleeville,803,2
+darden,1161,1
+markleeville,169,0
+darden,106,3
+darden,1567,2
+markleeville,303,1
+darden,1209,2
+markleeville,864,2
+darden,1839,3
+darden,24,0
+darden,648,9
+darden,1223,7
+darden,887,5
+corozal,441,0
+markleeville,795,4
+corozal,671,8
+markleeville,726,9
+darden,1739,5
+corozal,1019,9
+corozal,155,2
+markleeville,13,2
+collierville,370,5
+corozal,1167,17
+corozal,1391,9
+corozal,863,0
+markleeville,171,6
+corozal,495,5
+collierville,30,0
+markleeville,231,1
+darden,1831,6
+corozal,1018,4
+darden,998,2
+corozal,505,9
+corozal,490,14
+corozal,716,4
+darden,1948,4
+markleeville,1007,0
+corozal,1532,1
+darden,1113,1
+darden,1619,1
+corozal,1510,3
+corozal,934,3
+markleeville,1184,3
+darden,1595,0
+darden,1208,1
+darden,702,1
+corozal,231,9
+darden,1963,8
+darden,933,2
+darden,1321,3
+darden,1532,11
+corozal,559,0
+corozal,1078,3
+corozal,1221,11
+corozal,44,7
+darden,1316,0
+collierville,13,2
+corozal,565,0
+darden,401,3
+darden,1438,10
+darden,445,14
+markleeville,1159,5
+darden,1902,8
+darden,1914,4
+darden,1406,6
+corozal,1290,9
+markleeville,734,2
+markleeville,906,7
+corozal,898,5
+corozal,886,2
+darden,265,8
+darden,75,1
+corozal,1451,1
+darden,1639,14
+darden,459,3
+markleeville,737,7
+darden,1305,14
+darden,725,0
+markleeville,678,6
+markleeville,410,1
+darden,1608,2
+markleeville,1010,3
+markleeville,19,3
+markleeville,1118,0
+markleeville,956,3
+darden,1194,3
+darden,1347,1
+darden,1740,6
+corozal,1471,7
+markleeville,155,6
+corozal,851,0
+corozal,1493,6
+markleeville,706,7
+corozal,243,4
+darden,1758,2
+markleeville,679,4
+markleeville,1066,2
+darden,1925,9
+corozal,616,1
+corozal,355,4
+darden,1792,1
+darden,489,1
+markleeville,45,2
+darden,1279,2
+darden,1838,7
+collierville,489,0
+darden,1252,4
+collierville,549,1
+markleeville,459,2
+darden,907,0
+darden,1912,1
+markleeville,305,8
+corozal,11,1
+markleeville,689,3
+markleeville,343,2
+corozal,1362,0
+markleeville,802,2
+darden,387,9
+markleeville,648,2
+collierville,695,2
+markleeville,4,4
+corozal,1368,10
+corozal,628,3
+darden,1036,2
+corozal,527,2
+corozal,1201,2
+corozal,760,18
+darden,1579,3
+markleeville,168,2
+corozal,1444,4
+corozal,3,12
+darden,1693,4
+markleeville,919,0
+darden,709,5
+darden,1061,1
+corozal,1511,15
+darden,1812,0
+darden,1521,4
+corozal,855,7
+markleeville,95,4
+markleeville,902,1
+corozal,657,8
+corozal,598,10
+corozal,642,2
+collierville,597,0
+corozal,557,2
+darden,927,3
+corozal,1252,0
+darden,503,10
+markleeville,146,0
+darden,917,3
+darden,1040,4
+markleeville,487,0
+darden,362,3
+corozal,584,1
+corozal,879,10
+markleeville,502,5
+markleeville,791,11
+darden,1754,5
+corozal,783,1
+darden,26,9
+markleeville,398,0
+darden,1005,3
+markleeville,1128,3
+corozal,958,2
+corozal,1227,3
+darden,1305,19
+darden,1723,1
+markleeville,1051,0
+corozal,1009,14
+darden,1808,4
+darden,109,0
+collierville,446,5
+darden,1329,11
+darden,1593,8
+darden,72,0
+darden,778,2
+collierville,81,1
+darden,1780,1
+corozal,437,15
+darden,1259,4
+corozal,1269,2
+darden,850,1
+darden,346,0
+darden,62,0
+markleeville,86,1
+collierville,243,2
+collierville,734,1
+corozal,1425,1
+markleeville,626,1
+corozal,560,1
+markleeville,720,0
+markleeville,848,3
+darden,1966,3
+markleeville,466,5
+darden,966,0
+markleeville,102,4
+collierville,698,2
+collierville,267,5
+darden,1363,0
+markleeville,877,5
+corozal,430,2
+darden,391,9
+darden,1979,1
+darden,1302,0
+darden,1855,2
+markleeville,855,0
+markleeville,960,1
+darden,540,2
+darden,94,0
+corozal,1238,2
+corozal,866,1
+corozal,683,4
+corozal,792,2
+collierville,352,7
+markleeville,185,2
+markleeville,583,2
+markleeville,501,1
+corozal,932,6
+darden,208,1
+corozal,536,2
+markleeville,145,6
+markleeville,874,3
+darden,1285,1
+corozal,1407,3
+darden,1150,2
+collierville,164,0
+darden,1858,5
+corozal,1205,11
+corozal,162,1
+collierville,496,6
+darden,229,7
+darden,898,22
+corozal,435,14
+collierville,617,2
+darden,1849,3
+corozal,159,1
+corozal,1168,1
+darden,1517,4
+corozal,1093,6
+collierville,591,1
+corozal,76,2
+darden,1853,3
+darden,1308,3
+corozal,1223,0
+darden,865,1
+darden,1211,4
+corozal,958,9
+corozal,1402,1
+corozal,188,2
+collierville,297,3
+darden,514,2
+darden,851,0
+markleeville,304,1
+corozal,290,2
+corozal,1036,0
+corozal,719,2
+markleeville,678,1
+corozal,1233,1
+collierville,698,3
+corozal,439,5
+corozal,1016,0
+darden,871,9
+darden,945,4
+darden,147,1
+corozal,1442,2
+markleeville,398,4
+corozal,692,1
+corozal,224,7
+markleeville,724,3
+collierville,227,0
+markleeville,109,0
+markleeville,39,2
+darden,487,0
+corozal,671,1
+markleeville,1135,0
+markleeville,56,3
+collierville,72,4
+corozal,1424,0
+darden,1057,5
+corozal,1031,0
+darden,1851,3
+corozal,744,11
+markleeville,1087,5
+corozal,1470,5
+corozal,1221,8
+corozal,1531,3
+corozal,628,6
+darden,1501,2
+corozal,1547,6
+markleeville,289,7
+markleeville,356,3
+markleeville,892,2
+collierville,0,3
+darden,636,0
+corozal,301,8
+darden,259,7
+darden,574,1
+corozal,118,2
+collierville,583,3
+markleeville,517,2
+corozal,920,0
+corozal,1249,9
+collierville,368,2
+corozal,1397,1
+markleeville,199,0
+markleeville,199,3
+collierville,23,0
+corozal,27,2
+darden,560,1
+corozal,598,1
+markleeville,721,5
+corozal,762,4
+darden,1028,4
+corozal,123,2
+darden,1016,4
+collierville,678,1
+corozal,3,5
+collierville,91,0
+markleeville,756,5
+corozal,123,0
+darden,1678,4
+corozal,763,2
+corozal,1537,4
+corozal,1272,2
+collierville,50,1
+corozal,1526,2
+collierville,7,2
+markleeville,744,5
+darden,977,2
+darden,1135,7
+darden,71,6
+collierville,213,1
+markleeville,756,2
+darden,667,0
+corozal,411,12
+darden,791,11
+corozal,1013,2
+darden,682,0
+corozal,480,1
+collierville,577,2
+darden,938,13
+corozal,973,10
+darden,385,3
+darden,1088,13
+corozal,1483,3
+collierville,164,2
+corozal,1095,1
+darden,1559,14
+darden,1048,0
+darden,551,5
+collierville,159,0
+darden,148,1
+corozal,1002,3
+darden,1198,6
+darden,1805,0
+corozal,1497,18
+darden,1787,3
+darden,1551,3
+darden,566,2
+darden,182,5
+markleeville,393,2
+corozal,742,0
+collierville,320,3
+darden,342,8
+corozal,1252,2
+darden,1368,4
+corozal,957,3
+darden,924,4
+corozal,927,4
+darden,608,2
+corozal,404,1
+markleeville,1180,2
+markleeville,1017,0
+markleeville,697,1
+darden,1475,7
+darden,1926,0
+darden,266,25
+darden,207,1
+corozal,465,15
+darden,860,2
+corozal,1357,4
+markleeville,694,2
+darden,1140,1
+markleeville,720,3
+collierville,168,2
+darden,1182,3
+corozal,248,2
+markleeville,627,2
+corozal,560,2
+darden,1729,11
+darden,1310,3
+darden,365,1
+darden,648,3
+collierville,102,2
+markleeville,716,1
+corozal,1425,4
+corozal,1109,9
+darden,1519,4
+markleeville,1056,2
+corozal,1381,2
+markleeville,798,0
+darden,100,5
+markleeville,142,6
+darden,1361,0
+markleeville,326,6
+darden,1588,1
+corozal,156,8
+corozal,1069,4
+collierville,49,4
+corozal,96,3
+collierville,63,0
+darden,481,7
+markleeville,658,0
+darden,1483,12
+markleeville,492,1
+markleeville,143,0
+corozal,1181,3
+darden,959,7
+darden,114,14
+darden,1367,0
+corozal,314,4
+markleeville,984,1
+darden,1113,3
+markleeville,498,4
+corozal,421,11
+darden,594,3
+corozal,1404,10
+corozal,161,4
+darden,628,2
+markleeville,1065,5
+markleeville,532,2
+darden,342,2
+darden,750,0
+markleeville,350,6
+corozal,496,3
+markleeville,763,1
+collierville,426,0
+collierville,736,1
+corozal,824,8
+markleeville,723,5
+corozal,1555,0
+markleeville,900,1
+darden,1212,5
+darden,1486,4
+darden,249,1
+collierville,680,2
+darden,157,0
+darden,559,0
+darden,1813,1
+markleeville,498,9
+darden,789,2
+corozal,951,4
+darden,217,4
+darden,1960,0
+collierville,479,1
+corozal,820,5
+corozal,102,0
+markleeville,894,6
+darden,756,3
+collierville,699,2
+markleeville,763,4
+markleeville,244,8
+darden,10,2
+darden,1628,1
+collierville,46,2
+markleeville,1028,6
+darden,565,0
+corozal,1017,9
+darden,1185,12
+darden,71,9
+corozal,671,5
+darden,661,9
+collierville,86,4
+darden,1282,2
+darden,1725,2
+markleeville,43,4
+darden,989,0
+darden,602,3
+darden,1219,3
+corozal,1241,5
+corozal,1168,3
+collierville,322,1
+collierville,674,0
+markleeville,600,0
+darden,114,7
+markleeville,1059,1
+darden,166,2
+markleeville,612,2
+markleeville,59,3
+darden,255,2
+darden,597,1
+markleeville,291,3
+corozal,30,2
+corozal,202,0
+darden,285,5
+darden,789,1
+darden,1693,6
+markleeville,908,3
+markleeville,141,3
+collierville,453,0
+corozal,643,0
+corozal,1371,16
+darden,744,6
+corozal,340,8
+darden,1137,1
+darden,1262,2
+darden,793,0
+markleeville,1198,5
+corozal,198,1
+corozal,826,1
+darden,848,1
+collierville,340,0
+corozal,1502,1
+corozal,78,5
+corozal,83,5
+corozal,906,0
+collierville,106,1
+darden,1356,1
+markleeville,1137,1
+darden,1295,2
+corozal,1325,5
+corozal,981,13
+darden,191,5
+markleeville,457,3
+darden,1430,1
+darden,1641,0
+corozal,894,16
+darden,1880,2
+corozal,1532,0
+darden,1412,3
+darden,233,4
+darden,169,1
+markleeville,578,3
+markleeville,733,0
+darden,1883,1
+corozal,27,5
+darden,1825,6
+collierville,553,3
+corozal,1169,3
+collierville,506,2
+corozal,1072,12
+darden,1331,5
+markleeville,403,3
+darden,1093,10
+darden,1027,7
+darden,0,0
+darden,974,0
+corozal,1475,15
+corozal,626,13
+darden,1166,6
+collierville,151,0
+collierville,443,4
+corozal,418,1
+corozal,593,0
+markleeville,233,3
+darden,599,1
+markleeville,50,4
+corozal,636,2
+darden,1061,10
+corozal,594,1
+darden,1054,2
+corozal,239,5
+darden,41,1
+markleeville,477,4
+markleeville,171,2
+darden,1448,4
+corozal,1493,8
+corozal,1059,1
+darden,1216,2
+darden,1103,14
+darden,1504,0
+collierville,641,4
+markleeville,619,11
+corozal,40,1
+darden,1937,3
+darden,1370,2
+corozal,1424,1
+darden,1675,3
+darden,1631,5
+markleeville,844,2
+markleeville,55,5
+corozal,1055,1
+markleeville,571,6
+markleeville,1165,2
+markleeville,927,11
+corozal,133,8
+corozal,180,2
+collierville,241,0
+corozal,924,5
+darden,594,11
+markleeville,372,3
+markleeville,237,2
+markleeville,0,0
+markleeville,864,0
+darden,1995,3
+corozal,960,8
+darden,104,0
+darden,66,11
+collierville,629,4
+collierville,109,0
+darden,1733,3
+corozal,801,0
+darden,1894,6
+markleeville,449,3
+markleeville,331,2
+darden,289,1
+corozal,816,6
+darden,898,25
+darden,1340,0
+corozal,478,12
+darden,1901,2
+darden,898,13
+corozal,902,7
+corozal,975,6
+corozal,386,4
+darden,397,8
+markleeville,472,0
+corozal,487,3
+darden,34,3
+darden,1773,7
+collierville,394,0
+corozal,1184,3
+darden,910,0
+corozal,61,3
+markleeville,563,2
+darden,1875,3
+markleeville,1029,2
+darden,1540,12
+darden,1372,1
+darden,729,2
+corozal,612,2
+darden,1629,2
+corozal,1488,16
+darden,1495,4
+collierville,739,2
+corozal,650,0
+markleeville,73,1
+markleeville,733,4
+corozal,635,11
+darden,975,9
+darden,84,2
+markleeville,723,3
+corozal,199,1
+collierville,612,0
+markleeville,269,9
+darden,464,7
+collierville,185,2
+markleeville,1133,3
+collierville,255,5
+corozal,58,1
+darden,910,1
+darden,1712,3
+darden,717,0
+corozal,308,8
+markleeville,1199,1
+collierville,335,5
+collierville,296,0
+markleeville,429,4
+corozal,662,2
+darden,13,6
+collierville,161,0
+markleeville,166,1
+darden,609,1
+markleeville,1147,1
+corozal,615,8
+darden,707,4
+markleeville,507,2
+darden,1211,1
+collierville,358,4
+corozal,3,9
+corozal,231,2
+darden,1899,0
+corozal,467,5
+markleeville,685,1
+darden,831,0
+collierville,230,2
+darden,832,3
+darden,939,2
+corozal,766,4
+corozal,1078,0
+corozal,1400,0
+corozal,1394,5
+darden,1777,5
+markleeville,1018,0
+corozal,220,1
+collierville,20,3
+collierville,18,0
+collierville,193,1
+darden,1330,0
+corozal,155,3
+corozal,1247,2
+darden,1677,1
+darden,968,2
+darden,1212,1
+collierville,416,3
+corozal,1198,2
+darden,374,1
+corozal,1545,2
+collierville,163,4
+darden,229,5
+markleeville,216,8
+corozal,1203,3
+corozal,480,0
+collierville,731,6
+corozal,868,3
+markleeville,246,1
+corozal,515,8
+darden,955,5
+markleeville,1146,12
+darden,1084,7
+darden,187,8
+corozal,500,0
+markleeville,877,9
+corozal,1294,8
+markleeville,145,5
+markleeville,952,3
+collierville,551,2
+markleeville,591,6
+corozal,848,3
+corozal,1544,6
+darden,219,2
+corozal,940,1
+darden,708,7
+markleeville,26,11
+darden,1773,20
+darden,1563,6
+corozal,1542,4
+markleeville,910,10
+markleeville,318,0
+markleeville,840,10
+corozal,477,2
+markleeville,205,1
+corozal,900,1
+darden,265,2
+corozal,326,1
+darden,1421,2
+corozal,611,10
+corozal,828,13
+corozal,1010,2
+corozal,615,7
+darden,1121,16
+collierville,326,3
+corozal,465,10
+darden,744,0
+darden,1281,0
+darden,1373,7
+markleeville,945,2
+corozal,924,4
+collierville,542,2
+darden,562,1
+darden,786,3
+corozal,607,2
+markleeville,1117,10
+darden,1894,4
+markleeville,633,4
+corozal,824,10
+corozal,459,7
+darden,1259,6
+corozal,1227,0
+corozal,451,2
+corozal,226,2
+corozal,511,5
+markleeville,621,5
+darden,1201,1
+markleeville,399,0
+markleeville,269,3
+darden,1973,5
+darden,412,0
+darden,1084,6
+collierville,142,1
+corozal,1471,16
+darden,86,2
+markleeville,590,2
+corozal,356,1
+markleeville,1144,2
+darden,594,0
+darden,1086,2
+corozal,640,2
+corozal,376,0
+markleeville,222,1
+corozal,1458,2
+darden,120,16
+markleeville,340,4
+darden,1557,7
+darden,312,0
+corozal,153,3
+markleeville,1018,5
+darden,1764,3
+darden,486,3
+markleeville,655,2
+corozal,599,1
+collierville,169,4
+corozal,227,5
+darden,959,4
+markleeville,12,4
+corozal,673,11
+markleeville,546,2
+markleeville,324,13
+darden,144,8
+darden,1365,1
+corozal,1268,4
+collierville,172,0
+corozal,792,12
+darden,187,1
+darden,1914,6
+markleeville,898,8
+markleeville,1138,0
+darden,1614,9
+corozal,1210,2
+darden,1194,4
+darden,1747,3
+markleeville,544,1
+markleeville,415,1
+darden,1013,0
+darden,127,2
+corozal,951,10
+collierville,162,0
+darden,1230,1
+corozal,986,5
+markleeville,502,7
+darden,1100,1
+darden,1789,12
+corozal,285,4
+darden,1119,2
+darden,718,5
+markleeville,455,2
+darden,443,2
+markleeville,1034,5
+markleeville,833,2
+markleeville,1075,3
+collierville,348,7
+darden,1164,6
+markleeville,918,5
+darden,1496,3
+corozal,1179,6
+darden,763,6
+darden,1998,1
+darden,215,6
+corozal,718,7
+darden,524,2
+darden,964,3
+corozal,1290,18
+corozal,1506,4
+corozal,452,0
+collierville,213,2
+darden,1897,4
+darden,1542,4
+corozal,905,2
+corozal,1486,5
+darden,1933,2
+darden,1554,12
+corozal,403,2
+darden,1281,5
+markleeville,190,9
+darden,418,2
+darden,1308,2
+darden,1554,3
+markleeville,140,4
+corozal,8,3
+markleeville,360,1
+darden,653,15
+corozal,661,4
+corozal,127,7
+darden,1893,1
+markleeville,980,0
+darden,120,17
+darden,1102,1
+darden,1279,7
+markleeville,45,0
+markleeville,343,1
+darden,1393,1
+markleeville,634,2
+corozal,857,11
+markleeville,221,0
+darden,1506,6
+darden,569,1
+markleeville,702,1
+darden,266,22
+corozal,575,5
+corozal,1088,1
+corozal,832,1
+darden,1181,8
+darden,547,3
+markleeville,358,0
+darden,1989,5
+collierville,41,2
+darden,922,4
+markleeville,374,2
+corozal,979,0
+corozal,249,4
+corozal,710,3
+corozal,984,0
+darden,233,2
+collierville,298,4
+markleeville,577,6
+darden,103,3
+markleeville,81,1
+darden,200,1
+darden,1242,0
+markleeville,524,10
+corozal,1407,4
+corozal,516,2
+collierville,674,1
+markleeville,371,12
+corozal,1357,3
+markleeville,671,6
+markleeville,910,7
+darden,529,20
+darden,261,6
+darden,898,17
+markleeville,231,8
+darden,1133,0
+darden,1410,5
+darden,1034,5
+markleeville,1154,2
+darden,1609,2
+markleeville,1185,13
+markleeville,113,8
+markleeville,94,8
+markleeville,869,8
+corozal,241,1
+corozal,1472,3
+darden,765,1
+darden,880,6
+darden,783,20
+darden,156,6
+darden,1907,1
+collierville,265,2
+darden,896,7
+darden,1040,0
+darden,922,6
+darden,1541,2
+corozal,937,3
+markleeville,493,0
+corozal,64,16
+darden,1175,0
+darden,26,2
+darden,301,0
+corozal,323,13
+darden,13,4
+markleeville,551,6
+darden,579,4
+corozal,1370,2
+darden,1809,8
+markleeville,401,5
+markleeville,495,9
+markleeville,856,7
+corozal,484,0
+markleeville,190,0
+darden,1287,9
+darden,236,5
+corozal,1216,7
+corozal,946,0
+markleeville,493,4
+darden,1739,4
+darden,837,11
+corozal,1069,7
+darden,1195,1
+darden,410,0
+markleeville,847,3
+darden,997,8
+corozal,1011,2
+corozal,530,8
+darden,1922,2
+markleeville,364,6
+markleeville,831,2
+darden,1528,6
+darden,207,3
+corozal,701,4
+corozal,1281,4
+darden,114,19
+collierville,384,0
+darden,1098,0
+collierville,348,1
+corozal,95,2
+darden,998,3
+corozal,1404,2
+corozal,1333,6
+collierville,40,1
+darden,1526,0
+collierville,416,5
+corozal,561,5
+corozal,1093,2
+corozal,1370,5
+darden,3,0
+darden,639,0
+corozal,180,3
+darden,1492,2
+markleeville,1113,6
+darden,1682,0
+markleeville,983,2
+corozal,583,1
+darden,856,1
+markleeville,940,5
+collierville,351,2
+corozal,1244,1
+markleeville,1072,3
+darden,1270,10
+corozal,889,17
+markleeville,639,0
+darden,625,3
+markleeville,978,0
+darden,718,1
+darden,537,3
+darden,719,2
+markleeville,644,0
+corozal,151,1
+markleeville,227,3
+corozal,1221,1
+corozal,1138,12
+markleeville,912,1
+corozal,125,1
+markleeville,96,1
+collierville,430,0
+darden,1623,4
+darden,1696,1
+collierville,621,7
+markleeville,401,13
+corozal,246,4
+markleeville,738,2
+darden,1053,0
+corozal,992,3
+corozal,1292,9
+markleeville,176,2
+darden,136,2
+markleeville,545,0
+darden,3,8
+corozal,70,7
+markleeville,441,5
+darden,659,3
+darden,1735,1
+corozal,1465,7
+corozal,1349,4
+corozal,980,4
+corozal,495,3
+corozal,743,1
+markleeville,362,0
+corozal,64,9
+collierville,25,0
+corozal,999,7
+darden,232,3
+corozal,972,1
+markleeville,755,0
+markleeville,363,4
+corozal,128,0
+darden,833,1
+corozal,939,0
+markleeville,428,6
+darden,1697,6
+darden,1623,1
+darden,450,6
+collierville,490,0
+markleeville,437,2
+corozal,226,8
+darden,1866,0
+darden,1726,6
+corozal,796,9
+markleeville,571,9
+corozal,1021,3
+markleeville,102,15
+darden,1112,2
+collierville,31,6
+corozal,1017,13
+corozal,1105,1
+corozal,819,1
+markleeville,396,3
+markleeville,640,5
+corozal,490,13
+collierville,391,5
+darden,1171,2
+darden,1742,6
+markleeville,437,3
+darden,1325,1
+darden,909,1
+collierville,626,8
+darden,383,4
+darden,490,0
+darden,1068,1
+corozal,894,12
+corozal,1092,5
+darden,1907,16
+corozal,1525,1
+darden,1916,3
+darden,76,1
+darden,1177,7
+corozal,1527,0
+corozal,458,3
+darden,1289,6
+darden,670,7
+darden,469,2
+darden,1501,5
+darden,551,4
+markleeville,17,5
+markleeville,843,2
+markleeville,71,3
+darden,1829,5
+darden,1471,14
+markleeville,1187,0
+darden,923,0
+darden,1710,3
+corozal,1277,5
+markleeville,898,7
+corozal,881,1
+darden,1019,1
+darden,1989,3
+corozal,1033,14
+corozal,202,6
+collierville,396,3
+darden,1947,5
+collierville,490,3
+darden,879,0
+darden,1997,0
+corozal,486,3
+markleeville,589,8
+markleeville,384,0
+darden,420,2
+darden,1750,3
+collierville,126,0
+darden,243,12
+markleeville,466,9
+corozal,920,3
+darden,1328,0
+darden,794,1
+darden,30,4
+markleeville,477,1
+darden,783,23
+markleeville,150,3
+darden,1605,4
+darden,305,5
+markleeville,359,6
+darden,777,1
+corozal,1254,7
+collierville,107,0
+darden,699,3
+markleeville,884,1
+markleeville,999,1
+markleeville,832,0
+darden,1058,4
+darden,1323,6
+markleeville,292,0
+darden,396,0
+corozal,1426,2
+markleeville,1070,4
+markleeville,574,3
+markleeville,452,1
+corozal,911,7
+collierville,219,3
+darden,594,12
+corozal,388,7
+markleeville,138,1
+markleeville,373,0
+darden,323,2
+darden,1574,4
+collierville,584,0
+darden,1861,4
+corozal,866,4
+darden,542,1
+corozal,698,10
+corozal,681,0
+collierville,638,0
+darden,83,8
+markleeville,760,3
+darden,280,1
+darden,4,2
+markleeville,982,1
+darden,956,6
+darden,1828,6
+markleeville,938,0
+markleeville,90,1
+collierville,719,2
+darden,1782,3
+markleeville,753,2
+markleeville,886,4
+darden,1880,0
+markleeville,90,3
+corozal,325,0
+collierville,714,4
+corozal,305,0
+darden,219,5
+darden,992,5
+corozal,1317,3
+markleeville,1087,3
+darden,731,6
+darden,1239,3
+darden,1675,9
+markleeville,934,4
+markleeville,709,4
+darden,519,2
+darden,1258,2
+collierville,162,2
+markleeville,205,0
+corozal,764,12
+darden,831,8
+corozal,178,1
+corozal,297,10
+corozal,321,3
+corozal,1510,9
+darden,100,2
+darden,1070,3
+markleeville,959,0
+darden,1470,24
+corozal,1367,1
+corozal,679,4
+darden,876,4
+corozal,1177,1
+markleeville,372,5
+markleeville,628,3
+corozal,826,2
+darden,940,1
+darden,601,2
+darden,1942,2
+markleeville,709,5
+darden,156,11
+markleeville,366,1
+darden,643,6
+darden,899,6
+darden,811,0
+darden,135,4
+darden,575,3
+markleeville,592,1
+corozal,900,2
+darden,1948,3
+collierville,652,2
+markleeville,713,2
+darden,1234,4
+corozal,1224,13
+collierville,47,0
+corozal,102,7
+collierville,486,2
+corozal,375,1
+markleeville,750,0
+markleeville,2,4
+markleeville,669,0
+collierville,468,9
+corozal,782,3
+collierville,399,2
+markleeville,621,1
+corozal,759,1
+corozal,243,14
+markleeville,1083,0
+corozal,637,8
+markleeville,974,3
+markleeville,560,3
+darden,774,2
+corozal,979,10
+darden,1597,0
+corozal,587,2
+markleeville,812,3
+darden,1920,2
+corozal,572,3
+corozal,1247,6
+darden,1743,2
+darden,1450,6
+darden,10,3
+markleeville,79,3
+markleeville,859,7
+darden,200,2
+corozal,79,1
+corozal,592,1
+darden,1044,0
+corozal,236,3
+corozal,140,9
+darden,237,0
+darden,834,1
+darden,1525,3
+darden,550,4
+darden,1786,0
+collierville,614,0
+darden,1826,3
+darden,1874,6
+darden,70,1
+darden,1222,21
+darden,717,3
+darden,1093,0
+darden,529,2
+markleeville,1055,11
+corozal,2,16
+markleeville,557,1
+markleeville,737,5
+darden,778,6
+darden,1728,8
+corozal,1206,2
+corozal,51,0
+corozal,543,6
+darden,266,18
+corozal,1257,5
+markleeville,664,6
+darden,1724,9
+darden,1133,3
+darden,1986,2
+darden,1931,4
+darden,1247,1
+markleeville,970,1
+collierville,366,2
+markleeville,502,6
+darden,979,5
+corozal,1331,0
+corozal,171,4
+corozal,156,1
+darden,71,3
+corozal,569,1
+corozal,325,4
+markleeville,837,2
+darden,211,4
+corozal,960,4
+darden,91,12
+corozal,1188,2
+darden,1746,3
+corozal,473,7
+darden,235,11
+darden,1475,5
+darden,992,3
+darden,1103,10
+corozal,1447,1
+darden,1595,1
+markleeville,1118,2
+corozal,485,5
+corozal,1373,12
+darden,5,9
+markleeville,1192,1
+corozal,1529,9
+markleeville,212,6
+markleeville,941,7
+darden,1112,9
+darden,953,3
+corozal,213,0
+darden,969,6
+darden,1302,1
+darden,168,6
+darden,1112,7
+corozal,608,11
+collierville,319,2
+darden,831,1
+markleeville,1149,1
+corozal,1496,0
+corozal,202,9
+markleeville,542,1
+darden,1441,2
+darden,1297,0
+corozal,1409,4
+corozal,1533,2
+corozal,1069,12
+markleeville,854,10
+corozal,257,5
+markleeville,712,1
+darden,1150,13
+corozal,463,0
+collierville,227,2
+collierville,74,1
+darden,593,0
+collierville,649,1
+corozal,1391,14
+darden,1773,10
+darden,755,3
+corozal,1282,12
+collierville,302,3
+corozal,401,2
+darden,555,3
+darden,956,5
+darden,584,1
+collierville,421,2
+markleeville,86,8
+corozal,507,8
+markleeville,804,2
+markleeville,494,11
+darden,742,0
+markleeville,216,6
+corozal,888,0
+corozal,870,6
+corozal,951,3
+markleeville,1070,0
+corozal,729,0
+corozal,1028,1
+darden,376,2
+corozal,243,7
+corozal,670,1
+corozal,848,9
+corozal,494,4
+markleeville,324,0
+collierville,201,5
+corozal,221,0
+darden,224,3
+darden,1750,5
+collierville,375,2
+markleeville,642,13
+darden,680,9
+darden,573,15
+corozal,413,1
+corozal,951,2
+darden,1554,8
+corozal,766,2
+darden,594,16
+collierville,523,3
+darden,1421,5
+darden,288,3
+corozal,1366,7
+corozal,1149,2
+markleeville,517,9
+corozal,5,2
+collierville,324,2
+corozal,323,2
+corozal,1416,6
+markleeville,906,8
+darden,747,13
+markleeville,137,3
+corozal,498,3
+markleeville,376,2
+darden,1809,10
+corozal,580,11
+darden,1569,0
+corozal,1501,2
+darden,566,8
+darden,1164,4
+collierville,622,2
+markleeville,262,14
+markleeville,694,0
+markleeville,777,2
+darden,945,5
+collierville,75,2
+darden,783,22
+corozal,1224,10
+darden,1340,3
+corozal,787,3
+corozal,1165,2
+corozal,1362,6
+darden,1047,2
+darden,799,4
+darden,909,5
+collierville,108,4
+darden,1262,1
+corozal,232,10
+corozal,1436,2
+darden,1952,3
+corozal,266,0
+darden,785,1
+darden,1388,0
+markleeville,1019,7
+corozal,644,5
+darden,9,8
+darden,184,2
+markleeville,26,4
+corozal,615,16
+corozal,462,1
+corozal,1283,2
+markleeville,90,0
+corozal,611,2
+markleeville,1087,7
+darden,387,6
+darden,898,15
+collierville,402,2
+darden,751,0
+corozal,1319,4
+markleeville,156,3
+darden,1617,6
+collierville,383,2
+corozal,544,12
+darden,412,11
+darden,1434,0
+collierville,187,2
+corozal,1089,1
+corozal,513,3
+corozal,1294,4
+markleeville,872,4
+darden,840,0
+darden,383,5
+corozal,531,0
+darden,1473,5
+darden,1681,4
+markleeville,288,2
+darden,623,1
+darden,747,1
+markleeville,478,2
+corozal,1352,1
+corozal,410,0
+markleeville,597,2
+darden,375,3
+darden,1483,10
+darden,580,11
+darden,1491,1
+corozal,555,2
+corozal,979,1
+darden,966,2
+markleeville,472,2
+darden,403,3
+corozal,775,0
+markleeville,506,2
+markleeville,67,0
+darden,1046,1
+corozal,1387,7
+corozal,34,1
+markleeville,182,9
+darden,1168,3
+corozal,721,2
+darden,921,0
+corozal,1229,6
+collierville,359,2
+corozal,1366,1
+corozal,1239,0
+darden,83,6
+darden,127,1
+markleeville,473,1
+markleeville,901,8
+corozal,846,2
+markleeville,299,4
+collierville,201,6
+corozal,455,1
+collierville,507,2
+collierville,319,0
+corozal,493,2
+corozal,74,1
+darden,1797,1
+corozal,150,1
+darden,1773,18
+darden,1719,2
+corozal,697,0
+corozal,1379,1
+markleeville,671,0
+markleeville,73,6
+darden,1055,9
+collierville,88,1
+corozal,1517,12
+corozal,856,4
+markleeville,372,0
+collierville,353,0
+markleeville,294,1
+darden,513,4
+corozal,1493,13
+markleeville,990,7
+markleeville,1104,5
+darden,1701,0
+darden,1648,1
+darden,1199,0
+markleeville,223,7
+corozal,998,2
+corozal,980,9
+darden,1162,0
+corozal,1444,16
+darden,373,3
+collierville,99,4
+corozal,99,5
+collierville,422,6
+darden,1967,6
+darden,1848,3
+darden,681,8
+corozal,1209,7
+markleeville,269,8
+darden,725,3
+darden,181,6
+darden,1445,5
+markleeville,292,6
+darden,292,2
+darden,665,0
+markleeville,620,8
+corozal,259,7
+corozal,1290,17
+darden,956,3
+markleeville,1182,2
+darden,276,1
+corozal,1126,1
+darden,543,0
+darden,250,6
+darden,1585,1
+corozal,737,1
+markleeville,4,6
+corozal,591,0
+darden,276,2
+darden,1605,2
+darden,1275,2
+darden,758,6
+corozal,81,0
+darden,1261,1
+corozal,968,2
+darden,1753,0
+markleeville,1025,4
+markleeville,998,1
+darden,228,4
+darden,104,5
+markleeville,82,8
+darden,296,2
+darden,285,2
+markleeville,631,9
+markleeville,72,2
+markleeville,234,1
+darden,409,3
+collierville,401,1
+darden,558,1
+markleeville,30,3
+darden,164,2
+corozal,1129,2
+darden,1917,3
+markleeville,1004,1
+collierville,148,1
+markleeville,164,4
+darden,1927,9
+darden,69,6
+markleeville,536,0
+darden,771,4
+darden,391,4
+collierville,603,1
+darden,559,6
+corozal,914,0
+corozal,992,5
+corozal,355,15
+markleeville,879,4
+darden,1296,1
+darden,1682,6
+darden,1464,0
+markleeville,50,13
+collierville,60,2
+collierville,733,6
+darden,86,5
+markleeville,39,0
+markleeville,174,3
+darden,1320,2
+darden,466,5
+markleeville,1114,1
+darden,909,9
+markleeville,746,6
+darden,491,4
+corozal,370,0
+darden,881,3
+darden,1844,3
+markleeville,922,0
+darden,987,7
+markleeville,271,9
+corozal,1113,4
+corozal,54,2
+darden,579,2
+corozal,1224,6
+markleeville,73,4
+markleeville,406,2
+collierville,536,1
+corozal,595,2
+darden,1529,7
+darden,1750,1
+collierville,183,0
+corozal,492,3
+corozal,930,2
+darden,468,2
+collierville,724,2
+corozal,423,2
+darden,1663,1
+markleeville,319,4
+corozal,1455,1
+darden,1565,0
+corozal,780,1
+darden,643,0
+collierville,735,3
+collierville,309,5
+corozal,932,10
+corozal,1496,3
+markleeville,678,11
+darden,1182,6
+darden,212,4
+corozal,838,3
+darden,184,16
+darden,1423,2
+darden,227,2
+markleeville,1158,2
+corozal,914,2
+corozal,1538,3
+darden,1763,0
+corozal,937,10
+collierville,238,1
+darden,1002,3
+darden,799,12
+markleeville,981,14
+corozal,808,1
+darden,32,2
+darden,249,0
+darden,1765,6
+darden,1866,9
+collierville,81,0
+darden,1528,3
+corozal,672,11
+corozal,316,2
+corozal,497,2
+darden,1845,1
+corozal,999,0
+darden,1399,0
+corozal,1471,10
+corozal,552,1
+corozal,1089,0
+darden,1865,1
+corozal,1271,6
+darden,160,2
+darden,1207,3
+corozal,688,0
+darden,274,0
+darden,91,7
+markleeville,1117,8
+darden,306,6
+darden,121,2
+darden,1638,6
+darden,171,3
+darden,1172,2
+markleeville,1155,0
+corozal,752,9
+corozal,405,4
+corozal,1512,1
+collierville,469,7
+markleeville,407,2
+corozal,1209,11
+markleeville,199,11
+corozal,489,2
+corozal,568,4
+darden,414,6
+darden,1022,2
+markleeville,690,2
+markleeville,829,0
+collierville,379,3
+corozal,64,23
+darden,1370,3
+corozal,1501,6
+markleeville,674,12
+markleeville,1071,0
+darden,190,2
+darden,1434,10
+markleeville,592,2
+darden,1829,4
+markleeville,799,3
+darden,1907,7
+darden,1823,1
+markleeville,907,6
+collierville,2,1
+darden,1260,3
+corozal,1367,5
+darden,1573,10
+darden,1700,0
+markleeville,455,6
+corozal,1296,1
+corozal,714,1
+markleeville,287,1
+collierville,594,4
+corozal,1546,5
+collierville,634,2
+darden,1207,0
+markleeville,1052,1
+markleeville,40,0
+corozal,577,9
+corozal,195,4
+corozal,1276,0
+markleeville,231,4
+corozal,668,5
+corozal,1310,6
+darden,1297,5
+markleeville,946,0
+darden,367,6
+markleeville,187,5
+darden,813,5
+darden,1996,0
+darden,791,19
+darden,96,0
+corozal,1348,0
+corozal,1349,3
+darden,718,2
+darden,1657,2
+corozal,1455,4
+corozal,137,14
+darden,687,0
+corozal,54,0
+corozal,626,2
+corozal,1192,1
+markleeville,489,0
+darden,938,14
+darden,1112,4
+corozal,588,1
+darden,1083,0
+darden,357,3
+darden,1954,1
+markleeville,478,1
+markleeville,337,2
+corozal,367,8
+darden,1345,2
+corozal,749,4
+collierville,32,1
+corozal,746,4
+markleeville,919,1
+collierville,391,3
+corozal,1530,4
+markleeville,1151,6
+markleeville,727,2
+darden,405,1
+darden,1724,18
+corozal,1095,0
+corozal,531,4
+corozal,932,8
+collierville,544,0
+markleeville,773,3
+markleeville,629,0
+darden,1575,1
+markleeville,815,0
+darden,771,2
+darden,799,1
+markleeville,1102,7
+corozal,208,1
+markleeville,197,1
+markleeville,1168,2
+corozal,171,1
+darden,1294,4
+darden,996,7
+darden,852,0
+darden,652,1
+darden,1956,15
+corozal,595,7
+collierville,322,3
+collierville,267,1
+darden,1398,5
+darden,350,3
+darden,473,0
+collierville,529,2
+corozal,1384,5
+corozal,522,1
+darden,743,0
+darden,192,5
+collierville,102,1
+corozal,630,0
+darden,1071,6
+corozal,749,0
+corozal,374,2
+markleeville,826,5
+collierville,108,5
+darden,1277,4
+collierville,433,1
+corozal,868,14
+markleeville,92,1
+collierville,603,2
+corozal,616,4
+darden,414,4
+corozal,204,2
+corozal,1205,9
+markleeville,270,7
+markleeville,894,4
+darden,1938,7
+markleeville,306,4
+corozal,1418,1
+corozal,1166,3
+markleeville,1166,4
+corozal,700,5
+corozal,1060,0
+corozal,214,5
+corozal,37,6
+markleeville,1060,7
+darden,1120,2
+markleeville,321,4
+collierville,721,3
+markleeville,80,3
+darden,1448,5
+darden,445,9
+darden,790,0
+markleeville,435,0
+markleeville,1019,4
+markleeville,1002,3
+collierville,255,3
+corozal,952,0
+collierville,423,3
+corozal,1385,4
+darden,484,1
+markleeville,771,3
+darden,968,0
+collierville,131,1
+darden,603,9
+markleeville,2,7
+darden,1847,0
+corozal,1126,22
+markleeville,203,7
+markleeville,79,1
+corozal,398,7
+darden,135,2
+darden,26,1
+darden,1399,2
+darden,1837,1
+darden,1496,5
+corozal,640,12
+collierville,145,5
+markleeville,405,0
+darden,1953,1
+corozal,239,1
+collierville,613,2
+darden,1342,3
+corozal,1368,0
+corozal,610,5
+corozal,307,3
+collierville,0,4
+darden,766,2
+darden,1985,4
+darden,862,5
+corozal,848,8
+corozal,1010,1
+darden,81,2
+corozal,253,11
+collierville,142,2
+corozal,1446,2
+corozal,475,1
+markleeville,137,13
+markleeville,24,2
+collierville,456,2
+corozal,64,8
+corozal,18,2
+corozal,153,1
+collierville,697,1
+darden,801,2
+corozal,395,8
+darden,1119,6
+corozal,92,14
+markleeville,156,0
+markleeville,219,1
+corozal,243,1
+darden,166,3
+darden,1308,1
+darden,525,1
+darden,995,2
+collierville,684,4
+corozal,1033,1
+corozal,323,14
+corozal,1030,6
+corozal,285,7
+markleeville,330,1
+corozal,1546,3
+corozal,1369,3
+collierville,315,3
+corozal,840,2
+corozal,433,3
+markleeville,874,13
+markleeville,1132,1
+corozal,1075,5
+corozal,636,15
+darden,1145,3
+corozal,212,1
+darden,629,10
+corozal,1497,10
+corozal,810,5
+darden,310,2
+markleeville,15,1
+darden,139,2
+markleeville,138,0
+darden,866,4
+corozal,483,5
+markleeville,51,9
+darden,436,4
+darden,1546,2
+darden,213,4
+corozal,410,5
+corozal,1122,0
+corozal,1032,2
+markleeville,137,11
+darden,852,2
+markleeville,1187,5
+markleeville,584,4
+darden,1644,6
+darden,1848,4
+darden,1394,1
+darden,1630,4
+markleeville,968,0
+corozal,743,5
+corozal,143,1
+corozal,207,0
+markleeville,1061,3
+darden,1074,0
+darden,457,1
+darden,539,4
+corozal,978,3
+corozal,748,3
+markleeville,860,1
+corozal,694,1
+markleeville,75,7
+markleeville,1020,2
+darden,718,0
+darden,1453,12
+collierville,393,2
+corozal,660,1
+darden,1432,3
+corozal,974,0
+markleeville,744,2
+darden,1627,2
+collierville,75,0
+markleeville,898,5
+corozal,1242,1
+corozal,119,3
+darden,1060,3
+corozal,425,4
+corozal,248,9
+darden,1574,2
+corozal,974,4
+darden,890,0
+corozal,938,3
+corozal,388,12
+collierville,538,2
+collierville,422,5
+darden,1150,11
+markleeville,57,0
+darden,1412,11
+collierville,228,0
+collierville,16,0
+corozal,1506,1
+darden,705,1
+darden,135,3
+markleeville,1106,1
+corozal,1321,5
+collierville,719,3
+markleeville,797,2
+corozal,1534,0
+darden,582,2
+corozal,826,0
+darden,1845,0
+collierville,572,1
+collierville,240,1
+darden,128,8
+markleeville,129,3
+darden,417,2
+darden,36,3
+darden,1473,4
+markleeville,1156,9
+corozal,478,9
+darden,1431,5
+corozal,1320,1
+darden,56,3
+collierville,371,2
+corozal,1238,0
+corozal,317,0
+darden,1989,8
+darden,1323,4
+darden,1202,2
+collierville,87,1
+corozal,1332,1
+darden,831,11
+darden,1390,0
+darden,1866,5
+markleeville,154,4
+corozal,510,7
+markleeville,116,2
+markleeville,549,1
+markleeville,220,5
+collierville,157,1
+markleeville,273,3
+corozal,520,0
+darden,1850,2
+darden,61,1
+corozal,86,1
+darden,1211,7
+collierville,598,1
+markleeville,99,1
+corozal,288,3
+corozal,1017,8
+corozal,1078,5
+collierville,329,5
+corozal,230,2
+corozal,1145,4
+darden,194,0
+markleeville,850,2
+collierville,400,2
+darden,571,7
+darden,355,2
+darden,1647,5
+darden,1285,3
+collierville,265,4
+darden,999,6
+corozal,786,2
+darden,346,6
+darden,134,0
+markleeville,1110,10
+markleeville,604,0
+darden,1899,8
+corozal,390,1
+darden,216,0
+corozal,1219,1
+darden,1148,0
+markleeville,185,13
+darden,1364,0
+darden,782,4
+corozal,629,2
+darden,1047,3
+markleeville,1108,5
+darden,1048,3
+corozal,547,1
+darden,1374,1
+markleeville,57,6
+markleeville,466,2
+markleeville,88,0
+markleeville,671,8
+darden,232,4
+darden,1544,3
+darden,1617,2
+markleeville,765,5
+corozal,381,3
+darden,16,0
+darden,88,2
+darden,1802,1
+darden,799,9
+darden,1431,15
+darden,345,2
+darden,611,1
+darden,1592,3
+darden,722,12
+corozal,1297,5
+corozal,595,1
+corozal,369,8
+darden,97,1
+corozal,144,4
+darden,1729,0
+corozal,798,2
+darden,1085,0
+markleeville,940,3
+collierville,584,3
+darden,1540,9
+markleeville,277,4
+markleeville,26,8
+corozal,136,4
+corozal,1206,1
+collierville,461,3
+markleeville,918,1
+darden,1989,6
+darden,459,5
+corozal,932,0
+darden,577,18
+darden,106,0
+corozal,1389,1
+markleeville,789,2
+darden,651,1
+corozal,1388,9
+markleeville,1034,9
+corozal,1415,1
+darden,248,5
+darden,120,3
+corozal,1205,18
+collierville,145,2
+markleeville,515,2
+darden,1464,9
+corozal,1430,9
+darden,198,0
+markleeville,345,4
+corozal,1317,0
+markleeville,1056,4
+corozal,268,2
+markleeville,785,0
+markleeville,54,2
+corozal,1284,0
+corozal,1059,3
+corozal,253,3
+darden,1760,1
+darden,740,1
+darden,1250,15
+corozal,1325,2
+darden,487,1
+corozal,979,3
+darden,144,3
+darden,1114,2
+collierville,403,3
+darden,1238,1
+darden,325,2
+corozal,907,0
+corozal,997,12
+corozal,1128,2
+corozal,1547,10
+darden,385,2
+corozal,1551,0
+darden,742,3
+corozal,111,0
+corozal,88,6
+corozal,1374,22
+darden,1724,1
+darden,1431,12
+darden,1023,0
+darden,293,2
+darden,769,8
+markleeville,229,5
+corozal,230,6
+markleeville,1014,2
+markleeville,194,6
+darden,535,4
+corozal,216,6
+darden,973,2
+darden,225,6
+markleeville,1139,1
+corozal,1416,2
+darden,197,8
+corozal,77,5
+darden,1271,2
+corozal,1053,5
+corozal,1493,15
+darden,437,1
+darden,459,12
+darden,1650,0
+darden,1681,9
+markleeville,809,2
+corozal,88,2
+markleeville,1089,9
+darden,553,7
+darden,1234,2
+markleeville,61,2
+corozal,941,0
+darden,1679,2
+corozal,155,4
+corozal,150,3
+darden,519,4
+corozal,119,9
+corozal,481,3
+markleeville,82,11
+corozal,1229,23
+darden,1250,6
+darden,858,4
+markleeville,394,3
+darden,1401,2
+markleeville,1087,1
+darden,42,6
+markleeville,1139,5
+markleeville,975,6
+corozal,1374,11
+darden,830,0
+markleeville,439,2
+markleeville,705,0
+corozal,1401,2
+markleeville,508,5
+darden,45,9
+corozal,1513,1
+corozal,898,8
+darden,1198,10
+collierville,631,0
+collierville,486,0
+corozal,148,10
+darden,1956,6
+markleeville,243,2
+darden,194,2
+darden,823,11
+corozal,847,2
+darden,566,10
+darden,988,2
+corozal,1301,12
+darden,91,4
+markleeville,730,4
+markleeville,361,6
+darden,1752,5
+darden,892,3
+darden,704,0
+corozal,1157,1
+corozal,274,3
+corozal,990,5
+markleeville,362,8
+darden,1601,6
+darden,59,4
+corozal,1237,3
+markleeville,1154,0
+markleeville,73,0
+corozal,1513,6
+darden,1395,3
+collierville,672,3
+markleeville,655,0
+darden,1039,0
+collierville,697,0
+markleeville,405,2
+markleeville,375,2
+corozal,795,1
+markleeville,74,3
+darden,170,3
+markleeville,1136,1
+darden,155,3
+markleeville,619,7
+darden,1539,1
+corozal,499,6
+corozal,1022,0
+markleeville,386,1
+collierville,720,2
+markleeville,1021,1
+corozal,668,12
+corozal,980,11
+corozal,1075,11
+markleeville,935,8
+collierville,524,4
+darden,1401,5
+darden,1442,14
+corozal,98,3
+darden,1164,24
+darden,1278,6
+corozal,203,8
+corozal,904,3
+darden,997,2
+corozal,1033,2
+darden,1940,8
+markleeville,1119,2
+markleeville,1109,2
+darden,1552,0
+corozal,1307,2
+darden,1275,11
+markleeville,416,1
+collierville,542,5
+markleeville,997,0
+darden,1488,2
+markleeville,209,5
+markleeville,289,2
+darden,1335,3
+darden,1598,2
+corozal,1012,10
+darden,1582,3
+markleeville,532,9
+corozal,1182,0
+corozal,152,6
+markleeville,140,10
+collierville,708,0
+darden,877,2
+collierville,731,2
+darden,1127,12
+collierville,337,1
+darden,864,7
+collierville,276,0
+collierville,527,1
+markleeville,1160,4
+collierville,397,6
+darden,1088,11
+corozal,42,13
+collierville,474,0
+corozal,789,1
+markleeville,145,7
+darden,185,6
+darden,100,4
+darden,1176,8
+corozal,131,0
+collierville,656,2
+corozal,1232,2
+corozal,127,1
+darden,490,1
+collierville,463,2
+darden,1600,5
+markleeville,407,1
+darden,1527,1
+darden,348,11
+darden,1173,2
+markleeville,969,2
+collierville,193,2
+darden,404,2
+collierville,495,9
+darden,1935,2
+markleeville,476,1
+darden,1741,1
+darden,598,1
+collierville,721,0
+corozal,417,2
+corozal,656,2
+corozal,333,4
+darden,1347,6
+darden,1780,2
+markleeville,190,3
+corozal,541,6
+corozal,2,0
+corozal,963,1
+collierville,626,5
+collierville,448,5
+markleeville,142,11
+darden,1112,6
+markleeville,803,1
+markleeville,50,10
+markleeville,664,4
+collierville,239,2
+markleeville,729,3
+darden,645,0
+markleeville,1094,1
+darden,199,7
+corozal,1259,3
+darden,1416,2
+markleeville,721,4
+markleeville,863,1
+markleeville,545,1
+corozal,815,5
+corozal,148,13
+darden,1365,2
+darden,1344,6
+darden,589,5
+darden,1144,1
+darden,1540,17
+darden,812,1
+corozal,168,7
+darden,1750,6
+markleeville,395,1
+darden,703,3
+darden,492,6
+collierville,468,7
+markleeville,1019,6
+corozal,153,5
+markleeville,502,9
+darden,1402,1
+collierville,140,2
+markleeville,772,2
+darden,1626,2
+darden,1369,1
+markleeville,185,5
+corozal,1239,2
+collierville,628,2
+markleeville,167,4
+corozal,647,3
+darden,1878,4
+corozal,323,16
+markleeville,851,7
+corozal,13,3
+corozal,1508,4
+corozal,530,5
+darden,1275,5
+markleeville,123,4
+darden,1050,2
+darden,45,6
+corozal,148,7
+markleeville,814,6
+markleeville,534,0
+darden,583,1
+darden,500,1
+corozal,1051,10
+darden,758,10
+darden,408,1
+corozal,544,17
+corozal,1226,6
+darden,1183,3
+darden,1108,0
+darden,182,13
+corozal,118,0
+darden,247,0
+corozal,820,1
+corozal,128,1
+darden,122,3
+markleeville,872,11
+corozal,1268,1
+corozal,290,11
+collierville,27,3
+collierville,50,7
+darden,1946,2
+collierville,445,1
+corozal,1221,3
+darden,551,7
+collierville,68,4
+markleeville,921,5
+darden,801,5
+corozal,1212,0
+darden,1140,2
+corozal,985,4
+darden,617,0
+corozal,855,9
+darden,743,2
+markleeville,464,10
+markleeville,672,5
+corozal,1352,3
+collierville,729,0
+darden,1755,19
+markleeville,352,13
+corozal,302,4
+collierville,17,2
+darden,56,7
+darden,1558,6
+markleeville,160,3
+darden,993,0
+markleeville,51,5
+darden,120,10
+darden,580,13
+markleeville,373,1
+corozal,264,2
+collierville,22,2
+darden,1940,5
+darden,1259,7
+corozal,695,0
+markleeville,808,10
+corozal,1153,0
+markleeville,1024,1
+corozal,926,2
+darden,1386,1
+corozal,1396,3
+darden,261,4
+collierville,705,1
+corozal,948,2
+darden,957,3
+corozal,1117,2
+collierville,123,0
+darden,5,5
+corozal,307,0
+markleeville,455,1
+markleeville,1040,0
+darden,1138,2
+markleeville,981,10
+corozal,372,3
+markleeville,567,1
+corozal,1223,3
+markleeville,811,7
+darden,633,0
+darden,53,1
+corozal,516,1
+corozal,727,7
+corozal,1538,1
+markleeville,642,3
+collierville,620,2
+darden,1564,2
+markleeville,781,0
+corozal,11,5
+darden,1331,7
+markleeville,1011,5
+markleeville,315,8
+corozal,194,9
+markleeville,967,4
+darden,843,1
+collierville,8,2
+corozal,1228,10
+markleeville,1138,4
+darden,1855,3
+darden,999,5
+corozal,1184,10
+darden,5,1
+collierville,446,0
+corozal,873,2
+collierville,192,0
+collierville,626,4
+corozal,615,10
+corozal,981,12
+darden,1059,8
+markleeville,498,5
+collierville,601,4
+darden,37,5
+markleeville,735,4
+darden,1570,2
+markleeville,177,11
+corozal,119,10
+corozal,1393,4
+markleeville,960,3
+markleeville,644,4
+corozal,416,3
+darden,372,0
+corozal,1290,4
+corozal,1012,6
+corozal,993,1
+corozal,527,1
+corozal,1549,4
+markleeville,426,8
+corozal,1448,2
+darden,1279,5
+markleeville,1176,1
+collierville,210,2
+darden,1709,1
+collierville,626,3
+corozal,329,4
+markleeville,37,1
+corozal,984,2
+corozal,1338,6
+darden,1002,11
+corozal,1089,3
+darden,1502,2
+corozal,43,0
+markleeville,153,11
+corozal,1326,8
+corozal,1044,0
+corozal,146,3
+markleeville,195,0
+markleeville,259,1
+corozal,1507,1
+markleeville,934,0
+darden,1743,0
+darden,745,1
+darden,814,2
+collierville,106,4
+corozal,718,13
+darden,1069,2
+collierville,73,2
+darden,190,4
+darden,1268,0
+darden,1994,9
+corozal,1477,0
+markleeville,132,1
+markleeville,640,10
+markleeville,976,2
+corozal,637,10
+corozal,709,2
+darden,101,2
+darden,893,1
+corozal,41,17
+collierville,330,5
+markleeville,208,0
+darden,1253,1
+darden,1601,5
+corozal,1368,12
+darden,690,4
+collierville,394,5
+darden,1898,2
+collierville,100,3
+corozal,1517,4
+darden,403,5
+darden,783,4
+corozal,1404,4
+darden,33,6
+corozal,1551,8
+darden,1894,2
+markleeville,304,13
+collierville,66,0
+markleeville,389,9
+collierville,725,5
+markleeville,573,0
+darden,675,2
+markleeville,442,12
+darden,1321,8
+darden,692,9
+corozal,121,3
+collierville,284,0
+collierville,128,2
+corozal,1427,1
+corozal,1550,10
+darden,1724,14
+darden,1924,7
+corozal,844,0
+corozal,1555,5
+darden,1148,4
+corozal,1477,3
+markleeville,359,3
+corozal,164,3
+darden,1960,8
+corozal,867,5
+corozal,691,1
+corozal,1243,3
+corozal,595,8
+darden,1215,4
+corozal,640,11
+markleeville,696,1
+markleeville,947,5
+corozal,1290,10
+markleeville,800,5
+darden,1305,21
+darden,1216,5
+collierville,115,4
+darden,707,1
+markleeville,847,9
+markleeville,1132,9
+darden,1535,0
+darden,473,1
+markleeville,287,5
+darden,250,9
+darden,1128,3
+darden,764,2
+markleeville,267,1
+darden,1277,13
+darden,455,3
+markleeville,627,3
+darden,1485,2
+darden,1529,4
+darden,1925,10
+markleeville,487,1
+darden,1121,10
+darden,1625,2
+darden,144,4
+markleeville,909,8
+corozal,980,13
+collierville,161,2
+darden,536,4
+markleeville,915,0
+markleeville,212,1
+markleeville,874,5
+corozal,813,0
+corozal,1065,6
+darden,964,4
+collierville,382,0
+darden,225,8
+darden,1741,9
+markleeville,104,2
+markleeville,130,5
+darden,419,4
+corozal,906,3
+darden,649,3
+markleeville,872,12
+darden,107,0
+darden,826,1
+markleeville,270,1
+darden,1062,3
+corozal,92,2
+corozal,699,3
+collierville,274,0
+darden,1593,1
+markleeville,309,6
+corozal,718,5
+corozal,1079,7
+corozal,642,1
+darden,758,9
+corozal,857,12
+corozal,1513,12
+markleeville,791,8
+corozal,981,14
+corozal,1427,7
+darden,466,7
+corozal,1298,6
+darden,132,2
+markleeville,1051,8
+darden,903,1
+corozal,1201,4
+collierville,603,4
+corozal,1224,16
+corozal,193,1
+darden,501,0
+markleeville,365,1
+collierville,398,2
+collierville,73,3
+collierville,495,7
+darden,342,7
+corozal,110,0
+markleeville,718,7
+corozal,373,4
+darden,448,4
+markleeville,112,0
+markleeville,997,2
+darden,307,8
+corozal,1229,21
+corozal,1275,0
+markleeville,648,7
+darden,38,9
+darden,1256,1
+darden,526,0
+markleeville,1177,2
+corozal,430,1
+darden,1285,0
+darden,88,10
+corozal,62,3
+darden,1713,1
+darden,1941,2
+markleeville,320,1
+corozal,1390,13
+darden,1711,2
+darden,504,2
+corozal,1488,1
+corozal,1048,0
+markleeville,796,1
+corozal,855,16
+collierville,208,2
+darden,1757,3
+collierville,609,1
+darden,1190,0
+collierville,434,0
+corozal,1336,0
+markleeville,459,4
+markleeville,260,3
+darden,1709,2
+corozal,6,2
+darden,965,0
+corozal,88,0
+corozal,141,4
+darden,1996,3
+corozal,290,15
+corozal,645,0
+markleeville,283,0
+corozal,890,5
+darden,1992,4
+darden,1768,1
+corozal,502,1
+darden,1554,4
+darden,1923,2
+corozal,864,3
+darden,964,10
+darden,1265,2
+corozal,240,7
+corozal,1233,0
+corozal,50,7
+corozal,772,3
+corozal,483,1
+darden,1941,0
+corozal,507,0
+darden,706,2
+darden,1658,1
+corozal,46,1
+darden,1715,1
+markleeville,796,0
+darden,364,0
+darden,7,1
+collierville,192,1
+collierville,27,1
+darden,405,3
+darden,4,3
+corozal,1133,2
+collierville,598,2
+darden,1508,1
+corozal,1317,1
+darden,780,0
+darden,261,3
+darden,1691,9
+corozal,341,1
+corozal,762,1
+darden,1812,3
+darden,431,0
+corozal,857,8
+darden,1918,3
+markleeville,304,11
+corozal,761,2
+darden,1182,0
+corozal,1290,7
+corozal,1377,1
+corozal,570,3
+darden,684,1
+darden,788,1
+darden,1730,5
+darden,1237,5
+markleeville,1182,8
+darden,303,2
+markleeville,828,0
+darden,188,2
+darden,1193,10
+corozal,581,0
+darden,1933,4
+collierville,443,6
+darden,1902,14
+markleeville,219,11
+markleeville,907,10
+darden,1807,2
+corozal,785,2
+collierville,652,1
+darden,1653,3
+corozal,184,2
+corozal,486,2
+corozal,974,13
+markleeville,128,3
+corozal,495,13
+corozal,161,1
+corozal,466,11
+darden,937,3
+darden,1531,2
+darden,1427,3
+markleeville,821,3
+corozal,924,9
+darden,122,6
+darden,1915,1
+markleeville,309,7
+darden,233,5
+markleeville,1096,7
+darden,1499,4
+markleeville,720,2
+corozal,1295,0
+markleeville,330,3
+corozal,1277,7
+darden,1716,3
+darden,1076,2
+corozal,812,1
+markleeville,369,3
+darden,1485,0
+darden,1670,0
+corozal,1352,5
+darden,560,0
+darden,459,9
+markleeville,742,1
+darden,1070,1
+darden,182,11
+corozal,892,4
+darden,1989,2
+markleeville,1007,9
+darden,838,6
+darden,1899,3
+darden,1305,11
+markleeville,1143,1
+corozal,181,2
+darden,589,4
+corozal,1023,1
+markleeville,20,6
+markleeville,137,6
+darden,1563,10
+darden,1481,7
+darden,159,4
+corozal,959,5
+corozal,112,4
+corozal,337,4
+corozal,1053,1
+corozal,371,5
+markleeville,971,0
+corozal,580,20
+markleeville,75,9
+darden,1470,17
+corozal,62,2
+darden,120,6
+corozal,573,1
+corozal,800,4
+markleeville,247,3
+darden,320,1
+markleeville,124,2
+corozal,1007,11
+darden,1104,0
+corozal,1508,3
+corozal,302,6
+markleeville,1046,1
+darden,1664,3
+collierville,137,3
+markleeville,706,4
+markleeville,464,2
+darden,105,2
+darden,1065,13
+corozal,991,3
+collierville,603,5
+corozal,465,7
+darden,93,0
+darden,1817,2
+darden,1343,4
+corozal,1203,7
+markleeville,240,5
+corozal,608,9
+corozal,1018,3
+markleeville,125,3
+darden,1448,6
+darden,1765,7
+markleeville,947,3
+darden,319,0
+markleeville,206,8
+darden,207,6
+corozal,947,0
+markleeville,742,5
+markleeville,608,11
+corozal,1213,1
+darden,208,3
+corozal,239,4
+corozal,742,2
+darden,474,0
+darden,1127,15
+darden,1686,3
+collierville,292,0
+collierville,635,1
+corozal,691,2
+markleeville,115,1
+darden,1359,0
+corozal,944,3
+corozal,1032,4
+corozal,1531,2
+collierville,42,2
+markleeville,232,2
+darden,838,13
+darden,865,3
+corozal,725,6
+corozal,798,7
+markleeville,370,5
+corozal,447,1
+darden,695,4
+darden,581,0
+corozal,1538,2
+darden,1966,4
+corozal,1062,4
+corozal,779,12
+darden,1547,0
+corozal,1356,3
+markleeville,1002,4
+darden,511,2
+corozal,807,2
+corozal,1385,13
+darden,1186,4
+collierville,211,5
+corozal,301,7
+corozal,119,4
+markleeville,1185,9
+markleeville,981,1
+darden,1213,0
+corozal,1279,1
+darden,791,20
+markleeville,293,4
+markleeville,461,2
+markleeville,705,1
+darden,1290,5
+corozal,240,5
+corozal,1497,17
+corozal,1493,12
+darden,1621,3
+corozal,715,7
+corozal,1042,1
+corozal,16,14
+darden,1045,5
+darden,1280,3
+corozal,671,0
+collierville,267,3
+collierville,335,4
+markleeville,362,13
+corozal,910,5
+corozal,1172,2
+corozal,792,9
+markleeville,992,2
+corozal,422,14
+markleeville,871,1
+corozal,1325,1
+darden,139,0
+darden,399,5
+darden,208,2
+darden,848,3
+markleeville,421,2
+corozal,883,2
+markleeville,1028,7
+darden,898,8
+markleeville,934,3
+darden,338,4
+corozal,279,6
+markleeville,1035,0
+collierville,102,0
+corozal,745,14
+markleeville,109,2
+darden,29,2
+corozal,1390,2
+corozal,1035,12
+markleeville,40,6
+darden,492,4
+markleeville,575,4
+corozal,494,1
+markleeville,171,11
+markleeville,906,0
+markleeville,1007,7
+corozal,1174,0
+corozal,175,1
+markleeville,557,0
+markleeville,325,10
+corozal,1202,2
+darden,193,0
+darden,118,0
+darden,173,4
+corozal,1449,0
+markleeville,647,7
+darden,690,2
+markleeville,359,11
+markleeville,412,1
+corozal,220,5
+darden,1176,10
+corozal,1316,1
+darden,695,7
+markleeville,858,5
+corozal,922,6
+corozal,1537,5
+darden,1470,1
+collierville,434,1
+markleeville,344,9
+corozal,1258,1
+markleeville,177,1
+darden,1764,9
+darden,1345,10
+darden,1099,1
+darden,506,0
+darden,797,25
+corozal,469,7
+darden,871,5
+corozal,1185,2
+collierville,144,3
+corozal,1430,10
+markleeville,742,9
+corozal,877,1
+collierville,254,0
+darden,1981,5
+darden,1335,2
+collierville,63,3
+corozal,1464,4
+markleeville,391,2
+darden,1558,7
+markleeville,978,11
+darden,945,18
+corozal,878,4
+darden,363,2
+darden,1170,0
+markleeville,331,0
+markleeville,997,1
+darden,416,3
+corozal,985,9
+darden,1305,7
+corozal,249,8
+markleeville,906,11
+collierville,244,6
+markleeville,790,5
+markleeville,820,10
+markleeville,870,0
+markleeville,46,0
+corozal,1501,0
+collierville,542,1
+markleeville,229,0
+markleeville,725,9
+collierville,406,1
+markleeville,776,2
+corozal,1497,3
+corozal,1476,0
+darden,759,7
+darden,1541,1
+corozal,760,5
+darden,1807,7
+darden,1099,6
+darden,943,3
+darden,476,7
+corozal,1375,1
+corozal,1298,4
+darden,419,6
+corozal,327,0
+darden,1410,7
+markleeville,155,7
+corozal,1504,3
+corozal,1224,9
+darden,1902,10
+corozal,765,2
+collierville,24,3
+corozal,210,1
+darden,1171,3
+corozal,572,5
+darden,1373,12
+markleeville,369,4
+markleeville,647,8
+corozal,1296,6
+darden,1087,10
+corozal,326,0
+markleeville,1072,2
+darden,850,0
+corozal,875,5
+corozal,1262,8
+markleeville,1072,9
+collierville,504,2
+corozal,1307,1
+collierville,402,0
+darden,964,0
+corozal,1253,2
+markleeville,432,4
+markleeville,506,9
+corozal,1479,4
+corozal,743,7
+darden,9,0
+darden,943,12
+corozal,300,6
+darden,1659,1
+corozal,855,2
+darden,294,0
+corozal,179,0
+markleeville,97,4
+darden,548,3
+collierville,516,1
+darden,212,0
+darden,348,9
+darden,1282,4
+collierville,208,3
+darden,1807,11
+darden,1338,1
+darden,1302,2
+markleeville,548,0
+corozal,1521,1
+corozal,413,5
+darden,823,6
+corozal,1097,1
+markleeville,977,1
+darden,554,6
+darden,460,2
+markleeville,225,7
+corozal,436,2
+collierville,126,3
+darden,1899,4
+darden,1827,3
+darden,1184,3
+darden,1657,6
+corozal,1361,0
+darden,413,3
+markleeville,931,4
+darden,1828,7
+markleeville,483,3
+darden,1725,5
+darden,1384,5
+markleeville,554,11
+markleeville,859,6
+darden,927,2
+darden,797,0
+collierville,323,1
+collierville,703,4
+corozal,1156,4
+corozal,1471,14
+corozal,1514,2
+corozal,58,5
+corozal,584,4
+markleeville,292,5
+darden,357,1
+corozal,289,5
+corozal,669,0
+corozal,682,7
+markleeville,989,2
+markleeville,276,2
+corozal,629,0
+markleeville,812,2
+corozal,986,3
+corozal,702,2
+darden,1532,3
+markleeville,77,0
+markleeville,1131,4
+corozal,1284,2
+darden,22,6
+darden,577,20
+darden,771,0
+collierville,9,0
+markleeville,790,3
+corozal,869,3
+markleeville,325,6
+collierville,196,2
+markleeville,304,2
+darden,783,15
+darden,1789,4
+collierville,43,3
+darden,540,0
+markleeville,698,0
+darden,1748,2
+darden,113,4
+darden,1661,0
+markleeville,308,0
+darden,827,3
+corozal,811,2
+corozal,924,0
+corozal,1240,5
+corozal,1079,16
+darden,1861,0
+darden,1503,1
+darden,787,0
+darden,1960,2
+darden,881,5
+corozal,1374,5
+corozal,990,6
+markleeville,1029,6
+markleeville,270,3
+darden,1301,4
+corozal,937,12
+corozal,1552,3
+darden,1429,1
+darden,653,13
+darden,1722,4
+markleeville,1132,10
+corozal,182,6
+markleeville,564,1
+markleeville,656,5
+darden,1349,5
+darden,1419,2
+markleeville,785,1
+markleeville,312,1
+darden,1309,4
+corozal,512,2
+corozal,1268,0
+corozal,943,0
+darden,1591,9
+corozal,1459,10
+collierville,308,0
+corozal,1012,2
+corozal,995,2
+corozal,177,4
+markleeville,1139,8
+markleeville,92,0
+corozal,464,1
+darden,178,3
+darden,1856,8
+corozal,1237,5
+corozal,179,1
+corozal,1378,3
+corozal,1370,6
+markleeville,649,4
+markleeville,960,2
+markleeville,3,2
+darden,85,0
+corozal,1497,4
+markleeville,4,5
+corozal,810,4
+corozal,636,17
+markleeville,631,8
+markleeville,524,0
+darden,421,2
+darden,604,1
+markleeville,479,4
+collierville,48,0
+corozal,1199,1
+darden,222,3
+corozal,27,6
+corozal,580,13
+darden,886,5
+darden,779,1
+corozal,877,4
+markleeville,697,2
+corozal,443,2
+darden,1500,3
+darden,1025,8
+corozal,681,2
+darden,1261,2
+corozal,985,13
+markleeville,317,0
+markleeville,981,11
+darden,783,8
+corozal,1114,6
+collierville,624,2
+corozal,419,0
+corozal,918,1
+collierville,612,3
+darden,1784,2
+collierville,606,0
+darden,443,1
+darden,854,5
+darden,358,6
+darden,1297,3
+corozal,1472,1
+darden,1524,1
+darden,605,6
+markleeville,508,1
+corozal,1088,3
+corozal,1135,5
+darden,738,0
+corozal,1412,0
+darden,970,0
+corozal,1287,9
+corozal,1484,4
+darden,1382,4
+markleeville,85,3
+corozal,439,10
+darden,1003,0
+corozal,689,3
+darden,1645,0
+corozal,682,5
+markleeville,206,7
+darden,1502,3
+corozal,1337,2
+markleeville,867,1
+darden,1248,8
+darden,1542,7
+darden,194,1
+markleeville,145,4
+darden,342,3
+darden,313,3
+darden,225,0
+darden,1753,2
+markleeville,182,12
+darden,1684,10
+corozal,1113,10
+darden,309,0
+darden,203,1
+corozal,1133,10
+corozal,888,3
+corozal,612,5
+darden,1074,3
+corozal,869,7
+darden,665,2
+corozal,832,4
+corozal,1317,4
+darden,621,2
+darden,901,6
+darden,429,2
+markleeville,283,10
+collierville,581,1
+corozal,185,2
+darden,589,0
+darden,1231,1
+darden,1204,7
+markleeville,785,5
+markleeville,1002,5
+corozal,1301,10
+darden,1707,5
+darden,342,6
+darden,1660,0
+corozal,300,2
+darden,1737,1
+corozal,1524,0
+collierville,288,5
+darden,445,7
+corozal,437,11
+collierville,203,2
+darden,998,5
+markleeville,380,1
+collierville,522,2
+corozal,949,8
+corozal,1329,2
+corozal,1444,8
+corozal,507,4
+corozal,1497,2
+corozal,498,5
+markleeville,173,6
+markleeville,471,9
+corozal,55,0
+collierville,468,0
+darden,861,12
+darden,1452,8
+markleeville,1117,6
+darden,169,5
+corozal,311,4
+corozal,1075,16
+corozal,232,8
+collierville,119,1
+darden,1157,2
+corozal,1265,0
+darden,1830,1
+corozal,202,5
+darden,594,2
+corozal,911,6
+markleeville,1146,14
+markleeville,117,12
+collierville,655,1
+collierville,8,1
+darden,1420,0
+markleeville,476,4
+corozal,1555,10
+darden,1669,4
+darden,444,3
+markleeville,473,2
+markleeville,663,1
+corozal,752,2
+corozal,1366,3
+markleeville,361,2
+corozal,259,5
+darden,602,2
+collierville,715,1
+collierville,8,6
+darden,1667,2
+corozal,796,1
+darden,60,1
+darden,982,1
+darden,98,3
+darden,809,2
+corozal,1368,6
+darden,1239,2
+darden,628,6
+markleeville,940,7
+corozal,1301,17
+corozal,1299,0
+markleeville,1151,1
+corozal,801,3
+corozal,940,4
+corozal,1446,6
+darden,1687,2
+darden,1133,1
+collierville,663,0
+collierville,257,3
+corozal,934,1
+darden,1432,0
+darden,737,6
+corozal,39,1
+corozal,169,1
+collierville,479,4
+darden,1967,2
+collierville,659,0
+darden,126,1
+corozal,335,4
+corozal,922,4
+darden,343,2
+corozal,1533,1
+darden,858,6
+darden,1222,10
+corozal,595,10
+markleeville,274,1
+corozal,963,3
+corozal,495,14
+darden,235,2
+corozal,689,1
+corozal,577,6
+markleeville,1001,7
+darden,548,2
+markleeville,554,3
+collierville,557,4
+darden,704,1
+corozal,271,3
+corozal,788,7
+darden,1080,5
+darden,1164,10
+collierville,332,4
+corozal,1415,4
+markleeville,1061,1
+corozal,1167,2
+corozal,1100,5
+markleeville,1146,0
+corozal,1057,1
+darden,1940,3
+corozal,446,5
+corozal,513,10
+collierville,492,2
+corozal,1298,0
+markleeville,276,1
+darden,1249,3
+markleeville,0,2
+corozal,1370,4
+darden,1815,4
+collierville,385,5
+corozal,19,7
+corozal,1415,0
+collierville,240,2
+darden,242,2
+darden,361,2
+collierville,461,2
+corozal,1371,9
+darden,661,13
+darden,1126,4
+darden,1722,0
+darden,316,0
+darden,1747,7
+corozal,1364,6
+markleeville,722,6
+darden,458,2
+corozal,1230,0
+corozal,1000,2
+corozal,1543,1
+markleeville,1085,0
+darden,1158,1
+corozal,1017,11
+markleeville,1150,2
+corozal,1297,6
+markleeville,628,6
+corozal,140,2
+corozal,842,2
+darden,0,2
+corozal,840,1
+corozal,1282,0
+corozal,169,3
+darden,1794,1
+darden,242,7
+collierville,206,1
+markleeville,470,4
+darden,1073,2
+darden,1709,4
+collierville,618,6
+darden,153,11
+collierville,188,3
+collierville,262,0
+corozal,1296,5
+corozal,641,1
+collierville,219,2
+darden,1484,9
+corozal,1257,2
+darden,1943,23
+markleeville,140,3
+markleeville,853,3
+darden,874,5
+markleeville,1149,4
+darden,1592,6
+darden,1246,7
+darden,715,3
+darden,1993,17
+darden,643,4
+corozal,286,0
+markleeville,791,10
+collierville,152,4
+markleeville,398,1
+markleeville,317,4
+markleeville,325,5
+darden,183,0
+darden,1236,2
+darden,368,3
+darden,464,8
+corozal,1144,5
+markleeville,901,2
+darden,714,1
+collierville,404,3
+markleeville,1166,3
+markleeville,1155,1
+darden,1124,3
+corozal,662,4
+darden,1120,3
+darden,1874,3
+markleeville,346,2
+collierville,237,2
+corozal,867,4
+darden,1846,0
+corozal,148,12
+markleeville,619,4
+corozal,1341,0
+markleeville,59,0
+darden,936,4
+corozal,1010,17
+collierville,87,0
+corozal,461,2
+markleeville,616,0
+corozal,1052,0
+markleeville,271,8
+darden,1693,1
+corozal,960,1
+darden,569,11
+markleeville,294,3
+corozal,1376,1
+corozal,406,16
+markleeville,663,6
+markleeville,137,10
+darden,596,3
+corozal,930,3
+corozal,205,0
+markleeville,941,1
+darden,77,2
+markleeville,1052,10
+corozal,1511,11
+darden,1223,8
+corozal,536,6
+corozal,643,4
+corozal,1116,4
+darden,1919,9
+corozal,635,10
+darden,763,1
+corozal,979,2
+corozal,508,3
+corozal,118,8
+corozal,558,0
+markleeville,338,0
+darden,205,2
+darden,381,2
+darden,323,3
+corozal,894,8
+markleeville,272,4
+darden,44,1
+collierville,77,2
+darden,833,0
+darden,755,5
+darden,1150,14
+darden,1398,10
+markleeville,220,6
+darden,913,0
+darden,1302,3
+darden,1888,3
+darden,229,4
+markleeville,528,1
+corozal,591,8
+collierville,514,3
+corozal,1488,14
+collierville,411,1
+corozal,1126,17
+collierville,701,1
+darden,1228,9
+darden,348,8
+markleeville,498,12
+markleeville,24,1
+corozal,3,13
+markleeville,59,1
+markleeville,1031,0
+markleeville,674,5
+collierville,708,3
+markleeville,194,3
+darden,478,2
+collierville,712,1
+markleeville,895,2
+corozal,265,2
+darden,397,17
+markleeville,761,2
+markleeville,1157,0
+corozal,406,14
+corozal,431,1
+darden,1179,0
+corozal,626,0
+corozal,1469,10
+darden,1286,2
+corozal,1504,2
+corozal,680,2
+corozal,1550,13
+corozal,1162,5
+darden,1309,9
+markleeville,280,11
+darden,1552,2
+darden,1345,4
+corozal,469,17
+darden,1413,13
+corozal,33,10
+collierville,113,1
+darden,1052,1
+markleeville,636,2
+corozal,476,2
+darden,875,1
+markleeville,864,7
+corozal,87,0
+darden,416,11
+darden,797,12
+corozal,977,11
+darden,423,1
+corozal,181,16
+corozal,927,6
+markleeville,548,1
+corozal,415,7
+corozal,1503,1
+darden,1468,0
+collierville,230,3
+corozal,1408,4
+corozal,443,1
+darden,1217,6
+darden,231,1
+corozal,118,3
+corozal,328,1
+darden,1988,1
+darden,49,0
+darden,986,0
+corozal,1502,3
+markleeville,428,3
+corozal,1453,3
+corozal,227,3
+darden,1409,4
+corozal,146,12
+markleeville,778,8
+collierville,702,1
+markleeville,937,1
+markleeville,973,4
+darden,1059,11
+darden,934,9
+darden,105,0
+corozal,915,3
+corozal,1327,4
+darden,184,5
+darden,1696,0
+darden,947,3
+darden,1499,7
+darden,1734,1
+corozal,662,3
+collierville,345,2
+darden,1552,1
+collierville,386,2
+darden,888,1
+corozal,595,4
+darden,1781,8
+darden,68,8
+darden,1512,1
+corozal,107,2
+corozal,37,4
+markleeville,152,7
+darden,1746,1
+corozal,481,0
+corozal,967,0
+corozal,981,2
+markleeville,352,3
+collierville,7,5
+collierville,654,0
+darden,1785,2
+darden,1249,0
+darden,672,2
+markleeville,302,4
+markleeville,1167,2
+darden,1648,6
+darden,1198,1
+darden,928,2
+collierville,465,1
+collierville,298,1
+darden,72,4
+corozal,606,7
+markleeville,1051,2
+markleeville,1100,2
+darden,161,4
+corozal,1016,6
+markleeville,651,4
+markleeville,817,0
+darden,1280,2
+corozal,1017,3
+corozal,825,0
+darden,1845,4
+corozal,1229,7
+corozal,1381,3
+corozal,1373,9
+darden,492,5
+corozal,1266,3
+collierville,381,7
+darden,1481,6
+darden,1879,2
+markleeville,859,3
+darden,1287,0
+markleeville,183,4
+markleeville,254,3
+darden,981,0
+corozal,338,4
+darden,1286,1
+markleeville,495,2
+darden,1473,10
+darden,1407,1
+corozal,1025,6
+markleeville,953,1
+corozal,1054,2
+markleeville,820,3
+darden,851,7
+collierville,568,4
+corozal,490,3
+corozal,269,2
+collierville,477,0
+darden,660,12
+darden,354,0
+darden,847,3
+markleeville,308,4
+corozal,1010,11
+collierville,693,1
+corozal,544,7
+darden,591,2
+markleeville,374,1
+corozal,1535,1
+collierville,415,2
+darden,647,5
+corozal,1109,5
+corozal,1242,2
+darden,1045,8
+darden,198,15
+darden,162,1
+collierville,239,1
+collierville,274,1
+darden,151,2
+markleeville,2,10
+corozal,1035,9
+darden,1267,3
+markleeville,615,8
+darden,692,4
+collierville,71,0
+markleeville,25,0
+darden,56,6
+corozal,1341,2
+collierville,149,2
+markleeville,270,5
+corozal,764,0
+corozal,309,0
+darden,1158,7
+darden,1437,3
+darden,930,3
+corozal,772,1
+corozal,146,8
+darden,1937,1
+darden,972,1
+darden,524,4
+corozal,437,12
+corozal,1160,2
+markleeville,1045,5
+darden,80,4
+corozal,41,11
+darden,536,0
+darden,1291,3
+darden,1050,6
+corozal,1413,1
+darden,3,1
+corozal,848,11
+markleeville,411,4
+darden,754,2
+corozal,1238,4
+markleeville,37,3
+corozal,981,19
+darden,158,2
+corozal,1393,0
+markleeville,1028,2
+collierville,660,2
+markleeville,416,7
+markleeville,1078,1
+corozal,1062,2
+collierville,702,3
+darden,1409,0
+darden,394,0
+darden,1045,6
+corozal,864,6
+corozal,41,13
+corozal,517,3
+darden,788,0
+darden,391,1
+corozal,311,5
+darden,1766,0
+corozal,598,2
+darden,1530,3
+markleeville,785,3
+darden,290,1
+markleeville,31,1
+collierville,499,2
+markleeville,9,0
+corozal,1326,1
+darden,1876,3
+corozal,1474,5
+markleeville,190,8
+darden,997,7
+corozal,432,5
+collierville,699,0
+darden,1175,4
+collierville,303,8
+corozal,1253,13
+darden,764,6
+corozal,1414,3
+corozal,1528,3
+corozal,782,18
+markleeville,783,1
+corozal,142,6
+corozal,992,9
+markleeville,177,10
+corozal,543,7
+corozal,793,3
+darden,546,5
+darden,1572,2
+corozal,392,2
+markleeville,1138,1
+darden,799,8
+darden,864,8
+darden,702,4
+corozal,776,4
+corozal,932,9
+markleeville,927,0
+markleeville,92,5
+corozal,348,2
+darden,233,6
+markleeville,631,6
+darden,135,6
+markleeville,286,4
+markleeville,458,9
+darden,388,7
+collierville,321,1
+corozal,999,13
+markleeville,305,2
+corozal,912,4
+corozal,1127,7
+darden,16,2
+darden,904,9
+darden,330,6
+darden,987,2
+darden,536,10
+markleeville,460,3
+darden,1624,6
+darden,275,4
+collierville,612,2
+markleeville,679,10
+darden,1457,5
+collierville,668,0
+corozal,1501,10
+corozal,1009,10
+collierville,320,2
+darden,1979,0
+corozal,1425,0
+corozal,1084,4
+corozal,1320,6
+corozal,505,10
+corozal,364,6
+corozal,328,4
+markleeville,1126,2
+corozal,1022,11
+markleeville,1119,3
+markleeville,1148,0
+corozal,1095,6
+corozal,1513,11
+corozal,979,5
+darden,1320,11
+corozal,369,12
+darden,164,4
+markleeville,360,6
+darden,1412,2
+darden,1758,4
+darden,117,6
+darden,710,0
+darden,580,10
+markleeville,625,2
+corozal,1138,11
+markleeville,359,2
+collierville,24,0
+collierville,254,1
+darden,868,6
+corozal,1105,0
+collierville,186,3
+darden,1327,0
+markleeville,588,1
+darden,1164,18
+markleeville,100,1
+darden,1491,0
+darden,624,3
+corozal,999,6
+markleeville,304,5
+corozal,661,3
+collierville,619,1
+markleeville,539,12
+corozal,985,11
+corozal,1192,2
+darden,1569,2
+collierville,6,3
+corozal,1397,5
+darden,410,1
+corozal,995,10
+darden,1697,2
+darden,1623,3
+darden,1116,0
+darden,1257,5
+darden,816,0
+darden,1238,7
+darden,1451,4
+darden,38,2
+markleeville,557,2
+darden,614,1
+darden,1459,3
+darden,1291,12
+darden,1617,3
+corozal,38,9
+darden,1320,8
+markleeville,636,4
+corozal,608,10
+markleeville,666,3
+markleeville,349,0
+markleeville,1087,6
+markleeville,167,2
+darden,498,1
+markleeville,707,1
+darden,400,0
+darden,210,2
+corozal,280,1
+corozal,578,3
+markleeville,907,15
+darden,416,7
+markleeville,1057,0
+darden,973,1
+corozal,38,8
+darden,1164,9
+darden,1434,13
+corozal,65,2
+darden,892,0
+darden,1443,7
+markleeville,1010,2
+darden,406,3
+markleeville,622,0
+darden,196,9
+collierville,512,2
+collierville,692,0
+collierville,604,0
+corozal,895,1
+corozal,806,3
+corozal,1006,2
+corozal,1200,4
+collierville,151,1
+darden,455,8
+darden,80,9
+darden,1430,3
+darden,256,4
+corozal,616,11
+corozal,495,12
+corozal,612,0
+corozal,1432,1
+corozal,1264,11
+darden,1860,6
+markleeville,1024,5
+collierville,629,0
+darden,1629,4
+darden,754,4
+corozal,813,1
+darden,223,2
+darden,28,2
+collierville,239,4
+markleeville,1132,5
+corozal,97,0
+collierville,155,2
+corozal,1007,4
+markleeville,471,3
+darden,769,1
+collierville,539,1
+collierville,285,0
+corozal,766,1
+corozal,1551,2
+collierville,106,3
+corozal,1062,0
+markleeville,746,5
+darden,649,6
+markleeville,98,2
+collierville,357,0
+corozal,573,0
+corozal,1125,4
+markleeville,757,2
+darden,512,5
+markleeville,577,9
+darden,751,2
+corozal,444,4
+darden,329,0
+darden,346,8
+corozal,743,6
+corozal,27,4
+darden,1482,3
+darden,762,4
+darden,284,9
+darden,503,8
+darden,566,1
+darden,1316,1
+darden,408,3
+markleeville,808,9
+corozal,155,5
+markleeville,1056,8
+corozal,945,7
+markleeville,181,0
+collierville,617,4
+darden,41,4
+darden,1928,4
+darden,1250,10
+darden,547,2
+corozal,1346,1
+darden,152,0
+corozal,736,1
+darden,461,6
+markleeville,709,3
+darden,1139,9
+darden,481,1
+corozal,408,1
+darden,1252,2
+darden,824,6
+corozal,242,8
+darden,1397,2
+markleeville,442,2
+darden,1943,18
+darden,927,0
+collierville,218,0
+corozal,544,10
+darden,1559,4
+markleeville,221,1
+darden,450,0
+darden,1202,3
+corozal,608,5
+darden,654,0
+corozal,843,2
+darden,1087,9
+darden,53,0
+darden,1554,15
+markleeville,814,7
+darden,1270,0
+corozal,762,0
+markleeville,565,2
+markleeville,304,6
+corozal,1208,0
+markleeville,1144,6
+markleeville,186,0
+collierville,37,1
+markleeville,276,3
+corozal,1535,2
+corozal,270,3
+corozal,901,2
+darden,1653,2
+darden,1313,3
+markleeville,328,0
+markleeville,259,2
+corozal,182,8
+corozal,81,5
+markleeville,779,0
+markleeville,785,7
+darden,1029,11
+darden,1576,1
+markleeville,155,4
+corozal,698,4
+darden,1412,8
+markleeville,1181,0
+corozal,297,0
+corozal,144,6
+markleeville,375,9
+darden,313,2
+markleeville,410,2
+darden,1489,0
+markleeville,1128,4
+corozal,987,1
+markleeville,785,8
+darden,1615,4
+darden,1270,7
+darden,1880,5
+darden,507,5
+corozal,153,6
+markleeville,1185,5
+darden,397,20
+darden,361,3
+corozal,528,4
+markleeville,671,11
+darden,755,2
+markleeville,652,5
+collierville,296,1
+markleeville,372,1
+collierville,482,4
+darden,35,3
+markleeville,1153,5
+darden,817,10
+corozal,1467,3
+corozal,873,10
+darden,582,1
+markleeville,497,5
+darden,447,5
+darden,515,0
+markleeville,297,8
+darden,91,13
+corozal,137,2
+darden,247,9
+darden,1120,0
+corozal,949,5
+darden,1474,5
+darden,1958,2
+darden,1605,1
+markleeville,170,2
+darden,363,0
+darden,624,0
+markleeville,784,4
+markleeville,855,2
+corozal,254,1
+collierville,623,0
+corozal,6,4
+corozal,60,1
+corozal,715,0
+corozal,709,4
+corozal,1058,2
+markleeville,883,0
+darden,906,4
+corozal,1161,2
+corozal,292,0
+darden,662,0
+corozal,779,11
+corozal,243,8
+markleeville,518,2
+collierville,423,7
+corozal,1558,0
+markleeville,196,0
+darden,1662,0
+corozal,970,1
+darden,669,3
+darden,340,0
+darden,273,3
+collierville,460,6
+corozal,1319,5
+darden,1216,0
+corozal,1357,0
+corozal,392,5
+corozal,722,3
+corozal,718,15
+corozal,1414,4
+markleeville,954,1
+collierville,570,0
+corozal,200,1
+collierville,430,3
+darden,1121,15
+darden,912,2
+markleeville,741,2
+markleeville,1087,8
+collierville,148,2
+markleeville,587,2
+markleeville,554,4
+darden,1594,0
+darden,1680,2
+corozal,1069,0
+corozal,1470,1
+corozal,1407,0
+darden,1457,1
+darden,266,19
+darden,1830,2
+corozal,850,4
+markleeville,1029,8
+markleeville,932,1
+darden,186,2
+corozal,566,8
+corozal,1068,7
+darden,533,3
+darden,1078,2
+darden,1774,4
+corozal,191,7
+darden,961,1
+markleeville,155,3
+darden,329,1
+darden,268,3
+collierville,621,3
+corozal,142,4
+darden,1834,0
+darden,1284,0
+darden,9,9
+corozal,211,4
+markleeville,170,6
+darden,147,4
+corozal,869,10
+markleeville,1102,11
+darden,45,8
+darden,950,6
+darden,1724,6
+corozal,279,4
+darden,88,6
+darden,26,5
+collierville,61,2
+corozal,1186,4
+darden,1317,2
+corozal,1376,0
+darden,209,1
+darden,777,5
+darden,1927,4
+collierville,324,4
+darden,78,0
+darden,631,2
+darden,695,6
+darden,1520,3
+corozal,415,4
+markleeville,814,8
+markleeville,679,1
+corozal,245,1
+markleeville,615,3
+darden,181,0
+markleeville,521,3
+markleeville,597,16
+markleeville,1055,15
+darden,305,3
+markleeville,738,4
+corozal,134,4
+markleeville,156,2
+corozal,214,2
+corozal,665,4
+corozal,290,9
+markleeville,1162,5
+markleeville,653,0
+darden,1135,0
+darden,810,0
+corozal,540,1
+darden,272,2
+collierville,181,4
+markleeville,53,2
+darden,1923,1
+darden,1112,3
+corozal,347,2
+corozal,371,12
+darden,822,2
+markleeville,470,3
+corozal,984,3
+markleeville,435,2
+corozal,1126,15
+darden,1184,6
+darden,482,2
+markleeville,964,3
+corozal,989,1
+darden,1928,5
+darden,680,6
+corozal,49,2
+darden,996,0
+darden,1479,5
+darden,450,4
+markleeville,793,3
+darden,1959,1
+darden,1730,2
+markleeville,502,3
+corozal,803,9
+markleeville,308,13
+markleeville,1066,0
+corozal,845,1
+darden,348,14
+corozal,1267,0
+markleeville,223,3
+darden,1695,6
+markleeville,94,4
+markleeville,851,0
+markleeville,578,1
+darden,1821,4
+darden,113,7
+darden,555,2
+corozal,1248,1
+darden,530,2
+corozal,1094,5
+markleeville,139,8
+darden,280,0
+corozal,781,3
+corozal,185,3
+corozal,219,0
+darden,1327,6
+corozal,473,11
+corozal,428,2
+darden,1183,1
+collierville,542,4
+markleeville,1055,1
+darden,213,3
+corozal,886,6
+darden,1771,4
+markleeville,120,2
+darden,295,0
+corozal,868,17
+darden,1305,4
+markleeville,451,2
+darden,1085,10
+corozal,599,2
+corozal,460,3
+darden,1676,2
+corozal,1042,3
+darden,629,8
+darden,1740,1
+markleeville,765,3
+corozal,391,7
+corozal,804,2
+markleeville,811,3
+darden,1981,9
+darden,55,2
+markleeville,1118,6
+darden,117,2
+darden,1150,18
+darden,79,8
+corozal,497,1
+collierville,626,1
+darden,538,0
+corozal,168,0
+markleeville,188,2
+darden,987,10
+markleeville,1047,1
+corozal,321,16
+corozal,25,1
+darden,1625,4
+corozal,231,8
+darden,1168,1
+markleeville,269,12
+darden,743,4
+corozal,1012,1
+darden,398,2
+darden,1076,0
+markleeville,1163,7
+corozal,724,1
+collierville,100,0
+corozal,859,1
+darden,1708,4
+corozal,240,0
+collierville,432,2
+collierville,275,2
+markleeville,1132,13
+darden,1431,11
+markleeville,371,6
+markleeville,266,5
+darden,1496,9
+collierville,433,2
+darden,899,0
+corozal,1372,0
+markleeville,709,6
+darden,1874,2
+markleeville,875,6
+corozal,785,6
+darden,1059,5
+markleeville,142,14
+corozal,974,14
+markleeville,290,0
+markleeville,127,4
+darden,1094,0
+markleeville,980,9
+collierville,370,7
+darden,575,5
+corozal,496,4
+corozal,459,10
+corozal,1371,12
+darden,144,7
+markleeville,449,10
+darden,228,0
+corozal,1373,3
+corozal,1186,3
+darden,1902,4
+markleeville,391,6
+darden,127,5
+corozal,145,0
+darden,1384,4
+corozal,1012,7
+darden,463,0
+darden,957,1
+markleeville,153,9
+corozal,49,1
+markleeville,345,7
+collierville,76,1
+collierville,572,4
+corozal,919,4
+markleeville,558,3
+corozal,761,5
+corozal,322,1
+corozal,177,3
+darden,1192,1
+markleeville,1158,1
+darden,1244,4
+corozal,490,0
+corozal,343,0
+corozal,928,1
+darden,1493,4
+corozal,765,3
+darden,1976,5
+markleeville,461,4
+corozal,1469,0
+corozal,263,2
+corozal,813,2
+corozal,1017,14
+darden,1097,0
+darden,13,2
+markleeville,310,1
+markleeville,65,3
+darden,907,4
+corozal,1151,0
+darden,1493,2
+corozal,604,1
+darden,812,3
+darden,297,2
+darden,1872,7
+markleeville,1183,0
+darden,1498,6
+corozal,340,10
+collierville,579,4
+markleeville,1163,3
+darden,1098,3
+darden,1349,6
+markleeville,195,3
+collierville,74,2
+darden,1712,0
+corozal,282,2
+corozal,112,8
+corozal,313,1
+corozal,224,2
+darden,1506,8
+markleeville,11,5
+darden,673,1
+darden,589,6
+collierville,559,2
+corozal,439,3
+darden,795,5
+corozal,644,2
+markleeville,718,5
+collierville,688,0
+darden,183,2
+darden,1141,3
+markleeville,1156,0
+darden,1335,5
+corozal,644,3
+corozal,1145,1
+darden,795,7
+markleeville,715,2
+markleeville,332,7
+markleeville,1118,4
+corozal,968,0
+markleeville,967,2
+corozal,985,3
+darden,777,3
+corozal,587,0
+darden,1592,1
+collierville,411,2
+collierville,82,1
+markleeville,1191,0
+collierville,134,2
+darden,857,1
+darden,100,1
+corozal,1170,2
+corozal,502,7
+corozal,1370,11
+collierville,183,3
+darden,1924,0
+darden,446,0
+markleeville,102,3
+markleeville,572,4
+corozal,42,6
+corozal,1529,11
+corozal,1133,4
+corozal,985,12
+markleeville,929,3
+darden,1866,11
+markleeville,1187,2
+markleeville,63,0
+darden,294,2
+darden,1555,1
+darden,1403,1
+markleeville,950,1
+corozal,661,2
+corozal,1393,5
+darden,343,0
+darden,437,2
+darden,1828,11
+darden,1824,4
+markleeville,1094,4
+darden,270,2
+corozal,894,11
+darden,1277,6
+darden,1846,4
+darden,327,1
+corozal,1185,0
+markleeville,352,10
+markleeville,1159,3
+corozal,1525,3
+darden,1773,0
+markleeville,969,0
+markleeville,981,9
+corozal,640,4
+collierville,257,0
+markleeville,718,3
+markleeville,1017,1
+corozal,1102,4
+corozal,710,0
+corozal,74,6
+darden,48,3
+markleeville,744,0
+darden,1432,1
+corozal,637,5
+darden,89,19
+darden,234,3
+darden,204,0
+markleeville,575,2
+markleeville,238,3
+corozal,152,1
+corozal,616,8
+collierville,591,2
+darden,577,17
+collierville,717,3
+darden,279,3
+markleeville,874,10
+darden,835,2
+collierville,595,0
+darden,1603,1
+corozal,33,2
+collierville,225,2
+corozal,202,12
+collierville,418,0
+darden,449,4
+markleeville,435,11
+collierville,364,3
+darden,592,2
+markleeville,374,0
+darden,1146,4
+markleeville,755,6
+corozal,321,9
+corozal,15,0
+corozal,553,3
+darden,1835,2
+markleeville,9,4
+markleeville,481,1
+darden,1483,0
+darden,326,0
+darden,858,1
+corozal,1091,3
+corozal,640,9
+darden,870,3
+collierville,728,6
+markleeville,86,6
+darden,1512,2
+darden,847,2
+corozal,422,2
+corozal,794,0
+darden,653,1
+darden,464,1
+markleeville,1196,1
+corozal,1102,3
+corozal,1050,2
+corozal,1460,2
+collierville,513,5
+corozal,504,3
+darden,431,4
+darden,588,1
+darden,769,5
+darden,455,9
+corozal,1220,5
+markleeville,488,0
+corozal,1253,5
+corozal,756,9
+darden,1164,20
+corozal,182,7
+corozal,207,2
+darden,1831,3
+markleeville,1052,4
+corozal,454,0
+corozal,916,0
+markleeville,378,3
+darden,527,1
+corozal,1337,5
+darden,805,2
+corozal,19,11
+corozal,1075,6
+corozal,343,1
+markleeville,1160,3
+darden,1332,0
+corozal,60,4
+collierville,5,2
+corozal,1367,9
+corozal,293,0
+corozal,292,5
+markleeville,367,0
+collierville,281,1
+markleeville,571,11
+darden,1702,5
+darden,577,8
+markleeville,169,8
+collierville,620,5
+corozal,534,1
+darden,287,0
+corozal,633,2
+collierville,244,0
+darden,1170,2
+darden,823,13
+collierville,355,1
+darden,734,0
+collierville,534,2
+darden,1252,6
+darden,1345,1
+darden,375,0
+corozal,1126,0
+markleeville,173,1
+collierville,411,5
+corozal,600,3
+corozal,368,1
+markleeville,678,4
+darden,223,0
+corozal,1138,13
+darden,1464,7
+darden,5,6
+darden,1823,5
+corozal,1017,4
+collierville,350,1
+darden,1712,10
+darden,728,8
+markleeville,316,0
+corozal,273,4
+darden,561,5
+darden,464,21
+corozal,1247,8
+corozal,1515,0
+darden,1109,5
+collierville,12,2
+darden,1505,2
+corozal,919,2
+collierville,67,3
+corozal,561,1
+markleeville,549,6
+darden,392,2
+darden,1431,9
+darden,819,0
+darden,1293,0
+corozal,1049,9
+corozal,246,2
+corozal,1175,1
+darden,1112,0
+darden,1956,1
+corozal,447,0
+darden,1136,4
+darden,1544,10
+corozal,1113,5
+markleeville,699,0
+corozal,33,9
+collierville,495,1
+darden,151,1
+markleeville,375,5
+corozal,341,6
+corozal,495,1
+markleeville,4,7
+corozal,1118,6
+markleeville,620,11
+markleeville,106,2
+markleeville,514,6
+collierville,711,3
+corozal,1040,0
+markleeville,891,0
+darden,1135,3
+darden,153,2
+markleeville,571,5
+darden,1252,14
+corozal,855,11
+markleeville,1168,4
+darden,75,3
+markleeville,740,2
+corozal,330,2
+markleeville,758,0
+darden,64,0
+markleeville,710,1
+corozal,717,2
+darden,1758,1
+markleeville,581,2
+darden,1322,2
+corozal,1464,2
+darden,1368,2
+markleeville,1156,3
+markleeville,108,5
+markleeville,989,1
+markleeville,80,4
+darden,1257,11
+markleeville,672,11
+darden,1059,9
+corozal,1477,5
+collierville,503,2
+darden,806,1
+markleeville,368,6
+markleeville,297,4
+darden,1956,5
+darden,682,1
+markleeville,1012,2
+corozal,224,3
+collierville,177,6
+darden,1033,0
+corozal,577,5
+corozal,329,5
+markleeville,443,0
+corozal,517,4
+corozal,148,6
+markleeville,203,1
+collierville,446,2
+collierville,714,6
+markleeville,864,12
+corozal,429,3
+darden,1127,3
+markleeville,549,13
+darden,359,3
+corozal,1126,2
+corozal,1118,1
+darden,663,0
+markleeville,62,1
+darden,1943,14
+darden,683,0
+corozal,230,1
+corozal,397,4
+corozal,745,8
+darden,1893,6
+corozal,478,17
+darden,52,6
+darden,1336,8
+corozal,299,1
+corozal,206,3
+darden,1898,1
+corozal,311,0
+corozal,471,5
+collierville,710,1
+markleeville,784,2
+darden,1396,2
+darden,1275,1
+darden,1745,3
+markleeville,323,0
+markleeville,139,7
+corozal,785,3
+corozal,242,18
+corozal,1143,7
+darden,747,0
+collierville,629,1
+corozal,284,1
+darden,872,0
+corozal,672,9
+corozal,140,8
+markleeville,84,0
+markleeville,899,0
+collierville,422,2
+corozal,109,2
+darden,688,0
+corozal,469,5
+corozal,1171,2
+markleeville,573,2
+corozal,1083,5
+markleeville,120,7
+markleeville,1138,2
+markleeville,231,6
+darden,1952,2
+darden,1230,5
+corozal,971,1
+darden,901,2
+corozal,1206,0
+darden,1150,10
+corozal,303,2
+markleeville,318,2
+darden,509,4
+darden,373,0
+corozal,647,6
+darden,749,5
+corozal,42,3
+corozal,306,13
+markleeville,891,1
+markleeville,1173,2
+darden,1886,6
+corozal,465,12
+markleeville,107,2
+darden,636,4
+corozal,384,6
+darden,253,0
+corozal,411,5
+markleeville,746,4
+darden,1336,1
+markleeville,165,0
+markleeville,1124,0
+corozal,571,1
+corozal,824,9
+corozal,395,9
+darden,1608,0
+corozal,1309,3
+darden,424,1
+darden,1992,1
+corozal,759,2
+darden,1104,2
+darden,857,2
+corozal,1061,4
+darden,915,3
+darden,353,0
+corozal,1010,8
+darden,763,5
+corozal,310,0
+corozal,434,4
+darden,1508,4
+darden,768,2
+corozal,1078,2
+markleeville,479,3
+darden,626,0
+markleeville,357,1
+markleeville,1122,2
+corozal,821,4
+darden,358,1
+darden,145,0
+markleeville,717,0
+markleeville,579,4
+darden,1544,2
+markleeville,170,5
+darden,186,1
+corozal,800,6
+corozal,1122,4
+markleeville,804,1
+markleeville,1069,1
+corozal,340,5
+darden,432,4
+markleeville,163,1
+darden,1737,0
+markleeville,35,1
+darden,1858,4
+markleeville,93,2
+darden,233,1
+collierville,547,0
+darden,940,2
+markleeville,522,0
+darden,904,0
+corozal,1220,0
+corozal,1271,12
+collierville,336,3
+markleeville,83,1
+markleeville,775,1
+darden,945,12
+markleeville,228,4
+collierville,358,3
+markleeville,53,8
+corozal,187,0
+markleeville,1093,6
+collierville,496,1
+markleeville,394,1
+darden,1021,0
+corozal,1353,3
+markleeville,1076,2
+darden,497,2
+markleeville,432,1
+darden,681,4
+darden,559,7
+markleeville,226,0
+darden,1057,3
+darden,476,6
+markleeville,341,0
+darden,1477,1
+collierville,640,2
+corozal,1243,4
+darden,89,14
+darden,593,4
+markleeville,302,9
+darden,632,7
+darden,1676,6
+corozal,709,5
+markleeville,594,4
+darden,945,7
+markleeville,84,6
+darden,1553,2
+corozal,1095,4
+corozal,1318,5
+corozal,1068,6
+corozal,1276,2
+corozal,1338,9
+darden,571,10
+darden,1584,1
+darden,1956,8
+corozal,1549,3
+corozal,1501,3
+darden,40,5
+corozal,826,4
+markleeville,660,0
+darden,1071,3
+darden,959,9
+markleeville,1051,3
+darden,1326,4
+markleeville,297,0
+darden,1731,6
+corozal,958,7
+corozal,411,3
+corozal,1287,1
+collierville,392,0
+darden,1109,4
+corozal,654,10
+darden,1833,1
+darden,946,1
+darden,850,4
+markleeville,1113,5
+corozal,371,0
+collierville,175,3
+markleeville,315,2
+markleeville,840,4
+markleeville,423,5
+corozal,1440,0
+markleeville,204,0
+collierville,513,2
+markleeville,102,2
+darden,1194,0
+darden,937,7
+darden,302,5
+markleeville,866,0
+darden,1260,4
+corozal,936,1
+darden,1943,4
+markleeville,1007,15
+darden,673,0
+corozal,469,3
+darden,784,6
+darden,535,1
+markleeville,570,4
+corozal,367,1
+collierville,602,2
+collierville,693,0
+markleeville,57,4
+corozal,298,4
+darden,1385,7
+collierville,225,3
+collierville,640,1
+corozal,262,1
+darden,1881,4
+markleeville,1097,0
+darden,778,7
+darden,1758,5
+corozal,1377,2
+markleeville,518,3
+collierville,468,3
+darden,253,1
+markleeville,167,1
+corozal,576,0
+corozal,1544,7
+corozal,266,2
+corozal,281,2
+corozal,134,2
+markleeville,441,0
+darden,1866,19
+corozal,366,10
+darden,83,0
+corozal,648,4
+corozal,152,11
+darden,1907,18
+darden,35,5
+darden,609,0
+darden,1310,1
+collierville,189,1
+markleeville,461,0
+markleeville,317,12
+markleeville,907,14
+markleeville,391,1
+markleeville,678,2
+markleeville,798,10
+markleeville,377,5
+darden,995,1
+darden,452,4
+markleeville,905,0
+corozal,706,3
+markleeville,181,2
+corozal,1366,2
+darden,649,0
+markleeville,1018,8
+corozal,897,2
+markleeville,473,5
+markleeville,1122,0
+darden,1311,1
+darden,653,14
+markleeville,68,0
+markleeville,51,6
+markleeville,924,3
+corozal,28,3
+darden,644,2
+collierville,306,2
+markleeville,996,5
+darden,314,0
+darden,1795,0
+darden,406,4
+darden,338,2
+darden,22,3
+corozal,399,8
+corozal,1139,10
+corozal,679,7
+darden,1705,3
+corozal,513,2
+corozal,1010,0
+darden,883,0
+darden,264,0
+corozal,1489,11
+markleeville,157,0
+darden,889,0
+darden,94,3
+markleeville,515,0
+corozal,523,3
+darden,1221,5
+corozal,893,2
+corozal,398,4
+darden,1918,0
+markleeville,86,2
+markleeville,605,6
+markleeville,637,0
+darden,1681,16
+darden,1786,6
+corozal,1406,6
+corozal,369,13
+corozal,369,4
+darden,1549,3
+darden,1791,1
+darden,1708,11
+markleeville,1187,4
+corozal,456,3
+markleeville,267,0
+markleeville,597,11
+collierville,397,2
+corozal,1130,0
+markleeville,249,0
+markleeville,21,1
+darden,1554,9
+markleeville,349,3
+darden,1442,1
+corozal,1345,2
+darden,1431,14
+corozal,107,0
+collierville,145,3
+darden,1728,2
+markleeville,139,1
+darden,529,10
+corozal,1274,1
+corozal,1278,1
+collierville,718,1
+corozal,306,15
+markleeville,1188,1
+darden,91,15
+darden,1636,2
+markleeville,471,1
+corozal,712,2
+corozal,36,2
+darden,1247,0
+collierville,593,6
+corozal,1075,8
+corozal,253,2
+markleeville,867,5
+corozal,610,7
+darden,273,2
+markleeville,26,1
+darden,910,4
+collierville,455,1
+corozal,888,7
+markleeville,443,2
+darden,1917,6
+corozal,959,3
+corozal,1489,7
+corozal,1488,9
+collierville,650,1
+darden,1747,1
+darden,741,5
+collierville,663,2
+darden,18,0
+markleeville,577,12
+darden,576,4
+markleeville,454,2
+darden,1135,8
+darden,35,0
+corozal,615,6
+darden,1287,8
+markleeville,871,9
+markleeville,204,3
+corozal,1470,4
+markleeville,502,8
+darden,1348,1
+markleeville,856,4
+markleeville,500,6
+markleeville,400,0
+corozal,41,12
+darden,540,3
+darden,13,10
+darden,934,7
+darden,1423,3
+markleeville,424,3
+markleeville,1147,2
+markleeville,901,1
+darden,1966,2
+markleeville,121,7
+markleeville,428,0
+corozal,612,10
+corozal,760,12
+darden,898,3
+markleeville,674,9
+collierville,283,2
+markleeville,80,1
+markleeville,605,2
+darden,381,1
+corozal,1208,5
+corozal,619,2
+darden,532,1
+corozal,113,0
+markleeville,5,4
+corozal,142,2
+darden,1015,0
+darden,967,2
+darden,45,2
+corozal,627,0
+darden,660,10
+markleeville,680,0
+darden,1927,3
+darden,1907,9
+markleeville,491,4
+corozal,893,6
+darden,1994,5
+darden,1572,6
+corozal,586,4
+corozal,532,1
+darden,703,6
+darden,532,3
+corozal,181,8
+corozal,98,6
+darden,80,0
+darden,1250,8
+corozal,106,1
+corozal,871,13
+darden,265,3
+corozal,978,0
+collierville,417,2
+darden,114,18
+corozal,1489,8
+corozal,713,2
+darden,176,0
+collierville,83,0
+darden,1859,4
+darden,524,6
+corozal,580,8
+corozal,1400,2
+markleeville,86,9
+darden,842,3
+markleeville,1182,3
+corozal,1335,1
+markleeville,22,0
+markleeville,242,2
+markleeville,375,8
+corozal,33,7
+markleeville,100,2
+corozal,1321,7
+darden,388,6
+markleeville,636,1
+darden,945,6
+darden,1870,2
+corozal,1355,4
+markleeville,402,3
+corozal,393,5
+markleeville,240,3
+corozal,1511,8
+markleeville,879,3
+markleeville,544,8
+corozal,181,10
+markleeville,1001,6
+markleeville,1121,4
+collierville,388,0
+collierville,255,0
+markleeville,865,1
+corozal,177,0
+markleeville,1137,2
+corozal,102,18
+darden,1885,5
+corozal,753,7
+darden,881,2
+collierville,141,0
+corozal,181,14
+corozal,417,5
+darden,824,3
+darden,1880,1
+collierville,737,1
+darden,631,5
+corozal,1492,1
+darden,1392,3
+markleeville,665,6
+markleeville,169,1
+corozal,1279,4
+darden,1841,2
+corozal,1363,6
+darden,316,4
+corozal,523,2
+markleeville,662,7
+markleeville,781,1
+markleeville,509,0
+corozal,889,0
+markleeville,345,1
+corozal,721,0
+corozal,684,5
+darden,1146,3
+markleeville,489,2
+darden,1559,1
+darden,575,16
+darden,1328,7
+markleeville,36,4
+darden,273,5
+darden,1666,0
+markleeville,1096,4
+darden,1236,4
+corozal,1476,2
+collierville,120,1
+markleeville,1010,0
+darden,1684,2
+markleeville,227,9
+markleeville,620,5
+markleeville,1159,7
+darden,66,12
+darden,422,0
+darden,533,0
+darden,1822,9
+corozal,155,0
+darden,881,4
+markleeville,1067,6
+markleeville,402,4
+corozal,1064,1
+corozal,315,0
+markleeville,534,3
+collierville,691,2
+corozal,374,0
+darden,455,4
+markleeville,465,5
+darden,210,0
+darden,251,0
+corozal,148,19
+corozal,99,6
+markleeville,859,2
+collierville,641,3
+markleeville,982,10
+darden,1834,6
+corozal,475,0
+corozal,237,1
+corozal,518,3
+markleeville,131,4
+darden,948,1
+collierville,150,5
+collierville,75,5
+darden,1066,0
+corozal,1475,10
+darden,1823,2
+collierville,727,1
+darden,17,3
+darden,1069,0
+darden,934,0
+darden,1434,11
+corozal,1023,2
+corozal,926,0
+corozal,238,1
+markleeville,647,3
+corozal,406,13
+darden,430,3
+corozal,194,6
+darden,984,2
+darden,1641,1
+corozal,427,7
+markleeville,1021,3
+darden,959,12
+markleeville,424,2
+darden,1341,4
+markleeville,635,1
+corozal,174,4
+darden,1453,11
+markleeville,679,2
+corozal,508,14
+corozal,760,17
+markleeville,664,1
+darden,1442,3
+darden,1470,11
+collierville,266,0
+markleeville,1190,4
+markleeville,72,0
+darden,1393,2
+markleeville,657,2
+darden,1193,8
+markleeville,908,1
+collierville,526,2
+darden,1749,2
+collierville,13,0
+darden,300,2
+markleeville,345,5
+corozal,315,2
+darden,235,3
+corozal,626,18
+darden,482,0
+darden,1189,2
+collierville,365,0
+corozal,385,2
+markleeville,403,5
+corozal,961,7
+corozal,565,1
+darden,1307,1
+markleeville,769,3
+darden,1572,0
+markleeville,416,9
+darden,1813,7
+darden,35,8
+darden,1291,10
+corozal,209,0
+corozal,1324,0
+darden,1974,0
+darden,1034,2
+darden,1481,10
+markleeville,37,2
+darden,267,5
+corozal,747,1
+darden,749,4
+markleeville,1053,6
+markleeville,1095,4
+darden,1205,3
+corozal,1280,0
+corozal,992,2
+markleeville,554,1
+darden,1088,12
+markleeville,1099,0
+collierville,621,0
+darden,877,1
+darden,746,2
+corozal,214,1
+collierville,39,3
+corozal,448,3
+corozal,784,1
+darden,499,2
+darden,1377,4
+markleeville,1007,3
+markleeville,17,2
+corozal,403,3
+darden,302,0
+markleeville,715,4
+corozal,904,9
+collierville,179,1
+markleeville,435,1
+darden,1936,9
+corozal,459,12
+darden,403,8
+darden,1991,2
+corozal,1109,8
+darden,902,2
+darden,1127,17
+darden,143,1
+corozal,367,0
+corozal,38,7
+corozal,1532,3
+darden,751,1
+corozal,1253,7
+corozal,167,5
+markleeville,185,15
+darden,607,1
+darden,1635,3
+corozal,969,6
+corozal,1463,5
+corozal,1368,9
+corozal,227,7
+corozal,1384,6
+corozal,1104,3
+markleeville,825,2
+corozal,1485,2
+darden,412,12
+darden,1545,7
+corozal,1282,5
+markleeville,820,12
+markleeville,974,0
+darden,352,7
+markleeville,421,0
+darden,772,0
+darden,844,3
+corozal,485,3
+darden,1745,4
+darden,1349,7
+markleeville,102,10
+markleeville,75,6
+darden,1316,5
+darden,472,1
+darden,1195,0
+corozal,993,0
+markleeville,503,2
+darden,1899,17
+collierville,560,1
+darden,258,5
+markleeville,940,2
+corozal,371,7
+darden,17,2
+markleeville,15,3
+corozal,1505,2
+darden,477,1
+corozal,977,0
+darden,497,7
+corozal,1073,1
+darden,40,2
+corozal,1512,0
+darden,1760,6
+darden,348,2
+corozal,119,6
+darden,1124,7
+corozal,1271,1
+corozal,1513,8
+darden,876,5
+darden,63,3
+darden,1294,11
+darden,1470,3
+corozal,1457,10
+darden,348,19
+darden,1544,6
+corozal,1558,2
+collierville,362,7
+corozal,1241,2
+markleeville,531,2
+collierville,681,1
+darden,1644,0
+corozal,1298,2
+corozal,1461,3
+markleeville,672,1
+darden,1999,2
+corozal,371,4
+markleeville,1169,6
+darden,508,4
+darden,814,1
+markleeville,769,0
+collierville,50,6
+markleeville,855,9
+markleeville,363,5
+darden,655,4
+markleeville,747,9
+corozal,596,3
+markleeville,917,8
+darden,205,12
+darden,129,0
+darden,1323,2
+markleeville,425,1
+collierville,375,3
+corozal,124,11
+markleeville,765,8
+markleeville,422,1
+darden,207,5
+corozal,585,5
+corozal,1221,7
+corozal,133,5
+collierville,487,5
+darden,496,4
+darden,1876,1
+collierville,147,1
+corozal,237,5
+markleeville,388,0
+darden,596,0
+darden,1941,6
+darden,420,0
+corozal,658,1
+darden,1641,5
+collierville,423,0
+markleeville,886,7
+corozal,564,8
+corozal,1404,9
+corozal,348,6
+darden,1801,2
+corozal,1142,3
+darden,1826,1
+corozal,1249,0
+markleeville,1196,0
+collierville,356,0
+markleeville,746,1
+markleeville,1100,0
+darden,1357,5
+markleeville,676,1
+corozal,1244,0
+collierville,553,0
+darden,559,5
+markleeville,830,3
+corozal,37,7
+darden,1264,3
+corozal,220,2
+corozal,451,3
+corozal,1494,4
+markleeville,708,4
+corozal,338,0
+collierville,681,0
+markleeville,757,0
+darden,1361,3
+darden,1072,0
+darden,1321,2
+darden,1819,3
+darden,1866,23
+darden,294,1
+darden,963,3
+markleeville,20,4
+corozal,885,3
+corozal,29,1
+markleeville,775,5
+darden,1624,1
+markleeville,364,7
+collierville,548,3
+corozal,630,3
+markleeville,587,7
+corozal,297,13
+corozal,748,7
+corozal,640,10
+darden,842,1
+corozal,966,1
+darden,1859,0
+markleeville,263,1
+corozal,528,3
+markleeville,767,2
+corozal,1262,5
+corozal,1040,2
+corozal,1235,2
+markleeville,1145,4
+markleeville,857,0
+darden,1139,7
+markleeville,1006,3
+markleeville,907,7
+corozal,640,7
+collierville,651,2
+darden,1413,9
+darden,1900,3
+markleeville,628,1
+darden,594,14
+markleeville,696,5
+markleeville,289,0
+markleeville,982,8
+darden,1789,10
+markleeville,2,8
+collierville,604,1
+darden,592,0
+markleeville,123,1
+markleeville,30,7
+markleeville,959,2
+darden,843,5
+darden,1723,0
+darden,969,5
+corozal,1378,6
+corozal,1450,2
+darden,1866,21
+collierville,495,6
+markleeville,1107,0
+corozal,803,2
+darden,1596,2
+darden,1576,3
+markleeville,327,3
+collierville,311,6
+darden,1321,7
+markleeville,632,1
+darden,599,0
+corozal,231,15
+markleeville,253,2
+markleeville,734,1
+darden,1344,7
+darden,1831,1
+darden,708,10
+darden,806,0
+markleeville,430,2
+corozal,44,4
+markleeville,270,9
+corozal,811,8
+darden,116,2
+corozal,34,9
+darden,1487,2
+collierville,445,5
+markleeville,718,9
+collierville,342,4
+corozal,1478,2
+corozal,182,13
+markleeville,755,12
+corozal,64,19
+corozal,1371,13
+corozal,630,4
+darden,1708,7
+markleeville,157,6
+corozal,1551,7
+darden,159,6
+markleeville,912,2
+corozal,231,14
+corozal,1035,4
+markleeville,30,1
+darden,1974,4
+corozal,669,1
+markleeville,1088,4
+darden,1032,5
+darden,699,2
+darden,1997,4
+darden,242,5
+darden,1963,4
+corozal,78,11
+darden,769,11
+corozal,1373,7
+markleeville,1072,4
+corozal,12,4
+markleeville,976,3
+corozal,1047,1
+corozal,1341,10
+darden,369,2
+corozal,740,2
+darden,1103,2
+markleeville,588,3
+corozal,762,13
+corozal,171,2
+markleeville,272,2
+collierville,173,0
+corozal,234,5
+corozal,380,8
+corozal,897,0
+darden,120,22
+darden,1672,1
+corozal,7,6
+markleeville,2,9
+darden,1909,4
+markleeville,178,1
+corozal,1118,4
+darden,556,0
+markleeville,1146,9
+darden,1067,1
+corozal,893,5
+markleeville,963,2
+markleeville,325,9
+markleeville,223,8
+darden,1755,3
+corozal,1452,0
+markleeville,1033,0
+corozal,242,9
+collierville,314,1
+corozal,1371,18
+markleeville,1105,1
+darden,1981,7
+collierville,109,6
+collierville,487,0
+corozal,1279,5
+collierville,727,6
+corozal,64,20
+corozal,1483,2
+darden,705,5
+corozal,242,4
+darden,1787,2
+corozal,873,8
+darden,670,3
+darden,1361,6
+markleeville,317,9
+markleeville,898,4
+darden,209,0
+markleeville,1061,8
+markleeville,341,2
+collierville,337,0
+markleeville,1127,1
+corozal,1323,3
+darden,1619,2
+corozal,546,1
+corozal,1249,4
+darden,1280,1
+corozal,1227,2
+corozal,757,2
+darden,1470,20
+markleeville,1102,0
+corozal,1460,5
+darden,832,0
+darden,1035,0
+darden,1777,4
+corozal,8,1
+markleeville,737,0
+markleeville,522,1
+markleeville,9,3
+darden,1056,0
+corozal,908,6
+darden,1001,0
+markleeville,411,7
+markleeville,253,6
+darden,387,0
+collierville,158,2
+darden,1983,1
+markleeville,119,0
+corozal,2,1
+darden,118,7
+darden,1400,1
+corozal,626,17
+darden,14,1
+markleeville,986,0
+markleeville,442,10
+darden,590,1
+markleeville,609,2
+corozal,1139,4
+collierville,207,1
+darden,1442,15
+darden,439,0
+corozal,154,4
+corozal,1159,8
+darden,1682,2
+markleeville,250,3
+corozal,591,7
+corozal,490,12
+markleeville,628,4
+collierville,648,0
+markleeville,892,0
+corozal,866,8
+darden,856,3
+darden,1225,0
+darden,414,5
+corozal,1327,13
+markleeville,567,3
+markleeville,105,1
+darden,1354,8
+collierville,31,7
+darden,417,0
+collierville,112,0
+collierville,397,3
+markleeville,1061,5
+darden,1081,3
+darden,739,4
+markleeville,362,3
+markleeville,480,4
+darden,1914,0
+markleeville,1172,6
+corozal,1092,4
+corozal,104,3
+darden,1066,1
+collierville,247,0
+markleeville,367,4
+darden,669,6
+darden,1696,5
+darden,1852,0
+markleeville,909,0
+markleeville,357,5
+collierville,555,4
+markleeville,250,0
+markleeville,855,10
+corozal,1204,0
+markleeville,130,4
+darden,142,3
+darden,1412,5
+collierville,718,0
+corozal,1117,9
+darden,1516,1
+darden,1434,16
+corozal,478,7
+darden,1540,8
+markleeville,775,6
+collierville,552,2
+markleeville,333,0
+corozal,92,6
+darden,785,0
+darden,1346,7
+corozal,855,15
+corozal,10,1
+darden,376,8
+corozal,664,2
+darden,536,18
+darden,1571,3
+corozal,723,5
+corozal,1084,8
+darden,94,1
+darden,1453,3
+corozal,995,7
+darden,1967,1
+darden,704,5
+corozal,541,3
+corozal,1312,0
+darden,324,1
+corozal,126,0
+darden,1598,1
+markleeville,718,6
+darden,1608,1
+markleeville,32,1
+darden,834,4
+corozal,184,1
+markleeville,576,5
+markleeville,1154,4
+collierville,408,4
+corozal,544,3
+corozal,224,5
+darden,1469,4
+markleeville,386,10
+darden,1989,9
+collierville,647,2
+corozal,1118,7
+collierville,686,2
+corozal,209,6
+markleeville,855,6
+darden,1624,2
+collierville,309,6
+darden,705,4
+collierville,594,0
+markleeville,489,5
+darden,660,4
+darden,1061,3
+darden,925,3
+markleeville,666,0
+markleeville,325,3
+darden,187,3
+markleeville,952,10
+darden,191,0
+darden,318,0
+corozal,771,1
+darden,1394,2
+corozal,1187,0
+markleeville,437,0
+collierville,314,2
+corozal,457,5
+darden,1018,0
+darden,1034,3
+corozal,1030,4
+markleeville,517,10
+darden,1477,4
+corozal,130,2
+corozal,1019,3
+markleeville,1001,4
+darden,1899,12
+darden,987,12
+corozal,1167,1
+corozal,836,1
+corozal,445,2
+darden,1252,10
+corozal,556,0
+corozal,367,5
+markleeville,278,2
+darden,63,5
+darden,1639,4
+collierville,22,0
+corozal,203,9
+corozal,232,3
+collierville,585,0
+markleeville,1053,12
+markleeville,145,10
+darden,1228,4
+collierville,586,0
+corozal,1221,0
+corozal,203,6
+corozal,1141,0
+darden,33,4
+corozal,1461,4
+darden,1814,4
+markleeville,269,11
+markleeville,857,3
+collierville,728,3
+corozal,1012,12
+collierville,695,0
+collierville,30,5
+corozal,1355,7
+corozal,90,4
+darden,1924,4
+darden,47,4
+markleeville,526,5
+markleeville,1007,13
+markleeville,600,2
+darden,1496,10
+markleeville,584,2
+corozal,843,10
+corozal,194,10
+markleeville,1101,1
+collierville,116,1
+darden,1162,6
+corozal,19,8
+markleeville,54,6
+corozal,867,3
+darden,887,0
+markleeville,548,5
+collierville,713,3
+darden,239,2
+markleeville,132,3
+markleeville,359,9
+darden,1892,2
+darden,1943,16
+darden,385,1
+markleeville,478,3
+collierville,588,1
+corozal,610,12
+markleeville,987,1
+corozal,1489,12
+corozal,699,4
+corozal,218,0
+darden,1421,13
+corozal,703,6
+markleeville,1075,0
+darden,524,10
+darden,1572,3
+darden,198,16
+markleeville,145,2
+darden,401,0
+darden,106,5
+corozal,612,11
+corozal,912,5
+darden,769,13
+markleeville,781,2
+corozal,167,0
+corozal,1127,1
+collierville,172,1
+darden,1919,3
+collierville,66,3
+darden,947,2
+darden,835,1
+corozal,125,4
+markleeville,246,0
+darden,944,1
+collierville,271,2
+darden,41,5
+corozal,16,5
+corozal,1351,3
+markleeville,801,0
+corozal,1534,5
+markleeville,165,3
+corozal,1229,18
+corozal,233,0
+darden,211,2
+corozal,58,2
+collierville,609,2
+darden,77,0
+corozal,490,4
+markleeville,4,12
+collierville,166,1
+markleeville,223,15
+corozal,540,2
+darden,1508,0
+corozal,112,3
+darden,1142,2
+darden,1391,0
+darden,1277,7
+collierville,690,0
+markleeville,871,7
+corozal,1271,11
+darden,1047,1
+darden,1094,2
+corozal,1288,1
+corozal,551,8
+darden,1914,3
+markleeville,277,2
+darden,505,1
+corozal,84,2
+markleeville,464,9
+darden,589,7
+markleeville,703,0
+darden,1909,2
+corozal,430,10
+darden,739,3
+collierville,233,3
+corozal,814,4
+darden,497,11
+corozal,902,3
+darden,740,4
+markleeville,1065,3
+darden,1591,6
+darden,1299,3
+corozal,1157,2
+darden,625,1
+darden,1217,5
+darden,1346,0
+darden,1328,2
+darden,1911,4
+collierville,410,1
+darden,376,17
+darden,147,6
+darden,550,0
+collierville,280,2
+markleeville,353,1
+darden,1445,2
+darden,386,1
+corozal,1329,0
+corozal,250,2
+markleeville,169,4
+corozal,1342,0
+corozal,736,2
+corozal,764,10
+corozal,598,5
+corozal,1529,3
+corozal,886,3
+darden,1609,6
+darden,831,3
+markleeville,528,3
+markleeville,359,4
+darden,701,7
+corozal,120,3
+corozal,148,15
+corozal,1338,12
+darden,1798,0
+collierville,473,0
+darden,828,0
+darden,249,7
+darden,377,1
+corozal,98,0
+darden,1366,2
+darden,1277,11
+darden,486,1
+markleeville,532,0
+collierville,359,0
+collierville,191,1
+markleeville,106,1
+markleeville,986,2
+collierville,212,0
+corozal,743,11
+darden,1885,0
+corozal,980,8
+darden,247,2
+markleeville,809,0
+darden,723,5
+darden,548,6
+corozal,284,3
+collierville,238,3
+darden,1321,6
+darden,91,0
+darden,1781,4
+darden,47,6
+corozal,654,0
+corozal,855,5
+darden,603,0
+darden,367,9
+markleeville,171,8
+corozal,937,7
+corozal,1327,15
+collierville,444,2
+markleeville,60,2
+markleeville,402,1
+markleeville,744,4
+darden,1691,5
+darden,1742,1
+markleeville,370,6
+corozal,243,11
+corozal,538,3
+collierville,593,3
+markleeville,730,1
+corozal,322,3
+corozal,274,7
+darden,279,1
+markleeville,755,8
+collierville,347,0
+corozal,1484,1
+darden,1070,0
+corozal,1214,6
+markleeville,880,0
+darden,1825,4
+corozal,673,0
+markleeville,879,0
+markleeville,532,6
+darden,1574,0
+collierville,30,3
+corozal,244,6
+darden,1717,2
+darden,702,0
+collierville,224,1
+darden,969,9
+corozal,1537,2
+corozal,732,3
+corozal,1159,1
+darden,187,2
+markleeville,704,0
+darden,1497,8
+corozal,612,13
+markleeville,900,6
+darden,502,2
+darden,990,2
+darden,504,0
+collierville,308,4
+darden,1372,11
+corozal,355,1
+corozal,172,3
+darden,1429,2
+markleeville,1146,6
+markleeville,5,2
+markleeville,551,5
+darden,1269,0
+darden,1542,6
+darden,1532,10
+markleeville,856,9
+darden,1731,5
+darden,1904,1
+markleeville,935,5
+markleeville,1008,1
+corozal,1061,0
+markleeville,72,6
+darden,1367,9
+markleeville,661,0
+corozal,1144,3
+darden,464,23
+corozal,848,2
+corozal,1205,6
+darden,1491,2
+darden,1353,1
+markleeville,672,4
+darden,1856,7
+darden,573,6
+corozal,1159,6
+darden,656,2
+markleeville,1007,14
+darden,322,2
+corozal,8,0
+corozal,16,3
+collierville,324,1
+markleeville,1030,1
+darden,1626,6
+corozal,820,6
+markleeville,262,3
+markleeville,927,9
+darden,1446,4
+darden,1222,5
+corozal,1430,7
+darden,234,0
+markleeville,842,4
+darden,1689,4
+markleeville,179,9
+darden,348,18
+darden,1820,0
+collierville,371,3
+darden,658,4
+darden,435,1
+darden,507,1
+corozal,1367,6
+darden,1960,7
+collierville,13,1
+corozal,1470,7
+darden,1632,2
+corozal,1040,1
+corozal,140,7
+darden,163,3
+markleeville,376,7
+markleeville,1079,4
+darden,135,7
+darden,1443,2
+collierville,356,1
+darden,1951,2
+corozal,361,9
+collierville,150,0
+collierville,404,0
+corozal,1152,4
+darden,1224,6
+corozal,803,10
+corozal,733,4
+corozal,848,13
+markleeville,775,4
+collierville,712,2
+darden,1153,6
+corozal,1511,17
+darden,1573,9
+markleeville,368,3
+corozal,988,0
+darden,983,0
+darden,1937,0
+corozal,1141,5
+markleeville,910,5
+markleeville,779,3
+corozal,860,2
+collierville,583,5
+corozal,349,0
+collierville,205,1
+darden,428,3
+corozal,1007,12
+darden,1618,1
+corozal,1309,1
+markleeville,172,2
+corozal,371,2
+markleeville,535,4
+corozal,580,0
+markleeville,159,3
+corozal,1384,1
+markleeville,381,1
+darden,1257,7
+darden,1825,0
+markleeville,26,2
+corozal,1300,0
+darden,904,5
+darden,1848,8
+corozal,1328,2
+darden,1869,2
+markleeville,142,3
+markleeville,835,1
+darden,759,0
+darden,352,2
+corozal,106,3
+markleeville,194,0
+corozal,543,4
+markleeville,278,1
+corozal,673,8
+darden,503,9
+darden,813,8
+markleeville,826,6
+markleeville,240,4
+darden,1366,9
+darden,173,12
+markleeville,931,3
+corozal,1534,4
+markleeville,287,0
+collierville,582,0
+markleeville,280,4
+markleeville,1020,3
+darden,1734,2
+collierville,62,1
+corozal,1176,2
+markleeville,800,2
+darden,941,2
+markleeville,1113,10
+corozal,886,4
+collierville,63,1
+markleeville,51,0
+corozal,137,13
+darden,1253,4
+darden,271,0
+darden,1781,0
+corozal,75,3
+corozal,700,1
+darden,1809,5
+darden,21,5
+darden,809,0
+corozal,1403,0
+collierville,350,0
+darden,722,0
+darden,1649,2
+darden,1239,5
+corozal,806,1
+markleeville,1121,3
+markleeville,1140,0
+collierville,131,0
+corozal,321,8
+markleeville,217,5
+markleeville,676,2
+darden,1200,3
+corozal,1112,2
+corozal,877,5
+darden,997,4
+darden,1703,3
+darden,845,5
+markleeville,1165,1
+darden,322,1
+corozal,1327,9
+corozal,1300,2
+corozal,908,0
+markleeville,877,4
+darden,1167,0
+darden,1866,6
+darden,681,9
+collierville,206,0
+markleeville,329,4
+collierville,692,2
+darden,1961,0
+corozal,243,12
+darden,1306,0
+darden,1227,2
+darden,1975,2
+darden,1210,5
+markleeville,402,2
+corozal,502,12
+darden,3,5
+collierville,730,2
+corozal,112,0
+corozal,385,3
+corozal,471,4
+darden,1744,1
+corozal,622,0
+corozal,24,0
+darden,1277,9
+markleeville,450,3
+markleeville,805,0
+corozal,1236,2
+collierville,291,1
+collierville,242,4
+darden,670,1
+corozal,72,0
+darden,1425,4
+darden,38,1
+corozal,584,3
+darden,15,3
+markleeville,1136,5
+darden,1866,8
+corozal,446,4
+corozal,1051,6
+corozal,1549,5
+corozal,105,3
+corozal,82,2
+darden,1160,1
+collierville,146,0
+corozal,112,15
+corozal,694,3
+corozal,501,1
+corozal,92,10
+darden,106,8
+markleeville,741,3
+markleeville,12,1
+collierville,135,1
+collierville,1,0
+corozal,127,4
+darden,1064,1
+darden,342,12
+corozal,962,0
+collierville,506,1
+markleeville,415,2
+corozal,666,2
+darden,1740,7
+darden,546,9
+darden,1921,0
+corozal,661,8
+corozal,473,1
+darden,842,4
+markleeville,716,8
+markleeville,442,6
+markleeville,760,0
+corozal,349,2
+corozal,832,6
+darden,1109,2
+corozal,712,0
+darden,1560,2
+markleeville,697,6
+darden,943,2
+darden,1137,0
+corozal,888,4
+corozal,855,1
+markleeville,1054,1
+darden,342,0
+darden,497,4
+markleeville,1048,2
+corozal,718,12
+corozal,931,2
+darden,1399,8
+markleeville,768,3
+corozal,606,0
+markleeville,161,0
+corozal,981,8
+corozal,261,1
+collierville,490,4
+corozal,1276,1
+darden,63,2
+darden,1930,1
+markleeville,271,5
+darden,1211,6
+markleeville,802,1
+corozal,834,11
+corozal,1198,0
+markleeville,678,10
+corozal,1017,12
+darden,1005,0
+markleeville,36,10
+markleeville,1007,5
+collierville,12,6
+corozal,660,2
+markleeville,220,2
+corozal,1143,14
+darden,1776,4
+corozal,765,1
+corozal,611,4
+darden,681,14
+darden,1439,1
+corozal,234,0
+corozal,1131,4
+markleeville,907,0
+corozal,1209,20
+corozal,1454,0
+corozal,922,7
+darden,943,4
+corozal,459,0
+corozal,1431,6
+darden,1025,3
+markleeville,999,4
+darden,1798,8
+markleeville,651,2
+markleeville,1,1
+darden,894,1
+darden,1525,0
+corozal,135,1
+darden,1342,2
+collierville,714,1
+darden,210,25
+darden,816,1
+darden,1539,0
+darden,1325,0
+collierville,491,3
+darden,1766,3
+corozal,21,2
+corozal,664,5
+darden,700,0
+darden,823,1
+darden,1293,5
+darden,358,4
+darden,1346,1
+darden,1012,1
+corozal,1156,0
+corozal,30,1
+markleeville,122,1
+markleeville,1055,5
+darden,1897,1
+markleeville,842,2
+corozal,564,2
+collierville,150,2
+darden,1571,6
+markleeville,64,0
+darden,1230,11
+darden,235,0
+darden,31,2
+markleeville,571,7
+darden,8,2
+darden,60,0
+darden,1977,2
+darden,807,2
+darden,1329,6
+corozal,1051,8
+darden,1912,0
+corozal,416,4
+collierville,494,1
+darden,507,6
+corozal,907,9
+collierville,79,0
+darden,1367,8
+darden,185,3
+corozal,166,0
+darden,1135,1
+markleeville,78,2
+corozal,293,2
+markleeville,850,3
+markleeville,576,0
+corozal,944,1
+darden,206,2
+markleeville,502,0
+darden,880,13
+corozal,875,3
+darden,1699,1
+corozal,1084,2
+corozal,1410,8
+corozal,478,2
+corozal,1178,0
+corozal,421,14
+darden,1241,2
+corozal,445,9
+corozal,321,4
+darden,1087,8
+corozal,1377,0
+darden,1747,10
+darden,906,6
+darden,382,4
+corozal,323,11
+corozal,765,12
+markleeville,617,4
+darden,1316,3
+markleeville,593,1
+collierville,531,2
+corozal,1387,9
+markleeville,649,5
+darden,783,1
+corozal,1313,3
+darden,1470,22
+collierville,208,1
+markleeville,248,3
+markleeville,613,1
+corozal,1325,4
+collierville,76,2
+markleeville,666,1
+collierville,620,0
+markleeville,82,6
+darden,1636,6
+markleeville,1121,5
+corozal,1066,2
+markleeville,511,7
+darden,1635,1
+darden,614,0
+darden,1646,4
+corozal,231,1
+corozal,1463,6
+collierville,413,2
+markleeville,353,4
+markleeville,808,13
+corozal,1496,5
+corozal,948,1
+darden,529,7
+markleeville,735,2
+corozal,690,1
+corozal,876,2
+markleeville,494,10
+darden,722,10
+corozal,1163,0
+darden,1869,1
+darden,1402,5
+markleeville,288,6
+darden,1065,12
+corozal,598,7
+corozal,1075,12
+corozal,1029,2
+markleeville,316,2
+darden,1249,7
+darden,693,6
+collierville,584,4
+collierville,653,6
+collierville,234,4
+darden,785,4
+markleeville,279,3
+markleeville,465,10
+markleeville,247,4
+markleeville,367,8
+corozal,359,2
+corozal,1445,0
+markleeville,309,1
+darden,1820,5
+markleeville,349,1
+corozal,537,4
+markleeville,288,11
+corozal,1209,18
+collierville,561,2
+markleeville,362,7
+darden,969,3
+markleeville,867,0
+darden,899,5
+corozal,1183,1
+markleeville,470,7
+collierville,514,0
+corozal,1341,7
+darden,942,9
+markleeville,1125,3
+darden,805,0
+corozal,697,4
+markleeville,145,0
+corozal,1079,15
+darden,1994,3
+collierville,373,0
+markleeville,823,2
+darden,841,2
+darden,172,2
+markleeville,75,3
+darden,622,0
+markleeville,240,6
+darden,1384,1
+markleeville,1146,7
+corozal,411,13
+markleeville,263,0
+corozal,194,7
+markleeville,500,7
+markleeville,733,5
+corozal,321,13
+corozal,1009,17
+markleeville,401,6
+darden,1380,4
+darden,1393,0
+darden,398,0
+darden,766,1
+markleeville,851,5
+darden,490,3
+corozal,1012,0
+corozal,928,2
+darden,1361,5
+collierville,23,1
+markleeville,530,2
+darden,929,0
+darden,455,12
+darden,660,14
+darden,512,3
+markleeville,484,1
+darden,1924,3
+markleeville,846,0
+darden,250,0
+corozal,1404,14
+darden,1413,7
+markleeville,1177,10
+darden,1189,6
+corozal,765,5
+darden,1556,0
+darden,574,0
+markleeville,239,0
+darden,585,5
+darden,404,0
+markleeville,397,2
+corozal,781,4
+markleeville,1080,0
+corozal,868,2
+darden,1084,2
+corozal,871,9
+markleeville,1162,2
+darden,1685,3
+corozal,1162,0
+corozal,640,6
+darden,758,0
+corozal,479,3
+markleeville,344,5
+corozal,153,2
+corozal,312,4
+corozal,1341,1
+darden,795,4
+corozal,1260,6
+darden,912,0
+darden,89,20
+markleeville,616,1
+darden,877,5
+corozal,1321,0
+darden,849,3
+corozal,1191,0
+markleeville,88,2
+darden,595,5
+markleeville,125,0
+darden,1486,3
+corozal,185,6
+darden,680,2
+collierville,230,5
+darden,1759,1
+darden,1121,14
+collierville,116,0
+markleeville,83,2
+corozal,1181,0
+darden,179,1
+darden,1842,3
+darden,419,3
+darden,1471,12
+markleeville,338,2
+corozal,290,18
+darden,664,0
+corozal,514,4
+corozal,689,11
+darden,1218,2
+markleeville,919,5
+darden,307,7
+markleeville,127,1
+darden,392,6
+markleeville,122,4
+darden,1864,4
+collierville,169,3
+markleeville,1018,7
+darden,572,1
+darden,1445,4
+darden,1332,1
+corozal,88,1
+darden,1681,14
+darden,1015,2
+darden,655,6
+corozal,1025,0
+corozal,124,8
+markleeville,713,4
+darden,939,0
+darden,898,19
+corozal,852,3
+darden,853,3
+markleeville,966,0
+corozal,808,3
+corozal,756,4
+darden,1131,4
+darden,305,9
+corozal,421,5
+darden,777,2
+darden,1311,0
+markleeville,907,5
+darden,733,4
+collierville,576,2
+markleeville,432,5
+markleeville,897,3
+darden,1593,3
+corozal,1457,11
+corozal,7,17
+corozal,1539,2
+darden,667,4
+darden,26,7
+darden,120,21
+darden,1116,1
+collierville,597,3
+markleeville,970,7
+darden,1331,1
+darden,1473,2
+markleeville,411,8
+corozal,344,0
+corozal,971,3
+markleeville,956,4
+darden,1188,3
+markleeville,129,2
+corozal,263,1
+darden,1367,5
+darden,1319,3
+darden,688,1
+markleeville,31,0
+corozal,874,9
+darden,1199,2
+darden,348,21
+darden,1002,2
+markleeville,97,5
+collierville,331,3
+corozal,307,2
+corozal,185,9
+corozal,1050,4
+corozal,68,1
+markleeville,517,0
+corozal,399,0
+markleeville,1185,1
+markleeville,1170,3
+corozal,855,13
+corozal,1146,0
+markleeville,99,0
+markleeville,692,1
+darden,1681,18
+collierville,461,0
+corozal,364,4
+markleeville,1120,3
+markleeville,574,4
+corozal,215,2
+collierville,245,1
+darden,1300,1
+darden,396,2
+darden,258,2
+markleeville,550,2
+darden,1155,3
+darden,1522,1
+darden,187,6
+darden,671,0
+darden,404,4
+markleeville,396,1
+markleeville,360,5
+markleeville,1186,2
+corozal,787,4
+corozal,565,3
+corozal,1546,4
+corozal,1320,8
+darden,1993,0
+corozal,1488,12
+corozal,320,0
+corozal,386,3
+corozal,532,3
+darden,2,1
+collierville,653,3
+corozal,1253,17
+corozal,855,17
+darden,652,2
+corozal,1326,5
+markleeville,276,4
+corozal,64,1
+darden,1596,7
+markleeville,550,0
+darden,1997,8
+darden,1591,2
+markleeville,955,2
+markleeville,511,5
+markleeville,361,4
+corozal,974,7
+corozal,1067,6
+darden,749,2
+corozal,711,2
+darden,1833,6
+darden,1660,2
+corozal,817,9
+collierville,685,0
+corozal,110,2
+corozal,505,5
+corozal,682,18
+darden,1255,3
+corozal,133,10
+darden,976,7
+corozal,349,1
+collierville,650,0
+darden,636,5
+corozal,1489,10
+markleeville,519,5
+corozal,715,3
+markleeville,170,7
+corozal,632,2
+collierville,510,1
+corozal,684,6
+darden,702,8
+collierville,58,1
+markleeville,647,6
+corozal,318,2
+markleeville,1039,3
+corozal,709,10
+corozal,33,15
+markleeville,709,0
+markleeville,1034,2
+markleeville,1051,13
+darden,1551,2
+darden,459,16
+markleeville,827,0
+corozal,951,5
+corozal,1262,12
+corozal,580,15
+darden,1771,6
+markleeville,1067,2
+darden,195,1
+corozal,19,2
+markleeville,1156,1
+markleeville,818,0
+darden,187,0
+collierville,139,3
+corozal,187,5
+markleeville,552,4
+corozal,225,1
+markleeville,623,2
+corozal,397,1
+darden,1879,0
+corozal,860,4
+markleeville,525,1
+darden,932,2
+darden,988,3
+darden,912,5
+corozal,1388,4
+darden,1177,0
+darden,1204,0
+corozal,1146,4
+darden,797,6
+darden,6,1
+darden,1924,13
+darden,320,3
+markleeville,805,1
+corozal,242,10
+darden,744,1
+corozal,422,15
+collierville,416,7
+collierville,543,2
+darden,122,5
+corozal,752,10
+corozal,1534,3
+corozal,490,1
+corozal,427,8
+corozal,1196,1
+corozal,610,2
+markleeville,726,2
+markleeville,1065,0
+corozal,909,7
+corozal,1518,4
+corozal,609,0
+darden,1038,4
+corozal,1551,10
+corozal,172,0
+darden,1005,5
+darden,1992,3
+corozal,1459,0
+darden,1085,1
+darden,868,0
+darden,1211,8
+corozal,1090,5
+corozal,227,1
+darden,535,12
+darden,333,3
+darden,50,3
+darden,817,2
+markleeville,90,4
+darden,717,2
+markleeville,329,0
+darden,1350,1
+markleeville,403,0
+darden,1781,3
+corozal,1385,11
+markleeville,62,3
+darden,406,0
+darden,978,7
+corozal,824,4
+darden,1697,7
+markleeville,589,9
+corozal,390,0
+darden,1438,1
+corozal,934,2
+collierville,294,0
+markleeville,400,5
+markleeville,820,9
+markleeville,900,0
+collierville,444,4
+darden,1196,3
+collierville,104,5
+markleeville,795,1
+markleeville,347,2
+markleeville,778,7
+corozal,249,7
+corozal,796,11
+corozal,1141,2
+darden,768,0
+darden,37,6
+corozal,646,0
+corozal,104,1
+corozal,525,5
+markleeville,29,7
+collierville,355,0
+markleeville,1052,13
+darden,1953,2
+darden,211,1
+darden,265,0
+darden,721,9
+corozal,1432,2
+markleeville,223,13
+corozal,417,4
+corozal,244,9
+darden,89,2
+markleeville,594,2
+markleeville,1189,2
+corozal,577,11
+markleeville,852,1
+markleeville,649,0
+markleeville,553,4
+corozal,1292,10
+corozal,137,4
+darden,1363,4
+markleeville,55,1
+darden,703,2
+corozal,584,5
+corozal,672,10
+markleeville,528,0
+corozal,1187,2
+markleeville,802,11
+corozal,335,3
+corozal,267,4
+darden,909,7
+collierville,403,2
+markleeville,225,6
+markleeville,599,1
+corozal,487,1
+darden,436,0
+corozal,1404,13
+corozal,1465,4
+corozal,829,1
+darden,660,2
+collierville,439,3
+collierville,84,5
+corozal,666,4
+darden,159,0
+markleeville,74,2
+darden,564,0
+darden,578,0
+markleeville,309,3
+darden,393,0
+corozal,474,0
+corozal,1543,0
+corozal,977,10
+markleeville,322,0
+darden,1278,2
+corozal,1167,0
+corozal,744,3
+corozal,210,3
+corozal,1277,1
+markleeville,826,1
+markleeville,370,1
+corozal,1428,0
+corozal,865,0
+darden,142,10
+darden,536,13
+markleeville,1137,0
+corozal,1507,3
+darden,46,0
+darden,1546,5
+collierville,323,6
+corozal,1017,6
+corozal,95,0
+darden,1867,6
+markleeville,1002,2
+collierville,313,0
+corozal,1193,3
+corozal,1416,0
+corozal,989,0
+darden,1415,3
+corozal,230,10
+darden,169,4
+darden,38,6
+markleeville,182,13
+darden,1891,2
+corozal,1251,3
+darden,640,4
+markleeville,152,4
+corozal,528,1
+corozal,694,0
+darden,1575,0
+corozal,1345,1
+corozal,1475,7
+darden,942,1
+corozal,1446,5
+markleeville,381,4
+corozal,884,1
+darden,676,3
+markleeville,235,3
+corozal,815,6
+corozal,949,4
+darden,397,2
+darden,866,2
+darden,357,2
+darden,1026,0
+collierville,56,0
+darden,1259,5
+darden,1728,6
+darden,1520,0
+corozal,1403,2
+corozal,1357,8
+markleeville,258,4
+darden,96,2
+darden,1630,2
+markleeville,683,2
+darden,1630,9
+corozal,1202,5
+corozal,740,3
+corozal,743,4
+darden,1674,1
+darden,333,2
+darden,70,6
+darden,609,3
+darden,513,0
+corozal,577,3
+corozal,1471,3
+corozal,133,7
+darden,1223,0
+darden,1064,11
+darden,66,14
+darden,802,2
+markleeville,297,1
+darden,599,5
+corozal,855,0
+darden,1496,8
+darden,1916,5
+markleeville,832,1
+corozal,194,14
+corozal,104,2
+corozal,610,4
+corozal,1095,8
+darden,829,0
+corozal,1536,2
+collierville,637,1
+darden,1699,2
+darden,1830,4
+collierville,567,4
+corozal,633,5
+corozal,1364,5
+corozal,684,1
+markleeville,323,3
+corozal,998,3
+corozal,1101,3
+darden,875,2
+markleeville,315,4
+darden,1497,2
+markleeville,32,3
+markleeville,557,3
+darden,1101,3
+corozal,661,7
+corozal,669,5
+darden,1842,0
+corozal,778,1
+markleeville,608,2
+corozal,701,5
+markleeville,358,2
+corozal,1167,5
+corozal,259,4
+darden,83,9
+darden,98,2
+collierville,722,1
+corozal,841,0
+corozal,1033,15
+markleeville,164,10
+markleeville,211,4
+corozal,643,5
+darden,1679,3
+corozal,1080,0
+markleeville,1185,3
+darden,577,3
+corozal,1464,3
+corozal,321,0
+darden,1270,13
+darden,675,0
+darden,118,3
+corozal,1113,1
+corozal,1218,0
+darden,1639,10
+collierville,487,3
+corozal,99,2
+darden,1357,0
+markleeville,1108,7
+darden,1350,4
+markleeville,291,2
+corozal,816,5
+darden,1027,4
+darden,815,6
+corozal,1212,1
+corozal,1278,0
+darden,1372,7
+corozal,1515,4
+markleeville,1166,9
+darden,1559,12
+darden,1007,0
+corozal,1159,0
+darden,969,11
+corozal,988,2
+markleeville,911,2
+corozal,279,5
+markleeville,580,1
+corozal,679,1
+corozal,329,3
+corozal,236,2
+corozal,1401,1
+markleeville,442,3
+corozal,1518,5
+markleeville,903,0
+markleeville,874,2
+darden,1127,6
+markleeville,10,2
+corozal,777,1
+markleeville,381,5
+darden,729,1
+markleeville,376,12
+darden,1910,0
+darden,182,10
+corozal,515,4
+darden,68,5
+darden,1909,1
+markleeville,884,2
+darden,1471,10
+corozal,1355,0
+corozal,577,1
+corozal,1423,0
+darden,791,12
+markleeville,950,0
+markleeville,930,2
+markleeville,893,0
+darden,979,8
+darden,88,0
+darden,191,7
+markleeville,597,15
+corozal,510,3
+corozal,1495,3
+markleeville,176,1
+markleeville,755,10
+corozal,142,0
+markleeville,693,0
+markleeville,130,2
+collierville,575,0
+corozal,646,1
+corozal,975,4
+collierville,380,2
+darden,1240,2
+corozal,300,1
+darden,1230,8
+markleeville,320,0
+corozal,1429,1
+corozal,1303,0
+darden,1904,0
+darden,1305,15
+collierville,407,2
+markleeville,508,0
+corozal,119,1
+corozal,896,5
+collierville,319,1
+corozal,1138,2
+darden,364,3
+collierville,739,0
+darden,429,1
+corozal,327,3
+markleeville,268,0
+darden,1421,8
+markleeville,396,8
+markleeville,619,3
+darden,937,5
+corozal,45,1
+corozal,1407,2
+markleeville,945,0
+collierville,182,5
+collierville,710,0
+darden,1728,1
+darden,764,7
+collierville,659,1
+darden,1790,0
+darden,1003,1
+darden,1388,8
+darden,1111,0
+corozal,90,3
+markleeville,506,5
+corozal,625,1
+corozal,980,1
+darden,359,8
+markleeville,109,1
+darden,459,11
+darden,1442,4
+collierville,428,1
+darden,229,8
+markleeville,854,9
+darden,910,3
+collierville,30,6
+corozal,688,3
+darden,1465,0
+corozal,1236,5
+markleeville,743,2
+darden,543,5
+collierville,317,2
+markleeville,411,0
+corozal,582,17
+darden,1018,8
+markleeville,842,5
+corozal,595,5
+darden,775,1
+collierville,224,2
+markleeville,1182,1
+corozal,1302,4
+corozal,411,8
+corozal,1199,0
+darden,198,6
+collierville,144,4
+darden,1741,10
+corozal,912,3
+markleeville,450,12
+markleeville,69,3
+darden,1442,2
+markleeville,305,3
+corozal,1116,2
+markleeville,805,3
+darden,878,10
+markleeville,820,7
+darden,182,0
+darden,861,3
+collierville,282,0
+corozal,435,9
+darden,567,2
+corozal,1383,0
+corozal,1382,4
+darden,1558,8
+corozal,1035,6
+darden,277,0
+collierville,413,3
+markleeville,288,5
+corozal,1108,1
+corozal,1296,0
+collierville,705,2
+darden,1712,1
+collierville,9,3
+darden,615,4
+corozal,817,10
+markleeville,103,6
+corozal,679,5
+darden,352,5
+darden,1807,14
+collierville,460,2
+markleeville,440,4
+collierville,347,2
+darden,824,1
+darden,1131,3
+darden,795,6
+darden,377,3
+darden,1825,5
+corozal,1217,0
+corozal,799,0
+darden,111,1
+darden,1504,8
+darden,1271,1
+markleeville,27,2
+collierville,136,0
+darden,403,1
+darden,874,3
+markleeville,765,10
+corozal,1515,5
+corozal,1410,1
+markleeville,63,2
+darden,14,4
+darden,112,5
+markleeville,442,11
+collierville,521,2
+darden,311,0
+corozal,703,7
+markleeville,980,3
+markleeville,325,1
+darden,1773,24
+corozal,1164,2
+markleeville,39,6
+markleeville,990,6
+corozal,37,2
+darden,1767,2
+corozal,23,7
+darden,586,0
+markleeville,325,15
+corozal,355,8
+darden,1679,1
+corozal,389,5
+corozal,50,9
+darden,151,5
+darden,987,11
+darden,505,0
+corozal,214,8
+corozal,247,4
+corozal,531,5
+darden,487,4
+corozal,1452,3
+darden,1114,1
+darden,1429,4
+markleeville,570,5
+darden,1322,3
+darden,1256,0
+corozal,1010,13
+markleeville,122,3
+collierville,207,4
+markleeville,182,0
+collierville,567,3
+darden,646,6
+darden,616,0
+markleeville,257,5
+corozal,1188,1
+corozal,290,19
+collierville,135,2
+corozal,152,7
+corozal,1294,0
+markleeville,216,1
+corozal,1359,1
+darden,1665,0
+darden,1639,3
+collierville,689,1
+darden,474,2
+markleeville,595,1
+corozal,1229,15
+corozal,802,3
+corozal,640,13
+darden,1881,0
+darden,806,4
+darden,1890,1
+corozal,895,0
+corozal,325,2
+darden,1061,11
+markleeville,764,1
+corozal,1261,1
+markleeville,95,5
+darden,1610,0
+darden,1496,2
+corozal,1374,17
+corozal,623,2
+corozal,1099,1
+darden,448,0
+markleeville,965,1
+markleeville,651,3
+markleeville,447,0
+darden,11,0
+darden,1428,6
+corozal,327,4
+corozal,1014,1
+darden,1429,5
+darden,349,2
+darden,534,3
+markleeville,1051,6
+darden,196,2
+corozal,293,1
+markleeville,153,1
+darden,1807,6
+darden,531,2
+corozal,899,4
+markleeville,1076,1
+collierville,129,8
+corozal,1466,2
+corozal,772,4
+darden,231,2
+markleeville,973,1
+markleeville,604,1
+markleeville,501,0
+corozal,1003,2
+collierville,76,5
+corozal,1550,7
+markleeville,763,2
+collierville,627,0
+markleeville,742,7
+collierville,463,0
+darden,198,9
+markleeville,254,1
+markleeville,1087,0
+darden,111,0
+darden,1309,10
+collierville,702,5
+corozal,261,0
+corozal,301,3
+darden,1252,8
+darden,1848,7
+darden,466,3
+darden,1421,10
+markleeville,477,3
+corozal,924,2
+corozal,582,12
+darden,608,3
+corozal,1371,21
+markleeville,321,7
+markleeville,1024,0
+darden,1497,9
+darden,1046,0
+darden,98,0
+markleeville,388,2
+darden,1027,6
+collierville,683,2
+corozal,1469,3
+corozal,245,0
+corozal,891,0
+corozal,1407,5
+darden,1637,3
+corozal,366,7
+darden,1819,1
+corozal,689,2
+markleeville,1079,0
+darden,1555,3
+collierville,303,0
+darden,1961,4
+darden,721,5
+corozal,1481,2
+darden,230,1
+darden,1373,11
+darden,1340,4
+corozal,646,3
+darden,465,5
+darden,337,3
+darden,1709,0
+corozal,1488,2
+corozal,145,3
+darden,696,1
+collierville,629,3
+corozal,945,2
+corozal,508,5
+darden,366,2
+darden,889,2
+darden,655,7
+corozal,626,7
+darden,1644,4
+collierville,132,1
+darden,246,3
+markleeville,137,2
+corozal,616,10
+darden,1807,0
+corozal,466,6
+darden,1482,0
+darden,1369,0
+collierville,383,0
+corozal,152,15
+darden,1556,3
+darden,1936,3
+markleeville,605,10
+corozal,342,6
+markleeville,594,6
+markleeville,436,0
+corozal,582,10
+corozal,1370,7
+corozal,1543,2
+corozal,829,6
+darden,1982,1
+corozal,544,14
+collierville,678,0
+darden,491,7
+corozal,635,12
+darden,553,9
+darden,1889,1
+darden,315,3
+darden,488,0
+corozal,1106,3
+markleeville,2,0
+collierville,677,2
+markleeville,288,1
+corozal,871,7
+darden,922,2
+markleeville,1,0
+darden,1673,3
+darden,1368,1
+darden,1362,3
+darden,1550,1
+markleeville,30,4
+corozal,301,12
+corozal,415,1
+corozal,1250,1
+darden,1784,1
+collierville,515,0
+markleeville,599,4
+darden,1592,10
+corozal,974,8
+darden,505,2
+darden,1155,4
+corozal,1558,6
+darden,602,6
+darden,1259,13
+darden,1039,1
+collierville,325,1
+corozal,1481,1
+darden,1175,2
+darden,317,7
+markleeville,460,1
+markleeville,321,3
+markleeville,491,1
+corozal,1410,2
+corozal,336,3
+darden,1441,1
+darden,210,15
+darden,1788,1
+darden,1372,8
+corozal,103,2
+markleeville,502,2
+darden,1921,1
+corozal,405,1
+corozal,490,2
+corozal,1159,10
+darden,42,1
+darden,337,1
+collierville,180,3
+corozal,548,0
+darden,426,2
+darden,1341,5
+corozal,356,2
+collierville,518,2
+markleeville,324,11
+corozal,626,16
+darden,1181,4
+corozal,148,20
+corozal,668,4
+darden,1225,1
+darden,1902,15
+collierville,666,2
+darden,330,2
+darden,1610,6
+markleeville,407,3
+markleeville,980,10
+corozal,1072,0
+darden,787,6
+markleeville,116,4
+corozal,834,3
+darden,902,1
+corozal,672,8
+darden,168,4
+darden,1307,4
+darden,1457,7
+darden,362,0
+markleeville,311,3
+darden,1991,6
+darden,494,3
+corozal,1400,5
+darden,1828,4
+darden,299,1
+corozal,773,0
+darden,267,4
+markleeville,184,2
+collierville,471,1
+darden,729,3
+darden,1150,4
+corozal,1368,3
+darden,106,9
+darden,1907,4
+darden,127,3
+darden,1081,2
+collierville,612,1
+markleeville,31,2
+collierville,309,0
+corozal,229,0
+corozal,1144,0
+darden,599,2
+corozal,958,5
+darden,1145,0
+darden,457,2
+darden,1120,9
+darden,1927,5
+corozal,1033,16
+corozal,909,6
+markleeville,237,0
+collierville,627,1
+corozal,1433,0
+darden,1904,4
+corozal,175,3
+markleeville,765,6
+corozal,955,8
+markleeville,249,4
+markleeville,499,1
+darden,1287,7
+corozal,1239,4
+corozal,818,2
+corozal,1363,4
+darden,573,12
+collierville,393,0
+corozal,530,3
+darden,10,4
+darden,1016,0
+darden,1266,0
+collierville,623,3
+darden,577,19
+markleeville,190,1
+corozal,1112,1
+corozal,87,2
+darden,141,2
+corozal,51,1
+markleeville,1137,3
+darden,588,4
+darden,580,8
+corozal,999,1
+darden,1054,1
+corozal,39,2
+darden,679,4
+darden,256,2
+corozal,1511,10
+darden,1351,4
+collierville,352,2
+markleeville,217,4
+darden,1329,2
+markleeville,348,7
+corozal,1019,7
+markleeville,142,9
+corozal,1008,0
+darden,1288,4
+corozal,271,0
+corozal,16,10
+darden,950,3
+markleeville,283,5
+corozal,611,11
+collierville,533,2
+corozal,1075,1
+darden,449,0
+corozal,1404,15
+darden,819,1
+darden,62,1
+markleeville,773,1
+darden,1283,11
+markleeville,511,6
+corozal,861,1
+markleeville,410,5
+darden,572,4
+markleeville,802,7
+collierville,707,5
+darden,1496,13
+darden,542,4
+darden,962,3
+darden,1093,7
+markleeville,893,2
+darden,1628,0
+corozal,542,0
+corozal,641,7
+markleeville,1187,7
+darden,1309,0
+corozal,536,4
+darden,880,4
+markleeville,663,3
+corozal,132,0
+markleeville,250,1
+darden,1041,1
+darden,1807,13
+corozal,1149,1
+darden,674,3
+darden,791,18
+corozal,957,0
+markleeville,509,1
+markleeville,126,3
+darden,485,1
+markleeville,885,4
+darden,1106,0
+corozal,691,4
+corozal,871,3
+corozal,973,7
+corozal,1186,1
+darden,597,0
+markleeville,709,7
+corozal,880,3
+markleeville,113,5
+corozal,102,1
+darden,858,2
+collierville,288,0
+corozal,764,7
+collierville,637,0
+corozal,133,4
+collierville,338,2
+darden,632,2
+darden,1586,2
+corozal,281,0
+corozal,720,1
+markleeville,491,9
+darden,1742,3
+corozal,286,6
+corozal,1209,0
+collierville,679,1
+darden,497,3
+corozal,392,4
+markleeville,1089,4
+darden,188,0
+markleeville,1159,10
+markleeville,574,1
+darden,1630,12
+corozal,889,13
+corozal,1194,0
+collierville,394,1
+markleeville,757,3
+markleeville,306,1
+darden,1371,3
+collierville,48,3
+darden,649,2
+darden,661,10
+corozal,1100,0
+markleeville,190,4
+corozal,400,2
+darden,1686,6
+collierville,122,1
+darden,416,12
+corozal,739,0
+darden,1563,3
+corozal,482,1
+corozal,78,9
+darden,1278,7
+darden,1860,8
+markleeville,1082,2
+darden,371,5
+collierville,511,0
+markleeville,570,7
+darden,1088,6
+darden,1372,0
+markleeville,754,0
+corozal,1095,5
+corozal,1270,3
+corozal,300,4
+corozal,839,0
+corozal,1114,1
+markleeville,588,2
+corozal,22,0
+markleeville,619,6
+darden,1877,2
+darden,969,2
+darden,769,4
+corozal,1338,10
+collierville,0,7
+corozal,1229,3
+darden,1615,1
+darden,1712,12
+corozal,672,6
+collierville,472,7
+markleeville,877,2
+darden,876,7
+darden,960,7
+corozal,244,12
+collierville,426,1
+corozal,58,3
+darden,1594,4
+corozal,693,3
+darden,45,5
+corozal,1258,4
+corozal,654,4
+markleeville,1029,10
+corozal,289,2
+darden,397,13
+darden,297,5
+collierville,722,3
+darden,73,1
+darden,68,1
+darden,184,0
+darden,1972,6
+darden,488,1
+darden,811,4
+darden,1733,1
+collierville,578,2
+markleeville,148,1
+darden,1933,1
+darden,1320,0
+darden,338,3
+corozal,164,1
+darden,194,6
+collierville,220,2
+darden,1025,4
+collierville,500,4
+darden,234,6
+corozal,214,7
+collierville,727,2
+collierville,276,2
+markleeville,455,4
+markleeville,934,2
+markleeville,1146,10
+darden,757,2
+darden,529,19
+corozal,388,11
+markleeville,994,5
+darden,888,3
+corozal,242,17
+corozal,768,4
+collierville,12,1
+darden,1731,4
+corozal,1476,3
+collierville,623,1
+darden,166,5
+collierville,34,3
+corozal,1385,9
+darden,938,7
+darden,945,2
+collierville,154,2
+collierville,639,1
+darden,1296,0
+markleeville,1193,3
+markleeville,217,13
+markleeville,730,8
+markleeville,612,0
+corozal,1144,1
+collierville,288,6
+markleeville,565,1
+corozal,1057,3
+markleeville,155,5
+collierville,672,1
+corozal,1444,10
+darden,1226,2
+markleeville,1172,5
+darden,1217,3
+darden,1414,0
+collierville,472,4
+corozal,442,3
+darden,506,1
+darden,1230,6
+darden,904,3
+corozal,345,1
+corozal,1162,2
+markleeville,325,7
+corozal,825,3
+corozal,608,2
+darden,1771,8
+corozal,637,3
+darden,1064,2
+corozal,1124,5
+corozal,974,5
+corozal,706,5
+corozal,400,4
+darden,1915,6
+corozal,812,0
+corozal,1404,0
+markleeville,1140,2
+collierville,97,0
+collierville,259,4
+corozal,1493,1
+markleeville,1060,2
+markleeville,471,11
+corozal,933,3
+corozal,342,8
+corozal,66,3
+darden,1008,2
+markleeville,369,1
+corozal,753,5
+darden,1357,4
+darden,142,4
+corozal,1272,1
+corozal,764,4
+darden,1212,4
+darden,1664,0
+markleeville,11,7
+collierville,264,1
+darden,524,8
+darden,800,7
+markleeville,451,0
+corozal,1362,1
+markleeville,352,5
+darden,1184,10
+darden,1978,2
+markleeville,1074,6
+collierville,137,1
+darden,415,3
+darden,99,0
+corozal,1497,16
+markleeville,935,1
+corozal,434,2
+markleeville,215,4
+darden,511,3
+collierville,542,3
+corozal,1114,5
+corozal,1116,6
+corozal,689,0
+markleeville,362,6
+corozal,1378,0
+markleeville,248,7
+darden,14,5
+corozal,785,1
+darden,1993,8
+markleeville,1017,3
+corozal,1262,4
+darden,440,5
+darden,838,7
+darden,174,3
+darden,992,1
+corozal,638,0
+collierville,350,2
+corozal,437,7
+corozal,551,6
+darden,227,1
+corozal,279,9
+markleeville,194,7
+markleeville,497,0
+corozal,538,4
+darden,653,8
+markleeville,599,3
+darden,136,0
+corozal,1400,4
+markleeville,718,8
+markleeville,171,5
+markleeville,236,1
+markleeville,1,2
+darden,1292,3
+markleeville,816,0
+darden,996,1
+collierville,0,6
+darden,704,4
+darden,721,10
+darden,1483,3
+darden,1446,7
+darden,1648,4
+corozal,279,8
+collierville,26,1
+darden,1005,7
+corozal,1229,12
+corozal,663,2
+darden,1279,6
+corozal,652,4
+corozal,844,2
+darden,1367,11
+collierville,278,0
+markleeville,454,3
+darden,1126,9
+darden,1564,3
+darden,1873,3
+collierville,509,2
+corozal,384,8
+darden,1056,1
+markleeville,51,4
+markleeville,119,2
+darden,1095,2
+markleeville,134,1
+darden,182,2
+corozal,596,0
+darden,110,5
+corozal,612,14
+darden,1694,2
+darden,523,1
+markleeville,1052,0
+corozal,610,0
+darden,1175,5
+corozal,485,1
+markleeville,703,4
+darden,909,11
+darden,946,4
+darden,242,1
+darden,1277,3
+darden,1620,2
+markleeville,324,4
+corozal,866,12
+markleeville,782,1
+corozal,508,16
+corozal,1526,1
+darden,283,0
+darden,606,3
+corozal,473,9
+darden,962,0
+corozal,530,13
+darden,71,7
+darden,1260,0
+darden,314,3
+corozal,1530,0
+corozal,122,6
+corozal,290,3
+darden,297,4
+corozal,1497,6
+collierville,362,3
+corozal,1353,7
+collierville,638,1
+corozal,1075,3
+corozal,1008,1
+darden,0,3
+markleeville,391,0
+darden,1232,0
+darden,1883,2
+darden,1678,1
+corozal,79,4
+darden,105,1
+corozal,1386,1
+darden,975,0
+corozal,1068,8
+darden,659,2
+corozal,672,1
+corozal,429,0
+collierville,354,0
+darden,695,5
+markleeville,212,8
+corozal,203,7
+corozal,708,1
+markleeville,401,12
+markleeville,34,1
+darden,853,5
+corozal,754,1
+corozal,634,2
+darden,113,0
+corozal,1049,14
+corozal,651,4
+darden,778,9
+darden,445,0
+darden,528,4
+corozal,291,7
+darden,1742,4
+markleeville,190,7
+corozal,1119,0
+markleeville,559,7
+corozal,796,5
+darden,1692,2
+corozal,819,2
+darden,459,1
+collierville,6,2
+markleeville,140,13
+markleeville,645,3
+darden,675,3
+corozal,353,0
+collierville,725,4
+markleeville,82,9
+corozal,149,1
+darden,380,2
+markleeville,811,1
+markleeville,886,0
+corozal,469,11
+darden,679,2
+darden,1815,0
+corozal,628,0
+corozal,948,4
+darden,164,0
+corozal,179,5
+corozal,549,1
+markleeville,788,2
+darden,21,11
+corozal,1310,2
+markleeville,861,0
+markleeville,602,0
+markleeville,218,11
+darden,642,1
+corozal,1529,2
+markleeville,949,4
+collierville,658,1
+darden,636,2
+markleeville,1121,2
+darden,1563,9
+darden,1079,0
+darden,1695,5
+corozal,554,6
+darden,1434,21
+darden,1193,9
+corozal,399,3
+corozal,251,1
+darden,1769,3
+markleeville,79,2
+markleeville,152,0
+corozal,482,0
+corozal,991,0
+markleeville,510,0
+corozal,1347,0
+markleeville,354,2
+markleeville,1147,0
+corozal,518,4
+darden,723,0
+markleeville,236,2
+markleeville,1008,0
+darden,738,2
+darden,1584,11
+darden,1523,2
+darden,303,3
+markleeville,1121,7
+darden,348,25
+corozal,1311,0
+darden,1141,5
+corozal,144,3
+darden,482,1
+markleeville,411,5
+corozal,1425,5
+corozal,473,12
+corozal,999,3
+corozal,1493,10
+markleeville,136,4
+darden,1926,2
+darden,497,0
+corozal,250,1
+darden,1540,3
+darden,1616,0
+darden,456,5
+darden,577,13
+darden,856,0
+darden,504,1
+markleeville,907,9
+collierville,257,5
+markleeville,779,7
+darden,953,5
+markleeville,1145,3
+corozal,1317,5
+markleeville,825,4
+corozal,1190,6
+collierville,423,1
+corozal,969,2
+collierville,413,0
+darden,1089,4
+darden,1748,3
+markleeville,422,2
+markleeville,586,4
+corozal,566,1
+collierville,364,6
+corozal,213,2
+corozal,1132,8
+corozal,41,19
+darden,1170,3
+markleeville,607,0
+darden,276,0
+corozal,590,2
+markleeville,802,9
+darden,340,6
+corozal,654,3
+darden,1669,3
+darden,1698,0
+darden,336,3
+markleeville,947,4
+corozal,944,5
+darden,284,3
+darden,1993,15
+corozal,1280,2
+darden,958,2
+darden,536,16
+collierville,170,2
+corozal,217,0
+collierville,233,1
+darden,1251,2
+corozal,944,6
+darden,302,4
+darden,1287,10
+markleeville,257,2
+corozal,149,4
+corozal,662,5
+collierville,328,3
+markleeville,466,13
+collierville,611,2
+corozal,621,8
+darden,228,6
+corozal,185,8
+corozal,512,0
+markleeville,874,1
+markleeville,956,5
+markleeville,808,4
+corozal,1043,7
+corozal,137,9
+corozal,187,1
+darden,328,0
+darden,889,1
+darden,706,1
+darden,656,0
+corozal,868,10
+markleeville,185,3
+darden,1386,3
+darden,1997,3
+markleeville,719,0
+markleeville,1157,3
+darden,1445,7
+darden,382,1
+darden,359,10
+darden,628,0
+darden,173,15
+darden,1584,9
+darden,1530,1
+markleeville,1045,3
+collierville,676,0
+darden,1120,5
+collierville,643,3
+darden,348,10
+markleeville,85,1
+darden,692,3
+darden,1535,1
+collierville,230,0
+darden,905,0
+markleeville,626,2
+corozal,610,8
+corozal,1460,0
+markleeville,725,2
+darden,1755,5
+markleeville,583,6
+markleeville,99,2
+markleeville,669,3
+darden,1265,0
+corozal,1010,7
+corozal,1414,1
+collierville,315,2
+corozal,244,3
+darden,1630,17
+markleeville,1147,4
+corozal,1249,1
+corozal,315,3
+markleeville,760,6
+markleeville,317,11
+corozal,448,2
+darden,341,6
+darden,37,1
+darden,1307,6
+corozal,510,8
+darden,155,5
+darden,1484,11
+corozal,675,5
+corozal,226,3
+corozal,756,7
+corozal,804,0
+collierville,422,4
+markleeville,518,1
+darden,1287,14
+markleeville,924,1
+collierville,195,3
+markleeville,1101,0
+corozal,90,8
+darden,838,10
+corozal,640,3
+markleeville,1082,0
+markleeville,984,0
+corozal,1246,0
+corozal,734,0
+corozal,1246,3
+darden,1722,2
+markleeville,694,6
+markleeville,544,3
+darden,908,3
+collierville,647,3
+darden,196,6
+markleeville,82,3
+corozal,985,16
+markleeville,1171,6
+corozal,296,2
+darden,1545,2
+darden,503,12
+markleeville,1144,0
+darden,795,2
+darden,1504,5
+corozal,1148,2
+darden,1982,0
+markleeville,225,4
+darden,885,2
+darden,391,0
+darden,1144,6
+darden,1925,7
+darden,1273,2
+corozal,1270,2
+collierville,586,6
+collierville,80,2
+markleeville,901,0
+collierville,664,0
+corozal,143,5
+markleeville,367,7
+markleeville,75,8
+darden,1267,6
+darden,1852,6
+darden,1075,2
+markleeville,261,2
+markleeville,742,10
+markleeville,26,6
+darden,1928,7
+markleeville,417,2
+darden,1909,0
+markleeville,1146,2
+darden,1559,3
+darden,399,3
+corozal,1427,9
+darden,1577,2
+darden,1672,2
+collierville,84,0
+markleeville,212,5
+corozal,515,5
+darden,709,0
+darden,1407,3
+markleeville,931,5
+corozal,436,1
+corozal,444,0
+markleeville,1087,4
+corozal,1444,15
+corozal,725,3
+darden,1771,5
+collierville,505,0
+corozal,355,2
+corozal,815,7
+corozal,932,11
+darden,1985,5
+darden,1446,6
+corozal,243,15
+darden,924,0
+darden,309,2
+corozal,318,4
+markleeville,830,2
+darden,822,1
+darden,1724,8
+markleeville,864,1
+collierville,189,2
+darden,12,3
+corozal,20,1
+darden,901,0
+markleeville,615,0
+darden,1481,9
+darden,412,2
+markleeville,401,11
+corozal,514,5
+corozal,636,12
+darden,681,16
+darden,1751,1
+darden,1529,3
+darden,1164,0
+darden,580,2
+darden,1468,1
+corozal,1235,0
+corozal,275,0
+darden,1836,1
+collierville,662,2
+darden,1326,0
+corozal,910,1
+darden,1433,5
+corozal,1308,2
+collierville,604,2
+darden,311,3
+collierville,278,1
+corozal,424,11
+corozal,7,4
+darden,1065,10
+markleeville,584,10
+corozal,483,7
+darden,1004,7
+corozal,1394,0
+markleeville,480,0
+corozal,294,2
+corozal,243,9
+corozal,1471,1
+darden,1363,2
+corozal,833,3
+darden,886,3
+corozal,792,1
+corozal,925,2
+markleeville,549,5
+darden,1041,2
+darden,1069,1
+corozal,566,2
+collierville,709,0
+darden,1823,8
+darden,1403,3
+darden,1965,3
+darden,1618,6
+markleeville,83,4
+corozal,793,2
+darden,943,13
+collierville,722,2
+collierville,667,1
+darden,1433,4
+darden,1962,6
+darden,821,4
+corozal,344,2
+darden,1921,7
+corozal,442,4
+markleeville,869,1
+corozal,1490,0
+corozal,70,8
+darden,660,8
+corozal,76,12
+corozal,1242,6
+corozal,854,1
+markleeville,312,0
+corozal,980,10
+markleeville,159,2
+corozal,1512,4
+markleeville,321,0
+markleeville,352,8
+corozal,519,5
+markleeville,1143,3
+corozal,1150,0
+corozal,764,5
+darden,1032,0
+corozal,718,9
+corozal,233,1
+markleeville,15,4
+corozal,661,12
+corozal,500,3
+corozal,1200,3
+markleeville,244,2
+markleeville,642,14
+darden,1249,2
+markleeville,5,1
+corozal,944,4
+markleeville,1107,2
+darden,1617,4
+darden,1648,2
+darden,401,6
+collierville,181,6
+corozal,1528,2
+corozal,388,0
+corozal,1389,3
+markleeville,549,8
+corozal,1499,2
+darden,1269,3
+darden,1551,0
+corozal,471,0
+corozal,1202,0
+darden,1823,3
+darden,1211,3
+darden,1598,4
+darden,1246,0
+corozal,1352,4
+darden,340,8
+collierville,294,1
+corozal,615,4
+corozal,907,10
+corozal,90,5
+darden,12,4
+markleeville,584,15
+corozal,70,2
+markleeville,873,2
+darden,1545,0
+markleeville,768,5
+corozal,237,6
+darden,1725,8
+darden,145,4
+markleeville,878,3
+corozal,1120,0
+corozal,372,0
+corozal,428,0
+corozal,1113,9
+collierville,725,3
+corozal,867,7
+corozal,1282,10
+darden,1217,0
+darden,723,2
+darden,1589,1
+darden,1370,4
+corozal,97,2
+markleeville,466,10
+markleeville,213,2
+corozal,821,0
+markleeville,218,1
+darden,692,0
+corozal,1120,2
+darden,1653,4
+darden,1042,6
+corozal,177,1
+corozal,253,8
+corozal,910,3
+corozal,555,1
+darden,571,8
+corozal,432,7
+darden,228,3
+darden,1736,1
+darden,18,1
+corozal,1262,6
+corozal,1258,5
+corozal,610,1
+collierville,244,3
+corozal,908,4
+corozal,1002,4
+markleeville,180,2
+corozal,1476,6
+darden,480,0
+markleeville,995,5
+darden,1784,6
+darden,1042,5
+collierville,731,1
+corozal,398,5
+corozal,775,2
+markleeville,1131,3
+corozal,834,9
+corozal,1190,5
+markleeville,719,1
+markleeville,619,0
+darden,861,2
+markleeville,787,0
+darden,1099,8
+markleeville,357,4
+corozal,585,4
+markleeville,526,4
+markleeville,373,3
+corozal,803,0
+darden,867,3
+darden,599,4
+markleeville,697,9
+markleeville,994,8
+darden,1808,11
+darden,1410,4
+markleeville,37,7
+markleeville,1019,0
+darden,783,17
+corozal,1368,17
+darden,634,0
+corozal,80,3
+corozal,605,2
+darden,1365,6
+darden,1727,5
+collierville,497,2
+darden,1897,3
+collierville,44,3
+corozal,302,3
+darden,159,5
+darden,1807,9
+markleeville,1037,1
+darden,1631,2
+corozal,1378,11
+corozal,165,6
+darden,564,7
+corozal,1046,3
+corozal,287,1
+markleeville,141,1
+markleeville,218,9
+corozal,70,5
+darden,862,4
+corozal,1318,2
+markleeville,499,0
+darden,785,8
+corozal,1014,3
+darden,14,0
+collierville,3,3
+collierville,304,3
+markleeville,864,8
+corozal,1239,3
+darden,581,1
+darden,1219,4
+darden,620,2
+markleeville,776,1
+markleeville,270,6
+corozal,122,3
+corozal,610,6
+darden,1830,6
+collierville,631,1
+markleeville,540,2
+corozal,1415,9
+markleeville,424,1
+markleeville,763,8
+corozal,980,12
+markleeville,182,1
+corozal,810,3
+markleeville,1120,4
+corozal,433,0
+markleeville,458,2
+darden,1127,2
+corozal,1268,7
+darden,1305,5
+corozal,1007,8
+corozal,567,2
+corozal,466,12
+corozal,785,5
+corozal,1410,7
+corozal,1511,2
+collierville,5,0
+markleeville,769,4
+collierville,306,0
+darden,1556,1
+corozal,526,2
+markleeville,461,3
+darden,381,0
+darden,1502,1
+markleeville,42,8
+darden,1200,4
+collierville,645,2
+markleeville,778,3
+darden,1470,21
+darden,1993,3
+darden,1585,4
+corozal,1141,8
+darden,835,18
+darden,61,2
+darden,407,0
+corozal,871,4
+darden,306,7
+corozal,932,14
+markleeville,1001,3
+markleeville,983,0
+darden,137,2
+collierville,348,6
+darden,1203,1
+corozal,1432,5
+darden,996,6
+markleeville,800,12
+darden,1601,4
+corozal,1240,3
+corozal,1138,1
+corozal,545,1
+darden,1773,11
+markleeville,55,0
+markleeville,95,0
+markleeville,650,0
+corozal,1010,4
+markleeville,231,2
+corozal,1368,8
+markleeville,731,0
+darden,1747,15
+corozal,483,10
+markleeville,825,6
+darden,52,0
+corozal,64,4
+corozal,398,0
+darden,358,2
+darden,411,1
+darden,331,3
+corozal,1404,8
+corozal,393,2
+corozal,1472,2
+corozal,602,2
+corozal,237,7
+corozal,465,8
+markleeville,220,0
+darden,985,2
+corozal,466,9
+corozal,958,6
+markleeville,605,9
+corozal,1297,3
+corozal,977,4
+markleeville,411,9
+collierville,332,1
+corozal,1043,2
+darden,1573,8
+collierville,721,1
+collierville,547,1
+darden,1696,2
+markleeville,329,3
+corozal,369,7
+corozal,711,0
+markleeville,289,9
+corozal,1159,5
+corozal,364,0
+markleeville,189,2
+darden,286,2
+corozal,327,1
+markleeville,279,4
+darden,998,0
+markleeville,1161,10
+markleeville,7,2
+darden,1340,1
+corozal,180,0
+collierville,722,0
+markleeville,1139,9
+corozal,918,7
+markleeville,149,2
+corozal,253,10
+markleeville,1035,2
+darden,1084,0
+collierville,543,0
+corozal,636,8
+darden,1461,2
+markleeville,789,7
+markleeville,847,7
+darden,993,2
+darden,1216,4
+corozal,459,2
+corozal,905,3
+darden,770,2
+markleeville,104,4
+darden,1584,13
+collierville,504,0
+darden,1693,5
+markleeville,800,8
+darden,1425,0
+corozal,1356,4
+markleeville,617,3
+corozal,407,1
+collierville,680,0
+darden,1339,2
+darden,297,3
+darden,438,1
+corozal,1547,1
+darden,1612,2
+darden,161,7
+darden,1252,18
+corozal,619,3
+darden,47,2
+collierville,587,1
+collierville,190,0
+darden,212,6
+corozal,918,3
+darden,1159,4
+corozal,50,10
+darden,1947,3
+darden,1908,3
+collierville,554,0
+corozal,165,1
+darden,60,2
+corozal,944,0
+collierville,248,0
+markleeville,768,2
+markleeville,879,10
+collierville,265,3
+darden,378,1
+darden,1164,8
+collierville,267,2
+markleeville,1080,8
+corozal,1205,16
+darden,76,2
+markleeville,179,3
+corozal,1241,0
+darden,50,5
+corozal,1204,2
+collierville,181,2
+corozal,1138,0
+markleeville,577,11
+corozal,310,2
+darden,397,16
+corozal,821,10
+corozal,411,4
+corozal,701,1
+darden,118,8
+darden,912,7
+markleeville,116,0
+markleeville,48,1
+collierville,497,1
+darden,1807,10
+corozal,1437,2
+corozal,304,0
+collierville,419,0
+markleeville,73,2
+corozal,1240,6
+collierville,50,5
+darden,1139,10
+markleeville,1056,0
+collierville,356,2
+corozal,565,6
+collierville,370,0
+darden,938,4
+markleeville,1088,0
+darden,1493,3
+markleeville,19,1
+markleeville,436,1
+collierville,530,5
+darden,1358,10
+markleeville,1160,5
+markleeville,814,5
+darden,594,9
+markleeville,879,6
+darden,435,4
+markleeville,956,1
+darden,1644,2
+corozal,535,4
+collierville,490,5
+corozal,97,1
+corozal,42,2
+darden,1119,1
+darden,650,2
+corozal,521,3
+markleeville,370,3
+collierville,345,0
+darden,97,6
+darden,1167,6
+darden,955,2
+corozal,915,5
+markleeville,282,2
+corozal,1540,2
+darden,1848,2
+darden,444,1
+corozal,384,10
+darden,1751,2
+darden,118,11
+darden,1259,1
+corozal,156,7
+darden,1185,16
+corozal,51,4
+darden,1963,6
+collierville,311,4
+markleeville,302,1
+markleeville,498,1
+collierville,472,2
+markleeville,762,1
+corozal,351,1
+corozal,1094,8
+darden,641,1
+darden,856,7
+darden,61,0
+corozal,1382,0
+markleeville,422,3
+darden,360,0
+collierville,392,1
+corozal,709,6
+darden,1139,3
+corozal,1343,0
+markleeville,671,3
+darden,45,11
+markleeville,836,3
+collierville,731,5
+darden,1427,2
+darden,1669,2
+darden,1194,1
+corozal,1186,0
+markleeville,542,2
+corozal,431,5
+markleeville,356,0
+corozal,1439,1
+corozal,2,14
+darden,120,23
+corozal,1330,3
+corozal,1306,1
+markleeville,867,9
+darden,1887,1
+darden,826,5
+darden,572,2
+collierville,304,1
+collierville,82,3
+darden,1344,3
+markleeville,463,3
+markleeville,430,0
+collierville,630,2
+darden,464,4
+corozal,657,2
+corozal,844,3
+darden,1559,11
+darden,1276,3
+corozal,1063,3
+darden,1668,2
+darden,622,1
+darden,198,3
+collierville,669,1
+markleeville,210,4
+markleeville,190,10
+darden,313,1
+darden,943,5
+collierville,637,2
+corozal,911,0
+markleeville,1123,0
+darden,1741,6
+darden,898,18
+markleeville,517,6
+darden,1917,5
+darden,281,4
+collierville,500,7
+corozal,165,4
+corozal,1365,1
+corozal,296,1
+darden,1611,4
+darden,1110,0
+collierville,646,0
+darden,695,8
+corozal,1290,14
+markleeville,871,6
+corozal,424,7
+corozal,1316,0
+darden,306,5
+darden,553,3
+darden,1446,2
+collierville,653,4
+corozal,119,7
+corozal,1127,4
+markleeville,586,5
+corozal,244,13
+markleeville,210,1
+darden,308,3
+corozal,1068,11
+corozal,695,1
+markleeville,1084,1
+darden,1997,6
+darden,1139,4
+collierville,317,3
+darden,258,1
+corozal,871,2
+corozal,615,14
+darden,1338,5
+darden,1922,0
+darden,37,2
+collierville,198,2
+darden,667,8
+collierville,460,0
+markleeville,190,13
+darden,19,2
+corozal,1154,2
+corozal,941,3
+corozal,868,4
+corozal,331,6
+markleeville,132,4
+corozal,1201,1
+collierville,528,1
+darden,1337,0
+darden,247,1
+darden,208,5
+corozal,803,19
+darden,440,7
+markleeville,587,3
+darden,397,19
+corozal,240,11
+darden,112,6
+darden,1431,7
+darden,1443,5
+markleeville,705,7
+corozal,636,7
+corozal,1341,5
+darden,783,16
+markleeville,211,0
+corozal,625,0
+corozal,1313,1
+collierville,156,0
+darden,1461,1
+darden,929,2
+markleeville,721,3
+markleeville,226,1
+collierville,346,1
+darden,56,0
+darden,1959,3
+markleeville,377,0
+corozal,1209,8
+markleeville,314,0
+collierville,733,3
+collierville,130,2
+markleeville,1055,10
+corozal,776,1
+darden,1165,0
+darden,1258,0
+darden,273,1
+darden,1747,14
+corozal,784,4
+collierville,147,4
+corozal,256,3
+darden,1917,8
+darden,1824,1
+corozal,300,13
+corozal,1072,6
+markleeville,391,14
+darden,573,4
+darden,975,7
+darden,1908,0
+darden,1540,5
+markleeville,506,0
+darden,66,8
+darden,1443,9
+markleeville,29,4
+markleeville,361,3
+corozal,768,0
+darden,584,6
+darden,1271,5
+darden,197,6
+darden,836,3
+markleeville,1074,4
+collierville,215,0
+darden,257,1
+darden,1571,0
+markleeville,630,0
+darden,835,16
+corozal,1441,2
+darden,1636,1
+corozal,672,3
+corozal,1550,6
+corozal,1325,7
+corozal,680,0
+corozal,1485,1
+corozal,563,4
+collierville,601,0
+corozal,1292,3
+markleeville,597,3
+corozal,1529,12
+markleeville,1177,5
+darden,976,8
+markleeville,530,1
+markleeville,520,2
+markleeville,180,0
+darden,577,11
+darden,215,8
+darden,1277,10
+markleeville,984,2
+collierville,501,3
+markleeville,981,15
+collierville,369,2
+markleeville,541,3
+markleeville,204,6
+collierville,50,4
+corozal,1400,9
+darden,1224,5
+markleeville,1006,2
+corozal,556,2
+corozal,1043,6
+darden,1158,2
+markleeville,280,3
+darden,1507,2
+markleeville,117,11
+darden,1882,1
+darden,674,4
+darden,699,8
+darden,56,5
+markleeville,223,1
+markleeville,823,0
+markleeville,488,4
+markleeville,1029,11
+darden,1592,4
+darden,1593,0
+corozal,451,5
+corozal,1047,3
+darden,607,4
+markleeville,33,0
+darden,432,6
+darden,1114,0
+corozal,855,12
+markleeville,836,1
+corozal,152,18
+corozal,960,9
+darden,704,8
+markleeville,825,1
+darden,1673,0
+corozal,1368,2
+corozal,186,0
+markleeville,662,6
+markleeville,995,1
+markleeville,1179,0
+corozal,14,4
+darden,611,2
+collierville,576,0
+darden,1999,0
+markleeville,269,1
+markleeville,569,4
+darden,560,3
+darden,1270,3
+corozal,513,11
+darden,1714,2
+darden,1252,5
+corozal,98,4
+corozal,541,7
+darden,341,2
+darden,941,7
+corozal,230,4
+markleeville,884,9
+collierville,431,1
+markleeville,1180,0
+darden,1294,14
+darden,1384,7
+darden,205,11
+corozal,517,1
+corozal,1195,2
+corozal,1127,0
+corozal,406,6
+collierville,553,4
+markleeville,433,4
+markleeville,496,2
+darden,1810,1
+darden,1793,2
+markleeville,513,2
+darden,1281,2
+darden,120,7
+corozal,165,7
+markleeville,1002,1
+collierville,398,6
+markleeville,495,1
+darden,1060,4
+darden,1442,10
+corozal,1167,13
+darden,180,3
+collierville,121,3
+corozal,857,5
+corozal,817,8
+corozal,759,0
+darden,145,3
+darden,1496,11
+corozal,425,1
+darden,921,5
+darden,1866,3
+markleeville,962,4
+corozal,1365,2
+markleeville,619,12
+markleeville,371,3
+darden,1320,6
+markleeville,623,1
+markleeville,71,13
+darden,692,13
+markleeville,900,3
+darden,466,0
+corozal,146,6
+corozal,150,0
+darden,490,4
+corozal,370,5
+corozal,366,11
+corozal,725,1
+markleeville,14,1
+darden,1789,9
+collierville,655,0
+corozal,340,0
+darden,536,12
+darden,1223,9
+darden,1759,0
+darden,1382,2
+markleeville,314,4
+darden,1754,2
+darden,1500,1
+markleeville,82,0
+corozal,1208,2
+markleeville,286,1
+corozal,382,2
+darden,1938,4
+markleeville,670,0
+markleeville,907,8
+darden,1245,1
+collierville,3,2
+corozal,872,5
+darden,1231,0
+markleeville,429,3
+markleeville,420,2
+darden,1130,0
+markleeville,775,3
+darden,596,6
+markleeville,252,1
+markleeville,740,1
+collierville,109,1
+corozal,424,6
+corozal,670,2
+darden,904,2
+corozal,250,6
+corozal,255,1
+corozal,221,2
+darden,1871,1
+darden,1207,2
+corozal,1177,0
+collierville,494,0
+collierville,415,1
+corozal,552,2
+darden,1156,0
+corozal,431,4
+corozal,817,6
+corozal,1138,8
+darden,853,4
+corozal,1159,3
+markleeville,1116,2
+darden,1661,2
+darden,685,1
+corozal,1530,1
+corozal,478,16
+darden,1043,1
+corozal,1098,2
+collierville,79,3
+markleeville,446,3
+corozal,202,14
+darden,372,1
+markleeville,532,5
+collierville,412,0
+markleeville,344,7
+corozal,582,16
+markleeville,890,1
+corozal,872,1
+markleeville,311,0
+markleeville,680,7
+darden,941,12
+corozal,828,4
+darden,716,1
+corozal,1190,4
+corozal,979,14
+darden,86,0
+darden,1558,2
+darden,1268,3
+corozal,932,15
+corozal,621,0
+darden,701,6
+darden,1499,0
+darden,1628,2
+corozal,101,3
+corozal,936,6
+corozal,582,22
+darden,1120,1
+corozal,263,4
+markleeville,470,0
+collierville,165,3
+corozal,582,18
+darden,1372,12
+darden,1988,4
+darden,459,15
+corozal,700,4
+corozal,1444,17
+darden,1341,3
+markleeville,998,5
+markleeville,362,10
+corozal,1454,4
+corozal,992,7
+darden,1126,6
+corozal,172,4
+corozal,1337,6
+corozal,191,6
+darden,1611,3
+darden,330,8
+darden,838,8
+corozal,784,6
+markleeville,86,7
+markleeville,538,2
+darden,1218,3
+markleeville,870,3
+markleeville,931,9
+corozal,1341,4
+markleeville,1178,0
+darden,52,2
+darden,1373,8
+darden,1498,2
+darden,1822,5
+collierville,374,0
+collierville,421,0
+markleeville,888,0
+markleeville,311,1
+markleeville,87,1
+darden,1144,8
+corozal,1290,12
+markleeville,1177,8
+corozal,1319,13
+collierville,182,4
+corozal,64,17
+collierville,333,2
+markleeville,840,2
+markleeville,1187,11
+corozal,1175,3
+darden,36,2
+markleeville,450,10
+corozal,1416,3
+markleeville,1177,0
+darden,1372,5
+darden,1348,2
+corozal,231,13
+collierville,647,1
+corozal,741,3
+darden,1716,5
+collierville,660,0
+darden,575,2
+markleeville,179,6
+darden,863,7
+collierville,49,2
+markleeville,1166,1
+darden,455,2
+darden,1967,16
+darden,1132,1
+collierville,263,0
+corozal,722,1
+corozal,312,3
+darden,933,0
+markleeville,103,1
+markleeville,1150,1
+markleeville,1026,1
+corozal,119,5
+corozal,562,2
+corozal,697,1
+markleeville,702,7
+collierville,328,0
+collierville,661,7
+corozal,1033,0
+darden,1508,2
+darden,1402,2
+darden,1425,3
+darden,536,20
+corozal,1122,3
+markleeville,344,8
+corozal,980,6
+corozal,373,5
+markleeville,700,0
+darden,1874,1
+darden,1853,4
+corozal,42,9
+corozal,1195,0
+darden,1941,1
+markleeville,260,2
+darden,1554,1
+darden,392,0
+darden,250,8
+markleeville,1069,0
+darden,1703,4
+collierville,94,0
+corozal,857,7
+corozal,148,3
+markleeville,533,6
+darden,266,11
+corozal,77,7
+darden,683,1
+corozal,290,7
+markleeville,359,7
+darden,797,16
+corozal,421,2
+corozal,386,0
+darden,8,1
+collierville,209,1
+darden,1576,5
+darden,806,7
+darden,969,0
+darden,1861,3
+corozal,1149,4
+collierville,367,0
+darden,901,4
+darden,1045,0
+darden,1045,1
+markleeville,1156,4
+darden,1006,5
+darden,1812,4
+corozal,1506,3
+corozal,944,10
+corozal,654,1
+markleeville,378,6
+darden,1227,0
+markleeville,245,2
+markleeville,790,2
+corozal,848,18
+markleeville,152,8
+corozal,640,5
+darden,1323,5
+markleeville,101,4
+collierville,536,5
+corozal,227,6
+corozal,1339,6
+darden,854,1
+darden,1038,2
+darden,542,5
+corozal,1263,3
+darden,202,0
+collierville,716,0
+corozal,554,2
+corozal,777,4
+markleeville,794,1
+markleeville,1003,5
+corozal,321,2
+darden,395,3
+darden,856,5
+markleeville,849,5
+corozal,231,3
+corozal,52,0
+darden,461,7
+markleeville,1157,5
+darden,1267,0
+corozal,1425,2
+markleeville,208,3
+corozal,668,13
+markleeville,182,2
+darden,118,5
+markleeville,919,8
+darden,658,0
+corozal,27,9
+markleeville,255,1
+markleeville,84,8
+darden,1558,5
+corozal,1,3
+markleeville,921,6
+markleeville,305,11
+darden,210,18
+corozal,629,14
+corozal,99,8
+markleeville,103,4
+corozal,1175,2
+darden,1029,9
+markleeville,327,1
+darden,122,0
+darden,894,2
+darden,642,2
+corozal,1301,18
+darden,506,3
+collierville,580,4
+darden,1399,4
+darden,805,1
+darden,197,12
+darden,1633,4
+collierville,291,2
+collierville,134,0
+corozal,1508,6
+markleeville,506,13
+darden,549,2
+corozal,1364,4
+darden,1822,2
+corozal,1112,6
+markleeville,304,8
+corozal,206,0
+darden,210,17
+darden,529,3
+darden,1531,1
+darden,1810,4
+darden,883,2
+darden,161,0
+corozal,1368,14
+collierville,231,1
+corozal,551,1
+darden,118,10
+darden,1833,3
+darden,1036,3
+collierville,360,1
+darden,1969,2
+darden,563,0
+darden,1697,8
+darden,542,8
+markleeville,127,5
+corozal,685,0
+darden,1193,7
+corozal,977,9
+markleeville,203,4
+collierville,414,1
+corozal,1306,0
+corozal,1249,7
+corozal,825,2
+darden,17,5
+markleeville,1076,4
+corozal,1333,7
+corozal,627,1
+darden,1092,1
+markleeville,110,1
+darden,248,2
+markleeville,754,4
+collierville,644,0
+darden,464,10
+corozal,41,3
+darden,418,0
+collierville,388,5
+markleeville,784,6
+darden,1890,2
+darden,1765,8
+corozal,1044,1
+darden,673,4
+darden,1401,7
+darden,1042,0
+darden,680,7
+markleeville,710,0
+darden,1029,8
+markleeville,363,7
+darden,1298,1
+markleeville,929,5
+darden,282,2
+darden,1548,5
+corozal,1431,5
+darden,1157,3
+darden,1198,4
+markleeville,576,1
+darden,456,2
+collierville,51,2
+corozal,1315,5
+corozal,1127,6
+corozal,1334,3
+corozal,474,6
+markleeville,1051,9
+markleeville,511,3
+corozal,259,1
+darden,1806,3
+corozal,981,11
+darden,554,1
+corozal,894,15
+corozal,657,6
+darden,298,0
+darden,1363,6
+darden,1257,8
+collierville,277,1
+darden,1967,10
+corozal,773,2
+markleeville,151,2
+corozal,366,3
+corozal,1254,5
+darden,897,2
+corozal,280,0
+corozal,894,2
+darden,1224,0
+darden,811,2
+darden,1941,14
+darden,1876,0
+markleeville,622,1
+corozal,1444,9
+collierville,405,1
+corozal,689,6
+corozal,1344,6
+darden,1343,1
+markleeville,611,0
+collierville,626,6
+markleeville,1063,2
+markleeville,1081,2
+corozal,1371,8
+markleeville,246,4
+darden,1335,6
+corozal,1368,1
+darden,182,12
+darden,1993,1
+darden,1398,9
+corozal,1296,3
+corozal,803,12
+darden,1006,1
+darden,1038,11
+darden,674,1
+markleeville,674,2
+darden,681,15
+markleeville,121,6
+corozal,583,4
+darden,235,9
+markleeville,850,0
+markleeville,1187,1
+collierville,235,2
+corozal,1224,20
+darden,1015,11
+markleeville,868,0
+darden,1470,8
+collierville,129,5
+markleeville,580,3
+darden,1578,3
+collierville,230,8
+corozal,447,2
+markleeville,725,7
+collierville,398,1
+corozal,1249,10
+corozal,598,8
+darden,1460,0
+darden,1681,3
+corozal,816,1
+corozal,383,2
+markleeville,1097,2
+corozal,529,0
+darden,328,2
+markleeville,867,3
+darden,310,1
+markleeville,551,2
+darden,1121,13
+corozal,189,0
+darden,1023,3
+darden,1354,4
+markleeville,203,9
+darden,623,4
+darden,1274,5
+darden,267,2
+corozal,215,3
+darden,1640,0
+corozal,382,8
+collierville,35,1
+darden,1360,2
+darden,638,0
+corozal,211,7
+darden,1310,0
+darden,765,4
+corozal,237,11
+markleeville,601,1
+darden,1606,1
+corozal,431,0
+markleeville,667,0
+markleeville,965,2
+corozal,422,18
+collierville,593,0
+markleeville,740,7
+collierville,348,0
+markleeville,800,10
+collierville,555,1
+markleeville,9,2
+markleeville,1055,0
+darden,1384,6
+darden,1537,1
+markleeville,966,3
+corozal,42,14
+markleeville,624,1
+darden,441,3
+corozal,577,7
+darden,467,4
+corozal,1458,4
+markleeville,656,1
+collierville,566,1
+collierville,433,0
+darden,740,6
+corozal,590,1
+markleeville,1062,0
+corozal,836,5
+corozal,1383,3
+darden,529,4
+corozal,1315,0
+markleeville,270,8
+darden,722,3
+corozal,577,10
+markleeville,59,2
+markleeville,1190,2
+markleeville,669,2
+darden,1217,2
+corozal,864,14
+darden,1308,0
+darden,692,7
+darden,1584,5
+markleeville,426,0
+corozal,1515,7
+darden,1637,1
+corozal,31,1
+darden,876,6
+collierville,32,0
+darden,1434,15
+darden,1711,0
+darden,1835,0
+markleeville,872,7
+collierville,387,1
+collierville,621,4
+corozal,1320,0
+markleeville,624,4
+markleeville,1127,4
+corozal,1513,5
+corozal,1137,0
+corozal,1150,2
+darden,27,1
+corozal,828,12
+darden,719,1
+corozal,395,5
+corozal,1367,4
+corozal,879,8
+markleeville,941,8
+markleeville,256,0
+corozal,1017,0
+collierville,458,1
+markleeville,532,3
+darden,665,1
+darden,791,10
+darden,987,0
+darden,144,0
+collierville,460,4
+corozal,995,8
+markleeville,532,8
+markleeville,416,4
+darden,79,4
+darden,1028,6
+markleeville,794,0
+collierville,715,0
+darden,1329,12
+corozal,1453,4
+darden,626,2
+markleeville,107,1
+darden,1666,4
+corozal,675,0
+darden,1875,1
+markleeville,356,2
+markleeville,5,0
+corozal,454,2
+darden,974,5
+markleeville,716,4
+corozal,1075,13
+markleeville,110,2
+darden,1473,9
+darden,120,8
+collierville,604,3
+corozal,1540,3
+collierville,294,3
+collierville,370,3
+collierville,400,0
+markleeville,516,3
+corozal,750,5
+markleeville,1026,0
+corozal,382,1
+darden,888,2
+collierville,0,5
+darden,557,0
+corozal,593,10
+markleeville,1043,2
+darden,1610,4
+darden,781,0
+corozal,591,12
+corozal,663,1
+corozal,1007,13
+markleeville,482,2
+markleeville,406,1
+corozal,105,6
+collierville,107,2
+corozal,782,16
+darden,887,3
+corozal,1542,2
+corozal,194,3
+darden,0,1
+corozal,513,9
+darden,749,11
+darden,1668,3
+markleeville,321,6
+darden,382,3
+markleeville,559,1
+darden,524,9
+markleeville,244,5
+corozal,1229,17
+darden,1336,2
+darden,1661,1
+darden,1331,2
+darden,1611,1
+corozal,1547,12
+corozal,492,1
+darden,120,0
+markleeville,1133,0
+darden,1729,5
+collierville,359,1
+darden,9,2
+markleeville,885,5
+corozal,746,5
+corozal,50,1
+corozal,42,17
+markleeville,423,0
+darden,948,0
+corozal,621,3
+corozal,1256,2
+corozal,396,1
+darden,1615,3
+corozal,1426,1
+collierville,40,2
+darden,1774,3
+darden,661,14
+markleeville,688,0
+darden,1153,0
+corozal,612,4
+darden,1281,4
+markleeville,425,4
+corozal,352,0
+markleeville,244,10
+corozal,1193,0
+collierville,700,3
+corozal,823,0
+collierville,565,3
+darden,190,9
+corozal,393,1
+corozal,764,8
+markleeville,156,1
+corozal,1473,1
+darden,215,0
+corozal,985,6
+darden,1185,0
+corozal,198,0
+darden,1935,0
+darden,116,0
+darden,1009,1
+markleeville,155,9
+darden,1926,3
+darden,1146,1
+corozal,276,0
+corozal,831,1
+darden,243,7
+darden,732,1
+corozal,317,5
+darden,887,1
+corozal,1318,4
+darden,55,0
+corozal,254,4
+markleeville,100,3
+darden,1110,1
+darden,1288,2
+darden,679,1
+darden,159,9
+markleeville,646,1
+corozal,1132,6
+darden,979,7
+corozal,1347,4
+corozal,663,4
+darden,308,2
+corozal,248,1
+darden,1467,2
+darden,1840,2
+markleeville,592,0
+darden,409,2
+darden,1068,6
+markleeville,206,0
+collierville,25,2
+darden,647,2
+darden,382,0
+markleeville,554,12
+corozal,1346,0
+collierville,384,1
+markleeville,335,0
+markleeville,986,3
+darden,1495,8
+darden,1896,0
+collierville,408,0
+markleeville,395,0
+collierville,183,1
+corozal,794,5
+darden,1224,2
+darden,1259,8
+markleeville,1171,7
+darden,1961,12
+collierville,628,1
+darden,1321,16
+markleeville,219,3
+corozal,1111,0
+darden,416,1
+corozal,1007,3
+corozal,453,2
+corozal,915,2
+collierville,626,7
+corozal,799,3
+corozal,1100,1
+darden,606,2
+darden,1336,5
+darden,532,4
+markleeville,680,6
+collierville,394,7
+markleeville,726,8
+collierville,325,2
+corozal,879,7
+darden,1855,0
+corozal,357,3
+darden,92,4
+markleeville,67,2
+markleeville,42,4
+corozal,73,3
+corozal,963,0
+collierville,223,1
+corozal,710,2
+corozal,301,5
+markleeville,755,3
+markleeville,559,6
+corozal,737,0
+markleeville,808,5
+corozal,388,16
+darden,1761,0
+corozal,1234,2
+darden,646,0
+collierville,707,4
+darden,555,1
+markleeville,180,1
+darden,68,3
+markleeville,157,2
+markleeville,1095,2
+corozal,330,1
+markleeville,52,1
+darden,223,3
+markleeville,968,3
+darden,1039,6
+markleeville,949,3
+darden,1499,8
+markleeville,747,11
+darden,1074,1
+darden,1572,8
+markleeville,1080,1
+darden,1326,1
+collierville,720,0
+corozal,267,0
+markleeville,333,3
+corozal,666,1
+darden,804,0
+darden,1588,0
+markleeville,136,1
+markleeville,1164,1
+corozal,615,12
+corozal,119,14
+darden,824,2
+darden,1971,0
+markleeville,133,4
+darden,1198,9
+corozal,1099,0
+corozal,945,15
+darden,1397,1
+corozal,705,2
+corozal,83,3
+markleeville,559,4
+collierville,675,0
+darden,945,11
+corozal,496,2
+darden,1645,1
+corozal,854,0
+corozal,1378,4
+corozal,589,3
+markleeville,1120,0
+darden,631,4
+darden,1807,15
+corozal,1516,1
+markleeville,544,0
+darden,403,2
+corozal,1093,8
+darden,1703,2
+collierville,267,4
+darden,886,0
+corozal,1237,4
+collierville,641,0
+markleeville,116,9
+corozal,136,0
+darden,898,1
+darden,837,7
+darden,765,6
+darden,1320,5
+darden,1755,10
+markleeville,492,8
+markleeville,760,4
+darden,118,9
+darden,1657,5
+darden,1997,10
+darden,1738,1
+markleeville,878,2
+corozal,629,3
+markleeville,447,2
+darden,1418,2
+corozal,1132,2
+darden,1630,1
+markleeville,58,3
+darden,367,0
+darden,1479,4
+collierville,182,0
+markleeville,290,5
+darden,305,0
+darden,1687,4
+corozal,673,4
+corozal,1184,0
+corozal,654,6
+markleeville,200,3
+corozal,561,3
+markleeville,86,4
+markleeville,71,9
+darden,1239,4
+markleeville,69,4
+corozal,900,3
+markleeville,524,7
+corozal,1133,7
+darden,39,2
+corozal,1258,0
+darden,1471,5
+markleeville,845,3
+darden,479,1
+darden,1143,4
+corozal,150,2
+darden,1642,4
+collierville,449,2
+darden,1218,4
+corozal,1471,4
+markleeville,345,8
+corozal,979,7
+darden,1462,2
+collierville,156,1
+darden,854,0
+corozal,313,2
+darden,1745,1
+darden,962,4
+collierville,376,2
+corozal,1072,11
+darden,455,0
+markleeville,449,2
+darden,756,0
+markleeville,1121,8
+darden,912,1
+markleeville,411,1
+darden,861,15
+darden,1831,2
+darden,1777,0
+darden,1466,4
+collierville,2,5
+darden,575,8
+collierville,469,3
+darden,937,0
+markleeville,287,2
+markleeville,1001,0
+collierville,485,0
+darden,1163,3
+markleeville,857,6
+markleeville,1102,9
+markleeville,464,7
+markleeville,458,7
+markleeville,458,15
+corozal,361,7
+markleeville,541,1
+markleeville,644,7
+corozal,787,9
+markleeville,117,3
+collierville,649,2
+darden,1921,6
+corozal,564,0
+corozal,127,12
+markleeville,483,2
+corozal,1387,0
+corozal,1493,3
+darden,1040,8
+darden,86,4
+corozal,1493,11
+darden,1143,2
+darden,543,4
+darden,1306,3
+corozal,564,7
+darden,906,5
+markleeville,1154,5
+markleeville,1037,0
+corozal,357,0
+darden,1934,4
+collierville,482,6
+corozal,1459,15
+darden,38,3
+corozal,1260,0
+markleeville,203,8
+collierville,314,4
+corozal,1530,3
+darden,1029,3
+corozal,719,4
+corozal,1069,5
+collierville,459,2
+corozal,1106,5
+markleeville,888,1
+corozal,1511,1
+darden,1269,1
+darden,638,1
+corozal,1388,7
+darden,114,5
+corozal,484,4
+corozal,776,6
+darden,241,6
+darden,1351,3
+markleeville,426,5
+corozal,525,4
+corozal,1498,4
+darden,139,6
+darden,509,1
+collierville,414,0
+corozal,1385,8
+darden,205,10
+collierville,571,1
+darden,1470,14
+darden,1121,4
+darden,1055,4
+collierville,175,0
+darden,1362,1
+corozal,3,1
+markleeville,218,7
+markleeville,1089,1
+markleeville,597,14
+markleeville,1035,1
+corozal,1547,9
+darden,797,5
+markleeville,833,1
+darden,1435,1
+darden,1050,7
+corozal,1279,0
+corozal,654,7
+darden,890,2
+collierville,676,1
+corozal,1133,5
+darden,1726,5
+darden,976,6
+corozal,678,1
+darden,1642,2
+darden,979,3
+corozal,336,2
+darden,363,3
+corozal,437,8
+markleeville,761,3
+corozal,1313,9
+collierville,196,1
+darden,289,4
+collierville,408,5
+corozal,1450,3
+markleeville,902,6
+darden,1470,23
+corozal,1302,0
+collierville,626,2
+darden,1717,1
+collierville,680,3
+markleeville,499,3
+darden,388,0
+darden,1950,3
+darden,432,5
+collierville,222,1
+collierville,447,6
+darden,136,1
+corozal,668,7
+corozal,1510,8
+darden,1025,5
+markleeville,368,9
+darden,1080,3
+corozal,1283,1
+corozal,373,0
+markleeville,1110,9
+darden,1127,1
+darden,1275,15
+darden,941,4
+corozal,1035,3
+corozal,96,2
+corozal,275,3
+darden,1164,7
+markleeville,652,0
+darden,1591,8
+corozal,30,6
+darden,855,3
+darden,1022,9
+darden,1773,22
+markleeville,768,0
+corozal,11,3
+corozal,192,1
+darden,1358,2
+darden,1412,12
+darden,960,8
+corozal,1021,2
+darden,1959,2
+corozal,1474,3
+markleeville,827,1
+darden,611,0
+darden,1695,1
+darden,1860,1
+darden,349,1
+corozal,666,5
+darden,1540,20
+darden,1796,6
+markleeville,30,2
+darden,1015,7
+markleeville,1149,0
+markleeville,273,9
+corozal,1507,5
+corozal,869,13
+darden,455,7
+darden,281,0
+markleeville,65,0
+corozal,777,8
+markleeville,738,1
+corozal,323,8
+markleeville,518,4
+markleeville,198,1
+collierville,406,0
+corozal,686,4
+markleeville,119,1
+darden,1238,5
+corozal,1224,2
+darden,167,8
+corozal,1010,14
+darden,1612,0
+darden,1218,1
+darden,916,0
+darden,1451,2
+corozal,621,2
+markleeville,739,0
+darden,1251,4
+markleeville,1177,1
+markleeville,640,9
+collierville,694,3
+corozal,1517,13
+collierville,330,4
+darden,1434,3
+darden,492,0
+darden,206,0
+markleeville,320,2
+corozal,62,5
+corozal,1210,0
+corozal,1135,0
+markleeville,967,1
+darden,1843,6
+darden,1126,18
+markleeville,273,2
+corozal,555,3
+darden,991,6
+markleeville,1007,12
+markleeville,980,1
+darden,1392,7
+darden,1416,1
+corozal,404,0
+darden,91,10
+darden,661,3
+markleeville,440,0
+markleeville,1079,1
+markleeville,597,4
+darden,129,3
+corozal,1028,2
+corozal,1327,11
+collierville,106,2
+markleeville,980,8
+darden,1088,0
+markleeville,851,3
+corozal,773,3
+darden,35,2
+darden,1471,0
+corozal,211,3
+darden,1218,0
+markleeville,931,8
+corozal,950,1
+darden,1345,7
+collierville,184,0
+corozal,1216,6
+markleeville,353,3
+corozal,25,2
+markleeville,886,3
+corozal,1378,10
+collierville,385,3
+corozal,466,1
+markleeville,866,2
+corozal,1287,0
+markleeville,169,3
+corozal,439,7
+corozal,844,5
+corozal,1203,0
+collierville,56,3
+darden,1764,4
+darden,1943,11
+collierville,226,2
+corozal,1463,3
+darden,861,11
+corozal,1258,7
+markleeville,1080,7
+collierville,131,2
+corozal,510,0
+markleeville,779,9
+markleeville,726,13
+darden,728,13
+darden,1497,0
+corozal,1154,1
+markleeville,449,11
+darden,1894,0
+markleeville,991,1
+corozal,90,11
+corozal,1252,7
+corozal,1067,4
+collierville,166,0
+corozal,884,2
+corozal,1516,0
+darden,1219,2
+darden,648,2
+darden,608,0
+corozal,971,0
+darden,1276,1
+collierville,429,2
+corozal,189,3
+darden,1409,1
+corozal,842,3
+corozal,762,17
+markleeville,1170,1
+collierville,247,1
+collierville,169,5
+corozal,343,3
+darden,207,7
+darden,1038,6
+markleeville,396,2
+darden,548,0
+markleeville,700,6
+corozal,760,9
+collierville,580,0
+corozal,1387,8
+markleeville,128,0
+markleeville,733,1
+darden,898,11
+darden,631,1
+darden,950,7
+collierville,395,3
+corozal,483,6
+corozal,231,0
+collierville,445,2
+darden,1321,15
+darden,1065,7
+corozal,834,8
+darden,177,2
+markleeville,1151,2
+corozal,222,7
+darden,1987,3
+darden,141,0
+collierville,208,4
+corozal,1298,1
+collierville,526,3
+darden,1376,0
+corozal,370,1
+corozal,460,5
+markleeville,637,1
+corozal,1537,8
+darden,76,4
+darden,1283,3
+darden,1059,2
+markleeville,580,2
+markleeville,668,0
+corozal,1419,0
+corozal,1508,1
+corozal,600,0
+corozal,501,2
+markleeville,1156,7
+darden,1056,3
+corozal,1328,0
+corozal,1243,10
+corozal,388,6
+darden,1284,2
+corozal,407,2
+darden,1832,0
+darden,885,0
+markleeville,826,0
+darden,1614,10
+darden,754,3
+collierville,330,6
+markleeville,173,5
+corozal,1303,4
+corozal,1168,0
+corozal,893,3
+corozal,839,1
+markleeville,1044,3
+corozal,253,6
+darden,893,3
+markleeville,171,1
+corozal,460,4
+collierville,248,1
+markleeville,583,7
+markleeville,1162,1
+darden,1057,2
+markleeville,36,7
+collierville,265,1
+corozal,262,0
+corozal,682,16
+collierville,594,3
+markleeville,371,1
+collierville,431,0
+corozal,27,8
+markleeville,360,3
+markleeville,404,0
+darden,34,2
+darden,1775,4
+darden,750,4
+markleeville,680,5
+markleeville,185,14
+corozal,1339,3
+darden,601,0
+darden,481,6
+darden,942,0
+markleeville,212,3
+markleeville,849,1
+corozal,668,9
+darden,1259,0
+corozal,34,5
+darden,1081,1
+collierville,167,3
+corozal,577,0
+corozal,937,9
+darden,771,6
+collierville,465,0
+markleeville,4,0
+darden,58,0
+darden,131,3
+markleeville,277,8
+darden,1198,0
+darden,220,3
+corozal,797,7
+darden,348,24
+corozal,109,3
+markleeville,889,0
+corozal,419,1
+markleeville,749,2
+corozal,1438,0
+darden,577,9
+markleeville,607,1
+corozal,771,3
+corozal,636,6
+darden,1021,2
+markleeville,483,1
+darden,1715,2
+corozal,1205,13
+markleeville,1053,13
+darden,1251,1
+corozal,679,2
+darden,283,5
+markleeville,40,5
+corozal,593,12
+corozal,593,11
+corozal,1134,0
+markleeville,411,10
+darden,1266,3
+darden,307,1
+collierville,115,0
+darden,1860,0
+corozal,47,2
+darden,693,4
+markleeville,1044,1
+markleeville,500,1
+collierville,441,0
+corozal,1542,8
+darden,510,1
+darden,893,0
+darden,926,2
+darden,703,4
+darden,1437,2
+darden,1594,1
+corozal,1243,5
+markleeville,221,7
+markleeville,696,6
+markleeville,334,1
+corozal,987,3
+corozal,1275,2
+markleeville,635,2
+corozal,168,2
+collierville,207,5
+corozal,1246,4
+darden,1453,0
+corozal,968,3
+darden,1885,2
+darden,861,7
+markleeville,1182,4
+corozal,277,0
+darden,467,1
+markleeville,641,4
+corozal,1035,8
+markleeville,552,0
+collierville,736,0
+corozal,854,2
+collierville,547,3
+darden,1738,0
+darden,1825,2
+collierville,567,7
+darden,388,2
+collierville,287,0
+corozal,1106,7
+darden,250,4
+darden,1149,0
+collierville,229,5
+darden,648,8
+corozal,976,0
+collierville,125,2
+darden,1890,0
+collierville,32,2
+markleeville,289,4
+markleeville,1147,5
+markleeville,762,2
+corozal,1240,1
+darden,487,9
+darden,1972,7
+darden,1272,0
+markleeville,360,7
+darden,1688,5
+corozal,278,0
+collierville,440,2
+corozal,438,3
+darden,1927,1
+collierville,54,0
+darden,225,5
+markleeville,957,2
+corozal,684,0
+corozal,272,5
+corozal,1174,1
+corozal,415,10
+darden,1902,1
+corozal,751,3
+corozal,902,0
+darden,803,0
+darden,1234,3
+markleeville,978,8
+markleeville,212,9
+markleeville,173,0
+corozal,544,5
+markleeville,1034,3
+darden,1288,6
+markleeville,834,3
+darden,397,10
+corozal,1065,2
+corozal,1287,7
+darden,1452,7
+corozal,339,2
+darden,1464,6
+corozal,1005,2
+darden,346,9
+darden,758,3
+darden,580,6
+darden,1770,2
+corozal,406,10
+corozal,274,4
+darden,831,6
+corozal,1396,0
+collierville,624,0
+markleeville,581,5
+markleeville,995,2
+darden,1456,0
+corozal,577,8
+darden,1253,0
+darden,920,3
+darden,144,11
+darden,1358,7
+corozal,432,16
+darden,572,3
+darden,747,3
+markleeville,493,5
+markleeville,1097,1
+darden,995,0
+darden,90,0
+markleeville,1006,4
+darden,393,2
+darden,43,4
+darden,1747,16
+corozal,510,6
+markleeville,15,5
+darden,577,12
+darden,1298,2
+markleeville,80,5
+darden,1804,0
+collierville,556,6
+collierville,637,3
+darden,210,16
+markleeville,531,0
+corozal,848,15
+markleeville,678,3
+darden,83,7
+collierville,599,1
+darden,1121,8
+markleeville,135,3
+markleeville,811,4
+darden,1287,11
+markleeville,615,1
+markleeville,1094,3
+corozal,510,4
+corozal,289,6
+corozal,1183,7
+corozal,897,4
+markleeville,102,1
+darden,1654,6
+markleeville,920,4
+collierville,692,1
+darden,1329,5
+darden,800,5
+darden,1163,1
+markleeville,645,9
+collierville,242,0
+corozal,1107,1
+collierville,569,3
+corozal,208,5
+darden,1184,12
+darden,1513,3
+darden,964,2
+corozal,1045,1
+corozal,98,1
+markleeville,363,2
+markleeville,991,0
+corozal,578,0
+markleeville,964,1
+darden,1646,0
+markleeville,153,5
+markleeville,286,2
+markleeville,544,10
+markleeville,696,2
+darden,1956,11
+darden,1791,4
+corozal,741,5
+markleeville,1135,1
+darden,1121,6
+markleeville,715,3
+corozal,823,1
+corozal,229,1
+collierville,737,2
+darden,1709,3
+darden,448,2
+markleeville,285,1
+markleeville,700,5
+darden,1064,0
+collierville,538,4
+collierville,211,6
+collierville,395,1
+markleeville,270,11
+darden,1425,2
+corozal,1247,3
+corozal,959,0
+markleeville,905,2
+darden,1972,4
+corozal,580,24
+darden,380,0
+corozal,422,4
+darden,92,6
+corozal,158,0
+corozal,1430,2
+darden,1291,8
+collierville,122,0
+markleeville,471,8
+darden,1177,6
+corozal,275,5
+darden,1614,8
+corozal,390,11
+corozal,211,9
+markleeville,844,3
+corozal,492,2
+darden,1642,1
+darden,1337,1
+darden,803,1
+darden,1495,3
+corozal,538,6
+darden,1514,1
+darden,606,0
+darden,1265,1
+markleeville,700,1
+markleeville,392,2
+darden,1740,4
+collierville,74,3
+corozal,1390,9
+markleeville,44,2
+corozal,468,2
+corozal,306,7
+markleeville,1126,3
+corozal,283,0
+corozal,30,4
+corozal,1479,0
+markleeville,202,5
+corozal,74,5
+darden,1765,2
+darden,1864,3
+collierville,593,4
+corozal,92,5
+corozal,958,3
+darden,1642,3
+darden,4,6
+collierville,183,6
+corozal,290,4
+corozal,975,1
+darden,1415,0
+darden,588,7
+collierville,250,2
+corozal,963,2
+darden,1182,9
+collierville,303,6
+darden,1780,3
+corozal,1051,2
+collierville,137,2
+markleeville,368,0
+collierville,270,3
+darden,993,1
+markleeville,1110,5
+corozal,1060,2
+darden,1137,2
+darden,733,2
+darden,598,3
+darden,1246,4
+markleeville,1090,0
+corozal,848,10
+darden,243,1
+darden,1363,5
+darden,728,11
+darden,1192,3
+darden,1310,4
+markleeville,845,1
+darden,1956,2
+darden,266,14
+collierville,327,0
+markleeville,975,1
+darden,390,1
+markleeville,93,1
+corozal,189,1
+darden,1413,1
+corozal,517,5
+corozal,210,2
+corozal,540,4
+corozal,852,1
+darden,853,0
+corozal,930,0
+markleeville,271,7
+corozal,597,3
+darden,1440,0
+corozal,180,1
+corozal,421,8
+collierville,646,2
+markleeville,529,2
+markleeville,139,3
+corozal,306,8
+markleeville,511,4
+markleeville,1128,1
+collierville,634,0
+darden,198,14
+collierville,435,0
+darden,1407,4
+markleeville,1031,6
+corozal,1212,5
+corozal,977,3
+markleeville,58,2
+corozal,1086,4
+darden,1124,1
+darden,207,4
+darden,1989,12
+corozal,583,3
+markleeville,336,3
+corozal,816,3
+darden,1270,8
+corozal,1243,13
+darden,1179,1
+markleeville,982,4
+corozal,1510,10
+corozal,445,6
+corozal,1475,9
+darden,1184,8
+corozal,999,11
+darden,1840,3
+corozal,717,8
+darden,977,5
+darden,935,0
+markleeville,568,1
+darden,513,2
+markleeville,1198,3
+markleeville,959,1
+corozal,1207,1
+collierville,616,2
+darden,1976,4
+corozal,1013,3
+darden,1851,0
+collierville,665,4
+darden,991,5
+markleeville,428,1
+markleeville,663,2
+markleeville,4,9
+collierville,7,1
+markleeville,748,3
+collierville,526,4
+darden,1924,11
+darden,1681,6
+corozal,431,12
+collierville,361,0
+markleeville,134,8
+collierville,153,2
+collierville,689,3
+darden,1868,3
+darden,1378,2
+darden,1410,6
+corozal,1301,4
+corozal,751,2
+collierville,700,4
+darden,1682,13
+darden,804,1
+corozal,671,3
+markleeville,851,8
+markleeville,802,5
+markleeville,200,2
+collierville,8,0
+darden,318,2
+darden,475,3
+markleeville,773,5
+darden,464,5
+markleeville,324,3
+darden,918,1
+corozal,1018,5
+markleeville,564,2
+markleeville,725,10
+darden,146,1
+darden,941,9
+markleeville,1040,5
+markleeville,193,1
+corozal,1294,7
+darden,1921,10
+markleeville,939,0
+corozal,49,3
+darden,1866,7
+markleeville,664,5
+collierville,668,1
+markleeville,973,6
+darden,1584,0
+markleeville,526,1
+corozal,250,5
+markleeville,17,4
+darden,206,1
+darden,1439,2
+corozal,1279,6
+markleeville,82,10
+darden,1077,0
+markleeville,936,2
+darden,1838,3
+markleeville,828,3
+darden,799,7
+collierville,188,6
+collierville,600,1
+collierville,3,7
+darden,1454,2
+markleeville,386,4
+corozal,654,12
+corozal,1377,3
+markleeville,571,4
+markleeville,678,5
+collierville,44,4
+corozal,182,4
+corozal,418,2
+darden,1558,0
+markleeville,960,5
+darden,346,4
+markleeville,1191,2
+markleeville,1008,2
+corozal,489,3
+darden,1122,2
+darden,1083,1
+darden,1038,8
+corozal,1110,6
+markleeville,406,3
+darden,536,14
+markleeville,455,3
+markleeville,126,1
+markleeville,876,2
+darden,991,3
+markleeville,833,0
+darden,1018,4
+darden,876,3
+corozal,1488,7
+darden,1710,1
+corozal,306,10
+darden,728,3
+corozal,193,3
+darden,1976,6
+darden,1098,2
+markleeville,975,9
+corozal,447,9
+corozal,1322,2
+corozal,1369,2
+markleeville,218,6
+markleeville,708,0
+markleeville,199,1
+corozal,1025,5
+corozal,1221,4
+darden,1397,0
+darden,1692,1
+darden,324,2
+darden,737,4
+collierville,92,2
+darden,191,9
+corozal,254,3
+darden,416,6
+markleeville,584,14
+collierville,252,1
+markleeville,511,1
+corozal,852,0
+corozal,1228,5
+corozal,409,4
+darden,1366,0
+darden,965,3
+markleeville,596,2
+corozal,922,0
+corozal,1553,1
+corozal,756,5
+darden,722,4
+darden,1907,8
+darden,1837,0
+darden,1262,7
+darden,1152,1
+darden,1384,2
+corozal,388,2
+darden,542,3
+corozal,1370,13
+darden,1372,6
+darden,1875,6
+corozal,774,4
+markleeville,438,3
+darden,982,0
+darden,588,10
+markleeville,1080,10
+corozal,658,0
+corozal,469,20
+corozal,969,4
+corozal,1530,6
+corozal,1318,1
+corozal,515,7
+collierville,219,4
+collierville,392,2
+corozal,137,16
+corozal,398,2
+darden,1402,4
+darden,1748,0
+corozal,880,0
+darden,371,4
+darden,430,1
+markleeville,171,4
+darden,464,11
+markleeville,697,10
+corozal,1023,0
+corozal,1083,3
+corozal,65,3
+darden,490,6
+darden,1211,9
+markleeville,248,9
+corozal,1301,21
+darden,942,7
+darden,1770,0
+collierville,188,0
+darden,497,13
+darden,1796,3
+markleeville,902,0
+markleeville,223,2
+markleeville,1116,1
+darden,101,1
+darden,1338,0
+corozal,515,12
+markleeville,20,2
+darden,1897,0
+markleeville,116,7
+corozal,866,7
+corozal,33,5
+corozal,366,6
+darden,1967,8
+darden,770,0
+markleeville,78,7
+collierville,543,1
+markleeville,860,3
+darden,1213,4
+darden,229,3
+markleeville,1037,3
+corozal,1143,4
+corozal,433,2
+darden,1079,3
+corozal,1179,0
+darden,454,6
+darden,722,11
+darden,441,0
+darden,1442,8
+darden,1728,0
+markleeville,1053,16
+darden,571,9
+markleeville,1181,3
+darden,1997,5
+markleeville,672,10
+corozal,87,5
+corozal,1049,12
+markleeville,904,0
+darden,1968,1
+darden,1027,1
+markleeville,648,1
+corozal,285,5
+markleeville,697,7
+darden,285,1
+corozal,1126,13
+collierville,420,1
+darden,908,0
+markleeville,824,2
+darden,1658,5
+markleeville,462,1
+darden,371,0
+darden,1563,0
+collierville,699,1
+darden,1037,2
+corozal,611,7
+darden,1828,8
+corozal,1270,1
+darden,173,1
+corozal,162,4
+darden,1411,2
+darden,1077,3
+corozal,1459,12
+darden,1708,9
+darden,1919,5
+markleeville,215,0
+corozal,735,2
+darden,455,5
+corozal,7,8
+darden,54,0
+corozal,119,2
+corozal,1301,11
+collierville,136,3
+corozal,456,0
+darden,791,24
+collierville,606,1
+darden,1271,0
+markleeville,120,6
+darden,895,0
+darden,268,2
+darden,959,2
+markleeville,608,5
+darden,432,3
+darden,941,3
+markleeville,410,0
+darden,977,3
+collierville,5,1
+darden,1326,6
+corozal,434,10
+darden,349,0
+darden,709,4
+darden,1961,5
+markleeville,864,3
+corozal,76,6
+darden,1459,1
+corozal,668,0
+corozal,1264,2
+corozal,1092,0
+darden,197,1
+markleeville,1037,2
+corozal,1050,0
+markleeville,32,8
+darden,1724,11
+collierville,36,1
+corozal,731,3
+darden,1079,2
+corozal,1472,7
+corozal,530,2
+markleeville,1166,13
+collierville,711,2
+darden,1826,2
+darden,1576,7
+corozal,954,6
+corozal,193,6
+darden,1071,9
+corozal,154,3
+collierville,733,2
+corozal,553,4
+darden,1647,3
+corozal,136,7
+darden,791,26
+corozal,1320,5
+corozal,1062,5
+darden,1960,3
+corozal,782,8
+corozal,422,17
+corozal,789,2
+markleeville,432,0
+darden,1405,3
+markleeville,900,8
+darden,205,8
+darden,1899,1
+markleeville,145,12
+darden,1246,5
+markleeville,901,6
+darden,79,2
+corozal,796,12
+corozal,1101,4
+corozal,1436,3
+markleeville,1153,1
+collierville,482,3
+collierville,43,1
+darden,845,6
+corozal,1378,7
+darden,1252,1
+corozal,211,2
+darden,1209,6
+corozal,252,1
+corozal,671,10
+darden,1602,0
+corozal,644,1
+markleeville,247,5
+corozal,1507,4
+darden,120,15
+corozal,445,7
+darden,166,1
+darden,728,0
+darden,938,5
+darden,65,2
+corozal,339,1
+darden,658,3
+collierville,290,0
+corozal,225,0
+markleeville,969,3
+darden,1984,3
+corozal,399,1
+corozal,116,2
+corozal,870,4
+corozal,422,7
+darden,693,3
+markleeville,1152,2
+corozal,148,4
+corozal,38,4
+markleeville,494,1
+corozal,1219,6
+collierville,78,2
+darden,851,1
+corozal,792,4
+darden,1681,12
+darden,1209,0
+corozal,1236,4
+darden,1621,2
+markleeville,233,2
+collierville,335,0
+markleeville,294,4
+darden,1204,4
+corozal,228,1
+darden,1539,2
+markleeville,262,13
+darden,1379,0
+markleeville,348,1
+darden,1783,1
+darden,1724,2
+corozal,279,0
+corozal,246,0
+collierville,85,0
+corozal,1297,0
+markleeville,11,6
+collierville,702,0
+corozal,459,3
+corozal,1143,3
+corozal,405,3
+corozal,110,6
+corozal,168,6
+darden,1702,3
+markleeville,641,3
+darden,1808,5
+corozal,586,0
+darden,179,2
+markleeville,1128,8
+darden,320,2
+darden,918,2
+markleeville,43,1
+markleeville,796,4
+darden,1788,2
+corozal,259,3
+markleeville,42,13
+corozal,1063,4
+markleeville,319,3
+collierville,503,3
+darden,1358,9
+markleeville,138,2
+darden,394,2
+darden,97,5
+markleeville,482,3
+darden,504,5
+corozal,35,0
+darden,1881,6
+darden,1291,6
+darden,1716,1
+darden,1443,3
+corozal,1035,0
+collierville,309,2
+markleeville,342,0
+darden,1560,3
+corozal,608,3
+markleeville,1047,0
+corozal,869,0
+darden,1965,1
+markleeville,706,6
+corozal,1210,5
+darden,266,9
+darden,78,2
+darden,1809,7
+markleeville,498,6
+darden,660,3
+markleeville,326,5
+corozal,148,16
+markleeville,124,1
+corozal,1347,5
+darden,1752,1
+darden,763,2
+corozal,857,17
+markleeville,102,12
+markleeville,951,1
+darden,392,4
+corozal,226,4
+markleeville,387,0
+corozal,459,13
+darden,1442,20
+darden,1923,6
+darden,1164,1
+collierville,141,2
+corozal,1422,0
+darden,1078,1
+corozal,706,6
+collierville,321,2
+markleeville,1134,2
+markleeville,1093,1
+corozal,1080,2
+darden,379,2
+collierville,97,1
+markleeville,567,6
+corozal,308,7
+markleeville,820,4
+corozal,290,5
+corozal,224,10
+markleeville,918,3
+markleeville,734,0
+markleeville,766,4
+corozal,1114,8
+corozal,2,8
+darden,926,4
+markleeville,924,5
+markleeville,929,1
+markleeville,860,0
+darden,1946,3
+corozal,1088,2
+markleeville,495,7
+corozal,1055,6
+darden,1867,1
+markleeville,225,5
+collierville,381,1
+darden,89,11
+collierville,501,0
+corozal,389,2
+darden,1532,8
+corozal,1171,1
+corozal,490,9
+darden,524,12
+corozal,1216,18
+darden,494,0
+corozal,1481,0
+collierville,79,1
+darden,1314,2
+darden,184,8
+collierville,546,1
+corozal,217,1
+markleeville,704,2
+corozal,1356,5
+darden,1864,0
+darden,666,3
+collierville,128,4
+darden,1745,0
+markleeville,1076,5
+markleeville,597,7
+corozal,1127,3
+corozal,508,15
+corozal,409,3
+corozal,276,15
+darden,867,0
+darden,102,1
+markleeville,304,15
+markleeville,1021,2
+markleeville,751,4
+corozal,70,0
+collierville,257,2
+darden,439,2
+darden,113,5
+collierville,156,2
+darden,1382,0
+corozal,925,1
+corozal,91,5
+darden,529,15
+collierville,202,0
+darden,520,4
+markleeville,68,1
+corozal,526,1
+markleeville,410,4
+corozal,707,1
+markleeville,20,8
+darden,459,2
+darden,307,2
+darden,1212,0
+darden,555,0
+darden,35,9
+darden,813,1
+darden,1856,0
+collierville,265,0
+darden,295,4
+corozal,447,5
+corozal,1089,2
+darden,1433,3
+markleeville,1003,4
+darden,603,4
+markleeville,359,0
+darden,1702,2
+corozal,103,0
+darden,120,11
+markleeville,539,9
+corozal,244,15
+markleeville,74,0
+corozal,91,0
+darden,89,13
+corozal,523,4
+corozal,1544,0
+corozal,1315,4
+collierville,623,4
+corozal,875,1
+darden,1340,8
+markleeville,458,12
+darden,987,9
+markleeville,244,4
+darden,1755,7
+corozal,1005,1
+darden,1529,1
+darden,1250,13
+darden,1006,6
+darden,1164,5
+darden,440,2
+darden,1338,4
+corozal,825,4
+corozal,162,3
+corozal,1095,3
+darden,913,3
+collierville,636,0
+corozal,1394,8
+corozal,342,2
+darden,1242,3
+corozal,1251,5
+collierville,639,0
+markleeville,311,6
+darden,83,1
+darden,823,10
+corozal,31,5
+corozal,975,5
+darden,496,0
+markleeville,634,0
+markleeville,280,7
+darden,1237,3
+corozal,778,3
+markleeville,420,1
+darden,536,17
+darden,1518,1
+markleeville,150,2
+darden,1213,3
+darden,571,5
+markleeville,112,2
+darden,551,3
+markleeville,1080,2
+corozal,585,1
+darden,1288,1
+collierville,378,4
+markleeville,93,3
+darden,205,9
+darden,900,2
+darden,577,1
+corozal,900,0
+corozal,1404,11
+darden,1135,5
+darden,114,8
+corozal,1090,3
+darden,1765,1
+darden,761,3
+darden,553,0
+corozal,1067,5
+corozal,707,2
+darden,947,5
+collierville,154,3
+darden,1697,5
+darden,1253,3
+darden,227,0
+corozal,486,7
+corozal,1461,0
+corozal,1513,14
+darden,841,0
+corozal,1136,5
+darden,1079,4
+darden,171,2
+darden,300,1
+corozal,432,6
+corozal,113,2
+corozal,23,6
+darden,878,6
+corozal,271,7
+markleeville,295,0
+darden,1702,6
+corozal,117,0
+markleeville,435,7
+corozal,495,18
+markleeville,519,0
+markleeville,1020,0
+darden,1323,0
+darden,1222,13
+darden,544,3
+corozal,1228,3
+collierville,95,0
+darden,696,0
+darden,119,3
+collierville,341,0
+darden,1940,6
+darden,75,0
+collierville,480,2
+darden,1723,3
+darden,130,3
+markleeville,185,12
+darden,539,3
+darden,411,4
+darden,1199,1
+darden,999,4
+darden,1471,13
+markleeville,217,1
+corozal,738,4
+corozal,297,7
+corozal,601,0
+markleeville,652,4
+darden,1320,3
+collierville,728,4
+darden,553,1
+darden,1809,2
+corozal,1066,1
+markleeville,84,9
+markleeville,1159,9
+corozal,68,3
+corozal,12,5
+corozal,1547,2
+markleeville,323,1
+darden,1989,0
+markleeville,949,1
+markleeville,868,5
+collierville,217,1
+darden,1773,25
+markleeville,56,2
+darden,1961,10
+markleeville,779,1
+corozal,651,2
+corozal,144,10
+markleeville,505,1
+collierville,330,3
+markleeville,337,0
+darden,680,5
+markleeville,811,14
+darden,1238,0
+darden,1373,13
+darden,79,9
+darden,569,3
+markleeville,1055,9
+markleeville,1192,0
+corozal,1457,2
+collierville,298,3
+markleeville,1105,4
+corozal,787,8
+markleeville,45,3
+corozal,830,3
+darden,769,12
+collierville,348,3
+collierville,511,3
+darden,1927,2
+markleeville,259,0
+markleeville,1136,2
+darden,1059,0
+markleeville,167,5
+corozal,998,0
+corozal,1158,2
+corozal,332,0
+corozal,671,6
+darden,1806,5
+corozal,672,5
+corozal,1135,3
+darden,348,5
+corozal,1315,1
+collierville,174,0
+corozal,72,1
+darden,1868,1
+corozal,1321,8
+corozal,459,1
+markleeville,271,11
+corozal,388,5
+darden,387,7
+corozal,1415,13
+markleeville,1146,8
+darden,1808,6
+collierville,568,3
+darden,1362,4
+markleeville,446,0
+corozal,1407,12
+corozal,394,0
+markleeville,549,3
+markleeville,104,1
+darden,1326,7
+markleeville,371,10
+markleeville,1096,2
+darden,1756,0
+darden,655,8
+collierville,25,1
+darden,1257,1
+darden,1425,1
+darden,434,7
+markleeville,813,1
+collierville,562,3
+corozal,1351,4
+corozal,1359,4
+corozal,621,9
+collierville,716,2
+corozal,148,14
+corozal,203,4
+darden,1315,3
+corozal,276,9
+darden,1188,2
+markleeville,359,1
+collierville,377,1
+darden,376,13
+darden,1019,4
+corozal,1535,0
+corozal,797,1
+markleeville,243,4
+markleeville,326,1
+darden,1438,7
+markleeville,957,3
+darden,1124,5
+collierville,729,2
+darden,1587,2
+darden,1102,2
+darden,421,1
+corozal,308,11
+collierville,240,0
+corozal,1511,12
+markleeville,455,10
+markleeville,455,9
+markleeville,980,2
+markleeville,680,15
+darden,824,5
+collierville,111,1
+darden,1557,8
+corozal,1027,1
+collierville,562,1
+corozal,1216,12
+corozal,478,0
+corozal,1219,0
+corozal,1043,4
+markleeville,82,12
+markleeville,135,4
+darden,1453,20
+corozal,285,3
+darden,681,6
+corozal,1256,3
+markleeville,301,0
+markleeville,439,0
+darden,1319,2
+collierville,411,8
+darden,981,3
+darden,1773,1
+corozal,1373,1
+corozal,508,1
+darden,448,1
+darden,1453,13
+collierville,245,2
+corozal,1061,1
+darden,89,5
+darden,1572,5
+markleeville,572,6
+corozal,136,1
+collierville,578,5
+collierville,558,3
+corozal,303,3
+markleeville,917,2
+darden,1514,0
+darden,1224,1
+darden,915,1
+darden,1093,5
+corozal,355,7
+corozal,543,5
+darden,1647,6
+darden,1376,2
+markleeville,1113,4
+corozal,1304,0
+darden,1411,3
+corozal,402,3
+corozal,746,3
+markleeville,21,0
+corozal,422,9
+collierville,55,1
+markleeville,459,6
+darden,11,4
+markleeville,158,3
+darden,1141,7
+corozal,561,4
+darden,1185,4
+darden,454,0
+collierville,165,0
+corozal,763,0
+darden,1146,0
+corozal,586,7
+corozal,187,3
+collierville,332,0
+corozal,755,1
+darden,175,2
+darden,1222,2
+darden,1777,2
+corozal,568,5
+corozal,364,3
+corozal,435,5
+corozal,432,10
+darden,491,2
+darden,89,7
+corozal,772,2
+corozal,1157,0
+markleeville,915,1
+darden,856,4
+collierville,1,2
+corozal,1334,0
+darden,1492,1
+darden,1033,4
+darden,198,11
+corozal,255,3
+markleeville,1056,11
+darden,1153,2
+collierville,680,1
+corozal,896,1
+corozal,363,6
+corozal,1260,4
+markleeville,1076,0
+markleeville,827,3
+darden,1674,2
+darden,1299,0
+corozal,761,1
+markleeville,402,0
+corozal,0,2
+darden,574,4
+collierville,519,0
+darden,30,7
+darden,363,5
+darden,1282,3
+darden,880,9
+collierville,178,1
+collierville,305,2
+corozal,1250,0
+markleeville,349,5
+corozal,752,11
+darden,1972,5
+markleeville,856,10
+corozal,1529,8
+darden,1126,7
+collierville,12,0
+markleeville,225,0
+darden,1526,3
+darden,971,4
+markleeville,545,4
+darden,941,8
+collierville,586,3
+collierville,197,0
+markleeville,909,4
+corozal,1297,8
+corozal,1436,1
+corozal,843,0
+corozal,1219,3
+darden,1536,4
+darden,1617,5
+corozal,629,7
+corozal,1460,1
+corozal,672,0
+markleeville,670,1
+collierville,391,4
+corozal,432,1
+markleeville,774,6
+darden,345,0
+darden,1737,3
+corozal,837,0
+darden,1360,1
+darden,1185,3
+corozal,472,4
+corozal,702,0
+collierville,482,5
+darden,422,1
+collierville,500,8
+corozal,1140,2
+corozal,274,14
+corozal,237,3
+darden,1420,1
+darden,1655,1
+markleeville,3,1
+darden,1186,3
+darden,699,5
+darden,1731,0
+corozal,107,7
+corozal,240,8
+collierville,2,6
+darden,1136,6
+markleeville,1162,0
+darden,529,8
+markleeville,2,3
+markleeville,262,5
+markleeville,54,1
+corozal,1156,2
+darden,1498,4
+darden,1631,8
+markleeville,623,0
+darden,34,13
+darden,1851,2
+darden,1096,3
+corozal,721,1
+darden,211,0
+markleeville,235,2
+darden,375,4
+collierville,714,2
+markleeville,357,3
+darden,229,2
+collierville,672,2
+corozal,424,0
+darden,974,6
+markleeville,587,1
+darden,1116,2
+darden,575,14
+markleeville,497,4
+darden,459,4
+collierville,279,0
+collierville,689,5
+markleeville,728,2
+markleeville,314,1
+corozal,289,0
+corozal,913,0
+corozal,591,11
+corozal,305,1
+markleeville,172,1
+darden,1061,2
+corozal,1310,4
+corozal,1083,1
+darden,522,0
+darden,1307,0
+collierville,236,2
+markleeville,284,0
+markleeville,909,9
+markleeville,845,4
+markleeville,1197,1
+corozal,1103,1
+markleeville,1029,13
+corozal,59,1
+corozal,1226,1
+corozal,187,14
+corozal,48,4
+markleeville,740,4
+darden,1991,3
+markleeville,371,0
+markleeville,244,11
+darden,1862,0
+darden,391,7
+darden,435,11
+markleeville,701,3
+corozal,894,3
+darden,1305,8
+corozal,779,2
+markleeville,751,5
+markleeville,431,5
+darden,238,1
+corozal,1017,7
+corozal,756,1
+corozal,491,2
+collierville,166,3
+markleeville,1024,3
+darden,487,6
+collierville,260,0
+darden,400,2
+corozal,367,3
+corozal,363,3
+corozal,794,4
+collierville,540,5
+markleeville,101,3
+markleeville,583,8
+corozal,274,6
+markleeville,1144,3
+darden,945,16
+darden,230,2
+corozal,1316,5
+corozal,612,9
+corozal,1455,5
+corozal,637,2
+darden,1717,5
+markleeville,11,13
+darden,846,3
+markleeville,1147,3
+corozal,530,9
+markleeville,542,0
+corozal,1442,1
+darden,1257,2
+corozal,1209,1
+darden,393,7
+markleeville,416,3
+darden,1901,3
+darden,1005,1
+darden,1530,4
+corozal,317,6
+darden,596,4
+corozal,240,10
+markleeville,206,9
+corozal,218,4
+markleeville,210,3
+markleeville,664,8
+darden,898,24
+corozal,224,1
+corozal,42,5
+darden,1922,1
+markleeville,907,13
+corozal,767,4
+corozal,306,2
+corozal,1548,0
+corozal,111,3
+corozal,1336,2
+corozal,313,3
+markleeville,409,4
+corozal,1356,9
+darden,1105,2
+darden,831,15
+corozal,1268,2
+corozal,716,0
+darden,1652,0
+corozal,904,1
+darden,183,1
+corozal,936,0
+collierville,519,2
+markleeville,792,4
+corozal,798,4
+markleeville,40,4
+darden,213,5
+corozal,513,1
+markleeville,1117,12
+darden,407,1
+corozal,1223,1
+corozal,437,6
+darden,1428,5
+corozal,668,6
+darden,393,4
+darden,1006,8
+corozal,1397,0
+darden,236,1
+markleeville,967,0
+markleeville,938,3
+darden,930,1
+collierville,59,0
+collierville,421,3
+markleeville,325,13
+corozal,570,1
+darden,82,5
+corozal,1096,6
+darden,623,2
+darden,1804,1
+darden,707,3
+darden,308,5
+darden,488,2
+markleeville,805,4
+markleeville,1001,2
+markleeville,265,3
+markleeville,367,5
+darden,1866,17
+darden,558,0
+darden,536,3
+corozal,249,5
+darden,1755,24
+collierville,622,0
+corozal,760,11
+corozal,921,1
+collierville,422,0
+corozal,402,1
+markleeville,988,1
+markleeville,728,4
+corozal,1072,16
+markleeville,618,0
+corozal,1392,0
+darden,413,8
+collierville,332,3
+corozal,1313,2
+darden,184,14
+markleeville,217,9
+darden,1094,1
+darden,1863,2
+collierville,693,4
+darden,1869,0
+markleeville,584,6
+collierville,349,3
+darden,1176,5
+darden,666,4
+collierville,38,3
+corozal,1509,1
+markleeville,766,2
+markleeville,608,4
+markleeville,373,2
+markleeville,293,2
+corozal,251,3
+markleeville,1093,2
+collierville,241,3
+darden,77,1
+markleeville,385,0
+corozal,2,13
+markleeville,696,0
+collierville,46,1
+markleeville,478,0
+corozal,1237,1
+darden,1138,1
+darden,621,3
+darden,866,1
+markleeville,269,13
+corozal,1083,4
+darden,1040,6
+markleeville,185,8
+corozal,1034,2
+markleeville,682,4
+darden,1418,3
+collierville,186,1
+darden,1173,3
+darden,370,1
+darden,674,6
+darden,1051,4
+markleeville,704,1
+corozal,1418,3
+corozal,1138,10
+corozal,1293,1
+collierville,11,1
+markleeville,576,4
+darden,783,9
+corozal,1069,1
+darden,1132,2
+darden,1536,5
+corozal,289,3
+markleeville,695,0
+markleeville,806,2
+corozal,587,3
+corozal,1493,16
+corozal,1225,1
+markleeville,282,1
+darden,1624,5
+corozal,818,3
+corozal,1202,6
+markleeville,288,8
+darden,1055,11
+corozal,716,2
+darden,1442,6
+darden,13,5
+markleeville,182,5
+markleeville,350,4
+darden,1354,3
+markleeville,789,1
+corozal,1116,1
+darden,243,5
+markleeville,355,1
+corozal,1033,12
+corozal,198,6
+markleeville,231,7
+corozal,889,6
+corozal,321,14
+corozal,196,0
+darden,629,17
+collierville,578,0
+darden,503,0
+darden,167,10
+darden,791,16
+corozal,311,3
+markleeville,288,12
+markleeville,877,3
+darden,89,8
+corozal,637,13
+markleeville,519,2
+collierville,346,2
+darden,1941,17
+corozal,422,5
+collierville,450,1
+collierville,0,8
+corozal,981,0
+markleeville,221,5
+markleeville,772,0
+darden,1692,0
+corozal,1093,4
+darden,1932,1
+corozal,603,0
+darden,1754,3
+darden,1943,3
+darden,1283,4
+markleeville,119,3
+markleeville,990,1
+collierville,438,0
+markleeville,23,2
+corozal,137,5
+darden,1835,1
+darden,3,10
+collierville,502,2
+darden,621,1
+darden,1691,11
+corozal,750,6
+markleeville,786,2
+darden,1974,2
+corozal,1136,3
+corozal,1161,0
+darden,1737,2
+darden,124,6
+darden,493,1
+darden,1055,0
+markleeville,285,4
+corozal,1020,3
+collierville,545,2
+darden,73,3
+darden,1549,1
+corozal,1115,3
+corozal,788,2
+corozal,169,0
+darden,1596,5
+corozal,873,9
+corozal,777,2
+corozal,1368,4
+markleeville,1148,2
+darden,245,2
+corozal,979,16
+darden,147,3
+corozal,76,3
+corozal,1080,1
+darden,1139,2
+corozal,276,10
+corozal,1363,3
+corozal,1162,4
+corozal,580,5
+darden,212,1
+corozal,333,3
+markleeville,514,5
+darden,1862,6
+markleeville,662,9
+corozal,629,10
+markleeville,190,2
+corozal,709,0
+corozal,1115,7
+collierville,476,0
+corozal,808,2
+corozal,810,1
+markleeville,187,4
+darden,1868,2
+collierville,713,2
+corozal,791,3
+darden,1639,15
+darden,1412,7
+corozal,609,4
+darden,1630,11
+markleeville,15,0
+corozal,1031,1
+collierville,637,5
+corozal,1240,0
+markleeville,726,6
+corozal,1084,7
+darden,266,16
+darden,1753,3
+corozal,1457,4
+darden,1240,1
+darden,786,0
+corozal,635,14
+darden,1967,7
+markleeville,494,2
+collierville,305,1
+corozal,1013,13
+corozal,305,2
+markleeville,1045,7
+corozal,1173,3
+darden,1484,2
+markleeville,973,3
+darden,1625,8
+darden,1435,0
+darden,934,10
+collierville,398,5
+darden,1307,7
+darden,571,2
+corozal,632,4
+corozal,999,9
+corozal,1404,3
+markleeville,462,2
+darden,1296,2
+markleeville,673,3
+darden,595,3
+corozal,123,3
+markleeville,189,0
+corozal,134,3
+collierville,712,4
+collierville,600,4
+corozal,1326,3
+darden,1894,1
+markleeville,302,7
+corozal,1420,2
+darden,1834,4
+corozal,1217,3
+markleeville,559,5
+darden,1872,6
+darden,254,0
+collierville,326,0
+collierville,661,0
+collierville,524,0
+darden,1009,2
+corozal,1166,2
+darden,38,8
+darden,300,6
+corozal,1354,5
+darden,1051,0
+corozal,16,6
+corozal,435,1
+collierville,506,6
+darden,341,7
+corozal,633,3
+darden,1184,15
+darden,75,8
+collierville,260,1
+collierville,447,0
+darden,1002,13
+corozal,619,4
+darden,432,2
+darden,1612,3
+corozal,651,1
+corozal,146,5
+collierville,575,2
+darden,1204,10
+markleeville,768,10
+markleeville,457,1
+darden,1624,3
+corozal,1555,6
+markleeville,142,2
+darden,35,7
+markleeville,539,11
+darden,1944,0
+markleeville,680,8
+darden,683,7
+darden,1798,5
+darden,233,3
+markleeville,967,7
+markleeville,23,1
+corozal,1365,5
+darden,1889,2
+corozal,222,0
+corozal,46,5
+darden,1250,16
+markleeville,42,7
+markleeville,766,3
+darden,266,8
+collierville,630,1
+darden,1651,3
+darden,1821,2
+darden,1943,20
+corozal,1517,10
+markleeville,1102,8
+darden,757,3
+corozal,530,11
+darden,528,1
+markleeville,755,4
+markleeville,1132,7
+corozal,137,1
+markleeville,844,4
+corozal,56,0
+corozal,510,1
+darden,1893,2
+markleeville,898,6
+darden,1536,2
+corozal,973,8
+corozal,436,0
+markleeville,332,3
+collierville,304,4
+markleeville,12,0
+corozal,1067,0
+corozal,1189,4
+markleeville,458,10
+corozal,1243,9
+collierville,128,5
+darden,1457,4
+darden,254,1
+corozal,639,2
+collierville,694,2
+darden,825,0
+darden,1956,18
+darden,508,5
+markleeville,1031,1
+darden,310,0
+corozal,1463,0
+darden,1099,3
+markleeville,816,3
+corozal,907,1
+collierville,147,0
+darden,1436,2
+collierville,397,4
+markleeville,931,1
+corozal,910,4
+markleeville,705,4
+darden,456,0
+markleeville,907,3
+collierville,81,3
+collierville,334,0
+darden,1773,2
+corozal,93,0
+corozal,484,2
+darden,1506,3
+darden,294,4
+darden,1667,3
+markleeville,372,4
+darden,397,12
+darden,780,1
+corozal,318,3
+corozal,776,2
+darden,184,4
+markleeville,856,11
+markleeville,177,2
+markleeville,327,0
+darden,1635,2
+darden,537,1
+markleeville,878,4
+corozal,1305,2
+markleeville,690,0
+markleeville,981,13
+darden,1065,8
+corozal,539,3
+corozal,55,2
+markleeville,684,4
+corozal,457,0
+darden,71,1
+markleeville,287,3
+corozal,504,5
+darden,1213,1
+darden,1528,0
+corozal,878,5
+corozal,582,4
+markleeville,37,5
+corozal,871,0
+markleeville,409,0
+corozal,1078,9
+markleeville,1042,0
+markleeville,681,0
+markleeville,435,6
+corozal,239,6
+darden,1974,8
+markleeville,585,0
+markleeville,596,3
+corozal,572,2
+markleeville,20,10
+corozal,94,1
+corozal,1366,6
+markleeville,1172,14
+markleeville,737,4
+markleeville,1057,7
+markleeville,516,4
+darden,1324,2
+corozal,215,1
+corozal,626,14
+corozal,421,9
+corozal,483,14
+darden,1453,8
+corozal,1296,2
+darden,1659,2
+corozal,224,8
+darden,126,0
+markleeville,971,4
+collierville,325,0
+corozal,641,4
+darden,612,3
+markleeville,990,4
+darden,1843,3
+darden,1540,10
+corozal,639,1
+corozal,487,2
+corozal,301,0
+collierville,669,0
+collierville,256,2
+darden,662,1
+collierville,12,4
+collierville,61,3
+corozal,69,4
+corozal,835,1
+corozal,1132,5
+corozal,606,5
+collierville,720,1
+corozal,368,0
+corozal,237,10
+markleeville,50,0
+darden,1674,0
+corozal,419,10
+darden,1848,1
+markleeville,284,4
+darden,247,11
+darden,504,3
+markleeville,968,1
+darden,122,1
+markleeville,1009,1
+darden,1209,4
+corozal,564,6
+darden,831,5
+markleeville,280,14
+darden,733,9
+collierville,188,2
+collierville,674,6
+markleeville,918,4
+darden,704,2
+corozal,762,7
+corozal,1096,11
+darden,797,24
+corozal,1022,8
+collierville,573,2
+darden,1240,0
+collierville,68,0
+corozal,800,3
+markleeville,328,2
+darden,630,1
+corozal,287,2
+collierville,426,3
+darden,1354,6
+darden,1329,17
+darden,1826,0
+darden,1321,10
+markleeville,647,0
+markleeville,1198,2
+corozal,980,16
+corozal,170,1
+darden,1967,14
+corozal,325,6
+corozal,889,7
+corozal,6,1
+corozal,20,2
+collierville,583,1
+darden,1973,1
+markleeville,722,5
+darden,1900,1
+corozal,866,0
+corozal,243,5
+corozal,1471,8
+corozal,1248,0
+markleeville,382,2
+markleeville,48,3
+collierville,374,2
+markleeville,702,0
+corozal,960,2
+markleeville,110,5
+corozal,1304,1
+markleeville,1163,4
+markleeville,619,9
+collierville,513,7
+markleeville,680,4
+darden,1920,4
+corozal,1205,7
+markleeville,1093,3
+darden,181,2
+darden,1682,11
+collierville,591,0
+corozal,481,4
+darden,1095,3
+darden,39,0
+markleeville,859,0
+darden,1655,3
+corozal,1054,0
+markleeville,770,0
+corozal,434,8
+corozal,871,8
+corozal,894,13
+markleeville,677,2
+markleeville,386,0
+corozal,744,7
+corozal,19,3
+collierville,305,0
+corozal,236,4
+markleeville,1104,1
+collierville,100,4
+darden,1591,10
+corozal,1102,1
+collierville,318,1
+corozal,916,6
+collierville,144,1
+collierville,200,1
+corozal,718,11
+corozal,1209,19
+darden,1330,1
+markleeville,994,0
+darden,1122,1
+corozal,127,2
+markleeville,219,8
+markleeville,654,1
+darden,1822,3
+corozal,469,18
+darden,978,1
+collierville,290,2
+markleeville,120,0
+markleeville,207,2
+collierville,687,0
+markleeville,356,5
+darden,1883,0
+darden,1257,4
+corozal,1415,2
+corozal,398,8
+darden,1670,1
+corozal,1427,5
+darden,1554,7
+corozal,1369,1
+darden,705,2
+darden,1064,6
+markleeville,43,0
+corozal,898,0
+darden,54,1
+corozal,297,6
+corozal,388,9
+markleeville,177,3
+corozal,1305,1
+darden,1773,15
+darden,640,2
+corozal,1145,5
+corozal,1138,19
+markleeville,344,0
+markleeville,995,3
+markleeville,677,1
+collierville,204,3
+markleeville,203,3
+corozal,912,2
+corozal,397,2
+darden,542,0
+corozal,517,2
+collierville,424,2
+corozal,614,0
+darden,1256,2
+markleeville,720,5
+corozal,665,0
+corozal,811,3
+darden,916,4
+darden,1921,3
+corozal,340,6
+darden,832,6
+corozal,482,2
+markleeville,215,1
+darden,74,2
+darden,1972,3
+markleeville,71,8
+corozal,630,1
+corozal,105,2
+markleeville,693,3
+markleeville,203,0
+darden,1093,6
+markleeville,516,10
+darden,313,5
+collierville,65,4
+darden,233,7
+collierville,615,4
+corozal,864,7
+corozal,1528,1
+markleeville,597,12
+corozal,733,2
+markleeville,609,0
+markleeville,779,8
+markleeville,315,3
+darden,352,3
+corozal,963,4
+markleeville,1148,1
+corozal,2,3
+corozal,1213,2
+collierville,447,3
+markleeville,1129,1
+darden,1943,5
+darden,512,2
+corozal,68,0
+darden,1286,4
+darden,1117,2
+markleeville,1077,2
+darden,494,1
+corozal,689,13
+corozal,667,2
+corozal,881,2
+darden,209,3
+markleeville,498,7
+darden,623,3
+collierville,514,1
+corozal,237,0
+darden,1389,1
+darden,1813,8
+darden,384,1
+markleeville,978,9
+collierville,230,4
+darden,829,5
+corozal,260,0
+corozal,248,8
+corozal,606,2
+corozal,1129,5
+corozal,459,11
+collierville,449,3
+darden,733,7
+darden,826,2
+corozal,478,14
+corozal,1173,1
+corozal,626,9
+darden,140,1
+corozal,362,0
+collierville,68,2
+darden,221,2
+darden,1588,2
+darden,1826,5
+darden,63,6
+darden,898,23
+darden,962,6
+corozal,888,6
+corozal,986,0
+corozal,991,1
+markleeville,131,5
+darden,693,8
+darden,1866,1
+corozal,70,6
+corozal,51,3
+corozal,727,8
+corozal,123,6
+darden,1495,7
+darden,1085,8
+markleeville,625,0
+corozal,105,0
+corozal,1167,4
+collierville,403,5
+darden,1577,0
+darden,1264,5
+corozal,334,2
+darden,1813,3
+darden,1230,2
+corozal,571,0
+corozal,890,1
+darden,1796,4
+darden,1915,2
+darden,784,4
+corozal,1282,2
+darden,1026,1
+darden,699,0
+collierville,595,2
+darden,1006,4
+markleeville,26,0
+collierville,647,4
+corozal,1033,6
+markleeville,645,7
+markleeville,859,11
+collierville,86,1
+corozal,195,7
+corozal,985,15
+darden,900,4
+markleeville,706,0
+markleeville,1074,2
+corozal,236,0
+darden,1448,9
+darden,6,0
+corozal,953,3
+corozal,1551,5
+corozal,1348,1
+collierville,112,2
+collierville,121,2
+corozal,889,3
+markleeville,747,8
+corozal,871,18
+markleeville,624,6
+corozal,584,0
+markleeville,282,0
+corozal,96,1
+markleeville,367,1
+corozal,966,4
+corozal,159,2
+darden,1895,0
+darden,1726,9
+markleeville,408,0
+corozal,92,12
+darden,80,6
+darden,70,5
+corozal,857,0
+collierville,200,0
+corozal,209,4
+corozal,1072,14
+darden,1059,12
+corozal,846,3
+darden,1959,6
+markleeville,1110,3
+darden,1018,3
+markleeville,418,0
+markleeville,311,4
+markleeville,1030,0
+corozal,502,10
+darden,1329,7
+markleeville,690,1
+darden,1276,0
+darden,598,2
+darden,1008,1
+darden,1754,4
+darden,953,2
+markleeville,619,8
+collierville,436,1
+markleeville,778,6
+corozal,1477,7
+darden,348,22
+markleeville,1193,1
+markleeville,920,2
+darden,706,3
+markleeville,644,2
+darden,998,7
+corozal,303,0
+collierville,637,4
+corozal,703,2
+darden,713,0
+corozal,119,12
+darden,1838,5
+darden,1167,3
+corozal,389,0
+corozal,1285,1
+darden,34,5
+corozal,1364,2
+corozal,1319,7
+darden,1685,6
+markleeville,1059,3
+markleeville,1129,3
+darden,1064,4
+collierville,565,6
+darden,1375,2
+collierville,590,0
+corozal,903,2
+markleeville,672,8
+darden,1788,0
+collierville,186,2
+corozal,1160,0
+corozal,18,0
+markleeville,579,5
+markleeville,661,1
+darden,1423,4
+darden,1355,3
+darden,952,3
+markleeville,713,6
+darden,1184,0
+corozal,869,2
+markleeville,286,3
+darden,34,10
+darden,769,3
+markleeville,200,1
+corozal,1371,10
+darden,1432,4
+corozal,1025,2
+markleeville,349,2
+corozal,638,4
+markleeville,822,0
+darden,655,5
+collierville,727,0
+darden,823,7
+markleeville,477,0
+corozal,564,1
+collierville,532,1
+darden,456,7
+markleeville,454,1
+markleeville,597,6
+corozal,27,1
+darden,1464,4
+corozal,469,14
+corozal,1154,0
+darden,1005,2
+corozal,1126,16
+corozal,1151,4
+corozal,1480,1
+markleeville,26,3
+darden,1924,2
+corozal,530,12
+markleeville,48,0
+darden,640,0
+darden,525,0
+markleeville,995,7
+darden,1957,1
+markleeville,471,2
+corozal,1014,2
+corozal,754,0
+darden,341,3
+darden,393,5
+darden,902,3
+markleeville,75,1
+collierville,179,0
+darden,710,2
+collierville,367,1
+corozal,563,3
+darden,124,5
+darden,835,17
+darden,173,13
+markleeville,92,3
+markleeville,737,6
+darden,228,5
+markleeville,774,5
+darden,1311,2
+corozal,159,4
+collierville,562,4
+darden,1866,2
+corozal,606,1
+markleeville,136,2
+markleeville,1114,5
+corozal,274,10
+corozal,1209,15
+darden,342,10
+darden,954,0
+darden,150,1
+darden,1006,3
+collierville,3,4
+darden,1700,2
+darden,1667,1
+darden,1473,1
+corozal,1112,7
+darden,156,3
+darden,949,1
+markleeville,880,2
+collierville,47,5
+corozal,1133,6
+darden,1442,11
+markleeville,507,1
+darden,960,2
+markleeville,815,2
+markleeville,857,8
+collierville,190,3
+corozal,60,6
+darden,889,3
+darden,945,17
+darden,154,2
+darden,1538,1
+darden,1090,1
+corozal,873,6
+corozal,608,8
+collierville,732,2
+markleeville,47,2
+darden,1483,11
+darden,1841,1
+darden,1844,0
+corozal,1132,0
+corozal,1012,4
+darden,196,0
+corozal,432,3
+markleeville,927,3
+corozal,703,5
+darden,78,1
+corozal,693,1
+darden,86,1
+darden,1682,9
+corozal,1477,8
+markleeville,535,2
+markleeville,662,5
+markleeville,1071,2
+darden,1892,3
+collierville,324,3
+markleeville,348,0
+markleeville,779,6
+darden,831,13
+darden,1345,9
+collierville,437,2
+darden,1413,14
+darden,1430,0
+corozal,626,5
+markleeville,1095,0
+markleeville,404,2
+corozal,1211,0
+corozal,657,7
+corozal,1390,10
+markleeville,472,3
+darden,629,5
+corozal,1110,0
+markleeville,20,9
+darden,838,4
+corozal,92,16
+darden,1475,6
+corozal,1049,5
+markleeville,137,1
+collierville,210,1
+corozal,1272,3
+markleeville,458,8
+corozal,363,4
+darden,1998,0
+collierville,45,3
+markleeville,726,5
+markleeville,53,7
+darden,1621,9
+darden,1616,1
+darden,99,6
+darden,1438,0
+markleeville,290,4
+darden,408,2
+darden,80,10
+darden,338,1
+corozal,167,1
+corozal,1459,14
+corozal,1335,2
+corozal,700,0
+darden,185,2
+darden,7,2
+markleeville,591,8
+darden,1596,4
+darden,89,12
+darden,216,3
+markleeville,32,10
+markleeville,277,7
+collierville,373,1
+darden,1626,4
+darden,65,1
+darden,677,0
+collierville,175,1
+darden,1487,1
+collierville,715,2
+markleeville,1013,0
+corozal,429,6
+darden,1773,4
+markleeville,572,1
+darden,282,1
+corozal,469,2
+darden,1793,0
+collierville,117,1
+corozal,787,10
+corozal,235,0
+darden,976,5
+corozal,1458,3
+markleeville,845,6
+corozal,874,5
+corozal,1247,9
+darden,919,5
+corozal,1351,5
+darden,923,3
+markleeville,549,9
+darden,291,4
+markleeville,641,5
+darden,1630,3
+markleeville,688,3
+corozal,502,5
+corozal,312,0
+markleeville,46,2
+darden,1825,3
+corozal,471,2
+markleeville,879,1
+darden,699,4
+markleeville,753,4
+corozal,555,0
+darden,1222,14
+corozal,647,1
+darden,1841,6
+collierville,632,1
+markleeville,885,1
+corozal,661,11
+corozal,1347,2
+corozal,19,10
+darden,118,1
+corozal,1216,16
+collierville,311,1
+darden,1356,2
+markleeville,1117,13
+darden,1448,10
+markleeville,899,3
+markleeville,426,3
+corozal,253,5
+markleeville,1034,10
+markleeville,152,5
+darden,1200,2
+corozal,150,7
+darden,568,0
+collierville,47,4
+markleeville,10,1
+darden,1055,1
+darden,769,9
+collierville,672,0
+corozal,917,0
+corozal,547,3
+corozal,849,2
+corozal,271,4
+darden,1813,0
+markleeville,541,2
+markleeville,36,0
+corozal,63,5
+markleeville,264,1
+darden,158,0
+markleeville,644,6
+corozal,1304,2
+darden,334,2
+darden,1691,0
+corozal,1426,7
+corozal,961,5
+corozal,110,1
+corozal,550,1
+corozal,1388,1
+collierville,24,5
+corozal,69,2
+markleeville,216,3
+corozal,14,0
+darden,1250,7
+corozal,458,1
+collierville,666,3
+darden,1347,0
+darden,1475,0
+darden,1857,1
+corozal,1265,6
+markleeville,845,8
+darden,1301,3
+corozal,981,3
+corozal,122,4
+darden,1730,4
+markleeville,1190,7
+corozal,1262,2
+corozal,797,3
+corozal,1281,1
+corozal,181,4
+corozal,68,2
+collierville,493,1
+collierville,495,5
+darden,1580,0
+corozal,241,2
+darden,433,4
+markleeville,874,4
+corozal,598,6
+darden,419,5
+darden,579,5
+corozal,1268,6
+corozal,199,2
+markleeville,540,0
+corozal,635,8
+darden,1971,2
+markleeville,81,0
+corozal,1548,4
+darden,1366,10
+darden,1712,2
+corozal,1105,9
+darden,884,3
+darden,1141,1
+darden,1350,3
+darden,1496,7
+darden,1199,3
+corozal,1233,2
+markleeville,535,3
+darden,1329,16
+corozal,444,1
+corozal,1265,5
+darden,1975,3
+corozal,426,4
+collierville,245,0
+darden,1891,3
+markleeville,1103,2
+corozal,1381,0
+darden,736,2
+markleeville,835,0
+corozal,1432,0
+markleeville,12,3
+corozal,738,2
+darden,740,2
+darden,1329,1
+markleeville,934,1
+corozal,1337,0
+darden,30,8
+darden,1589,0
+darden,900,3
+markleeville,220,4
+darden,1872,5
+markleeville,787,4
+darden,1073,1
+markleeville,1061,2
+darden,295,1
+darden,1981,11
+darden,403,6
+markleeville,688,1
+markleeville,474,5
+darden,1571,5
+markleeville,440,5
+markleeville,1146,11
+markleeville,37,0
+darden,1540,4
+markleeville,305,0
+markleeville,42,0
+darden,1087,1
+markleeville,794,4
+markleeville,906,3
+markleeville,559,0
+corozal,1085,1
+corozal,1116,7
+darden,1600,0
+darden,493,0
+darden,963,1
+corozal,278,1
+markleeville,430,3
+collierville,677,4
+darden,248,8
+markleeville,289,5
+corozal,986,2
+collierville,512,0
+corozal,348,5
+darden,1388,10
+markleeville,154,0
+corozal,1320,9
+markleeville,302,6
+corozal,360,0
+darden,338,0
+darden,712,1
+markleeville,906,6
+darden,501,1
+darden,1796,8
+darden,153,4
+darden,1999,1
+darden,1828,9
+corozal,205,3
+corozal,1389,0
+markleeville,722,2
+corozal,865,2
+corozal,1390,6
+collierville,9,1
+corozal,133,2
+darden,185,0
+darden,1852,5
+darden,388,3
+corozal,568,1
+darden,669,1
+corozal,541,2
+markleeville,83,5
+darden,74,4
+corozal,833,5
+markleeville,164,11
+collierville,284,2
+darden,708,4
+darden,1915,3
+darden,1686,1
+corozal,1430,4
+corozal,160,0
+corozal,361,6
+markleeville,1001,5
+corozal,1290,8
+darden,806,5
+darden,1318,5
+corozal,729,6
+darden,34,0
+markleeville,219,2
+darden,749,0
+corozal,365,3
+darden,1658,2
+corozal,1129,3
+corozal,933,0
+darden,1480,2
+darden,373,2
+markleeville,404,6
+darden,1521,2
+corozal,1355,1
+collierville,69,0
+markleeville,802,13
+corozal,26,1
+collierville,97,2
+darden,1053,1
+darden,872,3
+collierville,35,2
+markleeville,336,2
+darden,1365,7
+darden,402,0
+darden,1526,5
+collierville,700,0
+darden,732,3
+darden,63,0
+corozal,1434,3
+corozal,1208,7
+markleeville,973,2
+corozal,525,2
+corozal,1052,3
+darden,600,4
+markleeville,297,2
+darden,74,3
+corozal,783,7
+darden,1453,19
+darden,1817,5
+darden,835,15
+markleeville,91,2
+darden,922,1
+corozal,226,7
+markleeville,164,7
+darden,733,1
+darden,1382,5
+corozal,276,12
+corozal,1143,1
+darden,415,1
+collierville,342,1
+darden,89,0
+collierville,362,0
+corozal,673,9
+darden,655,2
+darden,722,1
+corozal,874,4
+corozal,878,3
+markleeville,987,0
+corozal,1076,2
+darden,521,2
+darden,1483,6
+darden,1303,2
+collierville,218,2
+corozal,366,9
+collierville,409,0
+corozal,391,5
+corozal,236,1
+markleeville,708,3
+corozal,539,4
+darden,909,14
+markleeville,277,0
+darden,160,0
+darden,1645,3
+darden,219,10
+collierville,86,3
+markleeville,87,2
+corozal,1556,2
+darden,1065,5
+darden,1438,3
+darden,492,1
+darden,69,7
+corozal,989,2
+corozal,982,1
+corozal,797,4
+darden,1286,8
+darden,277,2
+corozal,902,6
+darden,447,1
+darden,1795,3
+collierville,352,4
+corozal,537,1
+darden,815,1
+darden,1960,1
+darden,1413,3
+corozal,1355,6
+corozal,40,3
+darden,1471,7
+markleeville,170,1
+markleeville,884,0
+darden,47,7
+darden,585,6
+darden,1115,2
+corozal,1135,7
+corozal,1277,0
+darden,1458,3
+darden,556,2
+corozal,183,3
+darden,498,0
+darden,797,4
+collierville,645,1
+darden,904,11
+corozal,421,4
+darden,331,1
+markleeville,885,6
+darden,1624,7
+darden,882,0
+darden,5,10
+corozal,189,5
+markleeville,645,0
+darden,1071,1
+darden,1249,1
+collierville,670,4
+markleeville,617,0
+darden,9,1
+corozal,1022,4
+darden,629,4
+markleeville,153,2
+collierville,159,2
+markleeville,488,3
+corozal,821,11
+darden,1942,1
+corozal,613,4
+corozal,1349,2
+darden,516,4
+collierville,519,1
+markleeville,654,3
+corozal,1293,4
+collierville,115,7
+corozal,112,12
+darden,912,3
+darden,25,2
+markleeville,449,12
+darden,347,1
+collierville,613,0
+corozal,1123,2
+darden,169,2
+markleeville,753,3
+corozal,1304,3
+markleeville,139,0
+collierville,611,1
+darden,1739,6
+collierville,129,3
+collierville,296,3
+darden,210,14
+darden,629,19
+collierville,209,4
+markleeville,778,4
+darden,840,3
+darden,1796,1
+darden,956,4
+darden,1884,0
+darden,1602,2
+darden,199,6
+darden,906,2
+markleeville,988,4
+corozal,995,5
+darden,305,4
+markleeville,793,1
+corozal,469,21
+markleeville,680,11
+markleeville,239,1
+corozal,1022,6
+markleeville,167,8
+collierville,332,5
+darden,1639,1
+collierville,573,1
+corozal,1394,4
+markleeville,439,1
+corozal,1394,7
+darden,863,3
+collierville,660,1
+darden,1283,0
+darden,1340,5
+darden,1569,1
+corozal,33,1
+darden,162,2
+markleeville,1121,12
+markleeville,49,0
+collierville,428,2
+corozal,1229,19
+corozal,834,7
+corozal,105,8
+darden,919,4
+markleeville,315,7
+darden,452,2
+darden,114,11
+darden,1902,6
+darden,930,2
+corozal,22,1
+darden,213,0
+corozal,164,2
+corozal,380,4
+markleeville,945,5
+darden,602,11
+corozal,748,9
+corozal,421,6
+collierville,498,0
+corozal,461,1
+corozal,508,9
+collierville,421,1
+collierville,320,0
+markleeville,103,3
+corozal,1010,3
+markleeville,802,6
+corozal,101,4
+markleeville,867,4
+markleeville,859,9
+darden,1906,0
+markleeville,266,3
+corozal,1473,13
+corozal,714,3
+darden,1205,2
+collierville,45,1
+markleeville,117,1
+darden,283,3
+corozal,114,3
+darden,299,2
+corozal,966,3
+darden,843,4
+darden,427,0
+darden,340,5
+darden,172,7
+darden,1763,1
+corozal,1338,3
+markleeville,389,1
+darden,1359,1
+darden,1045,7
+markleeville,858,4
+darden,1618,2
+markleeville,798,11
+corozal,274,9
+corozal,1102,2
+darden,1819,2
+corozal,1437,1
+darden,167,9
+darden,425,8
+darden,74,5
+corozal,786,1
+collierville,412,1
+markleeville,822,4
+markleeville,96,2
+darden,1300,0
+markleeville,441,4
+corozal,728,1
+corozal,1209,2
+corozal,1377,6
+corozal,846,0
+markleeville,1184,0
+markleeville,458,0
+corozal,932,4
+markleeville,425,0
+markleeville,318,3
+markleeville,448,0
+markleeville,923,2
+darden,1976,3
+corozal,133,9
+darden,692,12
+corozal,1093,9
+darden,1320,1
+darden,1091,4
+corozal,44,3
+corozal,1215,3
+markleeville,547,1
+corozal,198,2
+collierville,228,1
+markleeville,284,1
+markleeville,302,3
+corozal,784,3
+collierville,734,0
+markleeville,755,2
+markleeville,313,2
+darden,759,2
+corozal,276,11
+corozal,855,6
+darden,1596,6
+corozal,850,2
+corozal,35,2
+collierville,75,1
+collierville,571,2
+darden,942,2
+darden,476,8
+collierville,323,3
+darden,937,9
+markleeville,528,6
+darden,1828,3
+corozal,621,4
+markleeville,612,4
+darden,1973,0
+corozal,396,4
+darden,1415,5
+darden,831,12
+darden,1934,2
+collierville,222,2
+darden,1816,2
+darden,896,8
+darden,985,0
+darden,722,5
+corozal,1469,9
+darden,205,4
+darden,1401,3
+markleeville,795,3
+darden,637,5
+corozal,123,4
+darden,740,3
+collierville,180,6
+corozal,1105,3
+corozal,1465,5
+markleeville,175,0
+darden,1936,4
+darden,588,12
+darden,763,4
+darden,120,9
+darden,391,6
+darden,1390,3
+corozal,938,2
+corozal,1291,2
+corozal,1427,4
+darden,475,1
+collierville,469,2
+darden,524,3
+markleeville,996,9
+corozal,803,11
+darden,1041,0
+darden,487,3
+darden,732,0
+markleeville,423,3
+corozal,1447,6
+corozal,210,4
+darden,782,0
+darden,1126,14
+darden,456,6
+corozal,131,1
+corozal,1109,1
+markleeville,853,0
+collierville,653,2
+darden,1007,3
+darden,964,12
+corozal,8,4
+collierville,45,0
+markleeville,722,3
+darden,912,8
+corozal,243,0
+darden,1755,9
+corozal,1079,1
+darden,1936,0
+corozal,1527,3
+corozal,547,0
+markleeville,667,1
+corozal,341,3
+darden,1686,0
+corozal,185,5
+corozal,264,0
+darden,1483,1
+markleeville,723,7
+corozal,1318,0
+corozal,945,9
+corozal,1179,2
+corozal,486,9
+darden,588,3
+corozal,964,2
+markleeville,747,1
+corozal,1420,0
+markleeville,98,0
+corozal,1190,3
+markleeville,1198,1
+corozal,1022,10
+corozal,491,3
+darden,1103,11
+darden,1028,1
+corozal,684,2
+corozal,547,2
+collierville,700,2
+darden,1920,0
+darden,1266,2
+corozal,145,4
+darden,1705,5
+corozal,1484,3
+darden,1313,2
+markleeville,1184,2
+markleeville,191,4
+collierville,572,3
+darden,1755,23
+markleeville,674,14
+markleeville,170,12
+corozal,337,0
+corozal,869,11
+markleeville,890,5
+collierville,735,2
+markleeville,965,0
+darden,731,0
+darden,1586,3
+collierville,535,1
+markleeville,857,11
+darden,1242,6
+darden,108,0
+darden,1184,2
+darden,975,2
+darden,1085,4
+corozal,50,3
+corozal,1013,12
+corozal,1274,3
+collierville,77,1
+markleeville,1123,1
+darden,1802,3
+markleeville,791,4
+corozal,1537,3
+corozal,460,0
+darden,953,1
+corozal,99,0
+collierville,235,3
+darden,1085,6
+corozal,250,3
+collierville,144,2
+corozal,323,10
+corozal,101,1
+corozal,1152,0
+corozal,1182,3
+collierville,133,2
+darden,741,11
+collierville,734,2
+markleeville,736,3
+corozal,64,12
+markleeville,500,3
+markleeville,927,7
+corozal,235,2
+corozal,1242,0
+corozal,361,2
+corozal,1323,0
+darden,1924,8
+corozal,557,3
+markleeville,22,2
+darden,631,8
+markleeville,355,2
+darden,1565,1
+corozal,1292,12
+corozal,1022,1
+darden,1823,0
+corozal,245,2
+darden,1019,3
+corozal,1319,15
+collierville,530,7
+corozal,515,1
+markleeville,133,6
+collierville,324,5
+markleeville,458,6
+collierville,646,6
+corozal,511,4
+darden,1523,1
+markleeville,333,1
+corozal,1094,6
+darden,1703,1
+darden,705,6
+corozal,1107,3
+markleeville,18,2
+darden,1281,3
+darden,1856,3
+markleeville,1113,9
+darden,608,4
+corozal,287,3
+markleeville,506,6
+markleeville,1166,12
+darden,1897,7
+markleeville,1134,5
+darden,1178,0
+darden,228,1
+darden,895,1
+corozal,871,15
+darden,1019,0
+corozal,112,9
+collierville,14,1
+darden,1923,4
+collierville,561,0
+corozal,973,6
+markleeville,472,5
+darden,134,3
+corozal,64,3
+markleeville,516,2
+darden,450,5
+corozal,741,4
+darden,350,5
+corozal,1041,2
+darden,1022,1
+markleeville,703,2
+markleeville,15,2
+corozal,551,14
+markleeville,293,3
+corozal,1555,8
+corozal,134,6
+corozal,441,1
+markleeville,241,4
+markleeville,916,2
+darden,776,0
+darden,978,6
+darden,750,1
+corozal,1201,0
+markleeville,1110,12
+corozal,1265,4
+corozal,767,3
+markleeville,1187,12
+darden,26,4
+corozal,1102,6
+markleeville,383,0
+corozal,1022,3
+corozal,42,4
+darden,1430,2
+darden,126,2
+corozal,287,0
+darden,1940,4
+darden,996,5
+darden,1578,4
+corozal,686,1
+corozal,994,3
+darden,412,4
+markleeville,621,4
+corozal,35,3
+markleeville,1034,12
+markleeville,44,0
+markleeville,883,3
+darden,1802,4
+corozal,1074,2
+markleeville,447,3
+darden,178,1
+corozal,221,1
+darden,1041,3
+darden,1435,2
+corozal,866,13
+corozal,869,4
+collierville,96,3
+corozal,427,3
+darden,87,4
+darden,1423,5
+corozal,727,5
+darden,1764,1
+corozal,743,10
+darden,1669,1
+markleeville,755,11
+darden,1224,3
+corozal,1264,9
+darden,861,10
+darden,1657,3
+corozal,848,12
+collierville,348,2
+corozal,611,6
+corozal,1546,2
+corozal,1258,3
+markleeville,849,3
+darden,37,3
+corozal,629,15
+corozal,406,15
+corozal,401,0
+darden,1028,5
+collierville,28,2
+darden,758,7
+darden,864,2
+darden,1161,0
+darden,210,3
+darden,1032,4
+darden,1020,4
+corozal,1522,2
+markleeville,1040,6
+darden,1806,4
+markleeville,157,3
+collierville,342,3
+corozal,1302,1
+darden,70,4
+darden,975,5
+collierville,632,2
+corozal,321,6
+darden,236,4
+collierville,151,2
+collierville,485,1
+markleeville,1193,0
+corozal,762,8
+darden,1286,10
+corozal,165,2
+darden,695,11
+darden,1790,5
+corozal,1209,14
+corozal,1036,2
+collierville,125,1
+darden,1739,9
+darden,577,5
+corozal,495,9
+corozal,798,6
+corozal,987,0
+darden,1739,1
+darden,1794,3
+corozal,1473,11
+markleeville,57,7
+corozal,729,4
+darden,1151,0
+corozal,1374,21
+collierville,405,4
+darden,1727,0
+corozal,1224,17
+corozal,226,6
+corozal,1551,6
+corozal,723,2
+darden,665,5
+darden,695,9
+corozal,1412,4
+corozal,1010,16
+markleeville,1057,1
+corozal,700,2
+corozal,445,0
+darden,735,0
+darden,1507,5
+collierville,94,3
+corozal,232,9
+corozal,828,2
+corozal,1551,9
+markleeville,275,2
+corozal,668,11
+markleeville,344,10
+collierville,376,0
+markleeville,447,1
+darden,1428,4
+darden,1148,1
+markleeville,185,0
+corozal,820,7
+corozal,129,2
+markleeville,1172,12
+collierville,506,3
+corozal,490,16
+markleeville,958,5
+corozal,962,1
+corozal,1331,2
+corozal,300,7
+collierville,370,4
+corozal,794,6
+corozal,1073,0
+darden,178,0
+darden,624,2
+corozal,945,11
+markleeville,305,1
+markleeville,544,7
+corozal,71,0
+corozal,398,9
+corozal,549,0
+darden,284,7
+collierville,289,2
+darden,1205,0
+darden,661,4
+markleeville,630,6
+markleeville,129,1
+darden,1143,1
+markleeville,111,1
+darden,1633,3
+corozal,1252,1
+markleeville,890,4
+darden,1712,11
+darden,629,16
+collierville,270,4
+corozal,181,9
+darden,841,1
+darden,1720,2
+darden,557,2
+corozal,764,9
+corozal,180,4
+darden,425,12
+darden,337,0
+darden,945,15
+markleeville,748,2
+markleeville,150,0
+darden,63,8
+markleeville,1013,2
+darden,1540,0
+corozal,955,3
+darden,1065,0
+corozal,122,2
+darden,953,4
+markleeville,573,4
+darden,800,3
+corozal,1518,0
+corozal,1466,1
+darden,1673,2
+darden,1927,8
+markleeville,153,6
+corozal,1462,2
+corozal,1069,3
+darden,1553,0
+collierville,344,1
+markleeville,1044,0
+markleeville,1120,1
+corozal,422,1
+markleeville,1105,0
+corozal,916,1
+collierville,391,0
+darden,1465,5
+corozal,803,1
+darden,1413,12
+darden,854,2
+corozal,1294,1
+darden,1621,7
+corozal,1203,10
+markleeville,947,0
+markleeville,552,5
+darden,1294,10
+corozal,744,9
+darden,30,5
+corozal,484,1
+darden,631,7
+darden,1406,2
+darden,514,5
+markleeville,763,12
+darden,1365,5
+markleeville,1053,8
+collierville,208,0
+corozal,606,4
+corozal,162,5
+darden,692,10
+corozal,1133,1
+darden,1341,6
+darden,932,4
+markleeville,1095,3
+corozal,71,4
+markleeville,413,0
+markleeville,606,4
+markleeville,351,2
+darden,1385,2
+darden,964,8
+collierville,126,1
+corozal,566,7
+darden,1913,1
+corozal,353,3
+darden,396,1
+markleeville,51,7
+markleeville,1118,1
+collierville,194,2
+darden,226,3
+markleeville,881,0
+markleeville,283,12
+markleeville,763,14
+darden,1097,3
+corozal,960,0
+corozal,661,1
+corozal,16,1
+markleeville,401,10
+darden,732,2
+corozal,1539,6
+darden,776,2
+darden,1746,4
+darden,59,7
+darden,1903,3
+darden,1289,11
+corozal,1480,0
+darden,1928,2
+corozal,826,3
+markleeville,368,1
+darden,1766,1
+markleeville,288,10
+markleeville,1117,1
+corozal,395,3
+darden,433,1
+corozal,42,10
+corozal,1282,4
+corozal,163,1
+corozal,647,5
+darden,1091,3
+darden,1867,3
+corozal,951,7
+corozal,345,2
+corozal,343,4
+darden,1184,7
+corozal,1489,6
+darden,261,2
+corozal,371,8
+collierville,148,4
+corozal,597,4
+corozal,653,1
+corozal,1376,2
+markleeville,682,5
+corozal,369,1
+corozal,222,1
+darden,715,0
+collierville,563,1
+darden,152,3
+corozal,234,3
+darden,1182,7
+darden,1498,0
+corozal,203,5
+darden,1625,0
+darden,1474,4
+corozal,999,2
+markleeville,258,1
+darden,464,17
+collierville,180,0
+corozal,1079,4
+markleeville,51,1
+corozal,1090,1
+darden,1536,3
+darden,767,0
+markleeville,1128,7
+darden,425,5
+corozal,418,3
+darden,69,4
+collierville,253,0
+darden,352,0
+darden,1845,6
+markleeville,262,10
+markleeville,989,3
+darden,1681,7
+markleeville,551,3
+darden,1203,4
+corozal,1511,7
+corozal,6,0
+markleeville,1145,0
+markleeville,570,8
+darden,1741,8
+corozal,918,0
+markleeville,34,4
+corozal,586,3
+darden,1945,5
+darden,197,0
+corozal,718,3
+darden,992,2
+darden,585,2
+corozal,286,5
+corozal,616,5
+corozal,1385,2
+darden,1771,7
+darden,1416,5
+collierville,668,2
+darden,1248,1
+collierville,540,1
+corozal,519,1
+markleeville,1190,1
+darden,987,5
+corozal,114,0
+corozal,592,3
+markleeville,1117,4
+darden,1936,11
+corozal,981,15
+markleeville,280,6
+corozal,1394,3
+corozal,189,2
+corozal,419,8
+darden,1242,4
+darden,1833,0
+corozal,1497,0
+corozal,1106,8
+markleeville,785,6
+markleeville,458,13
+darden,1428,3
+darden,1287,6
+darden,1063,3
+corozal,1082,0
+markleeville,41,1
+corozal,674,2
+markleeville,720,6
+corozal,988,1
+darden,266,17
+collierville,624,3
+darden,1543,2
+darden,285,4
+corozal,606,6
+corozal,690,3
+corozal,1430,18
+markleeville,371,13
+collierville,340,2
+darden,756,4
+corozal,291,2
+darden,132,0
+corozal,164,4
+markleeville,931,6
+darden,541,0
+darden,1453,18
+markleeville,173,2
+darden,1135,2
+markleeville,977,0
+markleeville,1034,7
+corozal,980,17
+darden,431,2
+markleeville,322,3
+markleeville,188,0
+corozal,690,0
+corozal,583,2
+corozal,1367,8
+markleeville,572,0
+darden,557,1
+darden,1138,0
+corozal,30,5
+corozal,943,2
+darden,820,0
+corozal,231,10
+darden,1728,7
+darden,1864,8
+darden,576,5
+collierville,728,2
+corozal,292,4
+darden,262,1
+corozal,1412,2
+markleeville,471,6
+darden,130,2
+corozal,1439,3
+markleeville,1075,2
+darden,426,1
+darden,1368,3
+darden,31,0
+darden,1407,0
+darden,1229,2
+corozal,1096,9
+darden,1381,5
+darden,1444,2
+collierville,132,2
+markleeville,1045,8
+corozal,1196,13
+collierville,684,0
+markleeville,735,1
+corozal,1072,2
+darden,522,3
+collierville,204,4
+markleeville,65,2
+darden,257,2
+darden,205,5
+darden,252,2
+collierville,414,3
+collierville,564,3
+darden,1162,2
+corozal,1544,4
+corozal,1067,1
+markleeville,63,5
+darden,1629,0
+collierville,728,0
+collierville,68,1
+markleeville,598,3
+corozal,1222,2
+corozal,242,2
+markleeville,1072,1
+markleeville,1131,2
+darden,483,2
+darden,837,6
+corozal,1084,5
+corozal,1412,5
+corozal,244,2
+darden,241,2
+darden,191,4
+darden,1773,14
+darden,182,7
+darden,1462,6
+corozal,330,5
+markleeville,680,3
+corozal,210,0
+darden,43,0
+collierville,420,2
+corozal,241,4
+corozal,1528,0
+markleeville,150,4
+darden,214,1
+darden,1730,1
+corozal,139,2
+corozal,1517,6
+corozal,1333,10
+corozal,469,8
+darden,1538,2
+markleeville,32,4
+markleeville,33,1
+markleeville,1053,0
+corozal,1542,6
+corozal,746,1
+corozal,1259,2
+corozal,689,12
+darden,285,0
+corozal,500,2
+corozal,685,2
+markleeville,667,3
+darden,1755,18
+darden,1027,2
+darden,1723,2
+darden,711,0
+darden,1266,4
+markleeville,271,6
+markleeville,617,1
+markleeville,422,0
+darden,1153,5
+markleeville,768,6
+collierville,164,3
+collierville,500,2
+darden,456,4
+corozal,1262,3
+darden,986,2
+corozal,474,2
+corozal,1294,5
+darden,880,0
+markleeville,1088,2
+darden,1887,3
+markleeville,851,1
+markleeville,324,9
+corozal,1270,4
+markleeville,1113,2
+darden,1413,11
+darden,526,1
+markleeville,510,2
+collierville,180,5
+markleeville,102,6
+darden,51,1
+darden,910,2
+darden,808,2
+markleeville,1061,4
+darden,393,6
+collierville,370,1
+darden,384,6
+darden,1722,5
+markleeville,1172,13
+collierville,294,2
+darden,1288,0
+collierville,50,2
+corozal,469,9
+darden,1921,9
+collierville,548,2
+corozal,416,6
+darden,1232,2
+corozal,244,0
+corozal,1065,7
+corozal,514,0
+corozal,635,0
+corozal,381,4
+corozal,302,11
+collierville,322,0
+darden,899,1
+markleeville,76,5
+darden,1917,9
+darden,248,9
+darden,178,2
+darden,230,5
+darden,1126,13
+corozal,136,6
+corozal,896,7
+darden,1870,0
+darden,1278,0
+markleeville,511,0
+markleeville,566,0
+corozal,1115,18
+corozal,329,0
+darden,1949,1
+corozal,752,5
+corozal,727,4
+darden,826,7
+darden,749,8
+corozal,536,5
+markleeville,426,1
+corozal,1439,0
+corozal,576,1
+corozal,558,2
+darden,1792,2
+darden,284,0
+corozal,1356,1
+corozal,1277,10
+corozal,117,2
+darden,903,4
+corozal,575,2
+corozal,453,0
+corozal,719,1
+darden,1854,1
+markleeville,232,4
+darden,1090,2
+corozal,286,4
+darden,413,0
+darden,1398,6
+corozal,253,12
+markleeville,348,6
+markleeville,745,2
+darden,1075,0
+corozal,331,1
+corozal,1511,16
+corozal,566,6
+darden,837,8
+corozal,756,12
+corozal,638,2
+darden,1742,5
+darden,1275,14
+corozal,1483,5
+corozal,44,1
+corozal,451,0
+markleeville,340,0
+darden,1135,9
+markleeville,811,10
+markleeville,594,1
+corozal,63,4
+corozal,1012,11
+corozal,1453,2
+corozal,1083,0
+markleeville,877,6
+corozal,411,1
+corozal,1400,8
+markleeville,244,15
+corozal,1491,7
+markleeville,1060,0
+darden,30,9
+markleeville,928,3
+darden,1462,0
+darden,602,0
+markleeville,306,0
+collierville,197,1
+darden,1941,11
+darden,938,10
+darden,1309,3
+darden,1198,11
+darden,1615,2
+markleeville,605,1
+corozal,603,2
+corozal,1421,1
+corozal,1267,1
+darden,1222,11
+corozal,604,2
+corozal,395,2
+corozal,1544,1
+markleeville,1023,7
+markleeville,283,3
+darden,535,2
+darden,1252,11
+darden,284,2
+markleeville,552,3
+corozal,1508,0
+corozal,1263,0
+corozal,1537,10
+darden,1789,0
+darden,174,4
+darden,263,1
+collierville,621,6
+corozal,451,1
+darden,499,1
+darden,571,6
+corozal,354,1
+corozal,76,0
+darden,1330,4
+markleeville,1170,0
+darden,1666,5
+corozal,1468,2
+corozal,672,7
+darden,443,3
+corozal,977,8
+darden,1045,9
+darden,838,3
+corozal,84,3
+markleeville,1025,2
+markleeville,888,4
+corozal,1231,4
+collierville,673,2
+markleeville,1160,1
+darden,1994,12
+corozal,368,3
+markleeville,75,0
+darden,1486,1
+corozal,276,6
+corozal,486,4
+markleeville,364,5
+darden,528,0
+corozal,508,11
+corozal,446,2
+darden,614,4
+darden,1223,13
+markleeville,994,4
+corozal,1094,2
+collierville,39,2
+corozal,767,2
+corozal,1479,2
+corozal,435,10
+corozal,1363,2
+corozal,961,9
+darden,367,1
+markleeville,766,5
+corozal,483,8
+darden,1508,3
+darden,1670,2
+collierville,694,0
+corozal,1299,2
+markleeville,539,0
+corozal,726,2
+corozal,363,0
+collierville,122,2
+corozal,194,18
+darden,620,0
+markleeville,631,4
+corozal,427,0
+markleeville,1098,4
+darden,632,5
+markleeville,587,8
+corozal,876,1
+darden,322,0
+collierville,264,0
+corozal,348,7
+collierville,489,1
+darden,226,2
+corozal,782,1
+corozal,1268,5
+collierville,83,3
+corozal,311,2
+darden,1103,8
+darden,145,1
+markleeville,924,2
+darden,470,0
+corozal,1439,4
+markleeville,749,5
+markleeville,302,2
+darden,242,6
+darden,1150,9
+darden,1277,12
+markleeville,340,2
+darden,1866,15
+corozal,1546,14
+collierville,98,0
+collierville,230,1
+collierville,727,3
+markleeville,560,4
+markleeville,273,0
+corozal,1271,3
+darden,307,6
+darden,918,3
+corozal,1211,1
+darden,1037,3
+darden,1574,1
+corozal,615,0
+markleeville,1029,9
+corozal,421,3
+corozal,202,13
+darden,623,0
+markleeville,16,0
+markleeville,302,10
+markleeville,412,2
+markleeville,1191,1
+markleeville,662,3
+corozal,467,8
+corozal,1547,14
+darden,1734,4
+collierville,496,3
+corozal,1556,0
+markleeville,108,4
+corozal,359,1
+darden,428,2
+darden,950,5
+markleeville,203,10
+corozal,333,5
+darden,1638,1
+corozal,64,0
+darden,1626,0
+darden,1493,5
+markleeville,868,2
+markleeville,524,9
+darden,812,2
+corozal,629,13
+darden,952,2
+darden,998,4
+darden,1616,2
+markleeville,615,2
+collierville,364,5
+darden,244,2
+corozal,1417,3
+markleeville,605,3
+corozal,864,12
+collierville,492,1
+markleeville,44,3
+markleeville,763,5
+collierville,585,5
+corozal,672,4
+markleeville,325,4
+markleeville,556,3
+corozal,1553,0
+markleeville,811,6
+markleeville,26,12
+corozal,208,2
+corozal,1406,5
+darden,129,1
+darden,530,1
+darden,1004,3
+markleeville,730,2
+darden,1421,14
+darden,1704,1
+markleeville,560,0
+corozal,1286,5
+darden,448,6
+darden,546,2
+darden,358,7
+corozal,1184,4
+markleeville,849,4
+darden,1513,0
+darden,71,0
+markleeville,164,9
+collierville,446,3
+corozal,705,1
+markleeville,438,1
+darden,1726,7
+darden,1173,1
+collierville,52,2
+darden,1030,1
+collierville,21,1
+collierville,311,0
+darden,1306,7
+collierville,486,3
+collierville,632,3
+corozal,1074,0
+darden,1829,2
+corozal,111,5
+corozal,1350,0
+markleeville,181,4
+darden,83,3
+darden,866,0
+darden,1748,1
+darden,1191,4
+darden,156,8
+markleeville,869,2
+corozal,1372,2
+collierville,179,2
+darden,1755,21
+corozal,1313,8
+markleeville,779,2
+markleeville,400,4
+darden,1740,2
+markleeville,728,1
+darden,1670,3
+markleeville,1169,2
+corozal,1443,2
+markleeville,102,8
+corozal,29,2
+collierville,277,2
+darden,722,2
+darden,1988,3
+collierville,17,0
+corozal,232,13
+darden,797,11
+collierville,439,0
+darden,1623,0
+darden,440,8
+corozal,502,8
+corozal,1387,4
+corozal,1111,2
+corozal,893,8
+darden,562,0
+markleeville,406,0
+collierville,592,1
+darden,967,1
+corozal,15,4
+darden,247,7
+collierville,568,0
+corozal,146,14
+corozal,1198,4
+corozal,21,3
+markleeville,699,5
+markleeville,603,2
+darden,764,5
+darden,743,3
+markleeville,923,0
+corozal,194,0
+markleeville,1034,13
+markleeville,563,5
+darden,1385,9
+darden,1654,2
+collierville,189,4
+markleeville,534,4
+darden,123,0
+corozal,1357,6
+collierville,423,8
+markleeville,829,2
+corozal,478,3
+markleeville,435,5
+darden,1357,1
+markleeville,754,5
+darden,266,7
+corozal,1327,17
+darden,72,5
+markleeville,251,3
+darden,310,3
+corozal,294,1
+corozal,1126,12
+darden,1847,5
+markleeville,391,9
+darden,943,1
+corozal,1123,1
+corozal,709,1
+darden,436,3
+corozal,380,11
+collierville,419,1
+darden,1328,3
+darden,88,11
+corozal,1511,13
+corozal,1556,1
+darden,128,2
+corozal,1399,1
+markleeville,837,0
+markleeville,783,0
+markleeville,308,12
+corozal,1202,7
+markleeville,798,8
+markleeville,721,0
+collierville,377,0
+markleeville,491,0
+darden,139,3
+darden,1593,9
+corozal,474,7
+darden,1233,2
+markleeville,142,4
+collierville,61,4
+collierville,686,4
+corozal,569,0
+corozal,1264,7
+corozal,815,1
+markleeville,896,3
+corozal,730,1
+markleeville,372,6
+darden,1909,3
+markleeville,591,2
+darden,264,1
+collierville,690,4
+darden,630,2
+corozal,1384,7
+corozal,848,4
+darden,1269,5
+darden,1497,6
+darden,619,2
+darden,1639,12
+collierville,84,2
+corozal,1065,4
+corozal,259,9
+corozal,335,1
+darden,1993,14
+markleeville,876,1
+darden,1231,2
+darden,1392,0
+markleeville,401,1
+darden,1854,4
+markleeville,819,0
+darden,594,17
+darden,1970,2
+markleeville,64,3
+darden,616,1
+corozal,1015,0
+darden,1210,2
+collierville,638,2
+corozal,745,5
+corozal,1127,2
+corozal,1053,0
+markleeville,927,5
+corozal,945,14
+corozal,903,0
+corozal,416,2
+corozal,690,4
+markleeville,808,11
+corozal,907,5
+markleeville,1036,6
+collierville,447,4
+darden,1424,1
+markleeville,1074,5
+markleeville,1053,11
+markleeville,640,0
+darden,1536,0
+corozal,164,6
+markleeville,918,7
+darden,1993,9
+corozal,328,6
+darden,1429,0
+corozal,932,2
+markleeville,371,4
+corozal,1344,4
+markleeville,296,1
+darden,1090,0
+markleeville,177,4
+darden,937,4
+markleeville,883,2
+darden,866,3
+darden,354,3
+corozal,314,2
+corozal,406,17
+corozal,120,5
+collierville,130,0
+darden,1129,2
+collierville,536,7
+darden,1864,2
+corozal,1544,10
+markleeville,466,3
+corozal,1478,0
+corozal,402,2
+corozal,824,1
+markleeville,607,2
+corozal,1004,0
+corozal,717,10
+darden,242,3
+corozal,1114,3
+corozal,1290,3
+collierville,354,2
+markleeville,895,3
+corozal,68,6
+darden,214,2
+darden,1886,5
+corozal,231,4
+darden,396,3
+corozal,916,4
+darden,1109,0
+darden,1757,0
+collierville,549,0
+darden,1711,1
+corozal,1264,8
+darden,1410,9
+darden,210,19
+corozal,574,2
+markleeville,490,0
+collierville,259,3
+darden,317,0
+markleeville,489,1
+collierville,565,2
+darden,1283,1
+corozal,999,12
+corozal,84,1
+markleeville,388,1
+corozal,419,9
+corozal,194,12
+markleeville,778,9
+markleeville,1124,2
+darden,1685,1
+darden,681,7
+corozal,866,10
+corozal,1130,5
+markleeville,257,1
+markleeville,676,4
+markleeville,769,1
+corozal,870,7
+darden,1770,4
+corozal,20,0
+darden,1469,3
+markleeville,500,9
+markleeville,378,4
+darden,36,0
+markleeville,975,7
+darden,1618,5
+collierville,545,1
+darden,330,4
+markleeville,73,3
+markleeville,706,8
+darden,382,6
+markleeville,330,2
+markleeville,434,0
+collierville,110,0
+markleeville,391,7
+collierville,300,5
+corozal,1364,0
+corozal,873,7
+markleeville,221,6
+markleeville,104,6
+darden,1322,1
+markleeville,380,2
+corozal,1365,3
+darden,366,1
+corozal,399,6
+corozal,680,1
+darden,1900,2
+markleeville,1166,10
+darden,459,0
+darden,1908,4
+markleeville,391,8
+darden,1650,7
+corozal,974,11
+darden,464,20
+corozal,23,3
+darden,1686,2
+markleeville,814,4
+markleeville,1171,5
+darden,1228,2
+corozal,715,5
+darden,1118,0
+markleeville,1013,3
+corozal,1150,1
+collierville,731,3
+darden,434,5
+darden,784,3
+darden,1908,1
+darden,799,13
+darden,1641,4
+darden,756,2
+corozal,255,2
+darden,1436,0
+corozal,360,2
+darden,236,0
+corozal,309,3
+markleeville,740,8
+corozal,431,7
+darden,23,0
+darden,1431,2
+darden,837,2
+darden,696,4
+corozal,678,2
+corozal,112,6
+corozal,1262,7
+darden,1055,8
+darden,182,14
+darden,1936,13
+darden,400,3
+corozal,499,0
+corozal,85,3
+darden,1540,18
+darden,358,3
+darden,1675,6
+corozal,611,8
+collierville,693,5
+corozal,894,9
+corozal,1038,2
+corozal,991,2
+darden,1882,4
+corozal,1124,2
+corozal,738,3
+markleeville,308,5
+darden,1850,4
+corozal,1153,2
+darden,414,2
+darden,348,16
+markleeville,494,4
+corozal,1075,2
+markleeville,620,9
+corozal,167,6
+darden,1814,2
+corozal,295,2
+darden,599,3
+darden,924,3
+darden,1107,6
+darden,628,8
+darden,637,2
+darden,612,0
+corozal,1423,1
+corozal,279,7
+darden,960,6
+corozal,857,18
+markleeville,1011,3
+markleeville,975,8
+markleeville,496,4
+collierville,246,3
+markleeville,54,3
+markleeville,49,1
+darden,1096,2
+darden,1791,3
+collierville,302,0
+corozal,879,3
+darden,244,6
+corozal,834,13
+collierville,615,5
+darden,1037,0
+markleeville,857,1
+darden,572,0
+darden,1270,12
+markleeville,1195,1
+darden,91,9
+corozal,372,2
+darden,724,0
+darden,589,1
+corozal,1010,6
+corozal,50,5
+markleeville,797,1
+corozal,779,4
+darden,359,1
+corozal,1391,3
+corozal,179,4
+darden,1130,2
+markleeville,108,3
+corozal,762,12
+corozal,11,0
+darden,747,5
+collierville,570,1
+collierville,76,6
+darden,1993,5
+markleeville,945,3
+corozal,787,5
+corozal,648,2
+collierville,214,8
+darden,1980,2
+darden,75,2
+darden,1475,3
+corozal,188,0
+markleeville,279,1
+darden,509,5
+corozal,1351,2
+corozal,780,2
+darden,1639,5
+corozal,563,2
+darden,1757,2
+markleeville,527,1
+corozal,291,8
+markleeville,283,9
+darden,1297,8
+markleeville,219,9
+markleeville,273,5
+corozal,544,15
+collierville,114,0
+corozal,716,6
+markleeville,620,2
+darden,1354,5
+darden,1760,10
+darden,961,0
+darden,1542,10
+markleeville,117,2
+markleeville,633,6
+markleeville,1154,3
+corozal,1326,13
+darden,1126,1
+darden,1495,1
+darden,1403,0
+darden,1047,5
+markleeville,1185,12
+darden,1962,4
+markleeville,981,7
+corozal,955,5
+corozal,716,7
+markleeville,495,5
+collierville,390,1
+darden,604,0
+darden,1807,1
+corozal,102,11
+darden,247,5
+darden,1907,2
+corozal,486,6
+darden,1202,0
+darden,1492,3
+markleeville,398,5
+markleeville,1062,7
+markleeville,951,3
+corozal,1196,5
+corozal,265,4
+darden,1254,2
+darden,435,9
+darden,988,1
+markleeville,363,1
+corozal,869,5
+darden,1691,2
+darden,1126,19
+markleeville,1159,0
+darden,321,0
+corozal,901,1
+collierville,337,2
+markleeville,665,9
+darden,1705,7
+darden,1796,2
+darden,508,3
+markleeville,101,1
+darden,762,8
+darden,1677,2
+markleeville,183,3
+corozal,1092,3
+markleeville,1190,0
+markleeville,120,3
+markleeville,1153,2
+darden,1994,11
+corozal,366,8
+darden,734,4
+collierville,281,0
+corozal,744,1
+darden,1164,3
+collierville,323,4
+darden,1148,5
+corozal,1263,7
+corozal,39,0
+markleeville,558,2
+collierville,216,2
+darden,1638,4
+darden,1496,1
+darden,1334,1
+corozal,156,5
+corozal,828,9
+markleeville,791,9
+darden,861,0
+darden,318,4
+corozal,1163,2
+markleeville,521,2
+darden,1547,2
+darden,996,4
+corozal,1189,0
+corozal,457,6
+corozal,784,9
+darden,376,11
+corozal,1282,1
+markleeville,293,5
+markleeville,223,12
+darden,6,2
+darden,1943,0
+darden,1299,5
+darden,1272,2
+corozal,1086,0
+corozal,980,15
+markleeville,642,16
+collierville,138,1
+collierville,698,0
+markleeville,507,0
+darden,1829,3
+darden,340,3
+markleeville,770,1
+darden,1950,1
+corozal,841,1
+corozal,275,1
+corozal,1504,6
+darden,566,6
+darden,1324,6
+markleeville,117,7
+markleeville,206,2
+markleeville,56,4
+collierville,642,2
+darden,266,24
+darden,1105,1
+darden,846,1
+collierville,316,2
+darden,1113,0
+corozal,1488,11
+collierville,34,1
+collierville,211,3
+markleeville,420,0
+corozal,460,1
+darden,1872,2
+corozal,1173,2
+collierville,329,4
+darden,84,1
+darden,375,1
+collierville,542,0
+corozal,248,4
+corozal,1448,1
+collierville,34,0
+corozal,543,1
+corozal,1539,5
+corozal,300,11
+darden,573,1
+darden,357,4
+darden,900,5
+corozal,1050,3
+corozal,541,5
+corozal,239,2
+darden,699,11
+darden,175,3
+corozal,608,4
+markleeville,391,11
+darden,1450,5
+corozal,234,4
+darden,416,9
+darden,219,1
+corozal,1361,2
+markleeville,647,2
+corozal,323,17
+corozal,465,1
+corozal,1138,16
+collierville,190,2
+darden,835,10
+markleeville,894,7
+corozal,1179,15
+corozal,235,1
+corozal,556,1
+darden,1022,0
+corozal,102,6
+corozal,430,8
+corozal,1555,12
+collierville,495,3
+darden,1223,2
+corozal,170,0
+darden,1223,5
+darden,1581,2
+darden,1335,1
+markleeville,365,0
+darden,376,18
+markleeville,709,10
+corozal,342,0
+markleeville,484,2
+corozal,460,7
+collierville,557,2
+corozal,455,4
+collierville,31,2
+markleeville,577,3
+darden,1363,1
+corozal,274,11
+corozal,1110,5
+corozal,1355,5
+darden,373,4
+darden,600,2
+markleeville,402,6
+collierville,339,4
+darden,1880,6
+markleeville,649,3
+corozal,593,14
+darden,1260,2
+corozal,592,4
+corozal,650,1
+markleeville,865,2
+corozal,896,4
+corozal,373,1
+markleeville,436,2
+markleeville,384,7
+darden,839,0
+markleeville,938,5
+darden,1439,0
+darden,1809,4
+markleeville,917,9
+darden,1076,4
+collierville,399,1
+darden,1981,10
+darden,574,2
+corozal,1033,10
+darden,741,2
+corozal,720,0
+darden,1978,1
+darden,1614,4
+darden,1544,11
+corozal,400,3
+darden,565,1
+markleeville,773,0
+corozal,1228,1
+corozal,1356,0
+darden,1641,3
+markleeville,1143,4
+darden,1166,0
+darden,1911,1
+darden,91,1
+collierville,153,0
+corozal,243,18
+markleeville,273,11
+darden,35,10
+corozal,1371,19
+corozal,1488,8
+darden,1584,4
+markleeville,307,1
+corozal,202,16
+collierville,723,0
+darden,1197,2
+collierville,408,1
+darden,564,3
+collierville,725,2
+darden,106,6
+darden,1356,0
+darden,612,2
+markleeville,462,0
+darden,868,1
+darden,670,5
+darden,1614,2
+corozal,368,8
+darden,1142,1
+corozal,470,3
+darden,1515,3
+corozal,899,2
+corozal,29,0
+darden,114,17
+corozal,147,3
+darden,235,5
+corozal,205,5
+darden,545,1
+darden,1997,9
+corozal,654,13
+corozal,945,12
+corozal,1510,6
+darden,905,2
+darden,1294,7
+darden,1696,6
+darden,521,1
+corozal,1010,5
+darden,1412,4
+corozal,144,2
+corozal,1194,2
+markleeville,981,12
+corozal,1226,3
+darden,38,4
+darden,1800,0
+markleeville,559,3
+darden,476,3
+corozal,653,3
+corozal,1033,3
+darden,721,6
+corozal,647,2
+darden,1783,2
+collierville,272,0
+corozal,1469,2
+corozal,1207,5
+darden,303,0
+corozal,459,9
+corozal,1168,4
+corozal,601,2
+corozal,1138,9
+corozal,242,12
+collierville,189,6
+markleeville,741,1
+corozal,42,18
+darden,1811,0
+markleeville,582,2
+corozal,50,6
+darden,413,6
+darden,829,6
+darden,1643,2
+corozal,1209,10
+markleeville,2,2
+corozal,842,5
+darden,653,10
+darden,1087,4
+markleeville,872,5
+collierville,569,1
+darden,1071,2
+corozal,665,5
+corozal,1118,0
+corozal,869,9
+corozal,1538,0
+darden,1040,7
+corozal,1371,0
+darden,1665,2
+markleeville,1056,1
+darden,897,3
+darden,1250,1
+corozal,158,1
+corozal,1229,8
+darden,191,6
+corozal,151,2
+darden,1127,11
+darden,873,3
+corozal,631,1
+darden,1443,8
+darden,861,1
+markleeville,4,1
+darden,568,1
+collierville,658,3
+corozal,297,3
+darden,1413,5
+collierville,4,2
+collierville,218,1
+darden,1366,11
+markleeville,92,2
+markleeville,145,11
+corozal,109,0
+markleeville,593,2
+corozal,756,6
+collierville,181,5
+darden,748,1
+darden,1449,3
+markleeville,687,1
+markleeville,744,12
+darden,445,5
+darden,30,6
+collierville,731,4
+corozal,1094,9
+markleeville,1096,6
+darden,1729,1
+corozal,580,19
+corozal,1254,1
+corozal,817,7
+corozal,216,2
+markleeville,442,5
+corozal,661,5
+darden,908,5
+corozal,1224,5
+corozal,673,3
+darden,1872,1
+collierville,300,4
+darden,1645,2
+markleeville,981,0
+darden,774,1
+corozal,194,4
+darden,1712,9
+corozal,1451,2
+darden,632,3
+corozal,174,5
+corozal,1377,4
+corozal,864,4
+darden,1271,6
+collierville,194,1
+markleeville,390,2
+corozal,782,13
+collierville,385,6
+corozal,3,10
+darden,89,9
+darden,1421,4
+collierville,445,4
+darden,1286,12
+markleeville,241,0
+corozal,1049,6
+markleeville,927,6
+darden,1229,0
+darden,600,1
+corozal,321,18
+corozal,119,8
+collierville,177,8
+corozal,867,2
+markleeville,69,0
+darden,1755,6
+corozal,788,8
+darden,972,2
+corozal,1523,2
+markleeville,227,10
+darden,1830,9
+darden,1649,3
+markleeville,696,4
+darden,1904,6
+darden,1352,1
+darden,424,0
+darden,1865,3
+markleeville,820,2
+markleeville,723,6
+collierville,411,0
+corozal,1271,7
+darden,1093,9
+collierville,119,0
+corozal,143,6
+markleeville,212,2
+markleeville,391,12
+darden,214,4
+corozal,181,0
+corozal,1393,6
+corozal,467,7
+markleeville,1033,1
+markleeville,584,11
+darden,1080,0
+markleeville,975,3
+darden,706,4
+darden,635,2
+corozal,88,5
+corozal,611,1
+collierville,6,5
+darden,297,0
+markleeville,371,11
+corozal,1477,1
+darden,1207,1
+markleeville,642,2
+corozal,321,15
+darden,1235,2
+darden,1103,3
+darden,1237,4
+corozal,1469,8
+darden,1113,2
+corozal,1539,8
+corozal,871,6
+corozal,265,3
+darden,275,2
+corozal,1554,4
+darden,1511,3
+corozal,114,5
+darden,1294,9
+darden,1150,22
+corozal,1339,2
+darden,1897,6
+corozal,720,2
+darden,1726,4
+darden,124,1
+corozal,1229,11
+darden,1592,0
+corozal,255,4
+corozal,1554,2
+markleeville,913,2
+darden,1961,11
+collierville,464,2
+corozal,787,1
+darden,762,7
+markleeville,346,1
+collierville,618,2
+markleeville,1048,0
+darden,853,2
+corozal,927,2
+markleeville,243,5
+corozal,667,1
+darden,648,1
+markleeville,53,9
+darden,449,5
+darden,1897,9
+markleeville,107,0
+darden,576,3
+corozal,466,4
+darden,1787,6
+darden,827,4
+markleeville,706,1
+corozal,281,1
+markleeville,248,2
+markleeville,718,4
+collierville,304,6
+darden,443,0
+darden,275,3
+corozal,613,1
+darden,1698,3
+darden,1822,1
+corozal,792,13
+corozal,1085,2
+corozal,765,8
+markleeville,1160,2
+darden,762,9
+darden,1662,3
+darden,934,8
+markleeville,231,11
+corozal,37,5
+markleeville,416,0
+corozal,692,3
+darden,1327,8
+markleeville,670,3
+corozal,481,1
+corozal,1319,9
+darden,466,6
+corozal,1558,3
+darden,1475,12
+darden,1033,2
+markleeville,495,0
+markleeville,943,0
+darden,1418,1
+corozal,834,12
+corozal,130,4
+corozal,1045,3
+corozal,1444,14
+corozal,1442,0
+corozal,275,7
+corozal,299,0
+corozal,1300,5
+darden,1743,1
+markleeville,440,3
+markleeville,926,0
+markleeville,85,0
+darden,120,19
+corozal,864,11
+darden,1914,1
+corozal,1544,9
+corozal,478,19
+corozal,826,5
+corozal,1385,10
+collierville,420,4
+corozal,1474,0
+markleeville,1121,1
+darden,970,1
+corozal,758,0
+corozal,797,2
+corozal,597,2
+corozal,732,1
+darden,1858,0
+corozal,1270,0
+corozal,375,4
+corozal,1207,4
+corozal,1107,2
+markleeville,832,3
+darden,681,13
+darden,874,2
+markleeville,780,2
+markleeville,583,9
+darden,395,0
+darden,1100,2
+corozal,626,6
+markleeville,532,7
+darden,1591,0
+markleeville,699,2
+corozal,240,3
+markleeville,765,11
+markleeville,567,7
+darden,989,2
+markleeville,142,1
+markleeville,120,5
+corozal,696,2
+markleeville,1108,4
+darden,583,4
+collierville,193,0
+corozal,1072,9
+darden,1987,6
+markleeville,647,4
+corozal,137,15
+markleeville,192,2
+collierville,449,0
+corozal,1301,6
+markleeville,487,3
+darden,1238,3
+darden,1515,0
+corozal,1096,2
+corozal,276,1
+corozal,469,4
+collierville,495,4
+collierville,329,3
+darden,1292,1
+collierville,521,0
+corozal,592,0
+collierville,128,0
+markleeville,610,3
+darden,1710,0
+darden,1358,5
+markleeville,424,4
+darden,1204,2
+darden,1579,5
+corozal,1326,14
+corozal,1469,4
+corozal,1099,2
+corozal,1169,0
+corozal,871,12
+corozal,422,6
+corozal,1369,4
+darden,172,1
+markleeville,919,7
+markleeville,811,0
+corozal,1378,8
+darden,1270,9
+corozal,42,19
+corozal,1266,0
+darden,1771,0
+markleeville,999,3
+markleeville,637,2
+corozal,1253,3
+darden,1542,9
+markleeville,952,1
+darden,298,2
+corozal,558,3
+corozal,1076,0
+corozal,375,0
+collierville,565,5
+markleeville,1023,9
+markleeville,744,10
+markleeville,481,2
+markleeville,574,6
+markleeville,1049,2
+darden,653,16
+darden,1062,2
+collierville,641,1
+collierville,108,0
+darden,1470,9
+collierville,593,5
+darden,1124,2
+darden,987,1
+markleeville,856,2
+collierville,468,1
+markleeville,1027,0
+corozal,64,11
+darden,1993,11
+collierville,128,3
+corozal,313,0
+collierville,632,4
+markleeville,954,2
+markleeville,571,15
+darden,509,0
+corozal,747,4
+collierville,280,1
+darden,1344,5
+corozal,822,1
+corozal,1032,6
+darden,30,2
+darden,114,4
+darden,1401,4
+corozal,864,10
+corozal,967,2
+darden,1416,8
+corozal,1078,7
+darden,1434,8
+darden,1789,6
+corozal,469,12
+corozal,409,5
+corozal,294,0
+darden,1832,3
+markleeville,1067,1
+darden,583,0
+markleeville,269,10
+corozal,107,11
+darden,657,2
+darden,678,1
+corozal,304,2
+corozal,960,3
+corozal,779,7
+corozal,1459,2
+markleeville,136,5
+markleeville,1162,4
+markleeville,682,0
+darden,813,2
+darden,1700,1
+corozal,673,2
+corozal,1166,1
+collierville,405,5
+darden,1398,2
+corozal,850,1
+collierville,251,4
+darden,3,7
+markleeville,1034,1
+corozal,504,4
+darden,1648,7
+markleeville,520,1
+darden,1388,4
+markleeville,705,6
+corozal,482,3
+collierville,97,3
+darden,1656,1
+corozal,717,9
+corozal,671,4
+darden,826,0
+darden,415,2
+corozal,1374,19
+darden,1118,1
+corozal,1049,16
+corozal,325,5
+corozal,629,1
+darden,1357,3
+collierville,603,6
+darden,459,6
+collierville,264,2
+collierville,152,1
+corozal,911,5
+markleeville,359,5
+markleeville,52,2
+corozal,1066,0
+markleeville,183,5
+darden,413,11
+corozal,1398,1
+darden,1814,0
+corozal,187,16
+corozal,331,4
+corozal,864,16
+corozal,595,12
+markleeville,318,1
+darden,1922,3
+markleeville,317,5
+corozal,604,4
+darden,1101,2
+darden,422,4
+corozal,1338,4
+darden,1896,2
+corozal,661,13
+markleeville,175,2
+corozal,544,13
+corozal,412,1
+darden,400,6
+markleeville,840,7
+corozal,902,4
+corozal,1502,0
+corozal,445,5
+collierville,67,1
+corozal,452,1
+darden,529,5
+markleeville,210,0
+markleeville,134,3
+markleeville,485,1
+markleeville,500,2
+markleeville,491,3
+darden,1149,4
+corozal,1067,2
+darden,868,4
+darden,40,7
+corozal,794,1
+darden,1442,12
+corozal,570,2
+darden,1657,8
+markleeville,640,1
+darden,1540,13
+corozal,1255,3
+darden,1305,13
+darden,210,8
+collierville,148,3
+markleeville,553,0
+collierville,593,1
+corozal,1121,1
+markleeville,105,7
+corozal,1191,2
+corozal,551,16
+darden,1019,2
+corozal,336,0
+corozal,896,8
+markleeville,1070,2
+darden,1022,7
+markleeville,491,5
+markleeville,307,5
+collierville,395,2
+darden,1507,1
+corozal,419,5
+collierville,30,1
+darden,1880,3
+corozal,959,4
+darden,1707,6
+corozal,1500,1
+markleeville,1187,3
+darden,74,0
+markleeville,40,7
+corozal,1262,0
+markleeville,1136,3
+darden,778,5
+darden,844,0
+corozal,910,2
+corozal,351,3
+corozal,50,2
+darden,1181,1
+darden,783,2
+darden,1249,6
+markleeville,457,2
+corozal,657,9
+darden,1106,1
+markleeville,1099,4
+corozal,229,2
+markleeville,160,1
+markleeville,1070,3
+markleeville,468,3
+darden,276,3
+corozal,698,3
+corozal,1233,4
+markleeville,605,12
+markleeville,356,6
+darden,1847,4
+markleeville,1189,0
+corozal,598,11
+markleeville,173,4
+markleeville,428,4
+corozal,95,4
+corozal,1113,12
+darden,1052,6
+collierville,41,3
+darden,150,0
+darden,1329,10
+darden,215,9
+markleeville,774,2
+darden,1088,2
+collierville,103,2
+darden,422,3
+markleeville,841,2
+corozal,413,3
+corozal,1290,2
+markleeville,123,5
+collierville,133,1
+markleeville,103,0
+markleeville,1121,10
+darden,1259,16
+darden,1134,2
+collierville,231,4
+corozal,1529,6
+markleeville,707,0
+darden,1899,9
+markleeville,36,3
+collierville,195,2
+darden,542,7
+darden,1329,0
+markleeville,872,10
+darden,1764,5
+markleeville,567,2
+corozal,535,5
+darden,495,1
+darden,568,2
+markleeville,445,1
+collierville,44,2
+markleeville,1177,3
+corozal,1182,2
+darden,275,0
+corozal,1033,11
+corozal,1469,1
+corozal,539,2
+corozal,168,1
+corozal,1113,0
+corozal,1326,12
+collierville,201,2
+corozal,636,13
+corozal,139,1
+markleeville,1126,0
+darden,1919,8
+darden,1590,0
+corozal,503,0
+corozal,57,2
+darden,552,0
+markleeville,317,3
+markleeville,16,2
+corozal,513,5
+markleeville,948,1
+markleeville,164,0
+corozal,960,5
+corozal,319,2
+darden,1781,5
+markleeville,401,9
+markleeville,982,11
+darden,1094,4
+darden,1358,11
+markleeville,153,7
+corozal,297,1
+darden,1764,7
+markleeville,89,1
+darden,30,3
+darden,1103,9
+corozal,1501,8
+corozal,74,3
+corozal,893,4
+darden,53,2
+darden,196,4
+darden,1181,11
+markleeville,1052,6
+markleeville,597,10
+corozal,1407,11
+darden,731,1
+corozal,867,1
+markleeville,1048,4
+markleeville,790,1
+darden,401,2
+darden,695,2
+corozal,521,1
+corozal,1096,0
+corozal,174,1
+darden,862,6
+corozal,689,15
+corozal,508,4
+markleeville,324,12
+corozal,76,10
+markleeville,946,3
+darden,510,2
+corozal,554,0
+markleeville,1194,0
+markleeville,215,2
+collierville,463,1
+corozal,695,8
+markleeville,133,2
+corozal,1443,0
+darden,58,1
+corozal,45,2
+collierville,582,2
+darden,1239,0
+darden,1550,0
+darden,196,1
+darden,1865,0
+markleeville,327,4
+darden,1542,8
+collierville,690,1
+darden,943,0
+collierville,563,3
+darden,1994,8
+corozal,425,3
+markleeville,1036,0
+markleeville,7,0
+darden,791,8
+collierville,675,2
+markleeville,890,3
+collierville,301,2
+darden,1449,2
+corozal,134,0
+markleeville,547,2
+corozal,63,3
+darden,1963,3
+corozal,684,7
+corozal,1488,18
+collierville,556,4
+darden,1195,5
+markleeville,719,3
+darden,34,14
+markleeville,1137,5
+darden,1169,0
+markleeville,790,0
+darden,546,8
+corozal,580,7
+markleeville,271,0
+corozal,506,2
+darden,139,5
+darden,1057,1
+markleeville,90,2
+darden,813,7
+corozal,569,4
+darden,1049,1
+collierville,640,0
+darden,168,5
+corozal,1475,6
+markleeville,231,0
+darden,603,1
+corozal,1205,14
+markleeville,452,0
+corozal,711,6
+markleeville,345,2
+markleeville,517,5
+darden,161,3
+markleeville,219,7
+corozal,1503,0
+darden,1155,2
+corozal,1017,1
+markleeville,300,2
+darden,1755,0
+darden,536,1
+darden,1166,8
+corozal,21,0
+markleeville,1130,0
+collierville,410,0
+markleeville,1160,0
+darden,1123,1
+markleeville,395,3
+markleeville,554,0
+markleeville,548,2
+collierville,532,0
+darden,829,8
+markleeville,523,2
+corozal,653,0
+markleeville,489,6
+collierville,65,5
+darden,1089,7
+markleeville,277,9
+darden,337,2
+darden,1872,0
+corozal,195,5
+markleeville,631,2
+markleeville,730,6
+corozal,1020,2
+corozal,924,7
+darden,1349,9
+darden,109,2
+corozal,1260,5
+corozal,679,12
+darden,354,2
+markleeville,935,4
+corozal,248,10
+darden,588,9
+corozal,1511,5
+corozal,1385,5
+collierville,191,0
+darden,1741,5
+corozal,109,1
+darden,1385,4
+corozal,551,0
+markleeville,300,3
+corozal,122,1
+darden,1739,3
+markleeville,19,0
+darden,1773,19
+collierville,329,0
+corozal,1329,5
+markleeville,529,0
+markleeville,450,8
+collierville,118,2
+darden,459,17
+corozal,1559,2
+darden,873,1
+darden,730,0
+corozal,251,5
+corozal,1016,5
+darden,561,7
+markleeville,721,6
+corozal,793,0
+collierville,95,2
+collierville,90,2
+markleeville,151,0
+darden,955,4
+darden,169,6
+darden,729,0
+markleeville,281,0
+collierville,487,4
+darden,64,2
+markleeville,255,2
+darden,692,1
+markleeville,396,9
+collierville,666,6
+corozal,1272,0
+darden,644,5
+corozal,132,3
+darden,781,1
+darden,1020,0
+darden,4,1
+corozal,1198,3
+darden,842,2
+corozal,1492,3
+corozal,194,2
+darden,92,7
+markleeville,909,1
+darden,1181,10
+darden,1621,0
+markleeville,396,6
+darden,1609,5
+collierville,601,2
+corozal,386,5
+darden,40,6
+corozal,323,7
+corozal,78,3
+corozal,1338,7
+markleeville,358,1
+darden,668,0
+darden,953,0
+darden,1866,14
+darden,1781,6
+markleeville,248,4
+corozal,73,2
+darden,914,2
+darden,440,4
+darden,780,5
+darden,1151,1
+markleeville,1045,0
+darden,275,5
+markleeville,726,11
+corozal,1079,3
+darden,1275,16
+darden,1438,8
+markleeville,366,0
+corozal,1494,3
+markleeville,185,1
+markleeville,217,0
+markleeville,1109,1
+corozal,1101,0
+corozal,102,17
+darden,464,9
+markleeville,956,2
+markleeville,1130,2
+darden,346,1
+markleeville,236,0
+corozal,84,0
+corozal,431,6
+darden,1429,3
+corozal,1421,3
+darden,1048,2
+darden,1373,6
+markleeville,575,0
+corozal,535,2
+darden,1056,2
+markleeville,723,0
+darden,527,5
+darden,769,14
+corozal,864,1
+corozal,1373,0
+darden,1010,2
+darden,3,2
+markleeville,167,6
+darden,273,0
+markleeville,882,0
+corozal,1273,2
+darden,17,4
+markleeville,583,4
+markleeville,852,0
+darden,1617,0
+markleeville,133,1
+darden,1447,2
+darden,1884,1
+darden,1204,9
+markleeville,11,11
+corozal,762,5
+darden,33,5
+markleeville,46,1
+corozal,544,6
+darden,153,1
+corozal,955,2
+corozal,513,8
+markleeville,927,8
+markleeville,97,2
+corozal,1148,0
+darden,639,1
+darden,72,1
+darden,503,2
+darden,180,1
+collierville,257,4
+corozal,120,0
+corozal,146,11
+collierville,272,1
+darden,1651,2
+darden,476,4
+corozal,1298,7
+collierville,159,1
+corozal,984,1
+darden,1434,6
+corozal,435,7
+darden,210,6
+markleeville,711,4
+collierville,386,1
+corozal,38,5
+darden,799,16
+darden,1471,1
+collierville,540,3
+darden,884,1
+darden,683,3
+darden,1620,5
+markleeville,892,1
+darden,1154,3
+darden,1691,10
+darden,566,4
+corozal,370,3
+darden,907,5
+darden,792,2
+corozal,1497,13
+darden,1759,5
+darden,465,7
+corozal,502,13
+markleeville,854,0
+darden,1779,2
+darden,1919,6
+darden,859,0
+corozal,1203,2
+darden,1120,8
+collierville,570,2
+darden,741,4
+markleeville,995,8
+darden,979,2
+collierville,49,5
+darden,1967,11
+darden,837,9
+darden,277,1
+darden,330,9
+darden,1209,7
+darden,491,1
+markleeville,217,11
+corozal,324,1
+corozal,1497,5
+darden,974,3
+darden,34,9
+darden,951,2
+corozal,526,0
+corozal,815,3
+corozal,618,0
+darden,1765,5
+darden,332,5
+corozal,942,1
+markleeville,874,14
+darden,494,2
+darden,536,7
+darden,1457,3
+corozal,654,5
+darden,67,0
+markleeville,973,0
+corozal,109,4
+darden,518,0
+corozal,1065,3
+darden,1814,1
+collierville,614,3
+markleeville,596,0
+collierville,617,3
+markleeville,899,4
+corozal,931,1
+markleeville,620,1
+markleeville,1144,1
+corozal,610,11
+darden,681,3
+collierville,457,1
+markleeville,123,3
+darden,1930,0
+darden,1695,2
+markleeville,587,5
+markleeville,630,5
+corozal,416,0
+darden,498,2
+corozal,725,4
+corozal,14,3
+corozal,602,1
+darden,1295,0
+darden,326,1
+markleeville,799,1
+darden,1974,7
+darden,883,5
+corozal,1271,4
+markleeville,262,6
+darden,1159,5
+corozal,505,2
+markleeville,1064,1
+collierville,615,2
+corozal,1156,7
+corozal,596,6
+markleeville,978,1
+corozal,437,9
+corozal,1105,4
+darden,1371,5
+collierville,708,1
+markleeville,1028,4
+corozal,1544,3
+corozal,81,7
+corozal,469,15
+corozal,146,1
+corozal,1136,1
+darden,795,3
+darden,1060,5
+darden,629,0
+corozal,1507,0
+darden,315,1
+corozal,1165,4
+darden,330,7
+markleeville,614,1
+darden,734,2
+corozal,27,10
+darden,1460,2
+darden,1769,2
+corozal,1373,10
+darden,1956,4
+darden,1466,2
+darden,1707,10
+corozal,1109,13
+darden,1965,2
+corozal,222,8
+markleeville,137,15
+corozal,242,5
+darden,1469,0
+collierville,121,1
+darden,663,1
+corozal,239,7
+corozal,1009,16
+corozal,490,5
+corozal,37,0
+markleeville,996,3
+darden,1540,15
+markleeville,238,2
+darden,140,2
+markleeville,995,6
+markleeville,488,2
+markleeville,1165,0
+darden,783,12
+darden,239,0
+darden,1235,0
+darden,37,8
+corozal,842,4
+corozal,1095,9
+markleeville,262,1
+darden,747,8
+corozal,688,2
+darden,1476,1
+darden,1777,1
+darden,1173,0
+corozal,1227,1
+darden,666,0
+darden,728,7
+darden,1771,2
+markleeville,1198,4
+darden,1271,9
+markleeville,475,2
+corozal,406,7
+darden,615,3
+darden,1714,0
+darden,1055,3
+corozal,640,1
+darden,1269,2
+darden,1283,10
+corozal,792,3
+corozal,698,1
+darden,1903,0
+markleeville,102,7
+darden,1162,7
+collierville,2,10
+corozal,149,0
+darden,747,11
+corozal,1256,1
+darden,176,3
+darden,334,1
+corozal,1290,15
+collierville,86,2
+markleeville,1093,0
+darden,1892,0
+corozal,432,9
+markleeville,656,3
+corozal,834,5
+corozal,585,0
+darden,1305,17
+corozal,543,8
+corozal,1491,2
+darden,1471,11
+darden,475,2
+corozal,77,1
+corozal,446,3
+corozal,652,3
+darden,1182,4
+corozal,1232,0
+corozal,1424,2
+darden,1193,11
+darden,1726,0
+corozal,1076,1
+markleeville,1007,6
+markleeville,89,2
+corozal,1520,2
+markleeville,190,12
+corozal,256,2
+corozal,1057,4
+collierville,143,3
+corozal,1319,8
+corozal,843,8
+corozal,149,3
+corozal,574,1
+darden,831,4
+darden,1917,7
+corozal,1082,1
+darden,1347,9
+darden,1601,2
+darden,210,20
+corozal,69,0
+markleeville,955,4
+darden,1907,14
+darden,569,0
+collierville,705,0
+corozal,951,14
+markleeville,620,0
+darden,750,2
+darden,936,5
+darden,272,3
+darden,336,0
+darden,1191,3
+corozal,842,6
+markleeville,64,2
+markleeville,931,0
+darden,1197,0
+markleeville,130,3
+darden,1144,5
+markleeville,1117,11
+corozal,805,2
+markleeville,1166,14
+corozal,934,6
+darden,539,2
+darden,5,4
+darden,1174,3
+darden,1811,6
+corozal,434,0
+markleeville,233,0
+corozal,118,7
+darden,50,1
+darden,1638,7
+darden,93,2
+corozal,474,3
+markleeville,434,1
+darden,1640,1
+darden,1405,1
+darden,79,5
+markleeville,20,1
+darden,201,1
+darden,1340,7
+markleeville,217,8
+collierville,551,0
+corozal,1421,0
+corozal,865,4
+collierville,238,2
+corozal,215,0
+darden,1497,1
+markleeville,244,14
+corozal,1069,6
+corozal,522,2
+corozal,347,3
+markleeville,486,1
+darden,341,0
+corozal,49,0
+darden,44,0
+corozal,1327,8
+corozal,572,0
+corozal,242,0
+markleeville,597,0
+collierville,524,3
+darden,1665,6
+corozal,1103,4
+markleeville,584,0
+darden,701,1
+darden,1760,3
+darden,573,3
+markleeville,1164,0
+markleeville,591,0
+darden,1121,11
+markleeville,104,5
+darden,1921,4
+corozal,1251,1
+corozal,1142,5
+darden,805,3
+markleeville,307,0
+darden,400,1
+corozal,1475,12
+darden,351,1
+darden,1518,0
+darden,465,1
+markleeville,643,2
+corozal,1473,9
+darden,311,1
+darden,464,12
+corozal,102,3
+markleeville,516,5
+markleeville,752,0
+markleeville,982,3
+darden,1907,10
+corozal,1540,0
+markleeville,453,1
+darden,898,0
+markleeville,905,1
+collierville,617,0
+corozal,7,9
+darden,1264,1
+corozal,857,10
+corozal,1138,14
+corozal,850,3
+markleeville,506,4
+darden,1329,3
+darden,1727,1
+darden,792,0
+corozal,593,6
+corozal,279,2
+darden,325,1
+darden,990,1
+collierville,143,1
+corozal,758,2
+corozal,1118,5
+darden,864,6
+markleeville,938,2
+darden,1729,9
+darden,1568,2
+collierville,529,0
+corozal,811,0
+darden,1327,2
+corozal,532,2
+corozal,703,4
+markleeville,0,1
+corozal,1554,1
+corozal,213,1
+markleeville,267,3
+corozal,62,1
+corozal,1117,3
+corozal,777,6
+collierville,712,3
+markleeville,222,2
+darden,1447,0
+corozal,232,5
+markleeville,680,12
+darden,1157,0
+corozal,1322,0
+markleeville,277,3
+corozal,361,1
+markleeville,808,1
+markleeville,182,10
+markleeville,248,5
+markleeville,624,10
+corozal,1326,0
+collierville,26,0
+darden,1120,4
+darden,1530,2
+markleeville,1057,11
+corozal,154,2
+corozal,831,0
+corozal,1310,5
+darden,371,2
+markleeville,403,2
+markleeville,488,1
+corozal,1427,3
+collierville,439,1
+corozal,431,13
+markleeville,680,14
+corozal,1397,3
+collierville,567,6
+darden,1853,1
+darden,1542,3
+markleeville,839,1
+darden,1691,3
+darden,226,1
+darden,799,0
+markleeville,644,5
+darden,1963,2
+corozal,1200,2
+collierville,542,6
+corozal,744,10
+darden,1246,2
+corozal,1286,4
+corozal,772,5
+darden,397,3
+corozal,173,0
+darden,1765,9
+markleeville,934,6
+darden,755,9
+darden,1904,8
+darden,128,1
+darden,580,7
+corozal,515,10
+markleeville,1147,8
+darden,150,2
+darden,1105,3
+corozal,483,16
+markleeville,20,5
+darden,837,10
+corozal,885,0
+collierville,563,4
+corozal,1313,0
+markleeville,1146,13
+darden,448,8
+darden,1059,3
+corozal,37,1
+corozal,369,0
+corozal,1548,1
+collierville,328,4
+darden,1787,7
+darden,538,2
+corozal,377,0
+darden,342,1
+corozal,1072,4
+darden,965,2
+corozal,1079,8
+darden,1398,1
+darden,828,2
+darden,1404,1
+markleeville,793,2
+collierville,730,3
+darden,1039,4
+corozal,1049,15
+corozal,1475,14
+corozal,1103,0
+darden,1907,3
+darden,1112,5
+corozal,134,1
+corozal,45,0
+darden,1168,2
+markleeville,141,0
+corozal,661,15
+darden,1126,8
+markleeville,911,4
+corozal,966,2
+darden,1495,6
+corozal,969,3
+corozal,1537,14
+corozal,629,16
+darden,742,1
+darden,1641,2
+markleeville,594,0
+markleeville,442,0
+darden,864,1
+corozal,622,2
+markleeville,183,0
+darden,531,0
+corozal,426,0
+darden,1686,5
+markleeville,789,5
+darden,1653,0
+corozal,1109,14
+darden,838,12
+corozal,331,2
+darden,1277,0
+markleeville,273,1
+corozal,892,0
+markleeville,619,5
+darden,1186,5
+corozal,892,1
+markleeville,840,9
+markleeville,656,0
+darden,908,1
+corozal,1513,3
+markleeville,490,2
+corozal,1506,0
+corozal,753,2
+darden,829,7
+markleeville,920,0
+corozal,1225,0
+corozal,422,11
+darden,1162,4
+darden,1455,1
+markleeville,256,2
+markleeville,11,10
+corozal,502,3
+corozal,156,3
+collierville,681,3
+darden,1541,0
+darden,291,1
+collierville,229,3
+corozal,941,2
+darden,845,3
+darden,822,8
+markleeville,526,2
+darden,617,2
+corozal,430,9
+darden,553,5
+darden,1529,2
+markleeville,875,1
+darden,270,1
+markleeville,554,5
+corozal,1546,10
+darden,307,0
+darden,1044,6
+darden,712,0
+darden,829,11
+darden,1681,15
+darden,880,8
+collierville,445,3
+corozal,782,15
+darden,1445,6
+markleeville,137,14
+corozal,55,1
+darden,1241,1
+collierville,207,0
+darden,1176,1
+corozal,1293,3
+corozal,634,4
+darden,497,5
+markleeville,36,1
+collierville,53,1
+darden,1961,1
+markleeville,517,11
+markleeville,127,2
+collierville,90,1
+darden,190,0
+markleeville,749,3
+darden,1860,4
+darden,100,7
+corozal,635,3
+markleeville,742,2
+markleeville,751,3
+corozal,1196,3
+darden,1600,1
+corozal,272,1
+darden,1953,0
+darden,644,1
+darden,1484,5
+corozal,483,2
+corozal,68,5
+corozal,858,4
+darden,581,2
+darden,80,1
+corozal,975,3
+darden,877,3
+darden,462,2
+darden,253,4
+collierville,104,2
+corozal,81,6
+corozal,750,4
+corozal,163,2
+darden,364,2
+darden,1461,0
+corozal,1112,3
+corozal,1301,16
+darden,412,1
+darden,1297,4
+collierville,463,4
+corozal,623,1
+markleeville,1183,2
+corozal,1231,1
+markleeville,982,12
+darden,1810,2
+collierville,242,3
+darden,1754,6
+darden,554,9
+markleeville,991,2
+corozal,997,0
+corozal,317,4
+corozal,1374,9
+darden,420,1
+collierville,20,6
+markleeville,699,1
+darden,1064,8
+corozal,1277,4
+markleeville,543,0
+darden,770,3
+darden,1291,9
+corozal,152,4
+markleeville,30,0
+markleeville,1122,1
+darden,196,10
+darden,1786,1
+corozal,1326,16
+markleeville,825,0
+corozal,248,5
+markleeville,48,2
+markleeville,1154,1
+collierville,577,0
+darden,1548,2
+markleeville,442,9
+corozal,41,6
+darden,453,0
+darden,741,8
+markleeville,1015,3
+darden,726,1
+darden,477,3
+markleeville,78,8
+darden,546,4
+darden,63,10
+darden,835,3
+darden,1499,2
+corozal,769,1
+darden,1906,2
+corozal,909,3
+corozal,1282,3
+collierville,56,2
+darden,167,7
+darden,391,2
+markleeville,360,4
+markleeville,808,7
+corozal,874,3
+markleeville,1105,3
+collierville,146,2
+darden,585,0
+darden,434,0
+corozal,181,13
+markleeville,801,2
+darden,1119,0
+corozal,944,7
+corozal,183,1
+darden,938,1
+darden,1484,7
+markleeville,772,3
+darden,1223,6
+markleeville,782,2
+corozal,660,6
+darden,658,2
+darden,184,1
+darden,791,5
+collierville,448,0
+corozal,750,1
+markleeville,1056,3
+markleeville,1174,0
+markleeville,323,4
+darden,1017,2
+darden,1533,4
+corozal,810,6
+corozal,150,4
+darden,1336,6
+markleeville,1108,2
+darden,1582,0
+darden,271,2
+darden,758,8
+darden,971,3
+darden,1031,2
+darden,512,0
+corozal,540,3
+collierville,303,2
+markleeville,544,4
+darden,871,3
+corozal,1415,8
+markleeville,872,13
+darden,442,2
+markleeville,1181,2
+markleeville,394,0
+corozal,638,3
+markleeville,2,1
+darden,1597,1
+darden,815,0
+darden,204,2
+corozal,518,2
+darden,1790,1
+darden,1356,3
+markleeville,884,8
+darden,89,16
+darden,1579,1
+darden,987,8
+corozal,1261,0
+darden,1808,1
+collierville,186,0
+markleeville,215,3
+corozal,744,6
+darden,1636,5
+darden,746,0
+darden,975,6
+markleeville,1021,0
+corozal,181,7
+markleeville,58,0
+darden,1822,4
+markleeville,862,2
+markleeville,50,9
+darden,1632,1
+darden,111,3
+darden,908,6
+markleeville,674,15
+markleeville,668,2
+darden,1687,0
+corozal,1493,7
+darden,954,2
+darden,1760,11
+darden,1294,3
+markleeville,493,2
+corozal,306,4
+corozal,435,3
+darden,1822,6
+darden,806,3
+collierville,352,1
+darden,644,3
+darden,875,0
+darden,1178,1
+markleeville,929,0
+corozal,709,9
+darden,1630,6
+collierville,237,1
+darden,1085,2
+darden,713,2
+corozal,1183,5
+corozal,1489,9
+corozal,1098,1
+corozal,1536,4
+darden,1581,3
+markleeville,137,8
+collierville,494,3
+corozal,1024,0
+darden,1738,4
+darden,1371,4
+collierville,536,2
+darden,765,0
+corozal,1100,2
+darden,384,4
+darden,1024,2
+corozal,937,13
+darden,1064,7
+darden,1381,2
+markleeville,955,5
+markleeville,927,4
+collierville,547,2
+darden,1773,9
+corozal,1290,20
+corozal,202,15
+darden,1212,6
+darden,1584,3
+darden,30,0
+corozal,758,1
+darden,802,0
+collierville,304,0
+corozal,1526,0
+collierville,109,2
+darden,197,3
+corozal,389,3
+corozal,1537,1
+corozal,1370,3
+darden,1818,1
+corozal,1316,3
+darden,1083,2
+markleeville,91,3
+corozal,335,5
+corozal,475,4
+markleeville,808,12
+darden,1973,3
+darden,37,0
+darden,269,6
+darden,1335,7
+darden,941,6
+corozal,1158,0
+corozal,1341,3
+corozal,1491,1
+corozal,96,0
+corozal,401,1
+darden,1316,4
+corozal,1529,1
+corozal,182,10
+markleeville,1134,6
+markleeville,955,1
+darden,1112,15
+collierville,16,1
+corozal,860,3
+corozal,1351,1
+markleeville,871,5
+corozal,632,5
+darden,1471,16
+markleeville,776,0
+darden,964,9
+darden,1087,12
+corozal,715,4
+darden,983,2
+darden,1813,4
+darden,144,12
+darden,699,10
+markleeville,362,4
+corozal,1117,5
+corozal,260,1
+corozal,1360,1
+corozal,708,2
+darden,963,2
+corozal,924,12
+corozal,455,2
+darden,446,2
+corozal,220,6
+darden,703,8
+markleeville,952,5
+corozal,689,14
+markleeville,11,12
+darden,1026,3
+markleeville,837,1
+darden,376,9
+darden,504,4
+corozal,1026,0
+darden,1862,8
+darden,1349,0
+darden,1546,0
+corozal,1152,2
+darden,963,0
+darden,904,6
+darden,1372,3
+corozal,422,0
+corozal,1427,14
+darden,198,12
+darden,1305,9
+darden,1433,0
+corozal,41,4
+markleeville,465,12
+darden,1664,1
+darden,1174,2
+markleeville,1058,4
+corozal,637,12
+darden,846,4
+markleeville,463,0
+corozal,734,3
+markleeville,30,5
+corozal,408,2
+collierville,575,1
+markleeville,639,2
+darden,433,5
+markleeville,134,5
+corozal,77,4
+corozal,836,0
+collierville,288,1
+markleeville,325,2
+markleeville,482,4
+corozal,1356,7
+corozal,995,0
+markleeville,1051,12
+darden,893,2
+markleeville,1193,2
+darden,448,7
+darden,1762,2
+darden,799,6
+darden,1193,4
+corozal,588,0
+darden,877,4
+darden,1093,3
+markleeville,1195,2
+markleeville,108,2
+corozal,247,2
+darden,352,8
+corozal,829,5
+darden,399,6
+darden,459,7
+collierville,493,2
+darden,1814,5
+collierville,647,5
+corozal,682,3
+darden,1187,1
+corozal,1391,4
+darden,1853,0
+markleeville,158,0
+markleeville,899,1
+darden,17,6
+darden,248,10
+darden,1426,0
+markleeville,492,7
+markleeville,656,4
+corozal,1142,0
+darden,35,11
+darden,1592,7
+corozal,432,2
+markleeville,768,9
+collierville,472,0
+darden,728,1
+darden,1925,1
+darden,1579,4
+collierville,303,3
+collierville,480,3
+markleeville,740,11
+darden,976,1
+corozal,837,2
+darden,224,1
+darden,1598,3
+markleeville,76,4
+markleeville,556,0
+darden,1144,3
+darden,444,0
+corozal,927,7
+corozal,889,4
+corozal,102,4
+corozal,629,17
+collierville,469,0
+darden,485,3
+darden,1215,1
+collierville,539,2
+markleeville,5,5
+darden,1912,2
+markleeville,26,13
+markleeville,665,2
+markleeville,476,3
+darden,1206,0
+darden,495,0
+darden,653,2
+darden,406,2
+collierville,329,1
+darden,368,2
+corozal,1295,2
+darden,739,0
+darden,653,12
+markleeville,897,1
+darden,88,4
+markleeville,514,1
+corozal,682,10
+markleeville,820,1
+darden,782,3
+darden,1346,3
+darden,800,8
+corozal,641,0
+markleeville,88,9
+collierville,628,3
+markleeville,190,5
+darden,104,6
+corozal,1455,0
+markleeville,524,2
+darden,1727,4
+corozal,762,16
+corozal,244,14
+corozal,475,2
+corozal,382,9
+markleeville,75,4
+darden,243,4
+darden,791,2
+markleeville,917,3
+corozal,1126,21
+corozal,1454,6
+collierville,7,4
+darden,1841,5
+darden,1481,4
+collierville,493,8
+markleeville,56,1
+markleeville,1073,2
+markleeville,535,5
+darden,835,8
+darden,1015,6
+darden,1384,3
+markleeville,567,5
+darden,1857,0
+corozal,868,9
+darden,835,11
+darden,577,14
+corozal,1086,2
+darden,529,22
+darden,386,0
+markleeville,153,4
+markleeville,766,0
+corozal,42,16
+corozal,558,4
+corozal,1068,0
+corozal,1185,1
+markleeville,18,0
+darden,1042,3
+darden,407,2
+darden,876,0
+darden,1292,2
+darden,1852,7
+markleeville,66,2
+corozal,580,12
+collierville,338,0
+collierville,707,0
+darden,1250,2
+collierville,388,6
+corozal,1415,5
+darden,578,2
+markleeville,940,6
+markleeville,538,1
+markleeville,928,2
+corozal,781,0
+corozal,1510,4
+darden,800,6
+corozal,698,5
+collierville,88,3
+corozal,767,6
+corozal,1115,5
+darden,669,5
+darden,788,3
+darden,380,3
+corozal,1069,9
+markleeville,563,3
+corozal,399,7
+collierville,453,1
+corozal,46,3
+markleeville,162,0
+darden,1254,1
+corozal,1102,0
+corozal,103,1
+corozal,1226,2
+corozal,755,0
+markleeville,364,8
+corozal,787,11
+darden,484,2
+darden,975,4
+darden,811,1
+markleeville,389,2
+collierville,563,2
+corozal,240,2
+markleeville,847,5
+darden,1223,11
+darden,692,17
+darden,1048,4
+darden,522,2
+darden,1925,0
+darden,1447,1
+corozal,936,7
+darden,1453,10
+darden,682,2
+darden,156,4
+corozal,1041,0
+markleeville,543,2
+darden,75,4
+darden,465,4
+collierville,76,7
+darden,1879,4
+collierville,622,1
+collierville,314,7
+corozal,441,2
+markleeville,346,0
+corozal,679,9
+markleeville,356,4
+darden,460,0
+darden,1666,6
+collierville,314,0
+collierville,160,1
+markleeville,854,11
+markleeville,919,6
+corozal,329,1
+markleeville,238,5
+darden,741,6
+markleeville,117,0
+darden,937,2
+corozal,974,6
+markleeville,300,1
+corozal,913,3
+markleeville,460,2
+collierville,214,4
+corozal,422,16
+darden,587,1
+collierville,672,5
+collierville,397,5
+corozal,952,1
+collierville,150,3
+darden,585,4
+corozal,290,8
+corozal,122,5
+corozal,894,7
+markleeville,289,1
+collierville,405,2
+darden,298,1
+darden,445,10
+darden,241,1
+corozal,805,1
+darden,464,0
+darden,464,13
+corozal,659,1
+darden,68,6
+darden,1576,2
+corozal,894,0
+corozal,509,4
+corozal,422,3
+darden,1583,0
+corozal,771,2
+darden,542,6
+darden,227,5
+darden,649,1
+markleeville,608,10
+darden,1030,2
+darden,750,3
+corozal,1140,0
+darden,1139,11
+markleeville,27,3
+markleeville,1128,10
+markleeville,224,2
+corozal,1025,3
+darden,1023,4
+collierville,3,1
+markleeville,505,2
+corozal,752,4
+corozal,1325,8
+corozal,701,0
+markleeville,1018,2
+darden,1943,1
+darden,1931,0
+corozal,246,3
+markleeville,290,2
+markleeville,811,9
+corozal,725,0
+corozal,1275,3
+darden,1034,6
+darden,104,4
+collierville,182,1
+darden,758,4
+corozal,620,2
+corozal,406,18
+corozal,141,5
+markleeville,94,1
+darden,1286,9
+corozal,894,6
+corozal,277,2
+markleeville,57,5
+corozal,13,1
+corozal,1386,4
+darden,1852,2
+collierville,468,4
+markleeville,731,2
+corozal,1129,1
+corozal,821,8
+markleeville,940,4
+darden,1171,1
+corozal,795,3
+markleeville,665,0
+corozal,415,3
+markleeville,326,2
+darden,840,4
+darden,1834,5
+darden,941,5
+corozal,1297,2
+markleeville,884,5
+markleeville,283,6
+corozal,1342,1
+collierville,185,0
+darden,1565,3
+corozal,144,5
+collierville,98,1
+corozal,447,8
+corozal,1480,4
+markleeville,754,7
+markleeville,521,1
+markleeville,121,5
+collierville,181,1
+collierville,556,1
+markleeville,895,0
+corozal,566,5
+corozal,497,0
+collierville,500,0
+darden,1387,0
+corozal,764,13
+darden,439,5
+markleeville,105,4
+markleeville,820,6
+corozal,1555,1
+corozal,895,2
+corozal,663,3
+markleeville,1090,2
+corozal,1113,6
+corozal,860,1
+darden,1508,5
+corozal,771,5
+darden,829,9
+darden,1776,3
+corozal,272,2
+darden,1377,1
+markleeville,770,2
+markleeville,71,1
+darden,1366,8
+darden,1609,0
+markleeville,22,3
+darden,576,0
+darden,743,1
+corozal,657,3
+markleeville,393,1
+corozal,734,5
+darden,1893,5
+markleeville,1076,3
+corozal,871,17
+darden,1911,0
+darden,1577,4
+corozal,383,0
+darden,1650,3
+markleeville,137,9
+corozal,141,2
+corozal,1216,4
+darden,1175,1
+markleeville,473,4
+darden,737,5
+darden,1688,0
+markleeville,498,8
+collierville,49,0
+markleeville,891,2
+corozal,340,1
+markleeville,101,2
+corozal,71,5
+corozal,191,2
+markleeville,466,1
+darden,212,5
+markleeville,1187,9
+corozal,1475,18
+darden,1082,2
+darden,503,7
+corozal,1268,9
+corozal,629,6
+darden,425,6
+darden,823,12
+markleeville,917,1
+corozal,623,0
+darden,354,6
+darden,435,5
+markleeville,408,5
+darden,1396,1
+darden,610,2
+markleeville,498,11
+darden,307,4
+collierville,569,4
+markleeville,732,3
+collierville,212,2
+corozal,1510,7
+markleeville,361,7
+darden,708,2
+darden,429,4
+corozal,473,5
+darden,1678,2
+markleeville,202,1
+darden,1136,1
+markleeville,100,7
+darden,506,2
+darden,416,8
+darden,1470,7
+darden,115,1
+corozal,1109,7
+markleeville,753,1
+markleeville,591,3
+corozal,1139,5
+darden,165,0
+darden,1750,9
+darden,1707,3
+darden,1275,7
+markleeville,577,14
+darden,208,0
+markleeville,269,7
+darden,252,1
+corozal,1115,1
+darden,1063,2
+darden,192,1
+corozal,146,4
+darden,1294,1
+corozal,1483,0
+corozal,973,1
+markleeville,344,6
+corozal,760,4
+collierville,106,0
+corozal,133,3
+corozal,544,1
+darden,317,6
+darden,15,0
+collierville,99,1
+darden,1557,4
+darden,343,1
+corozal,932,12
+darden,1070,2
+darden,1920,3
+darden,1638,0
+darden,1366,4
+corozal,999,4
+darden,1338,2
+corozal,146,7
+markleeville,636,5
+darden,244,1
+darden,1837,3
+markleeville,830,1
+darden,1644,5
+collierville,229,4
+darden,1164,13
+darden,566,7
+collierville,449,4
+darden,1406,7
+collierville,48,1
+darden,384,2
+darden,266,1
+corozal,1183,0
+corozal,868,7
+corozal,186,2
+markleeville,64,1
+corozal,341,5
+darden,279,2
+markleeville,1132,8
+darden,473,2
+darden,1121,1
+darden,803,6
+darden,969,1
+collierville,316,4
+darden,1789,2
+markleeville,342,1
+darden,1391,1
+markleeville,94,6
+corozal,1378,1
+darden,425,9
+corozal,259,6
+markleeville,62,6
+corozal,653,2
+darden,316,1
+corozal,1007,14
+darden,1760,9
+corozal,797,0
+darden,803,7
+darden,182,1
+corozal,664,6
+corozal,435,6
+corozal,77,3
+darden,1107,3
+darden,973,4
+corozal,85,0
+corozal,1370,15
+collierville,330,7
+corozal,362,1
+darden,72,3
+darden,880,5
+markleeville,838,3
+darden,844,1
+darden,112,1
+corozal,1333,2
+darden,1039,7
+darden,847,0
+darden,412,7
+markleeville,1053,5
+corozal,78,8
+darden,964,1
+markleeville,305,12
+corozal,1393,1
+markleeville,410,3
+darden,431,6
+corozal,856,3
+corozal,916,5
+markleeville,1036,4
+collierville,580,3
+corozal,718,10
+darden,350,2
+corozal,195,8
+collierville,195,0
+darden,736,0
+corozal,282,3
+corozal,355,13
+corozal,1063,5
+markleeville,861,1
+corozal,709,11
+darden,529,13
+darden,1484,3
+darden,752,3
+corozal,494,5
+darden,1907,15
+corozal,89,1
+collierville,506,0
+darden,644,4
+markleeville,976,0
+darden,1916,1
+darden,550,7
+corozal,881,0
+corozal,1009,12
+corozal,851,2
+corozal,154,9
+corozal,38,3
+corozal,124,6
+markleeville,1029,7
+corozal,1264,15
+markleeville,533,1
+corozal,79,5
+corozal,508,0
+corozal,1138,4
+corozal,719,5
+darden,1038,5
+corozal,102,8
+collierville,512,3
+corozal,1115,11
+corozal,911,4
+darden,1022,8
+markleeville,443,1
+darden,1421,12
+darden,1827,4
+corozal,1470,0
+markleeville,391,5
+corozal,152,0
+markleeville,1103,1
+darden,728,12
+corozal,424,1
+darden,525,3
+corozal,872,10
+darden,1753,1
+darden,1003,3
+darden,1622,1
+corozal,981,1
+corozal,813,4
+darden,771,1
+corozal,896,0
+corozal,817,11
+corozal,339,3
+darden,1400,3
+darden,1785,1
+darden,634,1
+darden,679,5
+corozal,1142,1
+darden,1561,1
+markleeville,586,1
+darden,580,0
+darden,933,1
+markleeville,404,5
+markleeville,431,4
+corozal,1471,11
+darden,1219,6
+darden,573,8
+corozal,1370,8
+darden,876,2
+markleeville,1114,4
+collierville,59,2
+markleeville,229,4
+markleeville,697,3
+darden,1590,4
+darden,911,1
+darden,1169,1
+markleeville,598,1
+corozal,1460,4
+markleeville,171,3
+darden,779,2
+darden,1464,5
+darden,1405,0
+darden,1415,1
+darden,1409,3
+darden,981,6
+corozal,818,1
+markleeville,325,14
+collierville,725,1
+darden,686,2
+corozal,1459,16
+markleeville,333,4
+darden,607,0
+darden,1431,8
+markleeville,571,2
+corozal,953,1
+darden,289,3
+darden,856,6
+markleeville,798,4
+darden,1245,2
+corozal,67,0
+corozal,523,1
+corozal,706,1
+darden,551,8
+markleeville,493,1
+collierville,273,2
+darden,1727,3
+collierville,295,1
+corozal,1241,6
+markleeville,963,0
+corozal,371,9
+markleeville,549,12
+darden,1505,0
+darden,1164,12
+corozal,1475,1
+collierville,696,1
+corozal,618,3
+darden,412,10
+darden,1000,5
+corozal,307,4
+corozal,978,2
+collierville,414,2
+darden,1150,16
+corozal,1051,3
+markleeville,1052,2
+darden,1237,1
+corozal,1555,11
+collierville,307,2
+collierville,474,2
+corozal,1374,3
+corozal,83,7
+corozal,1146,6
+markleeville,677,0
+darden,882,2
+darden,453,4
+darden,960,1
+markleeville,81,2
+corozal,1019,1
+markleeville,650,3
+darden,1626,1
+corozal,532,5
+corozal,953,2
+darden,1995,1
+markleeville,791,1
+darden,697,0
+corozal,904,4
+markleeville,663,4
+corozal,280,7
+markleeville,125,1
+collierville,472,3
+markleeville,935,0
+corozal,449,1
+markleeville,512,0
+darden,66,15
+darden,569,7
+darden,1123,2
+markleeville,219,10
+markleeville,871,3
+collierville,30,2
+collierville,108,2
+markleeville,189,3
+corozal,864,9
+corozal,1145,6
+darden,78,3
+darden,1633,1
+corozal,1313,10
+corozal,922,3
+darden,1961,8
+markleeville,892,4
+darden,1121,17
+darden,1665,4
+corozal,216,0
+collierville,379,4
+collierville,540,2
+corozal,76,1
+darden,1320,10
+darden,461,0
+collierville,716,1
+corozal,1315,3
+darden,1289,1
+corozal,1552,0
+markleeville,391,3
+markleeville,173,7
+corozal,1483,9
+markleeville,102,13
+markleeville,993,0
+markleeville,634,3
+corozal,219,2
+markleeville,952,8
+markleeville,446,1
+corozal,523,0
+darden,1286,7
+darden,1902,0
+darden,169,0
+markleeville,864,10
+darden,1878,0
+corozal,482,4
+darden,397,0
+markleeville,157,7
+markleeville,173,9
+darden,823,2
+corozal,1430,12
+markleeville,182,4
+markleeville,11,1
+darden,1481,2
+corozal,1202,1
+corozal,261,2
+collierville,268,1
+corozal,994,1
+corozal,270,0
+darden,791,13
+darden,1886,7
+darden,361,0
+darden,387,10
+markleeville,1152,0
+darden,1683,2
+corozal,626,1
+corozal,1224,19
+darden,1610,2
+darden,80,2
+corozal,514,3
+darden,1660,1
+darden,1862,1
+markleeville,947,2
+corozal,798,5
+markleeville,628,5
+collierville,268,3
+corozal,533,3
+corozal,156,0
+corozal,767,0
+corozal,1151,2
+corozal,19,1
+corozal,66,1
+darden,1238,4
+darden,1560,1
+corozal,1430,15
+markleeville,662,10
+darden,342,14
+corozal,1463,9
+markleeville,231,5
+corozal,1009,6
+darden,1203,2
+corozal,1457,13
+darden,144,2
+darden,1259,12
+collierville,35,0
+corozal,1517,2
+corozal,877,0
+darden,257,4
+darden,428,0
+collierville,355,2
+collierville,328,2
+darden,1585,5
+darden,351,0
+darden,442,0
+markleeville,435,10
+darden,916,1
+corozal,1260,1
+markleeville,753,0
+darden,1517,2
+darden,1885,1
+darden,183,3
+corozal,757,0
+markleeville,212,7
+corozal,609,2
+collierville,15,0
+darden,999,3
+markleeville,121,1
+collierville,223,2
+corozal,913,5
+collierville,298,2
+darden,1943,9
+markleeville,26,7
+corozal,1018,0
+corozal,308,2
+darden,383,0
+markleeville,377,1
+corozal,1249,5
+darden,75,6
+darden,1943,7
+corozal,548,1
+corozal,1190,1
+darden,536,9
+collierville,423,6
+darden,752,1
+markleeville,342,4
+markleeville,619,2
+darden,1230,3
+collierville,164,1
+collierville,580,1
+darden,693,5
+markleeville,112,3
+markleeville,192,1
+corozal,495,17
+darden,1373,4
+corozal,1304,4
+darden,1760,4
+markleeville,584,8
+darden,1473,7
+corozal,415,5
+darden,1726,1
+corozal,1407,1
+collierville,154,4
+darden,1513,1
+darden,1413,6
+darden,665,4
+corozal,978,1
+collierville,201,3
+corozal,1032,0
+markleeville,539,5
+markleeville,302,5
+darden,1641,6
+darden,1675,11
+corozal,1103,3
+markleeville,137,17
+markleeville,310,3
+darden,173,7
+markleeville,220,1
+darden,20,2
+markleeville,390,0
+corozal,1096,8
+markleeville,1139,4
+markleeville,468,0
+markleeville,881,2
+darden,418,1
+markleeville,455,5
+darden,643,3
+corozal,44,6
+markleeville,1188,2
+markleeville,1080,5
+collierville,349,1
+corozal,44,2
+darden,66,7
+darden,938,12
+darden,291,3
+corozal,1413,3
+darden,1469,2
+collierville,618,1
+darden,1299,2
+darden,1022,6
+collierville,448,4
+corozal,1246,1
+darden,721,11
+corozal,27,3
+darden,412,8
+darden,1936,12
+darden,1086,3
+markleeville,52,0
+darden,163,2
+darden,1402,7
+darden,181,3
+darden,803,8
+darden,181,1
+markleeville,88,1
+collierville,262,1
+markleeville,373,4
+darden,1924,9
+corozal,1320,12
+corozal,247,3
+corozal,1065,1
+darden,1513,2
+corozal,884,0
+collierville,305,3
+markleeville,629,5
+markleeville,890,0
+markleeville,1067,4
+markleeville,386,5
+markleeville,4,10
+markleeville,283,1
+collierville,374,1
+markleeville,304,14
+corozal,124,2
+collierville,119,2
+corozal,961,4
+darden,1331,3
+markleeville,42,1
+collierville,441,2
+corozal,421,13
+collierville,320,1
+darden,618,4
+corozal,176,1
+markleeville,370,2
+markleeville,458,14
+darden,917,0
+darden,197,9
+corozal,297,2
+markleeville,486,0
+darden,1658,3
+markleeville,731,1
+corozal,1197,0
+collierville,632,0
+darden,1559,2
+corozal,1327,5
+markleeville,851,6
+corozal,169,4
+corozal,1001,2
+darden,213,6
+corozal,325,3
+darden,628,4
+markleeville,469,0
+markleeville,218,3
+corozal,752,0
+corozal,136,2
+darden,1957,2
+markleeville,262,15
+darden,1007,2
+collierville,383,1
+corozal,803,15
+corozal,1001,0
+markleeville,637,6
+darden,1004,0
+markleeville,1052,5
+corozal,496,1
+collierville,513,4
+markleeville,620,3
+corozal,803,5
+darden,286,1
+markleeville,1161,4
+darden,1559,5
+collierville,488,3
+darden,42,4
+darden,978,0
+corozal,856,1
+markleeville,201,2
+collierville,424,0
+corozal,410,3
+markleeville,1098,0
+darden,1018,2
+darden,1002,10
+darden,13,11
+darden,711,2
+darden,969,10
+darden,648,6
+markleeville,306,2
+darden,1038,9
+collierville,209,2
+darden,799,2
+darden,1532,0
+collierville,177,0
+corozal,889,15
+darden,79,6
+darden,357,0
+corozal,1550,3
+corozal,511,1
+darden,1874,5
+collierville,104,6
+collierville,714,8
+darden,1423,0
+darden,359,11
+corozal,1486,4
+collierville,475,2
+darden,1755,15
+markleeville,794,3
+darden,192,0
+corozal,277,9
+corozal,71,3
+corozal,780,0
+darden,1385,3
+markleeville,940,1
+markleeville,645,5
+darden,1681,1
+markleeville,470,8
+collierville,53,2
+darden,579,1
+darden,901,1
+darden,1400,2
+darden,1644,1
+darden,818,1
+darden,359,7
+corozal,762,9
+collierville,597,1
+corozal,1075,0
+markleeville,413,1
+darden,1088,5
+darden,1319,1
+darden,1307,9
+darden,1899,11
+markleeville,943,1
+markleeville,672,2
+corozal,1389,2
+markleeville,642,11
+corozal,747,2
+markleeville,716,3
+darden,119,1
+corozal,1262,11
+markleeville,731,5
+collierville,177,1
+markleeville,271,2
+markleeville,471,0
+collierville,492,0
+collierville,236,0
+darden,215,5
+markleeville,696,3
+corozal,347,1
+darden,1866,18
+darden,573,0
+corozal,1282,9
+darden,1477,3
+darden,313,4
+darden,1559,0
+darden,1210,4
+corozal,1297,4
+darden,214,3
+corozal,668,3
+corozal,589,0
+darden,699,6
+darden,1803,2
+darden,344,2
+corozal,857,14
+darden,642,5
+markleeville,88,8
+collierville,73,0
+markleeville,660,4
+corozal,124,9
+darden,481,5
+darden,217,3
+corozal,127,10
+markleeville,942,1
+darden,1621,4
+collierville,566,7
+darden,113,2
+collierville,481,1
+darden,248,1
+corozal,935,5
+darden,1158,4
+darden,396,4
+corozal,779,1
+darden,1991,1
+corozal,618,2
+collierville,488,2
+corozal,1485,4
+corozal,300,0
+markleeville,763,13
+darden,217,0
+corozal,551,4
+collierville,303,1
+corozal,209,3
+collierville,725,0
+markleeville,894,8
+darden,1730,3
+collierville,662,0
+markleeville,113,1
+corozal,1071,0
+corozal,510,2
+corozal,54,1
+collierville,115,2
+markleeville,534,2
+corozal,1139,1
+markleeville,218,5
+corozal,636,10
+corozal,761,0
+darden,1444,0
+corozal,458,2
+corozal,1034,1
+markleeville,27,1
+markleeville,1049,1
+markleeville,872,2
+darden,1786,3
+darden,1324,0
+darden,1029,2
+corozal,1527,5
+darden,1133,4
+corozal,936,4
+darden,229,1
+darden,1631,0
+markleeville,97,1
+darden,992,0
+corozal,996,1
+corozal,90,0
+darden,1800,2
+corozal,951,15
+markleeville,961,1
+markleeville,1179,2
+darden,1244,0
+darden,330,10
+collierville,259,0
+corozal,1196,10
+corozal,224,0
+corozal,64,7
+corozal,241,3
+markleeville,445,0
+darden,1643,0
+darden,1811,1
+darden,767,2
+darden,1421,11
+darden,1394,3
+markleeville,474,3
+markleeville,981,2
+markleeville,206,3
+markleeville,1072,6
+corozal,361,0
+darden,1006,0
+corozal,1226,5
+corozal,34,7
+markleeville,561,3
+markleeville,307,9
+darden,883,7
+corozal,1500,3
+collierville,725,6
+darden,753,6
+corozal,14,5
+collierville,83,1
+darden,1264,2
+darden,1590,5
+corozal,543,2
+darden,476,0
+markleeville,1055,12
+darden,1052,0
+corozal,1450,4
+darden,1257,9
+collierville,371,0
+darden,1347,2
+collierville,708,2
+corozal,57,1
+darden,1252,15
+corozal,1371,20
+markleeville,1096,5
+markleeville,591,1
+darden,1776,1
+darden,886,2
+darden,981,5
+markleeville,679,3
+corozal,1101,1
+collierville,388,4
+darden,1085,3
+collierville,295,3
+darden,230,0
+darden,98,6
+corozal,1058,0
+markleeville,594,10
+collierville,706,0
+darden,44,2
+darden,48,4
+corozal,2,2
+markleeville,789,0
+corozal,286,2
+markleeville,595,0
+markleeville,979,2
+darden,194,3
+corozal,1467,0
+markleeville,916,1
+collierville,148,6
+markleeville,689,6
+collierville,114,2
+collierville,129,4
+markleeville,1101,3
+markleeville,504,5
+darden,1707,7
+markleeville,895,5
+markleeville,1078,2
+darden,1367,2
+collierville,714,7
+markleeville,797,0
+corozal,795,2
+collierville,331,0
+darden,1822,0
+corozal,806,5
+darden,1512,6
+markleeville,330,0
+markleeville,314,3
+markleeville,671,1
+darden,142,2
+darden,1327,3
+corozal,1162,3
+darden,412,14
+darden,1838,0
+darden,1298,4
+darden,797,21
+darden,1001,1
+markleeville,218,12
+corozal,194,11
+markleeville,253,7
+corozal,1247,11
+darden,1460,1
+corozal,242,1
+darden,835,7
+markleeville,825,5
+markleeville,328,1
+darden,873,0
+darden,111,2
+darden,645,3
+markleeville,78,6
+corozal,932,1
+corozal,495,16
+darden,957,2
+corozal,131,2
+markleeville,795,0
+markleeville,571,8
+corozal,1367,10
+markleeville,130,0
+darden,173,9
+darden,496,2
+corozal,1266,1
+corozal,498,0
+markleeville,217,6
+markleeville,526,9
+darden,453,2
+corozal,177,2
+darden,1924,12
+markleeville,1166,5
+corozal,749,2
+markleeville,86,3
+corozal,1044,3
+darden,1862,7
+corozal,27,0
+corozal,1196,7
+markleeville,593,5
+collierville,666,4
+darden,1989,11
+darden,1659,0
+corozal,828,7
+corozal,1325,6
+darden,666,5
+darden,1654,4
+markleeville,1088,1
+markleeville,739,2
+corozal,208,0
+corozal,1326,10
+darden,1274,3
+darden,1092,0
+darden,1915,4
+darden,637,10
+markleeville,302,0
+darden,372,2
+darden,1812,1
+darden,1751,0
+darden,191,1
+darden,1755,11
+markleeville,831,1
+corozal,652,5
+darden,571,0
+darden,330,11
+darden,1854,0
+darden,1943,15
+darden,1505,4
+markleeville,157,1
+collierville,447,5
+darden,728,6
+corozal,48,3
+darden,838,0
+collierville,527,0
+darden,771,7
+markleeville,575,3
+collierville,566,5
+darden,1747,17
+corozal,1017,2
+corozal,192,3
+corozal,682,11
+markleeville,1032,1
+darden,1665,5
+darden,73,4
+darden,153,5
+darden,1065,16
+markleeville,857,9
+darden,653,4
+corozal,1202,4
+collierville,673,0
+collierville,677,1
+corozal,1097,2
+markleeville,364,2
+darden,1760,0
+markleeville,548,3
+corozal,1130,3
+markleeville,643,0
+corozal,1319,6
+corozal,1505,0
+collierville,505,2
+darden,935,2
+corozal,1015,3
+corozal,101,0
+corozal,1164,0
+collierville,737,0
+corozal,1441,4
+markleeville,623,4
+darden,1431,13
+markleeville,274,3
+darden,1452,11
+markleeville,431,1
+corozal,836,2
+darden,370,2
+corozal,635,7
+corozal,128,3
+markleeville,50,11
+darden,1051,1
+corozal,290,16
+darden,791,7
+darden,1729,4
+markleeville,857,7
+darden,157,1
+markleeville,379,1
+corozal,768,3
+darden,964,13
+darden,111,4
+darden,1693,2
+corozal,1505,4
+darden,327,2
+corozal,1547,13
+corozal,1295,4
+corozal,1112,0
+darden,1846,7
+corozal,16,15
+darden,1987,4
+markleeville,234,0
+markleeville,1174,2
+markleeville,945,1
+darden,1442,21
+corozal,453,1
+corozal,1088,0
+markleeville,466,7
+markleeville,601,0
+darden,1428,0
+corozal,1457,7
+markleeville,540,4
+darden,1185,6
+markleeville,1163,1
+darden,1961,7
+corozal,564,3
+corozal,710,1
+darden,1673,1
+darden,588,13
+darden,904,4
+markleeville,850,1
+darden,26,3
+corozal,544,9
+collierville,234,2
+darden,1164,23
+darden,1824,2
+markleeville,137,12
+darden,279,0
+collierville,340,1
+darden,539,0
+corozal,425,2
+darden,1965,0
+darden,1327,9
+markleeville,694,1
+corozal,1445,1
+markleeville,544,6
+collierville,541,4
+markleeville,260,1
+collierville,252,0
+corozal,106,2
+corozal,368,2
+markleeville,898,2
+corozal,582,14
+darden,88,7
+darden,1126,15
+collierville,347,1
+darden,1991,5
+darden,1856,1
+collierville,158,3
+corozal,408,0
+collierville,552,4
+darden,688,2
+collierville,388,2
+markleeville,786,0
+darden,530,3
+markleeville,940,0
+markleeville,579,1
+darden,397,1
+markleeville,834,4
+markleeville,1024,4
+corozal,934,4
+markleeville,694,7
+markleeville,86,5
+markleeville,944,2
+corozal,478,13
+markleeville,1053,7
+corozal,948,3
+markleeville,1142,0
+darden,445,8
+corozal,910,0
+darden,610,0
+corozal,665,6
+darden,406,6
+darden,1755,14
+collierville,255,4
+darden,1817,4
+darden,1707,2
+corozal,388,1
+corozal,909,8
+darden,1904,3
+markleeville,193,2
+markleeville,717,2
+markleeville,870,2
+corozal,1172,1
+darden,459,10
+markleeville,897,4
+corozal,382,7
+darden,573,10
+darden,1415,4
+darden,1434,5
+markleeville,782,0
+corozal,208,6
+corozal,1192,0
+markleeville,236,4
+corozal,813,6
+darden,1931,1
+corozal,371,6
+markleeville,882,3
+corozal,313,5
+darden,1817,0
+corozal,494,3
+corozal,1062,6
+corozal,686,3
+darden,1381,4
+darden,681,0
+corozal,1024,3
+corozal,867,0
+markleeville,802,12
+corozal,1408,2
+markleeville,889,2
+corozal,1517,11
+darden,194,4
+corozal,1427,6
+corozal,760,15
+darden,1043,0
+markleeville,258,2
+darden,1559,7
+corozal,384,3
+darden,1497,5
+corozal,301,6
+corozal,1126,9
+markleeville,590,0
+collierville,642,0
+darden,218,5
+corozal,1329,1
+darden,1764,8
+markleeville,500,5
+markleeville,459,1
+collierville,31,5
+markleeville,63,4
+markleeville,1142,1
+collierville,581,2
+markleeville,1031,2
+darden,1731,2
+darden,984,3
+corozal,1205,12
+corozal,209,1
+darden,1148,3
+corozal,422,10
+darden,575,1
+darden,1428,2
+collierville,683,0
+darden,896,1
+corozal,1197,2
+darden,1227,1
+darden,615,5
+markleeville,102,0
+markleeville,144,1
+corozal,49,4
+darden,887,4
+corozal,534,2
+darden,182,9
+corozal,1340,1
+corozal,1068,10
+corozal,1093,0
+corozal,745,11
+darden,1989,4
+markleeville,962,2
+darden,744,4
+darden,1414,1
+darden,1811,5
+markleeville,678,8
+collierville,246,2
+darden,701,4
+markleeville,1036,1
+darden,1248,9
+corozal,1515,8
+collierville,199,0
+markleeville,948,0
+darden,1263,1
+darden,234,1
+darden,582,0
+darden,323,1
+darden,1071,11
+corozal,1515,9
+darden,971,0
+corozal,687,0
+darden,273,4
+corozal,682,2
+corozal,713,0
+corozal,1497,7
+darden,117,0
+markleeville,111,3
+markleeville,523,0
+markleeville,1115,1
+darden,537,5
+darden,317,4
+corozal,950,0
+darden,758,1
+markleeville,929,2
+markleeville,1044,2
+darden,1548,6
+markleeville,1164,3
+darden,1850,3
+markleeville,92,6
+markleeville,638,1
+darden,1431,0
+darden,1796,0
+darden,1244,5
+darden,1358,8
+darden,1572,9
+darden,602,1
+collierville,387,2
+corozal,182,5
+corozal,269,0
+corozal,1054,1
+darden,411,2
+markleeville,410,6
+corozal,48,1
+collierville,339,5
+corozal,322,0
+corozal,705,0
+corozal,1285,0
+darden,1724,4
+markleeville,693,4
+markleeville,149,1
+darden,849,2
+corozal,1406,0
+corozal,1142,2
+corozal,897,5
+darden,197,7
+markleeville,685,3
+corozal,105,4
+corozal,648,3
+darden,1944,2
+darden,1529,5
+corozal,507,6
+darden,1067,3
+corozal,792,7
+markleeville,240,2
+corozal,982,2
+darden,1689,3
+corozal,916,3
+corozal,377,5
+darden,1379,1
+darden,173,2
+darden,1684,5
+collierville,114,1
+markleeville,495,4
+darden,997,6
+darden,481,4
+darden,75,7
+darden,135,8
+darden,1447,3
+corozal,1354,2
+darden,1420,2
+markleeville,986,4
+corozal,187,11
+darden,1725,6
+darden,1434,4
+markleeville,536,2
+markleeville,396,0
+darden,508,2
+corozal,590,4
+markleeville,535,0
+corozal,531,1
+collierville,211,2
+darden,1632,0
+darden,172,5
+corozal,23,5
+corozal,778,2
+collierville,89,2
+darden,880,2
+darden,667,1
+corozal,604,3
+corozal,997,4
+corozal,52,1
+markleeville,478,5
+darden,1257,10
+corozal,64,14
+corozal,253,9
+markleeville,307,8
+markleeville,54,5
+darden,1609,4
+corozal,176,2
+corozal,1278,4
+collierville,99,3
+corozal,886,0
+corozal,782,9
+corozal,1380,0
+darden,495,2
+darden,791,22
+darden,1813,5
+darden,295,5
+corozal,85,4
+darden,1584,15
+darden,1105,4
+darden,371,3
+darden,1511,0
+darden,1313,0
+darden,1534,4
+corozal,657,0
+corozal,13,0
+collierville,280,3
+darden,23,7
+markleeville,628,0
+markleeville,254,4
+corozal,955,0
+darden,917,6
+markleeville,143,2
+corozal,1265,2
+corozal,835,0
+markleeville,353,6
+darden,863,2
+darden,1956,16
+collierville,357,1
+corozal,567,0
+corozal,550,0
+corozal,503,4
+darden,403,9
+markleeville,289,11
+darden,1626,5
+markleeville,914,0
+darden,464,16
+darden,995,3
+collierville,131,4
+markleeville,802,3
+corozal,1471,13
+darden,257,0
+darden,1749,7
+corozal,1090,4
+markleeville,149,5
+darden,1092,4
+corozal,1407,13
+darden,900,0
+markleeville,583,5
+darden,1979,2
+darden,1735,0
+darden,20,0
+collierville,84,1
+corozal,311,1
+corozal,324,2
+corozal,363,1
+markleeville,1029,1
+darden,1895,1
+darden,771,3
+corozal,997,5
+markleeville,226,2
+corozal,92,7
+markleeville,1127,2
+darden,1630,0
+markleeville,1060,1
+collierville,322,2
+corozal,254,0
+collierville,730,1
+collierville,496,4
+darden,170,0
+corozal,230,3
+darden,277,3
+darden,1290,2
+corozal,1140,1
+collierville,458,2
+markleeville,606,0
+corozal,214,6
+corozal,166,1
+collierville,385,7
+corozal,588,2
+darden,554,3
+collierville,304,5
+corozal,1072,5
+darden,4,7
+markleeville,1132,0
+darden,844,2
+markleeville,524,5
+corozal,62,0
+darden,1881,3
+corozal,1509,2
+markleeville,1034,4
+darden,250,1
+darden,1470,19
+markleeville,988,0
+corozal,1496,2
+darden,762,1
+darden,1995,0
+darden,1446,3
+darden,709,1
+corozal,5,0
+markleeville,164,8
+corozal,769,0
+corozal,962,2
+markleeville,1130,3
+corozal,169,7
+collierville,469,5
+darden,733,14
+darden,961,5
+markleeville,871,8
+corozal,1228,2
+darden,648,7
+collierville,433,4
+darden,13,0
+darden,1663,2
+darden,653,3
+corozal,259,11
+markleeville,1145,1
+corozal,502,6
+corozal,1417,2
+darden,210,21
+corozal,292,1
+corozal,1147,1
+corozal,1397,2
+darden,660,9
+collierville,214,2
+darden,1425,6
+darden,1897,8
+corozal,648,5
+darden,1843,4
+corozal,1079,5
+darden,1650,6
+darden,1428,7
+darden,261,0
+darden,1228,8
+darden,1264,4
+corozal,483,3
+corozal,67,2
+markleeville,389,12
+markleeville,455,0
+markleeville,883,4
+collierville,409,1
+corozal,878,2
+darden,183,6
+corozal,677,0
+corozal,862,3
+darden,649,4
+corozal,691,5
+corozal,1375,5
+markleeville,1061,0
+collierville,381,3
+darden,1035,3
+collierville,366,0
+markleeville,1084,2
+darden,899,2
+darden,161,1
+markleeville,1060,4
+markleeville,510,1
+darden,1188,4
+markleeville,1185,14
+markleeville,274,5
+corozal,182,2
+corozal,117,1
+collierville,518,1
+darden,1639,0
+collierville,181,3
+markleeville,1083,1
+markleeville,76,2
+darden,919,7
+collierville,212,1
+darden,719,0
+collierville,170,1
+darden,227,3
+collierville,496,2
+corozal,1549,1
+markleeville,350,3
+markleeville,209,3
+corozal,432,11
+corozal,809,2
+darden,923,4
+markleeville,586,3
+markleeville,868,6
+corozal,981,21
+markleeville,1150,0
+darden,698,3
+darden,1913,2
+corozal,76,9
+corozal,475,5
+collierville,556,5
+corozal,1532,4
+markleeville,867,8
+markleeville,172,0
+markleeville,394,2
+darden,462,1
+corozal,1193,1
+darden,1573,0
+darden,1342,1
+darden,1135,10
+collierville,396,1
+markleeville,1161,11
+corozal,1197,1
+corozal,1127,8
+darden,1453,7
+darden,1827,2
+darden,1809,1
+collierville,733,4
+darden,1324,3
+corozal,268,3
+darden,348,7
+markleeville,743,3
+collierville,10,4
+darden,1786,5
+corozal,1297,7
+collierville,428,0
+corozal,1012,8
+markleeville,930,1
+darden,1434,2
+darden,1152,2
+corozal,421,10
+markleeville,768,4
+darden,311,2
+corozal,1303,2
+markleeville,629,1
+corozal,1210,4
+markleeville,209,2
+darden,1146,5
+darden,1234,6
+darden,369,3
+markleeville,43,3
+darden,1826,4
+markleeville,42,2
+corozal,1289,1
+darden,490,2
+markleeville,562,1
+corozal,1511,6
+markleeville,244,6
+corozal,1068,2
+markleeville,1091,1
+corozal,380,1
+darden,1286,6
+darden,707,2
+darden,791,25
+corozal,498,1
+collierville,617,1
+darden,1185,7
+darden,1344,8
+markleeville,308,6
+darden,976,0
+darden,1011,3
+markleeville,352,12
+darden,583,2
+darden,1470,2
+corozal,1306,2
+corozal,1033,13
+collierville,503,5
+darden,1785,3
+darden,92,1
+markleeville,418,1
+darden,1907,5
+markleeville,927,10
+darden,1399,6
+corozal,324,0
+markleeville,1045,1
+markleeville,556,6
+corozal,519,0
+collierville,634,1
+darden,712,2
+collierville,548,5
+collierville,14,0
+darden,1927,6
+collierville,20,0
+darden,1392,6
+corozal,429,2
+darden,1523,0
+darden,269,5
+markleeville,747,7
+collierville,150,4
+corozal,1241,4
+collierville,582,3
+darden,864,3
+darden,1412,10
+darden,1554,11
+markleeville,305,10
+darden,1593,7
+darden,394,3
+darden,596,2
+corozal,469,6
+markleeville,1175,1
+darden,1582,1
+corozal,56,1
+corozal,1006,3
+darden,395,2
+collierville,47,1
+corozal,515,9
+collierville,453,3
+darden,1866,13
+corozal,466,3
+corozal,638,5
+markleeville,36,2
+markleeville,519,1
+markleeville,950,2
+darden,529,14
+markleeville,1072,11
+markleeville,998,3
+darden,1829,0
+markleeville,718,11
+darden,1195,4
+corozal,253,4
+darden,304,0
+darden,535,6
+darden,1057,7
+darden,730,1
+collierville,521,1
+darden,1817,1
+darden,1354,0
+darden,1974,3
+markleeville,100,6
+corozal,1502,2
+corozal,1503,4
+darden,1558,1
+collierville,44,1
+markleeville,680,1
+markleeville,368,7
+corozal,115,4
+markleeville,915,2
+markleeville,1127,3
+markleeville,243,8
+markleeville,94,7
+markleeville,1057,10
+corozal,145,1
+darden,1945,2
+collierville,601,1
+darden,389,0
+darden,1153,1
+markleeville,697,11
+darden,258,4
+darden,778,10
+corozal,974,10
+darden,421,0
+corozal,274,13
+markleeville,164,12
+darden,1476,0
+darden,1158,0
+darden,162,0
+markleeville,600,1
+markleeville,450,11
+markleeville,415,3
+markleeville,804,0
+darden,159,2
+darden,413,2
+markleeville,431,0
+markleeville,900,2
+collierville,503,6
+collierville,387,0
+darden,397,11
+corozal,12,1
+darden,668,3
+darden,248,6
+collierville,493,3
+corozal,630,2
+darden,1534,0
+corozal,223,0
+markleeville,1166,7
+markleeville,29,0
+corozal,437,10
+markleeville,121,4
+darden,177,0
+darden,1434,23
+corozal,1326,7
+darden,1776,6
+darden,1061,12
+corozal,139,3
+corozal,1474,4
+markleeville,427,2
+corozal,411,2
+corozal,1459,3
+corozal,1364,9
+markleeville,1011,10
+corozal,1175,4
+corozal,328,3
+corozal,1427,0
+darden,618,6
+corozal,849,0
+corozal,1446,4
+darden,1694,1
+corozal,1110,1
+corozal,295,1
+corozal,1396,2
+markleeville,362,15
+darden,154,3
+corozal,1101,2
+corozal,164,5
+darden,1478,2
+corozal,1455,2
+collierville,630,0
+corozal,1069,10
+darden,1757,4
+corozal,718,8
+markleeville,648,4
+markleeville,383,1
+darden,1101,0
+collierville,153,1
+markleeville,618,2
+markleeville,730,10
+markleeville,736,2
+corozal,415,0
+markleeville,506,3
+markleeville,117,10
+darden,927,1
+corozal,1051,7
+corozal,1139,2
+markleeville,324,7
+markleeville,725,6
+corozal,157,3
+markleeville,353,2
+corozal,1287,3
+corozal,142,5
+collierville,313,3
+collierville,432,1
+markleeville,451,1
+darden,1344,0
+corozal,629,9
+darden,1936,6
+markleeville,872,1
+darden,898,20
+darden,1480,3
+collierville,689,7
+corozal,1144,6
+darden,1532,2
+markleeville,442,1
+darden,251,2
+darden,468,3
+markleeville,182,8
+darden,1210,0
+darden,1248,4
+corozal,712,1
+corozal,1132,3
+darden,52,8
+darden,1997,7
+darden,697,2
+markleeville,218,10
+corozal,1024,4
+darden,1444,1
+darden,1828,5
+darden,706,7
+markleeville,845,9
+markleeville,355,3
+markleeville,742,8
+corozal,580,16
+collierville,232,0
+darden,576,1
+collierville,572,2
+corozal,927,5
+markleeville,642,9
+markleeville,1129,0
+corozal,369,11
+markleeville,313,0
+corozal,785,4
+markleeville,118,2
+collierville,6,0
+corozal,1335,5
+corozal,316,3
+corozal,502,9
+corozal,913,2
+darden,1225,4
+darden,1828,0
+darden,1300,2
+corozal,748,6
+corozal,695,7
+collierville,332,2
+markleeville,1089,2
+darden,1784,5
+darden,1005,8
+darden,749,7
+markleeville,143,1
+markleeville,1190,6
+collierville,294,4
+corozal,339,0
+corozal,799,4
+markleeville,1053,2
+darden,1169,2
+darden,1964,2
+markleeville,640,2
+corozal,748,4
+corozal,1209,12
+darden,967,3
+markleeville,35,2
+darden,843,0
+collierville,666,0
+markleeville,216,4
+darden,1425,5
+darden,1512,0
+darden,1416,0
+collierville,246,1
+markleeville,225,2
+corozal,14,2
+corozal,1443,1
+darden,562,2
+darden,408,0
+corozal,907,2
+collierville,437,0
+markleeville,299,1
+collierville,298,0
+darden,591,3
+corozal,1434,1
+corozal,664,4
+darden,1475,4
+markleeville,674,10
+darden,1613,0
+collierville,586,2
+darden,671,1
+darden,62,2
+darden,672,0
+collierville,268,4
+collierville,600,6
+darden,1418,4
+collierville,610,4
+markleeville,528,7
+darden,340,7
+darden,730,2
+markleeville,947,1
+corozal,764,1
+markleeville,700,3
+corozal,473,10
+collierville,445,9
+darden,628,3
+corozal,194,13
+collierville,182,3
+darden,1532,1
+corozal,438,1
+markleeville,1015,2
+corozal,140,0
+darden,1504,3
+darden,813,4
+darden,81,0
+corozal,1489,2
+darden,315,4
+corozal,735,1
+corozal,1497,1
+markleeville,301,2
+darden,1372,10
+darden,1060,1
+collierville,118,0
+darden,561,3
+darden,1069,3
+darden,1726,2
+corozal,292,2
+collierville,464,3
+corozal,600,4
+darden,593,3
+markleeville,794,2
+markleeville,140,1
+darden,1485,6
+corozal,1079,18
+markleeville,433,3
+corozal,1105,2
+darden,1540,7
+darden,432,0
+darden,426,3
+markleeville,1011,6
+corozal,78,6
+collierville,548,4
+corozal,785,7
+darden,586,1
+markleeville,589,1
+markleeville,648,8
+corozal,866,14
+corozal,848,5
+darden,1187,0
+collierville,19,1
+darden,266,6
+corozal,828,5
+collierville,655,2
+darden,246,2
+markleeville,8,2
+collierville,79,2
+markleeville,86,10
+darden,1210,9
+darden,614,2
+corozal,821,2
+collierville,167,1
+corozal,1203,1
+darden,480,2
+darden,1001,2
+darden,1143,3
+darden,1418,0
+darden,1000,1
+collierville,489,4
+markleeville,2,11
+darden,1808,9
+markleeville,1055,14
+markleeville,379,2
+darden,798,1
+darden,1117,3
+markleeville,678,0
+corozal,1221,9
+darden,1314,1
+corozal,321,1
+corozal,128,4
+corozal,57,0
+collierville,109,4
+markleeville,970,5
+markleeville,1139,3
+darden,1953,4
+darden,41,0
+markleeville,254,5
+darden,1639,16
+markleeville,587,6
+darden,747,6
+darden,1503,0
+markleeville,868,1
+collierville,600,0
+darden,411,0
+darden,1361,2
+corozal,1393,2
+darden,195,0
+corozal,965,2
+darden,23,1
+corozal,1300,1
+corozal,1038,3
+corozal,41,2
+corozal,242,11
+corozal,42,8
+markleeville,884,3
+markleeville,802,8
+darden,783,10
+darden,1545,5
+collierville,585,7
+corozal,23,2
+collierville,629,5
+corozal,153,4
+darden,1103,13
+collierville,288,3
+darden,89,15
+darden,1816,1
+darden,350,7
+darden,778,3
+markleeville,85,4
+corozal,454,1
+corozal,1157,3
+darden,1057,9
+darden,1307,5
+corozal,469,13
+markleeville,634,4
+corozal,286,3
+darden,1493,1
+corozal,1201,3
+collierville,273,1
+darden,1592,12
+darden,1461,3
+darden,1416,4
+darden,1431,6
+darden,366,0
+corozal,307,5
+corozal,1107,4
+darden,387,5
+darden,185,1
+corozal,166,2
+corozal,743,8
+corozal,1224,18
+darden,679,3
+darden,378,2
+darden,1713,0
+corozal,341,0
+corozal,1212,2
+darden,1967,13
+corozal,87,4
+corozal,981,10
+markleeville,948,2
+darden,1863,0
+darden,189,2
+corozal,661,10
+corozal,1035,2
+corozal,425,0
+markleeville,1110,1
+collierville,584,2
+corozal,517,0
+darden,1474,1
+collierville,284,1
+darden,376,5
+darden,908,2
+collierville,226,1
+corozal,246,7
+corozal,945,10
+markleeville,56,6
+darden,822,5
+darden,1486,2
+corozal,38,2
+markleeville,839,2
+corozal,10,0
+markleeville,959,3
+corozal,1212,4
+corozal,452,2
+collierville,206,2
+darden,1708,5
+darden,861,8
+darden,490,7
+corozal,257,2
+markleeville,1059,2
+collierville,620,1
+corozal,193,10
+darden,1289,9
+corozal,1091,2
+corozal,1110,4
+markleeville,1104,3
+collierville,450,0
+corozal,1052,2
+markleeville,705,9
+darden,788,5
+collierville,129,7
+corozal,788,1
+collierville,158,1
+corozal,673,1
+corozal,544,16
+darden,1248,2
+corozal,1537,9
+corozal,1063,1
+corozal,1002,1
+darden,435,7
+collierville,362,6
+corozal,290,1
+corozal,130,1
+corozal,747,0
+collierville,203,1
+darden,70,0
+corozal,1291,0
+darden,564,4
+darden,1279,0
+collierville,49,7
+corozal,1450,1
+collierville,624,1
+collierville,436,3
+corozal,1049,3
+collierville,278,2
+darden,1456,1
+darden,935,1
+corozal,702,3
+corozal,1039,1
+corozal,1117,1
+corozal,771,6
+corozal,368,6
+collierville,347,3
+markleeville,372,2
+corozal,33,18
+collierville,403,0
+corozal,1365,7
+darden,485,2
+corozal,1251,7
+corozal,1189,3
+darden,1339,3
+corozal,98,2
+darden,868,2
+darden,982,3
+markleeville,344,2
+corozal,1488,4
+darden,1103,6
+darden,761,0
+darden,79,0
+darden,1620,6
+darden,566,5
+corozal,1183,2
+darden,393,9
+markleeville,503,3
+darden,1011,1
+darden,480,1
+corozal,1209,9
+darden,456,1
+corozal,285,8
+corozal,872,3
+markleeville,802,10
+corozal,1288,3
+markleeville,280,0
+darden,279,5
+markleeville,499,2
+darden,1649,1
+corozal,891,2
+corozal,1433,2
+corozal,4,8
+corozal,1063,2
+corozal,821,5
+darden,129,2
+darden,605,5
+corozal,645,3
+darden,1667,5
+markleeville,362,11
+darden,659,0
+darden,718,10
+markleeville,594,8
+markleeville,152,6
+darden,851,2
+corozal,1497,15
+darden,59,2
+darden,770,1
+darden,1948,1
+corozal,744,0
+corozal,164,10
+darden,1366,3
+collierville,580,2
+darden,406,1
+darden,1972,1
+darden,26,10
+darden,1795,2
+corozal,1343,2
+darden,1185,10
+darden,1329,4
+darden,635,1
+darden,141,1
+corozal,582,3
+corozal,802,1
+markleeville,1018,4
+corozal,1354,3
+darden,880,3
+darden,622,4
+darden,872,2
+markleeville,132,0
+collierville,323,2
+darden,1044,5
+darden,1125,0
+corozal,259,8
+corozal,1025,1
+markleeville,368,2
+markleeville,371,8
+collierville,200,2
+markleeville,979,1
+darden,785,7
+darden,1882,5
+markleeville,363,3
+markleeville,605,13
+corozal,410,1
+darden,4,0
+markleeville,329,2
+collierville,536,6
+markleeville,834,0
+darden,1383,1
+darden,1209,1
+markleeville,390,5
+darden,871,11
+markleeville,308,11
+darden,565,2
+darden,1881,1
+darden,210,4
+corozal,90,9
+darden,527,4
+markleeville,658,2
+markleeville,597,5
+corozal,792,6
+markleeville,133,7
+corozal,434,5
+corozal,116,0
+markleeville,922,2
+markleeville,812,6
+corozal,246,5
+darden,691,0
+darden,869,1
+corozal,33,13
+corozal,830,1
+collierville,346,5
+corozal,857,2
+darden,840,6
+markleeville,228,1
+corozal,495,6
+corozal,970,2
+corozal,748,8
+darden,1967,9
+darden,45,3
+corozal,985,5
+corozal,476,1
+corozal,203,0
+darden,213,1
+corozal,1038,1
+markleeville,381,3
+darden,1786,2
+collierville,140,1
+markleeville,1020,1
+corozal,332,1
+darden,842,0
+darden,1250,14
+corozal,323,5
+collierville,163,2
+collierville,168,1
+corozal,1370,16
+collierville,530,3
+corozal,641,3
+collierville,199,1
+darden,932,1
+collierville,481,0
+corozal,997,8
+collierville,422,1
+markleeville,1007,11
+collierville,364,2
+markleeville,166,2
+corozal,93,1
+darden,1962,3
+corozal,1488,10
+corozal,1244,4
+corozal,257,0
+collierville,626,0
+darden,975,3
+markleeville,829,1
+markleeville,563,4
+darden,1823,7
+corozal,369,3
+corozal,90,6
+markleeville,307,2
+corozal,1126,7
+darden,687,1
+darden,1879,3
+darden,1781,1
+darden,1910,1
+corozal,1475,13
+darden,69,5
+corozal,944,12
+collierville,500,5
+markleeville,820,8
+markleeville,1143,2
+corozal,92,15
+corozal,1326,11
+darden,1719,1
+darden,1020,6
+corozal,917,2
+corozal,800,2
+darden,11,3
+corozal,424,2
+collierville,573,0
+markleeville,810,2
+markleeville,589,2
+markleeville,416,2
+darden,1614,1
+darden,1099,2
+corozal,1061,2
+darden,110,1
+collierville,75,3
+corozal,1243,8
+corozal,1497,9
+darden,8,0
+corozal,803,6
+darden,1570,1
+collierville,487,6
+darden,377,2
+corozal,358,3
+darden,1042,1
+darden,1604,3
+corozal,1053,2
+markleeville,392,1
+corozal,238,0
+darden,1684,1
+corozal,802,2
+collierville,397,8
+darden,1105,5
+darden,1689,0
+darden,1943,21
+collierville,635,2
+corozal,553,5
+corozal,764,3
+darden,695,3
+markleeville,779,10
+corozal,439,8
+darden,1275,0
+darden,1951,1
+darden,718,3
+darden,69,0
+darden,79,3
+markleeville,647,1
+markleeville,235,1
+darden,747,7
+markleeville,246,3
+markleeville,491,2
+markleeville,836,0
+markleeville,1007,2
+markleeville,727,0
+markleeville,949,2
+corozal,1190,0
+markleeville,525,2
+markleeville,729,0
+corozal,1375,3
+darden,1373,3
+markleeville,760,1
+darden,80,5
+corozal,551,3
+markleeville,29,1
+darden,1374,0
+darden,687,6
+corozal,701,3
+corozal,1075,15
+corozal,382,5
+darden,861,14
+corozal,909,0
+corozal,1007,0
+corozal,1263,11
+corozal,126,1
+darden,625,4
+collierville,381,6
+corozal,146,2
+darden,397,6
+darden,36,1
+markleeville,111,2
+darden,694,0
+darden,1029,13
+darden,1487,3
+markleeville,240,0
+darden,1230,9
+corozal,718,4
+darden,799,11
+darden,376,16
+corozal,384,1
+darden,75,5
+collierville,684,6
+collierville,195,1
+darden,1287,13
+corozal,563,5
+corozal,579,2
+darden,949,3
+markleeville,1050,1
+markleeville,1065,1
+darden,1412,6
+corozal,779,0
+markleeville,39,1
+corozal,259,10
+darden,401,1
+corozal,817,1
+corozal,668,10
+corozal,1027,0
+corozal,1374,18
+darden,898,2
+corozal,1344,1
+markleeville,877,7
+markleeville,1015,0
+corozal,1179,13
+corozal,1133,3
+corozal,762,10
+corozal,828,10
+corozal,665,9
+collierville,89,0
+darden,1621,1
+corozal,1388,2
+darden,1162,5
+markleeville,1128,9
+darden,1866,4
+darden,941,11
+corozal,717,4
+corozal,1064,0
+corozal,359,0
+corozal,945,3
+darden,1573,7
+darden,1150,21
+darden,1158,6
+corozal,1115,15
+corozal,983,1
+corozal,660,0
+darden,835,5
+darden,1426,1
+markleeville,50,8
+corozal,900,4
+corozal,904,7
+corozal,530,0
+markleeville,218,0
+markleeville,1018,6
+corozal,182,0
+markleeville,433,2
+corozal,1009,7
+corozal,861,4
+markleeville,1093,4
+corozal,655,0
+darden,1127,7
+darden,1266,1
+darden,974,8
+corozal,1290,19
+markleeville,1113,7
+corozal,544,8
+darden,503,14
+collierville,2,0
+markleeville,1078,0
+markleeville,768,7
+darden,912,6
+darden,1691,8
+corozal,355,0
+darden,156,0
+darden,123,3
+markleeville,113,7
+corozal,1034,0
+collierville,326,1
+markleeville,740,10
+darden,244,4
+darden,529,17
+corozal,1489,0
+markleeville,483,0
+darden,1179,2
+darden,142,6
+markleeville,855,7
+darden,1676,11
+corozal,476,4
+markleeville,1118,7
+darden,682,3
+darden,210,26
+corozal,1125,2
+collierville,408,3
+corozal,975,8
+darden,629,9
+corozal,314,5
+markleeville,577,2
+markleeville,1014,1
+darden,1941,15
+corozal,435,15
+darden,1827,0
+markleeville,737,3
+darden,1650,8
+markleeville,688,2
+corozal,774,3
+darden,1675,0
+corozal,413,2
+darden,1576,6
+darden,1249,4
+corozal,1058,1
+darden,1339,4
+corozal,1108,2
+markleeville,744,1
+corozal,413,0
+markleeville,1017,2
+markleeville,302,11
+darden,967,6
+corozal,1390,5
+corozal,38,10
+markleeville,919,4
+darden,1510,1
+markleeville,24,3
+darden,66,13
+corozal,1085,0
+darden,838,9
+collierville,703,3
+collierville,177,3
+markleeville,959,4
+corozal,715,6
+corozal,1168,7
+corozal,802,0
+corozal,529,2
+markleeville,63,3
+markleeville,1131,0
+collierville,348,4
+corozal,656,0
+darden,1658,0
+darden,943,8
+corozal,1437,0
+darden,124,3
+darden,1208,2
+corozal,799,1
+markleeville,355,0
+markleeville,727,5
+markleeville,325,16
+darden,978,3
+corozal,1479,6
+darden,637,3
+darden,503,4
+markleeville,759,1
+corozal,185,1
+markleeville,812,8
+markleeville,642,5
+corozal,980,14
+corozal,854,3
+darden,551,2
+corozal,848,14
+corozal,692,2
+corozal,582,8
+corozal,73,1
+darden,791,0
+corozal,748,2
+markleeville,684,1
+corozal,36,4
+markleeville,1139,2
+darden,1738,2
+darden,1448,0
+darden,91,17
+darden,198,5
+darden,1750,0
+corozal,944,15
+collierville,354,1
+corozal,1219,7
+corozal,321,5
+darden,489,2
+markleeville,325,11
+corozal,304,1
+darden,319,1
+corozal,413,4
+darden,113,8
+darden,1091,2
+corozal,617,2
+markleeville,56,5
+darden,189,1
+corozal,1525,0
+darden,1324,5
+corozal,1049,2
+corozal,164,11
+corozal,792,10
+markleeville,494,7
+collierville,66,2
+markleeville,587,9
+darden,1850,1
+markleeville,28,4
+darden,1895,2
+markleeville,185,9
+darden,1917,0
+darden,1125,1
+corozal,889,10
+markleeville,1022,5
+darden,1013,2
+darden,1346,6
+darden,376,12
+darden,585,1
+darden,898,9
+corozal,1513,0
+corozal,147,1
+collierville,677,5
+markleeville,1149,5
+darden,1168,0
+markleeville,567,0
+darden,1864,6
+collierville,177,4
+markleeville,784,0
+corozal,1234,1
+markleeville,1180,1
+corozal,1547,11
+collierville,99,2
+darden,923,2
+markleeville,277,10
+darden,925,4
+corozal,1457,1
+markleeville,370,4
+darden,266,10
+darden,1002,9
+markleeville,26,9
+markleeville,1124,1
+markleeville,637,4
+markleeville,389,5
+corozal,817,0
+corozal,249,2
+collierville,6,1
+darden,880,11
+darden,643,8
+corozal,112,14
+corozal,74,4
+markleeville,692,3
+darden,629,2
+corozal,530,6
+darden,707,7
+markleeville,514,2
+markleeville,524,6
+corozal,1320,10
+corozal,1379,4
+darden,1156,3
+darden,456,9
+corozal,770,1
+corozal,114,1
+markleeville,674,11
+markleeville,549,7
+darden,1020,5
+collierville,379,2
+corozal,325,1
+markleeville,391,10
+markleeville,789,6
+corozal,976,3
+darden,1878,3
+collierville,416,4
+markleeville,1009,0
+darden,224,2
+darden,485,0
+corozal,674,1
+markleeville,1022,6
+collierville,548,0
+corozal,990,1
+markleeville,689,0
+darden,265,1
+markleeville,952,9
+corozal,337,3
+corozal,866,16
+markleeville,178,2
+markleeville,251,0
+corozal,112,7
+corozal,1529,10
+collierville,29,1
+darden,1150,5
+darden,1456,2
+markleeville,428,2
+darden,1176,6
+darden,22,1
+corozal,765,10
+darden,545,2
+darden,1313,1
+darden,1209,5
+darden,908,9
+corozal,1327,7
+markleeville,140,14
+collierville,225,4
+markleeville,1144,7
+corozal,271,5
+markleeville,712,0
+darden,1084,3
+markleeville,343,4
+collierville,309,7
+darden,481,9
+darden,1234,5
+corozal,1264,10
+darden,1305,1
+corozal,1362,3
+darden,393,1
+darden,114,3
+collierville,366,1
+markleeville,1089,0
+darden,943,9
+markleeville,252,2
+corozal,38,0
+markleeville,596,1
+darden,926,3
+darden,1932,0
+corozal,1237,7
+corozal,1151,1
+collierville,338,1
+darden,1164,11
+darden,1517,1
+darden,219,6
+darden,1845,5
+darden,1443,6
+corozal,1489,3
+markleeville,994,2
+darden,220,0
+corozal,273,3
+corozal,509,3
+darden,1331,9
+darden,235,4
+collierville,221,1
+markleeville,508,4
+darden,1681,5
+corozal,1064,2
+corozal,1156,3
+darden,1259,14
+markleeville,937,3
+darden,119,0
+darden,925,2
+darden,871,8
+markleeville,1169,3
+darden,1487,7
+darden,1613,3
+corozal,784,7
+darden,1072,1
+markleeville,122,2
+darden,1136,9
+collierville,650,2
+corozal,456,1
+darden,268,0
+corozal,1404,16
+corozal,628,4
+corozal,268,1
+darden,1990,1
+darden,913,4
+markleeville,456,2
+darden,127,4
+corozal,1246,2
+markleeville,1034,8
+corozal,410,4
+corozal,1013,5
+corozal,858,5
+corozal,951,6
+markleeville,872,8
+corozal,1311,1
+darden,1139,1
+corozal,209,2
+corozal,1549,0
+corozal,467,1
+markleeville,115,0
+darden,1795,4
+collierville,625,1
+corozal,274,0
+corozal,64,15
+corozal,1391,13
+corozal,886,5
+darden,960,0
+corozal,996,0
+collierville,390,0
+corozal,661,6
+darden,510,0
+collierville,394,4
+collierville,413,1
+markleeville,773,4
+darden,527,0
+darden,1015,3
+darden,1899,20
+darden,1894,5
+markleeville,144,2
+collierville,492,3
+markleeville,494,5
+collierville,18,2
+collierville,78,1
+darden,1768,4
+corozal,1512,3
+markleeville,747,3
+collierville,460,7
+darden,802,1
+darden,1372,4
+darden,140,0
+darden,586,2
+darden,1126,5
+markleeville,61,0
+collierville,635,0
+darden,1465,4
+corozal,675,3
+darden,1191,1
+markleeville,105,5
+darden,1395,0
+corozal,433,4
+darden,259,3
+darden,144,10
+darden,327,0
+collierville,192,2
+corozal,198,4
+darden,1890,3
+darden,1059,4
+darden,702,2
+darden,806,2
+corozal,422,8
+darden,1567,3
+darden,519,0
+darden,1373,2
+collierville,251,1
+markleeville,1195,0
+corozal,892,6
+corozal,608,6
+corozal,698,2
+corozal,154,6
+darden,1484,8
+markleeville,560,5
+corozal,1351,0
+darden,974,2
+markleeville,995,4
+collierville,283,0
+corozal,787,0
+darden,1777,3
+darden,1631,7
+corozal,270,1
+markleeville,854,5
+corozal,1307,3
+darden,227,4
+corozal,642,0
+corozal,1327,0
+markleeville,1163,5
+markleeville,637,7
+darden,1689,5
+corozal,848,1
+darden,1448,3
+markleeville,543,1
+corozal,945,4
+corozal,958,8
+markleeville,348,8
+darden,1014,1
+corozal,467,2
+collierville,216,0
+darden,1366,7
+darden,1002,12
+markleeville,169,2
+markleeville,631,3
+collierville,677,0
+darden,293,0
+darden,869,2
+darden,1902,12
+markleeville,765,12
+darden,313,0
+corozal,48,0
+darden,1590,1
+corozal,530,7
+collierville,75,4
+corozal,679,11
+corozal,465,0
+corozal,662,1
+darden,968,1
+darden,1904,2
+darden,1566,4
+darden,1297,6
+darden,1790,6
+collierville,116,2
+corozal,674,4
+darden,1712,5
+markleeville,438,0
+darden,943,10
+markleeville,307,3
+darden,785,5
+darden,1377,0
+corozal,257,4
+collierville,494,2
+darden,853,1
+darden,1122,0
+darden,781,2
+markleeville,668,1
+markleeville,1168,0
+markleeville,78,5
+corozal,442,1
+darden,433,0
+markleeville,605,0
+corozal,1409,2
+corozal,1079,2
+markleeville,682,3
+collierville,643,2
+markleeville,826,2
+corozal,538,0
+markleeville,1040,3
+darden,1021,3
+corozal,636,18
+markleeville,1187,6
+collierville,456,0
+markleeville,856,0
+darden,1156,4
+darden,901,3
+darden,967,0
+darden,350,6
+markleeville,445,2
+darden,1259,9
+corozal,972,2
+markleeville,280,5
+corozal,351,2
+corozal,885,2
+darden,938,0
+corozal,893,0
+darden,1816,0
+darden,1215,3
+corozal,1126,5
+darden,909,0
+corozal,522,0
+corozal,785,8
+corozal,598,12
+darden,1170,4
+darden,780,3
+corozal,63,1
+corozal,1362,4
+markleeville,258,0
+darden,823,3
+darden,290,5
+markleeville,20,3
+corozal,1301,8
+corozal,648,1
+markleeville,1134,0
+darden,91,3
+corozal,626,10
+markleeville,595,3
+darden,539,1
+darden,2,2
+darden,1554,13
+corozal,1247,12
+markleeville,1099,3
+darden,773,3
+corozal,1278,2
+markleeville,324,5
+corozal,187,4
+darden,781,5
+markleeville,297,10
+corozal,1488,13
+markleeville,495,6
+darden,1924,1
+markleeville,110,3
+corozal,1265,1
+darden,1528,4
+corozal,308,0
+corozal,663,6
+markleeville,140,2
+corozal,575,1
+darden,950,4
+corozal,369,6
+darden,696,2
+darden,984,5
+collierville,684,1
+markleeville,450,2
+markleeville,888,6
+corozal,616,7
+darden,1519,0
+collierville,727,5
+darden,98,1
+darden,107,2
+darden,1786,4
+markleeville,858,2
+markleeville,434,2
+darden,1731,1
+darden,436,6
+darden,272,1
+darden,788,4
+darden,188,1
+darden,817,4
+markleeville,1182,5
+darden,1622,0
+markleeville,699,8
+markleeville,919,3
+markleeville,293,0
+darden,659,6
+collierville,194,0
+darden,436,2
+markleeville,1060,5
+markleeville,458,11
+markleeville,147,0
+markleeville,257,3
+darden,1289,10
+darden,13,9
+darden,911,0
+darden,1150,19
+markleeville,1036,7
+darden,1186,6
+darden,675,1
+corozal,36,1
+darden,1284,1
+corozal,775,3
+corozal,1141,9
+corozal,1068,3
+darden,1189,4
+corozal,1473,10
+darden,784,5
+markleeville,933,1
+markleeville,80,2
+darden,1918,4
+collierville,703,0
+markleeville,30,6
+corozal,518,1
+darden,138,3
+darden,1336,7
+corozal,621,6
+corozal,380,3
+markleeville,212,4
+darden,1198,5
+darden,1833,4
+markleeville,757,5
+darden,948,2
+collierville,576,1
+collierville,622,4
+corozal,836,4
+darden,1233,0
+markleeville,855,4
+markleeville,197,0
+darden,1079,5
+corozal,99,3
+markleeville,1092,3
+corozal,756,3
+darden,1686,4
+corozal,342,5
+collierville,403,4
+darden,1151,2
+darden,1002,0
+darden,359,6
+darden,1078,0
+darden,575,0
+darden,1220,1
+collierville,483,3
+darden,1230,13
+markleeville,581,3
+darden,1383,0
+corozal,1167,8
+darden,270,3
+corozal,1051,0
+corozal,431,10
+corozal,846,5
+corozal,1070,1
+darden,657,0
+darden,1964,4
+corozal,1143,6
+corozal,1054,3
+collierville,463,3
+markleeville,993,2
+markleeville,279,2
+darden,1175,6
+markleeville,449,6
+collierville,498,1
+corozal,387,1
+corozal,1286,2
+darden,680,3
+collierville,36,0
+corozal,890,0
+darden,1724,12
+corozal,1144,7
+darden,1317,3
+darden,1963,7
+markleeville,364,1
+markleeville,960,0
+corozal,340,9
+corozal,636,9
+markleeville,248,0
+corozal,612,8
+markleeville,379,0
+darden,1617,1
+collierville,687,2
+collierville,507,0
+markleeville,151,1
+darden,153,9
+corozal,35,1
+corozal,1178,2
+corozal,1522,1
+corozal,868,6
+corozal,283,1
+markleeville,800,6
+corozal,1007,10
+darden,404,6
+darden,438,2
+markleeville,863,2
+darden,1601,3
+darden,1958,0
+corozal,1473,8
+darden,777,4
+darden,1702,0
+darden,130,0
+corozal,1148,1
+darden,1662,1
+markleeville,252,3
+collierville,405,0
+darden,1083,3
+corozal,1504,5
+darden,1487,5
+darden,1351,0
+darden,416,5
+markleeville,75,5
+corozal,424,8
+collierville,210,0
+darden,1301,0
+darden,1924,6
+darden,1452,9
+corozal,171,0
+markleeville,223,0
+darden,1893,0
+collierville,651,1
+darden,1106,3
+corozal,982,3
+darden,399,0
+markleeville,1108,6
+corozal,430,4
+corozal,1559,1
+corozal,582,20
+darden,1038,12
+corozal,562,0
+collierville,76,3
+collierville,550,2
+collierville,395,4
+markleeville,526,0
+darden,1666,2
+markleeville,463,4
+markleeville,232,1
+darden,387,8
+darden,962,5
+corozal,1368,15
+markleeville,848,4
+corozal,206,2
+corozal,1068,1
+markleeville,1029,5
+collierville,130,3
+darden,430,0
+corozal,1019,5
+corozal,944,2
+corozal,1396,1
+darden,1294,8
+corozal,864,13
+markleeville,153,10
+darden,1638,10
+markleeville,414,4
+darden,808,1
+darden,1604,1
+corozal,586,6
+collierville,404,4
+darden,512,1
+darden,647,1
+corozal,602,0
+corozal,1065,0
+darden,387,2
+darden,558,2
+darden,1284,4
+markleeville,730,3
+corozal,1301,15
+corozal,154,10
+darden,367,5
+darden,889,6
+markleeville,599,0
+markleeville,1057,9
+darden,1307,3
+darden,454,1
+collierville,618,4
+darden,186,0
+collierville,558,0
+markleeville,846,1
+collierville,225,1
+darden,1309,6
+markleeville,351,3
+darden,1015,1
+markleeville,988,3
+markleeville,856,5
+collierville,435,2
+darden,908,7
+markleeville,564,3
+darden,1557,5
+corozal,806,4
+darden,1195,3
+darden,1293,1
+corozal,1360,4
+markleeville,689,4
+markleeville,1091,0
+markleeville,71,7
+darden,331,2
+collierville,362,2
+darden,970,2
+collierville,311,5
+darden,1522,4
+darden,1738,3
+markleeville,297,5
+darden,1221,0
+darden,1708,6
+markleeville,311,2
+corozal,558,1
+corozal,733,0
+darden,1203,3
+darden,385,0
+markleeville,1149,8
+darden,785,11
+darden,1806,0
+darden,1549,0
+corozal,15,2
+darden,289,0
+markleeville,1067,3
+darden,715,1
+corozal,1273,0
+corozal,303,4
+corozal,1036,4
+markleeville,741,0
+corozal,1479,5
+collierville,2,4
+darden,782,1
+collierville,665,3
+darden,1630,16
+corozal,1550,4
+darden,1570,0
+corozal,1015,1
+markleeville,273,12
+corozal,1022,5
+darden,930,0
+markleeville,128,1
+corozal,202,10
+corozal,430,11
+corozal,678,0
+darden,1478,0
+darden,1504,7
+corozal,7,0
+darden,1345,8
+collierville,309,3
+corozal,829,3
+collierville,10,0
+darden,1012,0
+corozal,1179,17
+corozal,1475,2
+darden,1646,2
+darden,755,7
+corozal,367,7
+corozal,871,1
+darden,1919,1
+collierville,607,2
+collierville,46,0
+corozal,321,19
+corozal,983,2
+darden,1899,15
+markleeville,951,2
+corozal,80,0
+collierville,104,4
+darden,952,1
+markleeville,760,2
+collierville,49,3
+darden,799,3
+collierville,726,1
+corozal,218,5
+corozal,1361,1
+darden,445,11
+darden,1755,16
+collierville,104,3
+darden,15,2
+darden,841,6
+markleeville,941,9
+collierville,155,3
+markleeville,1028,1
+darden,1968,3
+corozal,582,13
+darden,769,2
+corozal,870,0
+corozal,1155,3
+darden,210,10
+darden,1964,6
+corozal,364,1
+markleeville,197,2
+collierville,399,0
+corozal,1214,1
+corozal,1547,3
+markleeville,60,0
+collierville,618,0
+darden,218,3
+darden,1267,7
+corozal,865,1
+markleeville,697,8
+markleeville,351,1
+darden,1933,0
+markleeville,327,5
+darden,1576,4
+corozal,91,1
+corozal,969,1
+collierville,101,0
+markleeville,142,7
+corozal,464,0
+corozal,328,0
+corozal,1307,4
+markleeville,671,5
+markleeville,842,3
+markleeville,645,4
+markleeville,105,6
+darden,467,3
+collierville,263,1
+darden,1667,0
+darden,674,5
+corozal,301,11
+markleeville,716,0
+markleeville,1027,2
+corozal,623,4
+corozal,1274,0
+darden,527,3
+corozal,1499,4
+markleeville,1128,0
+darden,1390,1
+markleeville,556,5
+darden,947,1
+markleeville,1111,2
+markleeville,1080,3
+darden,98,5
+darden,955,3
+corozal,513,7
+markleeville,1110,2
+corozal,1356,2
+corozal,580,22
+markleeville,121,3
+markleeville,348,10
+corozal,908,1
+corozal,534,3
+corozal,1115,10
+darden,445,12
+corozal,157,2
+corozal,378,1
+markleeville,220,3
+darden,404,5
+darden,233,0
+darden,247,10
+darden,1647,4
+darden,91,2
+darden,1158,5
+darden,27,2
+markleeville,479,1
+markleeville,319,0
+corozal,980,0
+markleeville,142,0
+corozal,1096,3
+markleeville,998,0
+darden,634,2
+collierville,457,2
+darden,282,4
+darden,613,0
+darden,1843,1
+darden,1032,1
+markleeville,893,3
+corozal,1009,8
+corozal,1003,3
+darden,964,11
+collierville,711,1
+corozal,153,0
+darden,862,3
+markleeville,123,2
+darden,1554,17
+collierville,453,4
+darden,817,0
+darden,1333,2
+corozal,340,7
+corozal,1500,0
+markleeville,1001,1
+corozal,129,1
+corozal,1117,6
+darden,167,2
+markleeville,1199,2
+markleeville,1089,10
+darden,1413,0
+darden,1198,8
+darden,683,2
+markleeville,171,0
+darden,1294,13
+darden,344,1
+corozal,1077,1
+darden,637,7
+markleeville,506,8
+corozal,1139,3
+darden,755,10
+corozal,1217,2
+corozal,889,11
+darden,687,5
+markleeville,897,0
+corozal,861,0
+markleeville,270,10
+corozal,927,1
+corozal,871,5
+markleeville,1177,7
+darden,710,1
+collierville,717,1
+corozal,995,9
+corozal,1323,1
+darden,1940,7
+darden,1489,2
+corozal,442,2
+corozal,427,4
+markleeville,840,3
+collierville,201,4
+collierville,271,0
+markleeville,317,13
+markleeville,579,6
+markleeville,1051,7
+markleeville,912,0
+corozal,315,1
+collierville,516,2
+markleeville,1023,1
+corozal,1220,4
+corozal,1229,22
+darden,1295,1
+darden,938,2
+collierville,372,2
+darden,215,11
+corozal,1039,3
+collierville,693,2
+markleeville,672,0
+corozal,1224,4
+markleeville,571,3
+darden,1470,10
+markleeville,512,1
+corozal,857,15
+corozal,308,1
+darden,1856,2
+corozal,791,2
+markleeville,248,1
+darden,1843,0
+corozal,974,1
+collierville,8,3
+corozal,440,2
+darden,708,8
+collierville,379,0
+darden,1329,8
+markleeville,665,4
+darden,1142,0
+darden,167,6
+corozal,164,8
+darden,769,6
+darden,880,10
+darden,1615,0
+darden,164,3
+corozal,297,11
+markleeville,1053,3
+darden,971,1
+darden,1985,6
+collierville,459,0
+markleeville,1181,1
+darden,865,2
+markleeville,281,1
+darden,1985,2
+corozal,148,2
+collierville,13,3
+corozal,300,14
+markleeville,1102,6
+collierville,63,2
+corozal,937,8
+darden,383,1
+markleeville,582,1
+markleeville,498,3
+markleeville,325,0
+darden,1442,22
+corozal,1483,1
+corozal,1145,2
+darden,516,2
+collierville,475,0
+corozal,121,2
+collierville,312,0
+darden,92,2
+corozal,76,11
+corozal,473,3
+markleeville,894,9
+markleeville,621,0
+darden,1896,3
+markleeville,211,2
+corozal,747,5
+corozal,874,8
+darden,1387,1
+darden,1247,3
+corozal,505,8
+darden,1029,1
+darden,1540,2
+corozal,685,3
+darden,725,4
+darden,1839,1
+markleeville,970,2
+corozal,748,5
+darden,92,3
+corozal,1314,1
+darden,797,22
+darden,289,2
+markleeville,55,3
+corozal,447,11
+corozal,391,0
+corozal,776,7
+corozal,1406,1
+darden,1749,0
+darden,89,18
+corozal,985,14
+darden,384,0
+collierville,490,2
+darden,63,7
+darden,580,1
+darden,683,4
+darden,786,1
+darden,1459,6
+darden,1452,4
+markleeville,137,4
+darden,461,5
+collierville,251,3
+darden,266,21
+corozal,342,7
+markleeville,751,1
+markleeville,142,13
+darden,471,2
+darden,315,0
+corozal,1508,2
+darden,22,2
+collierville,541,1
+markleeville,644,8
+darden,1230,12
+darden,418,3
+darden,1278,4
+corozal,1032,1
+corozal,160,3
+darden,1685,5
+darden,1204,3
+markleeville,1061,6
+darden,1877,0
+darden,66,17
+markleeville,913,6
+corozal,1095,7
+corozal,132,2
+darden,1347,8
+darden,569,8
+darden,723,3
+markleeville,1187,8
+darden,1084,1
+corozal,1518,2
+corozal,1449,1
+corozal,289,4
+corozal,242,7
+darden,335,0
+corozal,465,6
+corozal,1129,4
+collierville,271,1
+corozal,877,9
+darden,114,9
+collierville,307,1
+markleeville,1172,2
+darden,753,3
+corozal,1368,7
+darden,285,3
+darden,1740,5
+markleeville,380,0
+corozal,1259,4
+darden,1993,4
+darden,629,1
+corozal,981,22
+collierville,670,3
+corozal,888,5
+corozal,34,0
+markleeville,814,3
+markleeville,996,7
+markleeville,859,4
+darden,1434,19
+markleeville,102,9
+corozal,1509,0
+markleeville,1023,2
+collierville,292,2
+darden,1583,2
+darden,450,7
+darden,1166,7
+darden,389,3
+corozal,106,5
+corozal,300,12
+darden,1476,3
+corozal,1004,3
+corozal,384,7
+corozal,288,0
+corozal,1298,3
+corozal,1077,5
+corozal,920,2
+corozal,1016,1
+darden,1448,8
+corozal,1210,3
+darden,1085,9
+darden,765,3
+darden,153,6
+corozal,320,2
+corozal,107,4
+markleeville,551,1
+corozal,1306,3
+darden,1902,7
+corozal,70,4
+darden,63,1
+corozal,287,4
+darden,660,13
+collierville,556,0
+darden,472,0
+corozal,456,2
+corozal,1410,0
+darden,1904,5
+darden,1854,2
+darden,1559,10
+corozal,1127,5
+collierville,375,0
+corozal,472,3
+darden,112,4
+darden,1781,2
+darden,773,1
+corozal,580,6
+markleeville,648,5
+darden,632,6
+corozal,354,0
+darden,1184,13
+corozal,1483,4
+corozal,1371,15
+corozal,1412,3
+darden,435,10
+darden,1135,4
+darden,614,3
+darden,659,7
+corozal,528,0
+corozal,147,2
+corozal,1126,8
+collierville,402,1
+markleeville,137,5
+darden,1676,7
+darden,197,2
+collierville,498,2
+collierville,527,2
+markleeville,269,0
+corozal,1388,13
+corozal,1449,2
+collierville,619,2
+corozal,424,12
+corozal,368,7
+darden,1899,16
+darden,1964,0
+darden,1669,0
+darden,1193,2
+collierville,506,5
+darden,1459,5
+markleeville,665,3
+darden,1852,3
+markleeville,577,10
+corozal,765,6
+darden,898,14
+corozal,449,3
+corozal,1152,5
+corozal,800,1
+corozal,434,11
+collierville,311,2
+markleeville,1056,5
+darden,1721,1
+collierville,335,1
+corozal,1086,3
+markleeville,577,4
+markleeville,1019,1
+markleeville,819,1
+darden,1103,0
+collierville,189,8
+corozal,455,3
+darden,1638,3
+markleeville,154,3
+darden,180,2
+corozal,1390,15
+markleeville,223,5
+corozal,76,7
+corozal,880,1
+corozal,1179,7
+markleeville,1185,0
+corozal,684,4
+darden,1874,7
+darden,637,9
+markleeville,1062,4
+corozal,78,7
+markleeville,888,7
+corozal,1444,6
+markleeville,1012,0
+corozal,1303,3
+darden,308,0
+darden,904,10
+corozal,1215,0
+corozal,1109,6
+corozal,1538,4
+collierville,16,2
+corozal,1264,1
+darden,912,4
+corozal,779,8
+darden,31,3
+corozal,200,2
+corozal,613,3
+collierville,18,1
+markleeville,982,9
+darden,610,1
+corozal,812,4
+markleeville,307,4
+corozal,693,4
+markleeville,169,7
+corozal,1488,5
+darden,842,6
+darden,10,1
+markleeville,1089,3
+darden,261,5
+markleeville,673,5
+darden,267,3
+markleeville,224,1
+markleeville,492,6
+darden,1678,3
+darden,13,8
+corozal,227,4
+markleeville,716,5
+darden,574,3
+darden,811,3
+corozal,583,0
+corozal,1428,1
+corozal,511,3
+darden,1036,0
+corozal,868,8
+corozal,1483,7
+markleeville,842,6
+darden,376,14
+darden,800,11
+corozal,378,2
+markleeville,1106,0
+corozal,514,2
+corozal,115,0
+markleeville,756,3
+darden,1061,4
+darden,133,2
+darden,1588,4
+darden,831,2
+markleeville,304,9
+corozal,565,2
+darden,1675,5
+collierville,440,1
+darden,1463,0
+darden,68,4
+darden,1981,6
+corozal,76,8
+markleeville,913,0
+darden,1450,2
+darden,1112,13
+markleeville,474,2
+darden,741,1
+markleeville,244,13
+corozal,46,0
+markleeville,71,10
+corozal,803,7
+corozal,568,3
+darden,1087,7
+corozal,272,3
+darden,337,4
+markleeville,851,2
+markleeville,262,7
+collierville,525,1
+collierville,203,0
+corozal,552,4
+darden,983,1
+collierville,216,1
+collierville,646,4
+corozal,197,2
+corozal,568,2
+corozal,154,7
+markleeville,615,12
+corozal,711,3
+collierville,702,6
+darden,1388,5
+corozal,693,0
+markleeville,635,0
+corozal,505,11
+corozal,378,0
+markleeville,695,3
+darden,931,0
+corozal,232,14
+darden,1361,4
+markleeville,886,1
+darden,544,2
+markleeville,114,1
+corozal,127,3
+darden,1453,15
+corozal,297,12
+darden,1222,12
+markleeville,108,1
+collierville,183,5
+darden,817,3
+darden,837,0
+darden,860,1
+darden,690,3
+darden,382,5
+darden,218,0
+markleeville,549,11
+markleeville,248,10
+markleeville,84,1
+collierville,126,4
+darden,1945,3
+darden,834,0
+corozal,337,6
+corozal,16,8
+darden,1099,5
+markleeville,295,2
+corozal,23,0
+markleeville,1089,8
+markleeville,248,12
+darden,447,4
+markleeville,917,5
+corozal,4,1
+markleeville,516,1
+darden,1048,5
+markleeville,1110,4
+darden,552,1
+corozal,1229,24
+markleeville,950,3
+darden,315,5
+darden,718,6
+markleeville,612,3
+markleeville,645,2
+markleeville,784,1
+corozal,1254,2
+collierville,27,2
+darden,698,2
+darden,363,1
+markleeville,179,5
+collierville,525,0
+corozal,461,0
+corozal,513,0
+corozal,1468,1
+corozal,179,2
+darden,1848,6
+corozal,1477,4
+darden,1903,4
+markleeville,637,5
+corozal,371,10
+markleeville,855,11
+markleeville,179,7
+corozal,1480,3
+markleeville,459,0
+corozal,381,1
+darden,1921,8
+darden,367,2
+corozal,1379,3
+corozal,246,1
+darden,690,7
+darden,633,1
+markleeville,893,1
+markleeville,1156,6
+corozal,16,7
+darden,1123,4
+darden,84,3
+darden,1744,2
+corozal,444,5
+darden,1760,8
+corozal,1079,11
+collierville,732,0
+darden,709,2
+markleeville,870,1
+darden,810,1
+corozal,1513,7
+corozal,1173,0
+darden,848,0
+darden,1448,1
+markleeville,580,0
+corozal,563,1
+darden,300,5
+darden,1540,1
+darden,1025,6
+darden,1127,13
+collierville,123,2
+corozal,835,4
+collierville,457,0
+collierville,228,4
+darden,128,4
+corozal,1327,2
+darden,737,3
+darden,996,3
+markleeville,713,0
+darden,1420,5
+markleeville,1034,11
+darden,1394,0
+markleeville,715,1
+corozal,303,1
+darden,1729,6
+markleeville,665,10
+darden,1106,2
+collierville,325,4
+corozal,1049,10
+darden,1695,4
+darden,11,2
+collierville,566,8
+corozal,1262,10
+darden,1590,3
+collierville,205,0
+corozal,139,0
+corozal,7,3
+darden,449,1
+markleeville,197,3
+markleeville,918,0
+corozal,1497,11
+darden,321,2
+darden,937,1
+darden,1960,9
+markleeville,233,1
+markleeville,909,7
+darden,1912,3
+darden,266,13
+darden,1259,2
+corozal,580,10
+darden,1746,0
+corozal,496,0
+corozal,968,4
+darden,1022,3
+corozal,1332,5
+markleeville,807,1
+darden,1666,7
+darden,1119,3
+markleeville,212,10
+corozal,112,5
+darden,1640,4
+collierville,579,3
+corozal,961,8
+darden,1364,2
+markleeville,1046,0
+markleeville,1146,3
+darden,1611,0
+darden,1875,2
+markleeville,186,2
+collierville,256,3
+darden,936,6
+corozal,602,3
+darden,524,5
+darden,1112,12
+darden,1919,10
+markleeville,1194,4
+darden,92,0
+darden,1217,4
+markleeville,84,4
+darden,1798,3
+darden,864,0
+markleeville,744,8
+darden,497,15
+collierville,39,1
+darden,1131,1
+darden,1600,3
+corozal,283,2
+darden,83,4
+collierville,140,0
+corozal,118,1
+darden,914,3
+collierville,57,0
+darden,1594,3
+darden,1453,6
+markleeville,1123,4
+darden,1404,3
+corozal,668,2
+corozal,353,4
+darden,1561,2
+darden,1219,0
+corozal,1550,14
+collierville,615,6
+darden,1127,14
+corozal,755,5
+darden,1884,2
+darden,1475,1
+corozal,384,4
+darden,563,4
+darden,1392,4
+darden,300,7
+corozal,741,2
+darden,1180,0
+markleeville,662,1
+markleeville,972,0
+darden,227,6
+darden,1776,2
+corozal,1253,15
+darden,1959,4
+darden,1029,6
+corozal,945,8
+darden,1475,9
+darden,959,8
+darden,791,3
+darden,1306,6
+darden,1013,1
+darden,802,3
+darden,251,1
+markleeville,161,1
+corozal,683,0
+markleeville,369,0
+darden,1844,2
+markleeville,376,5
+corozal,256,1
+markleeville,702,3
+darden,1791,5
+markleeville,326,3
+darden,1758,6
+darden,567,0
+darden,1210,1
+darden,1815,1
+darden,1631,6
+darden,836,1
+darden,1446,1
+darden,1696,4
+collierville,169,0
+darden,813,6
+corozal,584,2
+darden,1819,5
+markleeville,142,12
+corozal,437,2
+markleeville,731,3
+darden,487,5
+darden,167,5
+darden,1159,1
+markleeville,1109,4
+collierville,248,2
+corozal,1523,0
+markleeville,527,3
+darden,1637,2
+darden,130,1
+collierville,393,1
+markleeville,137,16
+markleeville,1166,2
+markleeville,864,4
+darden,1023,2
+corozal,1228,9
+markleeville,580,5
+markleeville,401,3
+corozal,1323,2
+corozal,1251,2
+collierville,592,2
+corozal,250,0
+markleeville,854,8
+darden,1696,3
+corozal,1373,4
+corozal,297,9
+corozal,1052,1
+darden,1044,3
+markleeville,168,5
+collierville,704,3
+darden,1112,8
+darden,1579,0
+markleeville,517,7
+markleeville,518,5
+collierville,328,1
+corozal,838,2
+darden,980,1
+corozal,777,7
+corozal,593,8
+darden,1798,6
+darden,722,6
+darden,1534,3
+collierville,530,4
+markleeville,12,6
+corozal,1061,3
+markleeville,980,6
+darden,1627,0
+darden,16,1
+corozal,432,14
+markleeville,573,3
+corozal,988,3
+darden,701,5
+markleeville,1067,0
+corozal,801,2
+corozal,1124,1
+corozal,1285,2
+corozal,1344,7
+corozal,15,3
+corozal,1134,1
+corozal,248,3
+darden,1875,5
+markleeville,137,7
+collierville,214,3
+darden,1947,1
+darden,1305,16
+markleeville,229,8
+corozal,16,11
+darden,751,3
+darden,1685,0
+darden,95,2
+darden,1080,1
+darden,1715,3
+collierville,445,0
+corozal,176,0
+markleeville,665,5
+markleeville,676,3
+markleeville,823,1
+darden,179,0
+darden,1512,7
+darden,45,4
+corozal,290,0
+corozal,869,12
+darden,376,4
+corozal,301,4
+markleeville,847,6
+darden,197,10
+darden,1500,4
+markleeville,509,2
+darden,450,1
+markleeville,399,1
+collierville,269,0
+corozal,302,10
+darden,919,1
+darden,413,4
+darden,1603,0
+corozal,330,4
+corozal,34,3
+corozal,1281,2
+darden,687,4
+collierville,465,2
+markleeville,292,1
+corozal,992,1
+darden,1938,5
+corozal,658,2
+corozal,388,15
+corozal,1426,6
+darden,1153,3
+darden,48,2
+darden,27,0
+corozal,1188,4
+darden,674,2
+darden,1936,10
+collierville,42,3
+darden,348,3
+darden,438,0
+collierville,266,2
+darden,1847,2
+collierville,590,1
+darden,1029,0
+darden,184,12
+corozal,320,1
+darden,416,2
+darden,789,3
+corozal,1371,1
+markleeville,1033,3
+corozal,1363,1
+darden,1165,3
+collierville,479,2
+darden,1419,1
+corozal,488,2
+markleeville,644,11
+collierville,311,3
+darden,1756,4
+corozal,323,0
+darden,1329,9
+corozal,859,0
+corozal,749,6
+darden,489,0
+corozal,277,1
+markleeville,294,6
+corozal,1357,2
+collierville,610,3
+corozal,604,5
+markleeville,271,3
+darden,868,5
+corozal,937,1
+collierville,689,6
+darden,1606,0
+markleeville,395,2
+darden,929,1
+darden,1141,2
+markleeville,1038,0
+markleeville,126,0
+collierville,139,0
+darden,1297,7
+markleeville,181,3
+darden,1304,1
+markleeville,493,3
+darden,139,4
+darden,1894,3
+markleeville,481,3
+markleeville,221,3
+corozal,742,4
+markleeville,1083,4
+collierville,207,3
+corozal,330,6
+darden,1970,0
+darden,1443,4
+collierville,509,1
+collierville,423,5
+darden,487,7
+corozal,276,8
+markleeville,317,1
+corozal,992,4
+corozal,1462,0
+corozal,784,2
+darden,1593,2
+markleeville,665,11
+collierville,272,2
+corozal,638,7
+darden,1246,1
+darden,1515,1
+corozal,273,1
+darden,1180,1
+collierville,300,1
+corozal,459,4
+collierville,377,2
+markleeville,60,1
+collierville,400,3
+darden,1314,3
+darden,1741,3
+corozal,251,6
+markleeville,1157,2
+darden,1061,13
+darden,66,0
+darden,1237,2
+markleeville,519,3
+collierville,651,0
+corozal,824,5
+darden,269,4
+darden,472,2
+darden,905,3
+darden,1185,14
+darden,1111,4
+darden,1039,8
+corozal,586,2
+collierville,471,0
+darden,554,4
+corozal,1260,2
+darden,926,1
+markleeville,633,5
+corozal,415,9
+darden,681,11
+darden,981,4
+darden,1534,2
+darden,547,1
+markleeville,1197,2
+collierville,685,2
+darden,775,3
+corozal,1465,0
+corozal,112,1
+corozal,936,5
+markleeville,178,0
+collierville,484,1
+markleeville,791,5
+collierville,598,0
+darden,1470,5
+corozal,174,3
+darden,1650,2
+markleeville,742,4
+corozal,218,1
+darden,1373,14
+markleeville,495,8
+darden,1789,5
+markleeville,675,1
+corozal,1077,0
+markleeville,94,10
+markleeville,664,0
+markleeville,595,2
+collierville,691,4
+markleeville,608,0
+darden,1318,0
+darden,661,7
+darden,1385,1
+darden,1717,7
+markleeville,174,1
+markleeville,199,10
+markleeville,6,3
+corozal,323,1
+markleeville,469,1
+markleeville,825,8
+darden,549,0
+corozal,1467,2
+darden,348,13
+corozal,284,0
+darden,1810,3
+darden,87,0
+corozal,1475,16
+darden,1291,4
+darden,1628,3
+markleeville,1121,11
+markleeville,399,2
+markleeville,463,2
+corozal,987,2
+corozal,1365,9
+darden,833,3
+corozal,382,6
+corozal,351,4
+corozal,895,4
+collierville,476,1
+markleeville,759,0
+corozal,1225,2
+corozal,1264,17
+darden,1961,6
+corozal,608,0
+darden,89,17
+markleeville,795,5
+corozal,148,1
+corozal,79,2
+corozal,811,4
+corozal,182,9
+darden,1597,5
+darden,1364,1
+darden,205,6
+collierville,588,2
+corozal,907,12
+corozal,781,2
+darden,1635,0
+corozal,821,7
+corozal,600,1
+markleeville,1190,5
+markleeville,936,1
+darden,21,7
+darden,625,0
+darden,1126,16
+corozal,25,0
+darden,1963,5
+darden,1593,4
+darden,354,5
+corozal,406,1
+collierville,515,2
+markleeville,1112,2
+collierville,467,0
+collierville,711,0
+markleeville,78,3
+collierville,560,2
+corozal,557,1
+markleeville,1130,1
+collierville,452,1
+markleeville,1084,3
+markleeville,709,1
+markleeville,334,0
+darden,218,1
+corozal,1009,15
+darden,1449,1
+corozal,669,2
+corozal,1229,10
+corozal,140,3
+corozal,803,14
+corozal,1469,5
+markleeville,952,7
+darden,1878,2
+corozal,1503,2
+corozal,885,4
+corozal,1032,3
+darden,170,4
+collierville,446,6
+darden,1841,3
+darden,1185,9
+darden,1442,18
+corozal,1471,6
+corozal,1248,2
+markleeville,532,4
+corozal,762,14
+corozal,251,2
+darden,1442,9
+darden,1589,4
+darden,59,5
+darden,198,1
+markleeville,644,9
+corozal,1333,5
+darden,551,6
+corozal,608,7
+darden,1516,0
+darden,1969,0
+corozal,193,2
+markleeville,241,3
+corozal,1552,5
+corozal,858,0
+darden,1544,9
+darden,149,1
+collierville,364,4
+darden,733,11
+collierville,305,4
+corozal,387,2
+darden,509,3
+corozal,382,10
+corozal,365,0
+markleeville,1018,10
+darden,175,0
+corozal,886,1
+markleeville,971,3
+darden,1442,17
+darden,1193,0
+darden,475,5
+corozal,406,8
+markleeville,194,1
+darden,1038,1
+markleeville,1173,0
+darden,220,1
+markleeville,1133,2
+markleeville,378,0
+darden,1893,4
+corozal,1447,3
+markleeville,82,7
+markleeville,310,0
+collierville,723,4
+collierville,460,3
+darden,1859,1
+corozal,595,0
+darden,1182,5
+collierville,472,5
+markleeville,633,0
+darden,107,1
+darden,1734,0
+darden,915,7
+darden,559,4
+markleeville,977,2
+markleeville,884,4
+darden,931,1
+markleeville,432,3
+darden,1221,1
+markleeville,363,6
+corozal,22,2
+collierville,691,3
+corozal,1297,9
+darden,554,7
+corozal,904,5
+corozal,1382,1
+corozal,1532,2
+corozal,193,0
+corozal,659,0
+darden,59,6
+corozal,848,6
+darden,735,3
+collierville,510,2
+corozal,1554,0
+corozal,614,1
+darden,1451,1
+corozal,506,1
+darden,961,3
+corozal,1365,6
+corozal,1499,0
+corozal,717,6
+darden,5,8
+corozal,509,1
+corozal,1465,8
+darden,857,4
+corozal,1546,16
+corozal,562,1
+collierville,662,1
+corozal,143,7
+darden,1846,6
+corozal,843,1
+corozal,396,0
+corozal,862,2
+collierville,37,0
+markleeville,269,14
+markleeville,992,1
+darden,1166,2
+markleeville,670,2
+markleeville,615,11
+darden,1290,3
+darden,1766,2
+corozal,478,4
+collierville,180,2
+darden,1326,3
+corozal,256,0
+markleeville,465,2
+markleeville,993,1
+markleeville,13,1
+corozal,1084,1
+darden,308,4
+collierville,589,3
+corozal,1096,4
+darden,1159,6
+markleeville,317,7
+collierville,690,3
+markleeville,921,1
+darden,1293,4
+markleeville,934,5
+corozal,1186,5
+corozal,705,5
+corozal,73,0
+darden,1962,1
+corozal,1243,15
+darden,553,8
+corozal,693,2
+corozal,840,0
+darden,1267,4
+darden,1818,2
+markleeville,262,12
+darden,828,3
+corozal,670,3
+corozal,682,9
+darden,1809,9
+collierville,52,0
+corozal,1327,1
+corozal,960,7
+corozal,1069,11
+darden,1504,6
+collierville,101,1
+corozal,745,2
+darden,1671,0
+corozal,67,1
+corozal,397,3
+markleeville,11,9
+corozal,554,1
+darden,1136,7
+darden,134,2
+darden,324,3
+collierville,281,2
+markleeville,674,16
+corozal,440,0
+darden,1349,1
+corozal,1202,3
+corozal,380,2
+darden,1433,6
+markleeville,425,3
+darden,1691,7
+darden,1453,17
+collierville,529,3
+corozal,107,8
+darden,1680,0
+markleeville,1040,7
+markleeville,306,3
+markleeville,1011,4
+darden,1901,0
+corozal,1089,4
+corozal,361,4
+darden,1750,7
+darden,877,0
+corozal,873,5
+corozal,86,3
+collierville,601,3
+corozal,1281,0
+corozal,91,3
+markleeville,709,14
+markleeville,272,7
+markleeville,552,2
+darden,102,2
+collierville,629,7
+darden,787,3
+corozal,1259,1
+corozal,1548,2
+corozal,187,9
+markleeville,758,3
+markleeville,283,2
+darden,915,0
+markleeville,80,0
+corozal,1345,0
+corozal,1354,1
+collierville,166,2
+corozal,879,13
+darden,464,19
+corozal,424,5
+markleeville,357,2
+darden,1557,0
+darden,1190,4
+corozal,868,15
+darden,1577,1
+markleeville,618,1
+darden,1607,2
+markleeville,789,4
+darden,642,3
+corozal,760,1
+darden,1305,10
+markleeville,3,0
+corozal,1381,1
+corozal,473,13
+darden,1072,5
+corozal,505,6
+collierville,603,7
+darden,52,7
+collierville,733,1
+darden,419,1
+darden,1027,5
+markleeville,629,2
+darden,1289,2
+collierville,99,0
+markleeville,27,0
+collierville,530,6
+markleeville,742,6
+corozal,508,8
+darden,1074,2
+darden,380,4
+darden,34,6
+markleeville,829,3
+markleeville,1108,1
+markleeville,1023,0
+corozal,615,9
+collierville,553,8
+collierville,603,3
+darden,822,6
+markleeville,1089,7
+corozal,1179,1
+corozal,1388,11
+darden,1943,10
+corozal,124,0
+darden,1736,2
+corozal,1253,1
+darden,456,10
+corozal,729,3
+corozal,1333,4
+darden,1736,0
+darden,949,2
+corozal,1055,0
+corozal,390,10
+markleeville,849,2
+darden,647,0
+markleeville,272,3
+corozal,483,12
+corozal,395,7
+markleeville,582,0
+corozal,686,2
+corozal,1473,7
+darden,1020,7
+darden,1304,0
+corozal,1364,1
+corozal,1374,20
+darden,1537,2
+corozal,1208,3
+corozal,657,5
+darden,875,4
+corozal,60,5
+corozal,1155,1
+corozal,1485,3
+markleeville,243,3
+collierville,293,2
+darden,852,1
+darden,824,4
+corozal,973,9
+corozal,1335,4
+darden,849,4
+markleeville,464,5
+darden,82,4
+corozal,1108,0
+darden,1552,3
+darden,529,16
+markleeville,1050,2
+markleeville,151,3
+markleeville,406,4
+darden,543,1
+corozal,610,9
+collierville,35,3
+corozal,793,5
+markleeville,661,2
+darden,1840,1
+corozal,345,0
+corozal,435,0
+darden,28,5
+corozal,1522,3
+darden,1453,16
+corozal,591,10
+corozal,249,6
+markleeville,749,4
+corozal,1109,2
+markleeville,432,2
+darden,694,2
+darden,840,1
+markleeville,711,0
+corozal,632,3
+markleeville,744,7
+corozal,352,2
+markleeville,453,3
+darden,1389,2
+corozal,1337,4
+corozal,1253,8
+collierville,704,4
+corozal,615,2
+darden,1804,2
+corozal,388,10
+corozal,111,1
+markleeville,917,6
+markleeville,608,9
+darden,546,6
+collierville,229,0
+corozal,429,5
+markleeville,944,0
+darden,23,6
+darden,1554,6
+corozal,1477,6
+corozal,177,5
+darden,1973,7
+darden,1999,3
+markleeville,1159,8
+collierville,155,5
+darden,429,3
+darden,783,11
+collierville,28,3
+corozal,832,3
+darden,543,2
+darden,467,0
+collierville,483,0
+markleeville,727,4
+corozal,1522,4
+darden,1747,5
+corozal,1465,2
+darden,1319,0
+corozal,1367,7
+markleeville,714,2
+corozal,833,4
+darden,741,9
+corozal,1363,0
+darden,353,2
+darden,290,2
+corozal,1119,1
+markleeville,754,2
+markleeville,913,3
+darden,1459,2
+markleeville,729,1
+collierville,311,8
+corozal,490,10
+darden,1740,10
+corozal,1125,1
+markleeville,711,3
+darden,1629,3
+corozal,831,2
+corozal,1432,3
+corozal,1444,12
+darden,1849,1
+collierville,381,4
+corozal,1440,1
+darden,300,4
+corozal,1094,0
+markleeville,1052,9
+darden,1977,1
+darden,1715,0
+corozal,1465,1
+darden,855,4
+corozal,78,12
+corozal,860,0
+corozal,1472,8
+collierville,537,2
+corozal,202,8
+darden,615,0
+markleeville,584,9
+markleeville,1018,1
+darden,464,2
+darden,1725,4
+markleeville,225,1
+darden,1421,6
+corozal,593,5
+darden,1099,9
+collierville,433,3
+darden,1947,6
+darden,975,1
+corozal,33,8
+corozal,689,4
+darden,1647,2
+collierville,533,3
+markleeville,195,1
+markleeville,740,9
+darden,1549,4
+collierville,333,0
+collierville,667,0
+darden,1274,2
+markleeville,825,7
+darden,158,1
+markleeville,1114,7
+darden,212,3
+collierville,26,2
+darden,1805,3
+corozal,1537,15
+markleeville,466,4
+darden,961,4
+collierville,704,1
+corozal,950,3
+markleeville,1054,2
+corozal,985,0
+darden,254,2
+darden,1470,16
+darden,676,1
+corozal,324,3
+corozal,0,3
+corozal,1071,1
+darden,1398,11
+corozal,929,0
+darden,1525,2
+darden,1059,6
+darden,1174,1
+darden,1376,1
+darden,1434,20
+markleeville,217,12
+corozal,647,0
+markleeville,587,0
+darden,1423,1
+darden,518,1
+collierville,297,6
+darden,1102,0
+corozal,200,0
+darden,1060,6
+corozal,92,11
+markleeville,593,6
+corozal,507,3
+corozal,28,0
+corozal,464,2
+darden,1687,5
+darden,1455,0
+corozal,1271,5
+collierville,353,2
+collierville,364,1
+corozal,280,3
+markleeville,907,12
+corozal,226,9
+darden,898,16
+corozal,1312,2
+collierville,672,4
+darden,305,6
+darden,137,3
+corozal,1326,15
+darden,922,3
+corozal,1084,6
+darden,942,8
+corozal,351,0
+markleeville,757,4
+corozal,639,0
+collierville,486,4
+collierville,460,5
+corozal,866,3
+corozal,1085,3
+darden,21,3
+corozal,514,1
+markleeville,516,7
+darden,1103,7
+corozal,1419,1
+markleeville,1036,2
+darden,1572,4
+darden,167,4
+darden,861,9
+collierville,536,4
+darden,458,3
+markleeville,1054,4
+darden,1963,1
+corozal,1218,2
+darden,903,3
+darden,117,5
+darden,1223,10
+corozal,752,3
+markleeville,883,1
+darden,1396,0
+darden,1770,3
+darden,1449,0
+darden,1050,0
+darden,416,10
+darden,1688,1
+darden,1036,6
+darden,1050,5
+corozal,170,2
+collierville,345,3
+darden,1866,10
+darden,1682,5
+corozal,994,2
+markleeville,407,0
+collierville,137,0
+corozal,521,0
+darden,721,3
+corozal,1410,3
+corozal,940,3
+darden,186,3
+darden,241,0
+darden,1581,0
+darden,492,2
+darden,778,11
+corozal,458,0
+corozal,406,11
+corozal,857,1
+collierville,318,3
+markleeville,705,5
+darden,1526,4
+darden,1413,4
+corozal,502,14
+darden,642,4
+corozal,59,2
+darden,838,2
+darden,206,3
+darden,34,1
+markleeville,78,0
+corozal,1036,3
+darden,259,1
+darden,696,3
+darden,1799,0
+corozal,331,3
+markleeville,586,2
+corozal,870,5
+darden,1363,3
+collierville,529,1
+collierville,675,1
+darden,781,6
+darden,155,1
+darden,703,0
+corozal,17,0
+darden,1702,4
+corozal,715,2
+darden,266,2
+corozal,1413,0
+darden,295,2
+darden,230,4
+corozal,791,0
+corozal,951,8
+markleeville,12,5
+corozal,506,3
+markleeville,362,14
+corozal,824,7
+markleeville,289,8
+corozal,551,7
+darden,332,1
+collierville,239,0
+markleeville,471,5
+corozal,312,2
+darden,1625,3
+darden,1811,2
+darden,1080,2
+darden,1371,2
+markleeville,448,1
+corozal,949,3
+collierville,243,1
+markleeville,657,1
+darden,1808,0
+darden,677,4
+corozal,479,0
+darden,1407,2
+darden,1601,1
+collierville,654,3
+corozal,1139,0
+markleeville,605,7
+darden,1335,4
+darden,1228,7
+darden,1651,0
+markleeville,1036,5
+corozal,328,2
+darden,1269,4
+corozal,119,0
+darden,283,1
+darden,52,5
+darden,1176,4
+markleeville,904,3
+corozal,7,12
+corozal,421,12
+collierville,10,3
+darden,341,4
+markleeville,1166,8
+collierville,638,3
+markleeville,1198,0
+darden,912,9
+corozal,943,3
+collierville,223,0
+corozal,1205,1
+darden,183,4
+darden,851,5
+collierville,2,3
+markleeville,1032,2
+darden,388,4
+markleeville,376,8
+collierville,341,1
+darden,1458,0
+darden,1250,11
+darden,1463,3
+markleeville,725,4
+markleeville,288,7
+collierville,308,1
+darden,786,2
+darden,1068,2
+markleeville,1051,14
+darden,1464,10
+darden,3,4
+corozal,1495,1
+darden,1672,0
+darden,1797,3
+darden,455,10
+darden,1644,3
+corozal,112,17
+darden,908,8
+corozal,1454,2
+corozal,791,1
+collierville,315,1
+darden,643,1
+darden,1003,2
+corozal,491,1
+darden,529,6
+corozal,696,0
+corozal,426,5
+darden,886,1
+collierville,64,0
+darden,1165,2
+collierville,503,1
+markleeville,228,0
+corozal,750,0
+darden,1452,10
+corozal,1471,2
+markleeville,662,4
+darden,318,1
+markleeville,429,1
+darden,1782,2
+corozal,476,5
+darden,1103,1
+darden,871,2
+corozal,81,8
+darden,1657,1
+darden,1178,2
+corozal,1282,11
+corozal,1256,4
+darden,210,23
+darden,1956,9
+darden,1032,2
+darden,1756,3
+corozal,1007,6
+corozal,152,17
+darden,124,4
+corozal,277,8
+markleeville,871,2
+markleeville,725,8
+darden,1071,10
+darden,832,1
+darden,1532,4
+darden,849,1
+darden,969,4
+markleeville,260,4
+corozal,1473,14
+markleeville,1149,3
+markleeville,1175,0
+corozal,100,1
+darden,1957,3
+markleeville,392,0
+markleeville,631,0
+collierville,237,3
+corozal,257,1
+darden,173,6
+darden,1385,10
+corozal,869,6
+collierville,370,2
+markleeville,990,0
+markleeville,1029,4
+markleeville,383,4
+darden,1420,7
+corozal,1219,2
+darden,496,3
+corozal,19,4
+darden,1794,0
+darden,81,1
+darden,1229,3
+darden,783,19
+markleeville,792,0
+markleeville,223,14
+darden,1749,3
+corozal,1136,2
+collierville,676,2
+corozal,1338,5
+darden,616,2
+collierville,636,1
+markleeville,504,3
+darden,898,21
+darden,1795,1
+darden,445,15
+collierville,174,2
+darden,1957,4
+corozal,917,7
+markleeville,228,3
+markleeville,594,9
+markleeville,152,3
+markleeville,808,6
+darden,1296,4
+darden,1637,0
+corozal,800,5
+darden,348,6
+markleeville,506,12
+markleeville,647,9
+markleeville,396,7
+corozal,954,4
+corozal,1210,6
+darden,1751,4
+corozal,34,4
+darden,733,15
+markleeville,170,9
+markleeville,706,5
+corozal,798,3
+darden,1773,3
+darden,1025,10
+markleeville,780,1
+darden,976,3
+corozal,683,5
+darden,28,0
+markleeville,243,0
+darden,52,1
+corozal,468,4
+collierville,553,2
+corozal,1264,16
+darden,553,6
+markleeville,524,4
+darden,1534,5
+corozal,847,1
+markleeville,710,2
+markleeville,747,5
+markleeville,1011,2
+corozal,979,13
+corozal,191,3
+darden,904,1
+corozal,336,1
+darden,1614,6
+darden,1740,0
+corozal,1122,1
+corozal,61,5
+corozal,138,2
+corozal,58,4
+darden,306,2
+darden,862,1
+corozal,1470,3
+darden,70,3
+corozal,157,1
+corozal,1365,4
+darden,148,2
+markleeville,395,4
+darden,41,3
+darden,1204,1
+collierville,416,1
+corozal,834,6
+corozal,1442,4
+darden,629,12
+darden,1815,6
+darden,1554,5
+darden,924,1
+darden,1061,14
+markleeville,555,1
+markleeville,424,0
+darden,1849,0
+darden,409,1
+darden,1725,0
+corozal,465,11
+corozal,1144,2
+collierville,546,0
+darden,110,2
+collierville,482,0
+darden,772,1
+markleeville,20,0
+markleeville,4,11
+collierville,627,2
+corozal,1205,15
+corozal,1208,6
+markleeville,870,7
+markleeville,990,3
+collierville,21,0
+corozal,285,6
+markleeville,409,3
+collierville,244,5
+darden,1916,4
+darden,1303,5
+corozal,406,0
+darden,1371,6
+corozal,1139,7
+corozal,1143,9
+markleeville,572,2
+darden,534,2
+corozal,784,11
+corozal,913,4
+darden,1462,3
+markleeville,1163,6
+markleeville,595,6
+corozal,1249,2
+corozal,227,0
+markleeville,251,1
+markleeville,1074,1
+markleeville,33,2
+darden,1568,4
+darden,153,8
+corozal,42,11
+markleeville,261,3
+darden,1092,2
+darden,1937,4
+collierville,394,2
+darden,1477,0
+corozal,32,0
+markleeville,116,3
+darden,605,8
+darden,1923,3
+corozal,961,0
+corozal,23,8
+darden,1186,0
+darden,942,5
+darden,613,1
+darden,833,2
+corozal,1309,0
+corozal,819,0
+markleeville,1087,2
+darden,707,6
+markleeville,194,8
+collierville,234,1
+darden,577,10
+corozal,1217,1
+corozal,301,1
+corozal,1117,7
+corozal,1087,2
+darden,1838,1
+darden,1104,1
+collierville,730,0
+darden,1580,2
+markleeville,1019,3
+collierville,628,0
+markleeville,435,3
+darden,867,1
+corozal,1451,3
+darden,224,0
+darden,160,1
+markleeville,1114,0
+corozal,433,1
+darden,718,9
+darden,1289,7
+markleeville,42,9
+darden,659,4
+darden,1347,5
+darden,343,4
+corozal,572,1
+corozal,47,1
+collierville,723,1
+darden,663,2
+corozal,265,0
+corozal,1081,2
+darden,1997,2
+markleeville,544,5
+darden,1298,3
+markleeville,1175,2
+markleeville,218,2
+corozal,1093,11
+corozal,321,17
+markleeville,528,4
+darden,987,3
+darden,484,0
+darden,1639,11
+corozal,194,15
+corozal,209,9
+collierville,241,1
+darden,1242,2
+corozal,1434,2
+markleeville,39,5
+markleeville,1022,4
+corozal,277,3
+corozal,242,14
+markleeville,902,3
+corozal,1555,2
+darden,618,3
+darden,391,8
+darden,1674,4
+darden,741,3
+darden,1438,6
+darden,568,3
+corozal,136,5
+corozal,1391,10
+corozal,1395,1
+darden,376,1
+darden,290,4
+corozal,902,5
+darden,1358,0
+darden,445,3
+markleeville,515,3
+markleeville,133,3
+corozal,980,7
+corozal,204,0
+collierville,129,9
+darden,1720,1
+darden,1682,1
+corozal,1473,6
+markleeville,500,0
+corozal,9,0
+corozal,132,5
+markleeville,463,1
+corozal,306,14
+corozal,206,4
+darden,797,14
+darden,356,0
+markleeville,227,7
+corozal,997,13
+darden,1609,3
+darden,1496,6
+corozal,161,2
+markleeville,304,0
+darden,1164,21
+markleeville,1171,3
+darden,1193,5
+darden,244,0
+markleeville,294,0
+collierville,723,6
+corozal,641,6
+corozal,100,0
+darden,619,3
+markleeville,1136,4
+darden,1063,1
+darden,1204,5
+markleeville,98,1
+corozal,319,1
+collierville,269,2
+corozal,276,5
+collierville,665,2
+corozal,194,8
+collierville,485,2
+collierville,376,1
+darden,954,1
+darden,1680,1
+markleeville,266,4
+markleeville,937,2
+darden,519,6
+markleeville,194,2
+corozal,906,2
+markleeville,620,12
+darden,1589,2
+darden,500,0
+collierville,55,0
+markleeville,766,1
+corozal,1032,5
+corozal,654,9
+markleeville,364,3
+corozal,276,17
+darden,813,3
+corozal,1019,2
+corozal,1169,2
+darden,192,2
+markleeville,756,4
+darden,1380,2
+corozal,1251,0
+corozal,1371,2
+darden,1288,7
+corozal,635,6
+darden,1328,4
+corozal,478,6
+corozal,1110,3
+markleeville,726,12
+darden,542,2
+corozal,82,7
+darden,669,4
+corozal,709,3
+markleeville,554,7
+collierville,162,1
+darden,95,1
+darden,1163,2
+markleeville,269,6
+darden,557,3
+darden,1105,7
+darden,1882,3
+corozal,566,0
+darden,171,0
+collierville,155,4
+corozal,13,5
+darden,244,3
+darden,1911,3
+darden,1747,13
+markleeville,663,0
+corozal,1537,11
+darden,998,1
+corozal,1319,14
+markleeville,471,10
+corozal,1267,3
+darden,1625,6
+darden,205,3
+darden,740,0
+darden,1500,2
+collierville,228,2
+markleeville,553,3
+darden,1952,1
+darden,1697,0
+darden,1482,5
+collierville,91,2
+darden,1707,8
+corozal,981,4
+markleeville,468,1
+corozal,1224,15
+markleeville,241,2
+darden,1167,1
+darden,127,0
+markleeville,791,2
+darden,1061,5
+darden,1463,2
+darden,305,8
+corozal,989,4
+darden,1590,2
+corozal,1007,5
+collierville,115,1
+darden,1428,1
+corozal,1249,6
+corozal,616,3
+markleeville,308,2
+corozal,181,12
+darden,1068,5
+corozal,1112,4
+corozal,935,0
+collierville,538,3
+darden,135,9
+markleeville,508,3
+corozal,1019,8
+corozal,1152,3
+darden,1956,14
+corozal,667,0
+corozal,1271,8
+corozal,1329,4
+markleeville,76,7
+markleeville,633,2
+darden,486,0
+corozal,1179,11
+darden,1185,8
+markleeville,1055,7
+markleeville,952,4
+darden,1958,1
+corozal,1375,2
+darden,425,7
+darden,198,13
+darden,1499,5
+markleeville,1075,1
+darden,1908,5
+darden,1488,0
+corozal,684,3
+corozal,1094,7
+darden,1681,10
+darden,1820,2
+markleeville,650,1
+corozal,1029,1
+darden,21,8
+corozal,457,1
+darden,1025,2
+darden,192,6
+darden,70,7
+darden,909,4
+darden,1607,0
+markleeville,139,2
+darden,1904,7
+darden,1067,2
+markleeville,836,2
+darden,1607,1
+markleeville,273,8
+markleeville,249,2
+darden,1604,0
+markleeville,541,0
+markleeville,587,4
+darden,1479,0
+markleeville,263,3
+markleeville,838,1
+corozal,614,2
+darden,807,1
+darden,1042,2
+corozal,580,1
+corozal,1279,3
+corozal,1261,2
+collierville,686,0
+darden,1246,6
+corozal,1143,16
+corozal,1390,11
+darden,1982,2
+darden,1959,5
+collierville,136,1
+darden,1724,3
+darden,633,4
+darden,1015,13
+markleeville,300,0
+markleeville,164,3
+collierville,81,5
+markleeville,256,1
+markleeville,945,6
+collierville,716,4
+markleeville,619,13
+collierville,342,5
+darden,219,7
+corozal,1346,2
+darden,1438,4
+markleeville,480,3
+corozal,41,7
+darden,1471,2
+collierville,36,2
+corozal,401,3
+darden,243,9
+darden,269,7
+collierville,530,2
+corozal,544,0
+markleeville,386,7
+darden,1176,7
+corozal,1216,8
+markleeville,534,1
+darden,1088,8
+corozal,801,4
+corozal,1407,9
+collierville,581,0
+darden,275,1
+darden,1386,5
+darden,213,2
+darden,592,1
+collierville,307,3
+corozal,828,1
+collierville,403,1
+darden,21,9
+corozal,530,4
+collierville,316,5
+corozal,1471,17
+corozal,141,3
+darden,1573,2
+corozal,875,0
+corozal,335,0
+corozal,894,10
+markleeville,206,6
+darden,1187,2
+darden,226,0
+darden,102,0
+collierville,702,2
+darden,425,3
+corozal,102,15
+corozal,1229,25
+collierville,418,2
+markleeville,378,8
+darden,950,1
+darden,135,1
+darden,1452,6
+markleeville,894,11
+darden,1039,2
+markleeville,167,9
+darden,237,1
+darden,1633,2
+markleeville,1082,1
+markleeville,539,4
+darden,900,6
+darden,250,7
+darden,1144,2
+darden,1338,3
+darden,1568,1
+corozal,19,5
+markleeville,464,4
+corozal,698,6
+corozal,301,9
+corozal,945,1
+corozal,102,9
+darden,159,8
+markleeville,577,7
+corozal,751,4
+corozal,925,0
+darden,1450,3
+markleeville,964,0
+darden,739,2
+collierville,661,3
+corozal,876,0
+corozal,611,5
+markleeville,171,7
+darden,121,0
+corozal,237,8
+darden,300,9
+markleeville,1005,2
+darden,47,5
+corozal,707,0
+corozal,74,2
+corozal,263,5
+markleeville,956,0
+darden,1426,3
+corozal,19,6
+darden,1351,2
+markleeville,847,0
+markleeville,1138,3
+markleeville,848,2
+corozal,1368,5
+markleeville,1153,3
+darden,858,0
+collierville,713,4
+collierville,537,1
+corozal,809,0
+darden,1757,1
+corozal,411,6
+corozal,1115,4
+darden,959,1
+markleeville,494,6
+darden,452,0
+corozal,994,5
+markleeville,666,2
+markleeville,1161,5
+corozal,61,4
+darden,1283,6
+darden,1278,5
+markleeville,679,5
+collierville,77,0
+darden,1985,0
+markleeville,104,3
+markleeville,113,4
+collierville,87,2
+corozal,783,5
+markleeville,830,0
+collierville,468,5
+darden,761,2
+corozal,143,8
+corozal,1548,6
+collierville,510,0
+darden,829,4
+corozal,1546,13
+markleeville,491,7
+corozal,424,10
+markleeville,19,4
+darden,797,13
+darden,445,16
+darden,1036,1
+darden,949,4
+darden,1566,3
+corozal,1550,0
+markleeville,265,1
+collierville,445,6
+darden,31,1
+markleeville,911,0
+darden,1398,0
+markleeville,273,4
+corozal,1459,5
+corozal,446,1
+darden,846,2
+darden,497,12
+darden,358,5
+markleeville,1159,4
+corozal,410,2
+corozal,1436,0
+darden,1801,0
+markleeville,639,5
+corozal,1070,0
+markleeville,515,1
+corozal,1501,9
+darden,1630,14
+darden,658,1
+darden,1322,0
+collierville,106,6
+corozal,1116,8
+darden,514,1
+corozal,830,0
+collierville,204,2
+corozal,212,0
+darden,845,0
+darden,276,4
+darden,1316,2
+darden,1609,1
+collierville,0,2
+darden,747,9
+darden,1639,6
+darden,785,6
+markleeville,1039,0
+corozal,1,1
+darden,1196,2
+corozal,491,4
+collierville,732,1
+collierville,285,1
+darden,975,8
+corozal,1231,2
+corozal,1513,10
+darden,517,0
+darden,1015,10
+darden,1554,2
+darden,1212,7
+markleeville,598,2
+collierville,646,1
+corozal,427,1
+darden,765,5
+markleeville,828,2
+darden,784,0
+markleeville,206,10
+darden,904,7
+darden,994,0
+markleeville,435,4
+darden,1345,5
+corozal,815,2
+markleeville,904,1
+corozal,384,2
+darden,1154,2
+corozal,1096,1
+markleeville,988,5
+corozal,457,2
+corozal,486,8
+corozal,1430,5
+darden,67,1
+collierville,468,6
+darden,1183,0
+markleeville,990,2
+markleeville,324,6
+corozal,909,1
+darden,716,4
+darden,558,4
+darden,644,0
+markleeville,811,5
+corozal,891,4
+darden,565,4
+markleeville,872,6
+darden,1015,4
+darden,399,1
+collierville,553,1
+darden,518,2
+darden,1112,1
+darden,477,0
+corozal,1254,0
+darden,1824,0
+darden,1805,2
+corozal,7,14
+corozal,390,2
+darden,1996,1
+corozal,1248,4
+darden,1944,1
+markleeville,939,2
+darden,1312,0
+collierville,685,1
+corozal,741,6
+darden,1828,10
+collierville,501,2
+markleeville,365,2
+darden,312,4
+darden,345,1
+darden,1654,3
+corozal,863,1
+darden,1096,0
+corozal,949,0
+markleeville,569,1
+collierville,8,4
+corozal,447,4
+markleeville,568,0
+corozal,577,4
+darden,728,5
+corozal,1303,1
+markleeville,666,4
+darden,704,9
+collierville,324,6
+corozal,189,4
+darden,1899,2
+darden,1504,2
+darden,1859,3
+corozal,870,2
+darden,1527,0
+corozal,446,0
+corozal,1490,2
+darden,974,1
+markleeville,975,5
+darden,1595,2
+corozal,3,6
+collierville,42,0
+darden,1434,17
+markleeville,929,6
+corozal,41,10
+corozal,1221,2
+darden,1391,3
+markleeville,939,3
+collierville,555,3
+darden,165,3
+markleeville,1161,3
+darden,1755,20
+markleeville,769,2
+markleeville,539,6
+darden,1148,6
+markleeville,671,2
+darden,1819,0
+darden,690,0
+darden,1687,3
+collierville,109,5
+darden,577,0
+corozal,524,0
+corozal,1136,4
+corozal,635,2
+markleeville,69,2
+corozal,389,4
+corozal,1388,6
+corozal,927,3
+markleeville,359,8
+corozal,644,0
+markleeville,84,3
+darden,1367,7
+darden,1506,4
+darden,1226,1
+corozal,581,1
+darden,1168,4
+collierville,38,0
+darden,769,0
+corozal,1501,11
+darden,22,5
+collierville,315,4
+darden,698,0
+markleeville,732,2
+darden,827,2
+darden,1251,0
+markleeville,814,10
+corozal,1330,0
+collierville,532,2
+corozal,83,1
+corozal,1125,3
+darden,1739,8
+darden,302,1
+markleeville,127,0
+collierville,557,1
+corozal,290,13
+markleeville,376,9
+darden,1718,0
+markleeville,839,0
+collierville,344,0
+corozal,1383,2
+darden,1099,7
+collierville,182,2
+darden,1496,4
+corozal,1164,1
+corozal,182,11
+darden,1663,3
+darden,1071,7
+corozal,756,8
+collierville,231,2
+markleeville,280,10
+darden,943,14
+markleeville,650,5
+markleeville,1198,6
+markleeville,624,5
+darden,1854,5
+darden,479,2
+darden,797,10
+darden,1833,5
+darden,500,2
+darden,647,4
+corozal,1232,1
+darden,243,8
+darden,1064,3
+corozal,609,3
+corozal,493,0
+darden,397,21
+darden,1993,6
+markleeville,164,5
+darden,288,1
+darden,1483,2
+darden,355,3
+markleeville,229,3
+corozal,1129,0
+darden,329,2
+markleeville,561,2
+corozal,1028,5
+darden,1774,5
+corozal,1529,0
+darden,469,1
+darden,1527,2
+markleeville,1068,1
+darden,983,3
+corozal,944,13
+darden,38,7
+darden,722,9
+corozal,929,2
+collierville,249,1
+corozal,507,5
+darden,465,6
+darden,180,0
+darden,1882,6
+markleeville,683,0
+darden,173,3
+darden,1653,5
+darden,1756,2
+markleeville,778,5
+markleeville,777,1
+collierville,235,0
+darden,739,1
+darden,573,9
+markleeville,967,5
+darden,821,0
+darden,1487,4
+markleeville,1080,9
+markleeville,580,7
+darden,1103,12
+corozal,1341,8
+collierville,464,1
+darden,721,2
+corozal,808,0
+markleeville,72,3
+darden,1002,14
+collierville,211,7
+markleeville,853,2
+darden,529,9
+collierville,554,3
+corozal,137,10
+corozal,775,1
+corozal,1390,14
+collierville,296,4
+corozal,932,13
+corozal,516,3
+markleeville,410,7
+markleeville,822,6
+corozal,1116,3
+darden,848,2
+darden,999,2
+corozal,878,0
+darden,1245,0
+corozal,1219,4
+collierville,643,1
+darden,526,3
+darden,1095,0
+darden,89,1
+corozal,164,12
+markleeville,245,0
+darden,1127,18
+collierville,142,0
+darden,1060,7
+markleeville,1045,6
+corozal,1356,6
+darden,470,2
+corozal,1412,6
+darden,144,5
+markleeville,1045,4
+markleeville,191,3
+markleeville,856,3
+darden,1255,2
+markleeville,67,3
+corozal,813,3
+darden,1384,11
+corozal,718,18
+darden,1481,8
+darden,290,0
+corozal,257,3
+corozal,150,5
+collierville,2,8
+collierville,451,5
+markleeville,987,2
+collierville,495,0
+corozal,816,0
+darden,607,2
+markleeville,894,10
+darden,594,5
+corozal,459,6
+collierville,258,1
+collierville,381,0
+markleeville,404,1
+corozal,1513,13
+markleeville,225,8
+corozal,334,1
+collierville,106,9
+corozal,509,2
+markleeville,1172,10
+corozal,1184,5
+collierville,718,2
+corozal,23,4
+darden,1614,0
+corozal,525,3
+markleeville,1161,1
+markleeville,94,0
+darden,1201,2
+darden,21,0
+collierville,398,3
+darden,313,6
+collierville,616,1
+darden,1159,3
+markleeville,501,4
+collierville,689,0
+corozal,27,7
+darden,886,4
+corozal,1114,2
+markleeville,998,4
+darden,1992,2
+darden,1334,2
+darden,519,7
+darden,615,1
+corozal,655,2
+darden,1341,1
+darden,240,1
+markleeville,725,5
+corozal,346,1
+corozal,1511,14
+markleeville,528,5
+corozal,308,9
+darden,1264,0
+darden,1905,2
+corozal,100,2
+corozal,1271,0
+markleeville,682,1
+darden,447,2
+markleeville,348,9
+darden,1856,5
+darden,1592,8
+collierville,43,2
+collierville,130,1
+darden,1586,1
+darden,1061,7
+darden,690,1
+markleeville,772,1
+corozal,277,4
+corozal,2,11
+markleeville,857,4
+darden,851,8
+corozal,40,2
+darden,1465,2
+corozal,45,3
+corozal,1383,4
+corozal,999,8
+collierville,701,0
+darden,415,7
+darden,728,10
+darden,1277,17
+corozal,116,1
+darden,692,6
+collierville,296,5
+corozal,1374,14
+darden,26,6
+markleeville,1038,2
+corozal,366,2
+collierville,727,7
+corozal,645,1
+collierville,469,6
+markleeville,490,1
+darden,1962,0
+corozal,1480,2
+corozal,1511,0
+darden,1006,9
+darden,291,2
+collierville,463,6
+markleeville,655,1
+corozal,782,0
+markleeville,869,6
+corozal,1444,11
+corozal,1555,3
+corozal,1128,3
+corozal,771,4
+markleeville,615,10
+darden,184,10
+corozal,1471,0
+markleeville,127,3
+markleeville,216,0
+darden,1250,9
+collierville,559,0
+darden,64,1
+markleeville,1123,3
+collierville,296,2
+corozal,660,4
+corozal,1384,4
+corozal,560,0
+markleeville,751,2
+darden,397,9
+collierville,148,5
+darden,32,0
+markleeville,1132,4
+darden,1307,12
+corozal,273,2
+markleeville,153,0
+collierville,432,3
+corozal,1391,8
+corozal,817,12
+corozal,62,4
+darden,775,0
+darden,412,6
+darden,1129,0
+darden,1813,6
+darden,1327,7
+darden,708,0
+corozal,1028,4
+collierville,452,2
+markleeville,492,4
+corozal,793,1
+markleeville,459,5
+markleeville,1057,6
+corozal,1430,16
+markleeville,1004,0
+markleeville,982,7
+corozal,1245,0
+corozal,979,8
+corozal,857,4
+corozal,1030,0
+corozal,400,1
+corozal,323,6
+corozal,172,1
+markleeville,882,1
+corozal,1252,3
+markleeville,498,0
+darden,1274,0
+markleeville,158,2
+darden,21,2
+markleeville,1055,8
+darden,1898,0
+darden,833,7
+darden,879,1
+darden,1454,0
+darden,366,4
+markleeville,142,5
+darden,978,2
+darden,1773,17
+markleeville,169,10
+corozal,1135,4
+darden,170,1
+corozal,181,3
+collierville,607,1
+darden,825,2
+markleeville,231,9
+corozal,98,5
+darden,561,2
+corozal,430,6
+markleeville,275,0
+corozal,1321,1
+corozal,1214,2
+markleeville,414,1
+markleeville,879,7
+darden,958,1
+corozal,817,2
+markleeville,943,2
+markleeville,131,2
+collierville,475,1
+markleeville,561,1
+corozal,1009,18
+corozal,1006,0
+darden,1762,1
+markleeville,563,0
+markleeville,1017,6
+markleeville,701,0
+corozal,829,0
+darden,1135,6
+markleeville,649,2
+darden,517,2
+darden,1810,0
+collierville,24,1
+markleeville,910,3
+darden,99,3
+darden,1648,0
+darden,1411,0
+darden,1665,1
+corozal,784,5
+darden,284,4
+darden,1589,3
+darden,1533,0
+corozal,800,0
+collierville,717,2
+markleeville,199,6
+markleeville,264,0
+corozal,575,4
+corozal,478,15
+markleeville,58,1
+darden,856,8
+corozal,1447,0
+markleeville,978,2
+markleeville,1070,1
+markleeville,589,3
+collierville,719,0
+darden,706,5
+darden,1222,19
+darden,1040,1
+collierville,401,0
+corozal,488,7
+markleeville,400,3
+collierville,736,4
+darden,1433,7
+darden,1796,5
+markleeville,371,7
+darden,1495,2
+darden,660,1
+corozal,1456,0
+darden,1331,6
+darden,1337,2
+markleeville,975,0
+markleeville,464,3
+darden,1501,1
+markleeville,887,3
+darden,965,1
+darden,671,2
+darden,1331,0
+markleeville,742,0
+darden,1434,9
+darden,1448,7
+markleeville,86,11
+corozal,766,3
+markleeville,689,2
+darden,1330,2
+darden,1746,2
+darden,1885,4
+corozal,1195,3
+corozal,726,4
+corozal,651,0
+corozal,1442,5
+markleeville,728,3
+corozal,161,3
+darden,635,0
+darden,654,1
+darden,1241,0
+collierville,396,2
+markleeville,266,0
+darden,1277,1
+corozal,1422,1
+darden,104,2
+corozal,294,4
+corozal,750,2
+corozal,951,11
+darden,909,12
+darden,84,0
+darden,403,4
+markleeville,283,11
+markleeville,1163,8
+darden,685,0
+darden,5,7
+collierville,113,0
+darden,247,3
+markleeville,570,3
+markleeville,184,0
+darden,915,8
+corozal,594,2
+darden,88,8
+darden,1476,2
+corozal,854,4
+markleeville,53,3
+markleeville,514,3
+markleeville,376,0
+markleeville,544,11
+corozal,919,5
+darden,1252,17
+collierville,618,3
+corozal,765,0
+collierville,726,2
+darden,529,1
+darden,1938,8
+corozal,1000,1
+corozal,1422,2
+corozal,423,0
+darden,1623,2
+corozal,874,10
+corozal,498,4
+corozal,253,1
+darden,1384,0
+darden,1485,3
+collierville,97,7
+corozal,1143,5
+corozal,1285,3
+markleeville,298,2
+collierville,339,3
+corozal,638,6
+markleeville,699,4
+corozal,1417,0
+corozal,469,19
+collierville,411,3
+collierville,45,4
+darden,628,9
+darden,1055,10
+collierville,91,1
+darden,219,8
+corozal,548,2
+corozal,679,3
+corozal,1491,0
+corozal,635,13
+darden,1160,0
+markleeville,755,7
+markleeville,402,5
+corozal,1558,5
+corozal,1180,2
+collierville,336,0
+darden,1982,3
+corozal,226,1
+markleeville,1085,1
+corozal,909,9
+corozal,561,2
+darden,488,4
+markleeville,211,1
+darden,1532,5
+markleeville,634,1
+collierville,679,3
+markleeville,191,2
+markleeville,577,5
+corozal,1559,0
+darden,560,2
+corozal,146,9
+darden,211,3
+darden,945,8
+darden,801,1
+darden,678,2
+corozal,184,0
+darden,1288,8
+darden,1087,5
+markleeville,1027,1
+corozal,15,1
+darden,267,0
+corozal,796,8
+corozal,1150,3
+collierville,540,6
+markleeville,749,0
+darden,336,2
+markleeville,139,9
+collierville,134,1
+markleeville,270,4
+corozal,943,1
+corozal,337,1
+markleeville,253,3
+darden,1808,2
+markleeville,308,10
+markleeville,308,9
+darden,551,10
+darden,392,5
+collierville,169,6
+markleeville,749,1
+corozal,632,1
+darden,295,3
+collierville,432,0
+corozal,1019,11
+darden,497,10
+markleeville,820,11
+darden,605,3
+markleeville,400,2
+darden,1862,9
+markleeville,855,3
+darden,112,2
+darden,335,1
+darden,491,6
+markleeville,119,4
+darden,1254,0
+darden,82,6
+markleeville,1023,10
+darden,1062,1
+corozal,81,12
+corozal,954,2
+corozal,782,14
+markleeville,1100,1
+darden,1895,3
+darden,863,1
+corozal,4,6
+darden,393,8
+collierville,6,4
+darden,1618,7
+corozal,319,3
+corozal,1078,1
+markleeville,176,0
+darden,66,20
+darden,565,8
+darden,865,0
+markleeville,860,2
+corozal,956,1
+corozal,362,2
+darden,569,5
+corozal,1248,3
+corozal,871,16
+markleeville,274,6
+corozal,883,0
+darden,1190,2
+darden,464,22
+darden,1211,0
+markleeville,1156,5
+darden,502,1
+markleeville,1063,0
+corozal,1128,1
+markleeville,391,13
+darden,1024,0
+collierville,180,1
+darden,1329,14
+corozal,906,1
+corozal,872,8
+darden,505,3
+corozal,789,0
+corozal,465,14
+darden,1369,3
+corozal,506,0
+corozal,515,2
+collierville,625,2
+corozal,604,0
+darden,106,2
+darden,566,11
+corozal,1529,16
+darden,1938,3
+corozal,1404,12
+markleeville,1164,2
+corozal,423,3
+darden,595,1
+corozal,290,10
+markleeville,1071,3
+darden,388,1
+collierville,579,0
+corozal,1025,7
+corozal,983,3
+corozal,125,0
+darden,1886,2
+corozal,580,3
+corozal,1325,0
+darden,1555,0
+markleeville,1135,2
+darden,20,1
+markleeville,83,3
+corozal,1090,0
+collierville,327,1
+markleeville,664,7
+corozal,6,5
+markleeville,812,9
+darden,1494,3
+markleeville,307,6
+darden,1902,11
+corozal,1453,0
+darden,1773,16
+markleeville,1182,6
+markleeville,608,7
+darden,1123,0
+collierville,3,5
+markleeville,780,3
+corozal,26,0
+darden,835,13
+darden,1919,7
+darden,1724,13
+markleeville,1102,2
+collierville,323,5
+corozal,1102,7
+darden,1375,0
+corozal,465,3
+markleeville,182,7
+collierville,112,1
+darden,1286,11
+corozal,2,10
+darden,1668,4
+darden,1263,3
+darden,1740,8
+markleeville,521,0
+corozal,1475,3
+corozal,1221,10
+corozal,533,0
+corozal,745,12
+corozal,964,1
+corozal,1158,3
+corozal,382,0
+markleeville,501,5
+darden,1994,2
+markleeville,466,8
+corozal,668,8
+markleeville,77,4
+darden,1264,6
+darden,1614,3
+corozal,1264,3
+darden,629,3
+darden,81,3
+markleeville,453,2
+markleeville,1016,2
+darden,1057,4
+darden,1948,0
+collierville,448,2
+darden,1085,11
+markleeville,1102,1
+corozal,1497,8
+corozal,1456,2
+darden,1907,11
+darden,709,3
+collierville,0,1
+collierville,352,5
+corozal,1109,4
+darden,1803,0
+darden,1277,16
+darden,1004,2
+corozal,944,14
+darden,317,8
+markleeville,371,5
+darden,1399,3
+corozal,1426,4
+darden,1838,4
+markleeville,331,1
+darden,972,0
+corozal,1143,11
+corozal,1075,17
+markleeville,305,9
+darden,317,3
+darden,187,4
+corozal,1009,0
+darden,1131,2
+darden,98,4
+corozal,1483,6
+darden,114,15
+markleeville,362,9
+corozal,1554,6
+darden,5,3
+darden,1386,6
+markleeville,594,11
+corozal,490,15
+collierville,14,4
+darden,210,1
+corozal,86,2
+darden,1318,6
+darden,1961,3
+markleeville,843,1
+corozal,1375,0
+collierville,459,1
+corozal,785,10
+corozal,1243,1
+markleeville,526,7
+darden,425,14
+corozal,679,8
+darden,523,0
+darden,807,0
+corozal,1114,0
+collierville,297,1
+corozal,1374,12
+darden,859,1
+darden,1919,11
+darden,1434,22
+markleeville,888,9
+corozal,709,14
+collierville,89,1
+darden,1691,12
+darden,794,0
+darden,1271,4
+corozal,889,12
+darden,180,4
+darden,1416,6
+darden,97,0
+markleeville,1089,5
+corozal,1374,16
+markleeville,397,0
+corozal,872,7
+corozal,1439,2
+collierville,53,0
+darden,1409,2
+corozal,1546,1
+darden,1065,2
+corozal,1467,4
+corozal,1229,4
+collierville,233,2
+darden,1755,8
+markleeville,907,11
+corozal,477,1
+markleeville,679,7
+darden,1318,8
+darden,783,5
+collierville,694,4
+darden,1164,15
+markleeville,645,8
+corozal,855,10
+corozal,1167,9
+corozal,85,1
+corozal,195,2
+corozal,1115,16
+darden,91,5
+collierville,43,0
+corozal,882,3
+corozal,652,1
+corozal,40,0
+markleeville,1029,12
+collierville,2,9
+markleeville,134,2
+markleeville,25,3
+corozal,1226,0
+corozal,382,4
+darden,1032,3
+corozal,1005,0
+markleeville,1081,1
+corozal,563,0
+darden,83,5
+darden,907,3
+corozal,1229,1
+corozal,980,2
+corozal,624,2
+darden,1250,0
+collierville,695,1
+darden,22,4
+corozal,1250,2
+corozal,752,6
+darden,1868,0
+darden,1403,2
+markleeville,309,4
+darden,1130,1
+darden,1775,0
+darden,1306,8
+corozal,1107,0
+corozal,848,0
+collierville,44,5
+markleeville,605,8
+markleeville,140,7
+corozal,23,9
+collierville,27,4
+darden,1483,5
+corozal,152,3
+markleeville,1079,3
+corozal,273,0
+corozal,1228,8
+corozal,90,7
+corozal,1179,8
+darden,441,2
+corozal,1544,5
+markleeville,1073,3
+corozal,439,9
+markleeville,1004,2
+corozal,1478,3
+darden,1372,2
+darden,797,19
+darden,290,6
+markleeville,497,1
+darden,670,0
+darden,1495,10
+markleeville,1172,11
+darden,475,4
+darden,1305,6
+markleeville,277,5
+darden,1636,0
+darden,1639,9
+darden,340,1
+darden,1675,12
+corozal,1247,4
+corozal,1459,6
+darden,783,0
+darden,757,0
+corozal,323,12
+corozal,432,4
+darden,1132,6
+markleeville,249,3
+corozal,445,10
+darden,634,3
+corozal,355,10
+corozal,279,1
+darden,1684,7
+corozal,787,7
+darden,1348,0
+collierville,365,1
+markleeville,763,3
+darden,367,8
+markleeville,200,4
+corozal,420,1
+corozal,760,13
+markleeville,352,2
+markleeville,817,2
+corozal,1394,1
+corozal,1021,0
+darden,1614,7
+corozal,6,3
+darden,1370,0
+darden,907,2
+corozal,79,0
+markleeville,202,2
+markleeville,201,1
+darden,1547,1
+collierville,352,3
+corozal,1043,1
+corozal,870,8
+markleeville,511,2
+collierville,358,1
+markleeville,553,1
+markleeville,169,13
+darden,588,0
+corozal,1512,2
+corozal,1062,7
+corozal,1529,5
+corozal,516,0
+darden,1852,4
+corozal,1233,5
+darden,451,1
+collierville,514,2
+corozal,379,0
+corozal,3,4
+darden,1058,2
+darden,1455,2
+markleeville,1126,1
+markleeville,716,9
+corozal,893,7
+corozal,384,0
+corozal,274,15
+darden,1458,2
+corozal,1483,10
+markleeville,61,1
+collierville,58,0
+markleeville,855,8
+darden,47,3
+darden,1610,5
+darden,91,11
+darden,1236,0
+markleeville,203,2
+corozal,243,16
+markleeville,195,4
+darden,1247,5
+darden,1140,0
+corozal,231,7
+markleeville,95,1
+corozal,1184,7
+corozal,564,5
+markleeville,476,0
+darden,959,10
+darden,1882,2
+darden,478,0
+corozal,16,4
+darden,1326,2
+corozal,955,7
+collierville,290,1
+darden,830,1
+markleeville,1162,7
+corozal,915,0
+corozal,279,3
+darden,1040,5
+darden,1874,4
+corozal,182,1
+darden,1026,2
+darden,1834,2
+darden,154,0
+darden,1981,4
+darden,651,3
+darden,1278,1
+darden,1273,3
+markleeville,189,1
+markleeville,1155,2
+corozal,822,0
+darden,413,9
+corozal,582,15
+markleeville,411,6
+corozal,1028,0
+collierville,585,3
+markleeville,83,6
+collierville,187,1
+corozal,945,13
+markleeville,584,5
+corozal,755,4
+darden,775,2
+corozal,204,3
+markleeville,1010,1
+darden,1254,3
+markleeville,214,3
+corozal,855,14
+corozal,1319,1
+corozal,154,12
+markleeville,1194,3
+darden,1065,3
+darden,1453,4
+corozal,1543,3
+markleeville,1104,2
+darden,1790,2
+corozal,188,1
+corozal,765,9
+corozal,934,5
+darden,348,0
+darden,1938,0
+darden,1705,6
+corozal,620,3
+markleeville,907,4
+markleeville,1062,2
+collierville,508,3
+corozal,898,2
+darden,96,1
+corozal,1104,1
+corozal,1079,12
+collierville,225,0
+darden,1768,0
+darden,1004,6
+darden,1558,3
+corozal,1253,6
+darden,1471,8
+darden,1731,3
+darden,1864,1
+collierville,61,0
+corozal,1359,3
+collierville,493,0
+markleeville,847,8
+markleeville,135,2
+corozal,1051,4
+darden,1734,5
+corozal,651,6
+darden,398,1
+darden,941,13
+corozal,898,3
+collierville,483,1
+corozal,321,20
+corozal,936,2
+collierville,204,1
+collierville,330,1
+corozal,751,0
+darden,100,3
+darden,93,4
+corozal,997,2
+darden,1136,0
+markleeville,389,10
+corozal,409,0
+corozal,598,0
+darden,1941,4
+corozal,142,7
+collierville,160,2
+markleeville,672,6
+markleeville,449,5
+corozal,1117,8
+markleeville,288,15
+darden,1717,10
+darden,524,0
+darden,1908,2
+darden,803,2
+collierville,314,6
+darden,342,13
+darden,508,1
+darden,1994,0
+darden,1933,3
+markleeville,47,1
+collierville,644,2
+darden,1957,0
+collierville,438,2
+corozal,266,3
+darden,1678,0
+darden,1095,1
+markleeville,291,0
+darden,1698,2
+darden,917,2
+corozal,508,2
+darden,747,12
+darden,857,5
+collierville,227,3
+darden,1689,1
+markleeville,71,4
+corozal,717,7
+markleeville,94,3
+markleeville,311,5
+darden,969,7
+markleeville,378,5
+darden,621,0
+corozal,417,0
+markleeville,608,3
+darden,487,12
+darden,714,2
+corozal,1033,7
+darden,529,11
+darden,1750,4
+corozal,348,1
+collierville,47,3
+darden,961,2
+darden,1321,12
+markleeville,736,5
+darden,454,4
+darden,114,1
+corozal,595,9
+collierville,593,7
+darden,1948,2
+darden,1831,5
+markleeville,1113,8
+corozal,591,3
+darden,1789,11
+corozal,87,1
+darden,1206,1
+darden,755,6
+markleeville,321,2
+darden,1888,5
+corozal,1159,2
+collierville,683,1
+corozal,1373,11
+corozal,152,14
+corozal,865,3
+markleeville,633,1
+darden,692,5
+darden,1888,4
+markleeville,1112,0
+corozal,1104,4
+darden,301,1
+corozal,1242,4
+corozal,839,2
+darden,861,4
+darden,89,4
+corozal,302,0
+darden,1291,1
+darden,862,2
+darden,1772,2
+markleeville,647,5
+darden,399,2
+corozal,1283,0
+darden,395,1
+markleeville,646,2
+darden,165,1
+markleeville,941,3
+darden,1606,2
+darden,1803,3
+darden,492,3
+darden,1974,9
+corozal,1525,4
+corozal,1473,4
+corozal,161,0
+markleeville,398,3
+markleeville,159,1
+darden,898,10
+darden,1039,3
+darden,9,5
+corozal,43,1
+corozal,392,0
+markleeville,83,0
+darden,198,4
+corozal,1013,0
+darden,99,2
+markleeville,277,1
+collierville,539,0
+markleeville,701,5
+collierville,469,1
+collierville,452,0
+corozal,936,3
+corozal,1319,2
+collierville,540,4
+markleeville,1095,5
+collierville,577,1
+darden,1146,2
+markleeville,980,12
+darden,1981,0
+collierville,496,7
+markleeville,840,5
+corozal,729,2
+markleeville,879,5
+darden,1483,8
+darden,1943,12
+markleeville,646,0
+corozal,783,0
+corozal,350,2
+darden,1662,2
+darden,1941,16
+markleeville,348,3
+darden,883,3
+darden,1181,0
+corozal,679,6
+darden,1490,2
+darden,144,6
+markleeville,620,4
+collierville,612,4
+markleeville,869,3
+markleeville,865,0
+darden,410,2
+markleeville,418,2
+corozal,242,15
+corozal,909,5
+darden,959,11
+darden,785,9
+corozal,756,11
+markleeville,681,1
+markleeville,554,9
+darden,1354,1
+markleeville,284,3
+darden,97,7
+darden,1342,0
+darden,451,0
+corozal,727,1
+collierville,607,0
+markleeville,929,4
+darden,161,6
+collierville,85,1
+markleeville,293,1
+corozal,889,5
+corozal,1386,2
+darden,1303,1
+markleeville,250,2
+darden,1307,2
+darden,21,6
+darden,202,1
+corozal,431,3
+corozal,882,1
+corozal,3,11
+corozal,238,3
+corozal,168,4
+corozal,817,4
+corozal,1418,0
+markleeville,763,0
+corozal,1048,2
+corozal,879,9
+darden,106,7
+darden,6,5
+corozal,1164,4
+darden,1682,4
+corozal,543,3
+collierville,614,1
+darden,1097,2
+markleeville,1037,4
+darden,1882,0
+corozal,1213,0
+corozal,203,1
+markleeville,417,0
+corozal,1443,4
+darden,28,1
+markleeville,662,2
+corozal,294,3
+darden,1708,1
+corozal,17,4
+darden,979,0
+corozal,1434,0
+corozal,478,8
+darden,1676,9
+corozal,1277,6
+darden,496,1
+corozal,1135,8
+corozal,587,4
+corozal,828,3
+markleeville,593,3
+corozal,439,2
+corozal,611,0
+corozal,1301,1
+markleeville,53,1
+markleeville,1116,0
+corozal,814,3
+markleeville,913,1
+darden,97,2
+corozal,1079,0
+darden,1004,4
+markleeville,189,4
+darden,603,2
+darden,1587,3
+corozal,1407,8
+darden,1290,0
+darden,646,1
+darden,1507,4
+darden,1213,5
+collierville,552,0
+darden,1291,2
+collierville,129,2
+darden,420,4
+corozal,1147,0
+collierville,620,6
+corozal,635,9
+darden,249,8
+corozal,1388,10
+darden,698,4
+darden,1752,3
+corozal,1391,6
+corozal,442,5
+darden,550,1
+darden,669,2
+corozal,466,13
+corozal,179,3
+corozal,1356,8
+corozal,644,4
+collierville,585,2
+corozal,1516,4
+corozal,102,12
+darden,856,9
+corozal,82,5
+darden,626,1
+corozal,1079,9
+darden,1309,5
+markleeville,149,0
+darden,1182,8
+darden,1008,3
+darden,68,7
+markleeville,23,3
+corozal,366,5
+darden,1800,3
+corozal,1310,0
+collierville,287,1
+markleeville,536,1
+markleeville,470,11
+collierville,188,5
+darden,1025,9
+corozal,503,6
+markleeville,624,2
+collierville,416,2
+darden,468,1
+markleeville,935,2
+corozal,1225,3
+corozal,91,4
+markleeville,563,1
+darden,1860,7
+markleeville,140,8
+darden,960,9
+corozal,938,0
+markleeville,1117,3
+markleeville,702,6
+darden,1282,1
+darden,915,6
+darden,640,3
+corozal,1408,3
+corozal,1358,3
+darden,1592,5
+darden,1925,2
+corozal,168,3
+darden,1129,1
+darden,1162,3
+corozal,689,7
+darden,138,0
+darden,1711,4
+markleeville,57,1
+corozal,724,0
+collierville,157,0
+darden,1907,13
+corozal,769,5
+collierville,357,2
+markleeville,182,3
+darden,903,2
+corozal,715,8
+corozal,1517,5
+darden,1861,2
+corozal,760,7
+corozal,1497,22
+markleeville,1199,0
+markleeville,583,0
+darden,1041,5
+markleeville,1061,7
+darden,567,1
+darden,415,4
+corozal,639,4
+corozal,809,4
+markleeville,479,0
+corozal,104,4
+markleeville,991,4
+markleeville,105,3
+markleeville,726,10
+corozal,306,9
+darden,797,3
+collierville,591,3
+darden,23,5
+darden,1166,1
+corozal,343,2
+darden,733,0
+corozal,513,12
+darden,1206,3
+corozal,1395,0
+markleeville,615,7
+corozal,1415,10
+markleeville,33,3
+darden,860,0
+darden,1306,2
+corozal,1398,3
+markleeville,472,4
+darden,703,7
+collierville,516,4
+darden,74,1
+collierville,65,0
+markleeville,1022,3
+corozal,393,4
+markleeville,8,0
+markleeville,170,0
+markleeville,731,4
+corozal,582,11
+corozal,1252,4
+corozal,1015,2
+collierville,684,2
+darden,173,5
+markleeville,1144,9
+darden,1487,0
+corozal,157,0
+corozal,376,2
+darden,424,2
+markleeville,142,10
+markleeville,982,2
+darden,86,6
+markleeville,1136,0
+collierville,688,1
+darden,1934,5
+darden,1116,5
+collierville,707,8
+corozal,120,2
+darden,1698,4
+darden,1943,19
+darden,1566,2
+darden,1404,0
+markleeville,1061,11
+corozal,812,3
+corozal,1491,6
+darden,695,10
+markleeville,910,0
+darden,89,10
+corozal,1405,2
+markleeville,603,3
+darden,365,2
+markleeville,1085,3
+corozal,1297,1
+collierville,735,0
+collierville,177,5
+darden,62,3
+corozal,34,2
+darden,537,8
+darden,1355,2
+corozal,162,2
+corozal,1209,17
+darden,371,1
+collierville,115,5
+markleeville,683,4
+corozal,864,0
+markleeville,70,0
+corozal,753,3
+corozal,1104,0
+markleeville,571,14
+darden,1624,4
+markleeville,1134,8
+corozal,432,8
+darden,228,7
+markleeville,103,5
+darden,1977,3
+collierville,418,1
+collierville,318,0
+darden,486,2
+corozal,1321,6
+corozal,444,2
+darden,1915,5
+corozal,1179,3
+corozal,792,11
+darden,853,6
+darden,355,0
+corozal,1229,20
+corozal,1243,12
+darden,1758,3
+corozal,1113,11
+collierville,523,2
+markleeville,142,15
+darden,99,4
+corozal,760,0
+markleeville,375,6
+corozal,1316,2
+darden,124,10
+markleeville,732,4
+markleeville,492,5
+corozal,392,3
+corozal,1237,6
+collierville,443,0
+corozal,575,6
+corozal,529,3
+darden,1598,0
+corozal,417,3
+corozal,845,2
+markleeville,492,2
+markleeville,674,7
+collierville,143,0
+darden,336,5
+darden,564,1
+collierville,565,0
+corozal,1379,0
+darden,1755,25
+markleeville,227,4
+corozal,1196,12
+corozal,478,18
+corozal,421,1
+corozal,1510,12
+corozal,1027,2
+corozal,980,5
+markleeville,214,2
+darden,1124,0
+corozal,1243,7
+corozal,270,2
+markleeville,962,0
+markleeville,35,0
+darden,58,2
+corozal,525,0
+markleeville,901,9
+markleeville,1072,5
+corozal,1510,11
+darden,1052,2
+corozal,1081,3
+corozal,41,14
+corozal,214,3
+corozal,1253,11
+corozal,628,5
+corozal,1292,5
+darden,575,4
+corozal,589,1
+darden,1088,7
+markleeville,16,1
+corozal,1224,11
+corozal,1036,1
+darden,1345,11
+markleeville,818,2
+corozal,997,11
+collierville,389,2
+markleeville,700,2
+darden,1385,0
+corozal,687,1
+darden,1671,2
+markleeville,960,6
+corozal,1247,1
+darden,1028,2
+darden,246,0
+darden,736,1
+darden,594,4
+corozal,1550,5
+corozal,1149,0
+corozal,385,1
+corozal,1539,0
+corozal,1411,3
+corozal,665,2
+collierville,187,0
+collierville,20,7
+darden,1542,11
+corozal,1511,18
+corozal,1542,3
+corozal,992,8
+markleeville,909,6
+darden,1557,6
+darden,985,1
+corozal,495,11
+darden,1684,4
+markleeville,1029,0
+markleeville,964,5
+darden,84,4
+markleeville,289,3
+darden,1463,1
+corozal,465,4
+corozal,264,1
+corozal,35,4
+corozal,1412,1
+corozal,951,12
+darden,1367,1
+darden,210,22
+darden,1392,2
+darden,197,4
+darden,871,7
+darden,1097,1
+darden,236,2
+collierville,132,0
+darden,346,3
+darden,287,1
+collierville,464,0
+darden,1675,15
+darden,774,0
+markleeville,347,0
+markleeville,1159,1
+markleeville,808,0
+darden,1289,5
+darden,1142,3
+corozal,917,6
+darden,550,5
+corozal,1290,13
+markleeville,383,6
+darden,1907,0
+markleeville,266,2
+corozal,10,2
+markleeville,861,2
+collierville,664,1
+darden,340,10
+corozal,1374,4
+darden,772,2
+corozal,1404,17
+corozal,369,9
+darden,1257,0
+darden,1184,5
+corozal,631,0
+corozal,1167,7
+collierville,449,1
+markleeville,467,1
+darden,320,0
+markleeville,680,9
+darden,391,5
+markleeville,539,10
+markleeville,1064,2
+markleeville,954,0
+corozal,779,10
+darden,1586,0
+darden,1071,0
+darden,798,2
+corozal,495,10
+markleeville,718,12
+markleeville,779,5
+darden,1042,7
+corozal,1143,8
+darden,1190,1
+collierville,436,0
+markleeville,774,0
+markleeville,619,1
+markleeville,72,1
+markleeville,1061,12
+markleeville,1065,4
+collierville,301,0
+markleeville,288,14
+darden,840,5
+darden,1761,1
+collierville,93,2
+corozal,274,17
+collierville,423,4
+corozal,916,2
+darden,594,7
+darden,1902,5
+darden,1755,2
+markleeville,416,8
+collierville,147,2
+markleeville,811,8
+darden,1457,6
+corozal,191,5
+corozal,784,12
+corozal,308,4
+corozal,77,6
+corozal,569,3
+markleeville,911,5
+corozal,699,1
+markleeville,673,4
+collierville,295,0
+corozal,1263,4
+markleeville,813,2
+collierville,336,2
+corozal,1242,5
+corozal,1385,3
+darden,1690,2
+darden,982,2
+darden,200,0
+corozal,206,5
+corozal,490,11
+collierville,674,2
+corozal,1493,5
+corozal,927,8
+darden,174,2
+corozal,907,8
+collierville,92,1
+collierville,468,2
+darden,1865,2
+corozal,94,2
+darden,1038,10
+markleeville,1174,1
+darden,1462,1
+darden,1279,1
+darden,1562,2
+markleeville,1072,15
+corozal,1097,3
+darden,1459,0
+darden,984,0
+markleeville,1036,3
+markleeville,926,1
+darden,655,9
+collierville,145,6
+darden,287,2
+corozal,551,17
+darden,1091,1
+darden,1907,6
+collierville,548,1
+darden,1004,1
+darden,984,1
+markleeville,492,3
+markleeville,746,2
+darden,1506,1
+collierville,733,5
+corozal,1371,6
+darden,1163,0
+collierville,681,2
+markleeville,557,4
+markleeville,798,9
+darden,1062,0
+darden,1817,6
+darden,962,1
+darden,618,1
+darden,1697,1
+markleeville,28,2
+corozal,1168,2
+corozal,1180,1
+corozal,535,3
+darden,790,2
+darden,874,1
+corozal,152,8
+darden,1981,3
+corozal,42,15
+darden,1774,1
+markleeville,148,0
+corozal,657,1
+markleeville,528,2
+corozal,539,0
+corozal,760,14
+corozal,474,8
+corozal,1427,12
+darden,1104,3
+darden,1224,4
+markleeville,321,5
+corozal,823,2
+markleeville,787,3
+markleeville,747,10
+corozal,1319,17
+corozal,1205,2
+collierville,689,4
+markleeville,640,7
+corozal,36,0
+darden,1817,3
+corozal,1055,2
+darden,619,1
+corozal,57,3
+markleeville,588,0
+markleeville,315,1
+markleeville,815,1
+darden,210,24
+darden,1506,7
+corozal,866,19
+corozal,465,13
+collierville,713,6
+corozal,140,5
+corozal,1378,12
+markleeville,848,5
+collierville,244,4
+corozal,665,1
+corozal,537,2
+corozal,211,8
+darden,1112,17
+darden,1121,3
+corozal,495,0
+markleeville,425,2
+corozal,300,10
+markleeville,1052,8
+corozal,589,2
+darden,791,14
+corozal,1497,21
+corozal,267,3
+corozal,591,1
+corozal,399,4
+corozal,1327,16
+corozal,587,1
+corozal,967,1
+corozal,1537,13
+markleeville,476,2
+collierville,480,1
+collierville,669,2
+darden,1839,4
+corozal,151,0
+corozal,981,20
+darden,829,3
+corozal,1390,0
+corozal,756,10
+darden,284,6
+collierville,163,1
+corozal,979,11
+darden,110,0
+corozal,19,0
+darden,758,2
+markleeville,1169,0
+corozal,922,1
+corozal,971,2
+collierville,549,4
+markleeville,639,4
+darden,302,9
+markleeville,872,0
+darden,1986,3
+darden,184,13
+markleeville,91,1
+darden,1863,1
+darden,1344,4
+collierville,654,2
+darden,1332,2
+markleeville,292,2
+corozal,866,17
+darden,142,7
+corozal,1009,9
+markleeville,363,0
+markleeville,910,6
+corozal,540,5
+corozal,1022,7
+darden,1128,2
+darden,1941,10
+corozal,148,5
+markleeville,1080,12
+corozal,553,1
+corozal,582,6
+darden,181,4
+markleeville,243,7
+corozal,78,10
+corozal,243,3
+corozal,1388,5
+darden,103,2
+markleeville,248,8
+corozal,1441,1
+markleeville,812,5
+collierville,528,3
+corozal,1362,5
+darden,24,5
+markleeville,539,1
+corozal,1292,11
+darden,241,3
+darden,1379,2
+darden,1504,1
+collierville,361,1
+darden,265,6
+corozal,535,0
+darden,1850,0
+corozal,1499,3
+corozal,1181,1
+corozal,583,6
+darden,602,10
+darden,835,12
+markleeville,377,3
+darden,1424,0
+darden,796,0
+corozal,231,18
+markleeville,630,3
+corozal,1488,17
+darden,1250,4
+corozal,696,1
+markleeville,182,6
+corozal,80,2
+corozal,427,5
+darden,156,1
+corozal,0,0
+darden,403,0
+corozal,810,0
+darden,1501,4
+darden,57,0
+darden,797,2
+markleeville,49,2
+markleeville,352,4
+markleeville,724,0
+markleeville,266,7
+darden,1480,1
+collierville,525,2
+corozal,554,8
+darden,958,3
+corozal,1105,8
+darden,259,0
+markleeville,1031,5
+corozal,864,5
+darden,359,0
+darden,1605,3
+markleeville,1060,6
+markleeville,50,6
+corozal,780,4
+corozal,1292,1
+collierville,57,2
+darden,1927,0
+corozal,484,3
+darden,1481,0
+darden,594,8
+corozal,162,6
+darden,134,1
+darden,1802,5
+corozal,1333,0
+corozal,222,5
+corozal,338,2
+corozal,237,4
+corozal,1476,4
+markleeville,323,2
+corozal,554,5
+collierville,329,2
+darden,1367,10
+markleeville,996,8
+darden,1839,0
+corozal,403,1
+darden,1354,7
+collierville,184,2
+corozal,374,1
+collierville,477,1
+markleeville,404,3
+collierville,467,1
+corozal,1521,0
+corozal,981,17
+darden,1661,3
+corozal,1119,2
+corozal,869,16
+darden,1846,8
+markleeville,1025,3
+darden,1724,17
+corozal,515,6
+darden,1716,4
+corozal,1079,6
+corozal,16,12
+markleeville,706,2
+darden,1252,3
+corozal,1094,3
+darden,1620,1
+corozal,230,8
+markleeville,1114,6
+corozal,661,9
+corozal,794,2
+darden,391,3
+markleeville,287,4
+markleeville,748,0
+darden,1784,4
+markleeville,872,9
+darden,648,0
+markleeville,985,1
+corozal,1035,5
+corozal,990,8
+corozal,654,8
+darden,41,6
+collierville,425,2
+markleeville,837,3
+darden,1309,2
+corozal,96,4
+darden,715,2
+corozal,198,8
+corozal,1013,1
+markleeville,560,2
+corozal,1484,0
+darden,1189,5
+collierville,537,0
+markleeville,953,3
+darden,1758,0
+darden,689,1
+corozal,1077,2
+markleeville,810,1
+markleeville,820,5
+darden,1512,5
+collierville,327,2
+darden,873,2
+markleeville,1031,4
+corozal,665,7
+darden,1960,6
+collierville,714,3
+darden,1270,2
+markleeville,2,6
+corozal,209,5
+markleeville,701,1
+darden,884,4
+markleeville,194,5
+darden,1365,3
+markleeville,411,2
+corozal,1046,0
+corozal,599,0
+corozal,330,3
+corozal,1425,3
+darden,1098,4
+collierville,585,1
+markleeville,1014,0
+darden,603,5
+darden,377,5
+darden,564,6
+darden,1318,2
+markleeville,916,0
+corozal,879,4
+markleeville,1018,3
+darden,642,0
+corozal,1498,2
+collierville,664,2
+markleeville,954,3
+corozal,1327,10
+corozal,1492,5
+markleeville,1173,3
+corozal,1488,6
+collierville,232,2
+darden,198,7
+darden,201,2
+darden,307,3
+corozal,1203,11
+corozal,369,10
+corozal,705,4
+darden,1246,3
+darden,670,4
+darden,670,6
+collierville,244,1
+markleeville,14,4
+markleeville,858,0
+corozal,629,4
+darden,1749,6
+darden,703,1
+corozal,975,0
+darden,1283,8
+darden,1366,5
+darden,580,12
+markleeville,350,8
+markleeville,1055,4
+darden,1450,0
+darden,755,11
+darden,214,0
+darden,579,0
+markleeville,777,0
+darden,643,7
+darden,1760,7
+darden,1544,7
+markleeville,729,2
+corozal,1370,14
+corozal,239,0
+darden,309,1
+corozal,612,3
+darden,747,4
+markleeville,624,8
+corozal,1415,6
+corozal,178,2
+corozal,355,12
+corozal,376,1
+darden,1065,6
+corozal,1479,3
+darden,814,0
+collierville,513,6
+corozal,1496,4
+darden,79,7
+corozal,1242,3
+corozal,1069,2
+darden,406,5
+darden,1025,1
+darden,1993,18
+corozal,1462,1
+darden,757,1
+corozal,1320,4
+darden,1111,3
+darden,1655,2
+corozal,1388,8
+darden,1481,5
+corozal,467,6
+markleeville,577,0
+corozal,363,5
+corozal,112,11
+corozal,1096,5
+darden,597,2
+collierville,168,4
+markleeville,601,3
+markleeville,435,8
+corozal,694,4
+corozal,75,0
+darden,15,1
+corozal,543,10
+darden,317,1
+corozal,429,4
+collierville,639,2
+darden,520,0
+collierville,42,1
+markleeville,720,4
+corozal,1444,5
+markleeville,978,4
+darden,897,0
+markleeville,224,0
+darden,491,0
+darden,34,7
+corozal,332,2
+collierville,451,2
+markleeville,952,0
+corozal,1371,7
+corozal,390,7
+corozal,1468,0
+corozal,1518,3
+markleeville,598,4
+corozal,1492,4
+darden,1755,17
+darden,1754,0
+markleeville,182,11
+darden,1377,3
+collierville,33,2
+darden,1065,11
+corozal,144,8
+darden,1254,4
+darden,1452,1
+corozal,851,1
+darden,1191,0
+corozal,119,13
+corozal,590,0
+markleeville,181,6
+darden,317,2
+markleeville,397,1
+corozal,846,1
+markleeville,78,9
+darden,1925,3
+corozal,817,3
+markleeville,440,1
+markleeville,249,1
+darden,858,5
+darden,759,5
+darden,1943,22
+corozal,682,0
+darden,415,5
+corozal,439,6
+corozal,393,0
+corozal,1430,13
+darden,969,12
+darden,238,0
+markleeville,878,0
+collierville,523,0
+darden,1421,0
+markleeville,93,0
+darden,215,1
+markleeville,351,0
+corozal,545,0
+corozal,1022,9
+corozal,1370,10
+darden,91,18
+darden,1735,2
+markleeville,504,4
+markleeville,13,0
+darden,693,9
+corozal,918,4
+markleeville,253,4
+markleeville,124,0
+collierville,379,1
+corozal,788,9
+collierville,213,0
+darden,767,3
+markleeville,219,4
+markleeville,496,1
+corozal,879,6
+markleeville,1120,2
+markleeville,344,4
+darden,1631,3
+corozal,205,1
+markleeville,725,1
+corozal,1065,5
+darden,363,6
+corozal,1003,0
+markleeville,279,6
+darden,1,2
+darden,1502,0
+collierville,31,1
+darden,1647,0
+corozal,1083,6
+darden,1775,1
+corozal,580,14
+corozal,1254,8
+corozal,1158,1
+darden,858,7
+corozal,618,1
+corozal,666,3
+corozal,502,11
+corozal,67,4
+markleeville,239,3
+collierville,141,1
+darden,1421,1
+darden,429,5
+corozal,1517,0
+markleeville,640,4
+collierville,491,1
+markleeville,1176,0
+darden,431,7
+darden,1987,1
+markleeville,274,4
+markleeville,1048,3
+corozal,1124,3
+markleeville,449,1
+corozal,1374,7
+darden,883,1
+corozal,619,1
+corozal,519,2
+darden,800,4
+markleeville,873,1
+darden,1088,9
+corozal,1282,8
+darden,476,2
+darden,1202,4
+corozal,439,4
+markleeville,622,2
+darden,983,5
+corozal,669,3
+darden,259,8
+markleeville,449,7
+markleeville,37,6
+darden,1211,5
+corozal,1420,1
+collierville,306,1
+darden,702,9
+darden,1993,19
+markleeville,786,4
+darden,1145,4
+corozal,1126,6
+darden,507,0
+darden,796,2
+darden,51,2
+corozal,932,5
+darden,1631,9
+corozal,1497,14
+darden,262,0
+collierville,466,1
+darden,1189,1
+corozal,466,2
+collierville,353,1
+darden,817,6
+corozal,1360,2
+darden,120,13
+corozal,102,16
+corozal,1505,3
+darden,1730,0
+corozal,146,0
+darden,679,0
+corozal,308,5
+corozal,797,5
+corozal,1138,17
+darden,1382,1
+corozal,71,1
+corozal,127,11
+corozal,788,10
+markleeville,758,2
+markleeville,882,4
+collierville,504,1
+corozal,212,3
+markleeville,660,5
+darden,1706,1
+darden,1621,8
+corozal,230,5
+darden,303,1
+markleeville,376,4
+markleeville,621,3
+corozal,1156,1
+corozal,231,17
+markleeville,854,3
+corozal,955,6
+darden,217,5
+collierville,482,1
+markleeville,23,0
+darden,1490,0
+collierville,649,0
+darden,80,3
+corozal,602,4
+darden,1451,3
+markleeville,91,0
+corozal,1388,0
+markleeville,1023,8
+collierville,24,2
+corozal,985,1
+corozal,1258,2
+darden,1983,0
+collierville,633,0
+darden,401,7
+corozal,1007,9
+markleeville,326,4
+corozal,745,13
+darden,525,2
+markleeville,170,3
+markleeville,88,4
+corozal,612,18
+corozal,934,9
+corozal,1551,11
+corozal,871,11
+corozal,1338,2
+markleeville,11,3
+corozal,1385,0
+markleeville,165,1
+darden,1436,1
+corozal,1267,4
+corozal,703,1
+corozal,695,3
+corozal,997,7
+darden,762,2
+corozal,951,9
+darden,587,0
+corozal,541,4
+collierville,97,4
+markleeville,1185,7
+darden,166,4
+markleeville,1172,4
+darden,880,1
+darden,1170,1
+corozal,1406,4
+markleeville,750,1
+markleeville,262,0
+darden,1828,1
+corozal,168,8
+darden,1611,5
+markleeville,697,4
+darden,1990,0
+corozal,783,2
+markleeville,1089,6
+corozal,1306,4
+darden,1110,2
+darden,870,1
+markleeville,716,7
+corozal,581,2
+darden,196,5
+darden,1602,1
+darden,1386,2
+markleeville,579,3
+corozal,1026,1
+corozal,603,1
+darden,884,0
+markleeville,705,2
+corozal,2,4
+darden,1055,6
+markleeville,904,2
+corozal,386,2
+darden,1144,0
+collierville,324,0
+darden,1247,2
+darden,1522,0
+collierville,256,1
+darden,969,8
+darden,885,1
+darden,387,4
+darden,1688,3
+markleeville,980,5
+corozal,875,2
+darden,1674,3
+corozal,1046,1
+corozal,1507,2
+darden,607,3
+collierville,214,1
+corozal,813,5
+darden,1787,5
+collierville,139,1
+corozal,998,1
+corozal,919,1
+corozal,14,1
+corozal,470,1
+markleeville,288,9
+corozal,1384,0
+darden,1462,4
+corozal,1458,1
+darden,1724,10
+markleeville,213,0
+markleeville,429,2
+corozal,508,7
+markleeville,75,2
+darden,1079,1
+corozal,1077,4
+corozal,1189,2
+corozal,1326,6
+markleeville,386,2
+darden,1778,2
+corozal,163,0
+corozal,1352,0
+darden,113,3
+darden,921,7
+darden,1305,2
+markleeville,759,2
+corozal,1179,12
+darden,921,3
+darden,4,4
+darden,1124,4
+markleeville,50,5
+markleeville,1065,6
+darden,735,1
+markleeville,86,0
+collierville,219,1
+darden,1712,8
+corozal,1044,2
+corozal,718,1
+collierville,523,1
+corozal,586,1
+markleeville,65,1
+collierville,301,1
+markleeville,730,7
+corozal,643,1
+collierville,4,1
+collierville,534,1
+corozal,1526,3
+collierville,315,0
+corozal,494,0
+corozal,1287,12
+corozal,154,8
+markleeville,1169,4
+darden,1457,2
+darden,1934,1
+corozal,1130,2
+darden,991,7
+darden,1116,6
+markleeville,26,5
+darden,1684,9
+markleeville,953,4
+corozal,1019,10
+markleeville,470,9
+markleeville,1104,0
+corozal,580,18
+markleeville,149,3
+markleeville,877,1
+collierville,198,1
+markleeville,144,0
+markleeville,524,3
+markleeville,1056,9
+markleeville,486,2
+corozal,1398,0
+corozal,271,2
+markleeville,114,2
+markleeville,253,1
+darden,1367,6
+corozal,1340,0
+markleeville,190,6
+corozal,418,0
+corozal,431,11
+markleeville,284,2
+darden,1741,2
+markleeville,1029,3
+collierville,579,1
+markleeville,547,5
+corozal,1060,3
+darden,517,1
+darden,79,10
+darden,66,1
+markleeville,1176,2
+corozal,321,10
+darden,1018,1
+corozal,102,10
+darden,748,2
+darden,952,0
+darden,356,1
+markleeville,715,0
+corozal,1400,3
+markleeville,168,4
+markleeville,848,0
+corozal,981,6
+darden,261,1
+corozal,430,12
+corozal,1548,3
+darden,827,1
+collierville,736,5
+markleeville,483,4
+darden,460,1
+corozal,952,2
+collierville,490,1
+darden,474,1
+markleeville,868,3
+darden,90,3
+darden,1931,5
+darden,1434,12
+collierville,723,3
+markleeville,387,2
+markleeville,1034,0
+collierville,202,2
+corozal,1247,0
+corozal,945,6
+darden,721,0
+darden,1693,0
+darden,1398,3
+darden,7,0
+corozal,796,10
+darden,1452,2
+corozal,891,1
+collierville,540,0
+corozal,350,5
+darden,82,2
+corozal,503,2
+markleeville,204,1
+collierville,251,0
+corozal,1245,1
+corozal,1326,4
+darden,1755,12
+darden,1126,0
+corozal,1505,1
+corozal,1388,3
+darden,87,1
+corozal,1055,5
+corozal,1153,1
+markleeville,601,2
+darden,564,5
+corozal,1353,6
+markleeville,660,2
+collierville,160,0
+darden,801,6
+corozal,151,3
+darden,1500,0
+darden,1015,5
+corozal,995,3
+markleeville,163,2
+markleeville,332,1
+darden,1497,4
+darden,454,3
+darden,1584,10
+markleeville,280,15
+collierville,351,1
+markleeville,1053,9
+corozal,1349,0
+corozal,1489,1
+darden,661,0
+darden,219,3
+markleeville,844,0
+darden,1682,3
+corozal,1011,3
+darden,755,1
+corozal,673,5
+markleeville,747,6
+darden,1016,2
+darden,338,6
+corozal,806,0
+darden,1087,11
+corozal,181,15
+corozal,88,3
+darden,1594,5
+corozal,1167,14
+darden,1620,7
+collierville,430,4
+darden,190,10
+corozal,54,3
+markleeville,752,3
+corozal,686,0
+darden,1061,6
+darden,801,3
+corozal,970,0
+markleeville,494,9
+markleeville,799,2
+darden,439,1
+corozal,1220,2
+corozal,135,2
+darden,617,1
+corozal,240,1
+collierville,381,5
+corozal,866,5
+collierville,557,0
+corozal,777,0
+corozal,1459,8
+darden,1866,22
+darden,1631,10
+darden,957,0
+corozal,1079,14
+corozal,119,11
+markleeville,835,3
+darden,854,3
+corozal,1316,4
+collierville,446,4
+darden,1806,7
+darden,1520,2
+markleeville,216,2
+darden,243,10
+markleeville,812,0
+markleeville,1149,7
+darden,729,4
+darden,1127,0
+corozal,110,7
+markleeville,97,0
+markleeville,814,2
+darden,1000,6
+darden,737,1
+markleeville,795,6
+corozal,1511,4
+corozal,1414,0
+darden,1309,7
+darden,784,8
+darden,529,0
+corozal,154,5
+markleeville,822,2
+markleeville,716,6
+darden,1707,0
+corozal,1010,15
+darden,1088,1
+darden,695,0
+corozal,280,6
+darden,1088,10
+darden,225,1
+corozal,1405,0
+darden,1640,3
+corozal,244,11
+corozal,391,6
+darden,959,5
+corozal,212,2
+markleeville,121,2
+darden,955,0
+markleeville,742,3
+corozal,71,2
+corozal,419,3
+markleeville,1109,3
+darden,1546,3
+collierville,45,2
+markleeville,843,0
+darden,96,4
+corozal,33,6
+corozal,1319,3
+corozal,1377,5
+markleeville,724,1
+darden,1544,0
+markleeville,6,1
+corozal,933,1
+darden,1029,7
+darden,76,3
+corozal,515,11
+markleeville,155,8
+darden,1584,6
+markleeville,1102,10
+corozal,1015,4
+darden,1742,2
+markleeville,459,3
+markleeville,642,6
+darden,1440,1
+darden,692,14
+darden,1208,0
+darden,431,5
+markleeville,824,1
+darden,522,1
+markleeville,562,0
+corozal,328,5
+darden,401,4
+markleeville,227,6
+darden,718,4
+corozal,1475,0
+corozal,132,4
+darden,1483,7
+darden,785,3
+corozal,1427,8
+darden,1318,3
+corozal,1459,4
+markleeville,475,1
+corozal,190,3
+markleeville,100,5
+darden,787,2
+markleeville,1190,3
+markleeville,798,1
+collierville,512,1
+darden,459,14
+corozal,228,0
+markleeville,970,6
+darden,653,9
+markleeville,272,6
+markleeville,866,1
+corozal,1019,4
+collierville,105,0
+corozal,924,1
+darden,167,0
+corozal,896,2
+markleeville,497,2
+darden,1771,10
+darden,942,6
+collierville,181,0
+collierville,343,1
+darden,66,21
+corozal,596,4
+darden,124,2
+markleeville,735,0
+corozal,582,9
+markleeville,821,1
+markleeville,631,7
+darden,580,9
+markleeville,1003,0
+collierville,488,1
+corozal,4,4
+darden,1649,0
+markleeville,497,3
+collierville,589,0
+darden,1704,0
+corozal,466,7
+markleeville,253,5
+markleeville,888,10
+darden,1248,3
+markleeville,262,4
+corozal,892,5
+markleeville,42,5
+darden,1111,2
+corozal,1005,3
+corozal,1125,0
+markleeville,297,3
+darden,1562,1
+darden,677,2
+darden,1584,18
+darden,387,1
+corozal,501,0
+darden,1442,23
+corozal,612,7
+darden,114,2
+corozal,1200,0
+darden,683,5
+darden,1862,2
+markleeville,495,3
+corozal,671,2
+darden,665,3
+corozal,483,0
+darden,1181,2
+darden,501,2
+corozal,1141,6
+corozal,1399,2
+darden,1759,4
+darden,1875,0
+corozal,1103,2
+darden,13,3
+corozal,489,1
+corozal,608,1
+corozal,936,8
+darden,1222,3
+darden,1687,1
+darden,340,2
+darden,150,3
+corozal,1179,10
+darden,1294,12
+darden,1983,2
+corozal,838,1
+markleeville,697,5
+darden,755,4
+corozal,1546,9
+darden,622,6
+corozal,565,4
+darden,45,1
+corozal,825,5
+markleeville,516,9
+markleeville,280,13
+darden,445,4
+corozal,427,2
+markleeville,716,2
+darden,1068,0
+markleeville,73,7
+darden,1567,0
+collierville,694,1
+corozal,851,3
+darden,603,6
+corozal,901,0
+markleeville,910,9
+corozal,1243,0
+darden,1192,2
+darden,1665,3
+corozal,478,11
+darden,191,3
+markleeville,761,4
+darden,1752,4
+darden,589,3
+corozal,990,3
+corozal,406,2
+corozal,225,3
+corozal,474,10
+darden,135,5
+markleeville,896,0
+corozal,81,4
+corozal,1430,6
+corozal,859,2
+corozal,1104,6
+corozal,942,0
+darden,47,0
+collierville,167,5
+collierville,348,5
+darden,1057,6
+darden,1917,4
+darden,1785,0
+darden,1743,3
+darden,187,5
+darden,536,21
+corozal,1430,19
+darden,1657,0
+darden,749,9
+darden,1065,4
+corozal,187,10
+darden,1815,2
+corozal,1138,15
+corozal,33,16
+markleeville,289,6
+markleeville,14,2
+darden,48,7
+corozal,882,2
+collierville,703,5
+markleeville,134,6
+markleeville,780,0
+darden,1921,11
+corozal,515,3
+darden,1134,0
+corozal,146,10
+markleeville,1064,0
+corozal,81,2
+darden,822,4
+markleeville,849,0
+darden,1970,1
+collierville,612,5
+darden,1587,1
+collierville,64,1
+darden,153,0
+corozal,338,1
+markleeville,1144,10
+darden,32,1
+corozal,1247,7
+darden,996,2
+markleeville,145,1
+markleeville,1110,8
+collierville,686,1
+collierville,257,1
+darden,1301,2
+darden,1474,3
+corozal,90,10
+corozal,873,1
+markleeville,1110,6
+darden,1862,4
+darden,1184,1
+corozal,958,1
+corozal,677,1
+corozal,152,10
+collierville,620,3
+corozal,216,1
+darden,700,2
+corozal,444,3
+corozal,1277,9
+corozal,88,4
+darden,546,1
+markleeville,820,0
+darden,1916,0
+darden,1536,6
+darden,1150,3
+collierville,260,2
+markleeville,152,1
+collierville,371,1
+markleeville,875,2
+darden,1404,2
+corozal,580,4
+corozal,1079,13
+darden,1250,3
+markleeville,1117,2
+corozal,1493,2
+corozal,757,1
+markleeville,252,0
+darden,1464,8
+darden,1847,6
+corozal,594,4
+darden,1764,0
+corozal,1262,9
+corozal,1463,2
+corozal,1008,3
+markleeville,835,2
+markleeville,597,8
+markleeville,628,7
+darden,779,0
+darden,1402,0
+darden,1856,6
+corozal,1395,2
+corozal,661,16
+markleeville,389,11
+darden,1474,2
+markleeville,71,6
+corozal,1147,2
+corozal,817,5
+corozal,41,15
+corozal,364,2
+markleeville,869,5
+corozal,390,5
+darden,174,5
+markleeville,585,1
+corozal,470,0
+corozal,474,9
+markleeville,391,4
+corozal,898,6
+corozal,494,2
+corozal,499,7
+corozal,271,1
+markleeville,66,0
+markleeville,1159,6
+corozal,1016,2
+darden,390,0
+markleeville,334,2
+corozal,1517,1
+darden,1532,6
+collierville,566,2
+corozal,537,3
+corozal,731,0
+collierville,250,3
+corozal,736,0
+corozal,99,4
+darden,1724,15
+corozal,860,5
+collierville,618,5
+darden,821,1
+corozal,549,3
+darden,17,1
+corozal,503,5
+darden,281,3
+markleeville,1185,6
+corozal,959,6
+darden,1962,7
+corozal,745,15
+corozal,472,0
+corozal,725,2
+corozal,4,2
+darden,818,2
+markleeville,253,0
+darden,1442,0
+darden,1210,6
+darden,467,2
+corozal,231,16
+markleeville,179,2
+corozal,726,0
+corozal,866,15
+markleeville,169,9
+collierville,621,2
+collierville,633,2
+corozal,1431,1
+darden,1993,2
+darden,499,0
+darden,281,2
+darden,1331,8
+collierville,535,2
+markleeville,67,1
+corozal,924,3
+markleeville,7,1
+markleeville,613,3
+corozal,1536,1
+collierville,211,1
+corozal,64,6
+darden,687,3
+markleeville,464,6
+darden,117,4
+darden,793,2
+markleeville,906,12
+darden,1471,18
+darden,1972,0
+collierville,259,2
+corozal,1011,0
+markleeville,168,1
+darden,1542,5
+corozal,1542,1
+corozal,828,8
+markleeville,1094,2
+corozal,1404,5
+darden,545,3
+corozal,825,1
+darden,405,0
+markleeville,705,8
+darden,465,0
+darden,1262,0
+darden,1025,11
+darden,536,8
+markleeville,847,4
+darden,1275,6
+darden,909,10
+corozal,1358,4
+darden,177,1
+markleeville,581,1
+darden,590,2
+markleeville,1141,1
+darden,681,5
+markleeville,1072,7
+darden,1176,2
+markleeville,173,8
+markleeville,465,8
+corozal,1546,7
+corozal,140,1
+corozal,1374,6
+markleeville,118,1
+markleeville,738,3
+darden,143,2
+darden,1871,2
+markleeville,642,1
+corozal,407,3
+markleeville,335,1
+markleeville,669,1
+darden,1956,7
+darden,175,4
+darden,1591,1
+darden,292,1
+darden,544,4
+collierville,495,2
+darden,767,1
+corozal,505,7
+corozal,1020,0
+darden,1509,1
+collierville,615,0
+corozal,1517,14
+darden,1467,1
+collierville,54,1
+markleeville,356,1
+darden,1809,3
+corozal,546,0
+corozal,171,3
+markleeville,82,2
+corozal,739,2
+darden,128,3
+darden,14,3
+markleeville,277,12
+corozal,1093,1
+markleeville,1161,0
+corozal,317,3
+darden,1897,5
+corozal,728,0
+corozal,689,5
+markleeville,319,2
+darden,1775,3
+darden,1270,4
+markleeville,1055,2
+markleeville,244,7
+darden,720,0
+darden,1806,6
+corozal,821,9
+markleeville,36,9
+darden,1339,1
+darden,1196,1
+corozal,1244,3
+markleeville,433,0
+corozal,682,15
+markleeville,77,2
+collierville,17,1
+darden,383,3
+darden,1350,2
+corozal,6,7
+darden,194,5
+darden,1967,4
+corozal,442,0
+collierville,148,0
+darden,535,8
+markleeville,125,2
+markleeville,477,2
+darden,1388,2
+darden,1638,2
+markleeville,709,13
+markleeville,695,1
+markleeville,1116,3
+markleeville,996,4
+markleeville,925,1
+corozal,784,0
+markleeville,88,6
+markleeville,243,1
+corozal,974,3
+markleeville,1023,4
+corozal,1386,0
+markleeville,431,2
+collierville,524,6
+corozal,1527,2
+darden,878,3
+corozal,368,4
+corozal,474,11
+corozal,1106,4
+darden,1610,3
+markleeville,539,3
+markleeville,721,1
+darden,1144,9
+markleeville,1108,0
+collierville,502,0
+corozal,95,1
+collierville,493,5
+darden,603,8
+markleeville,491,6
+corozal,915,4
+darden,456,11
+corozal,115,2
+markleeville,132,2
+darden,1804,3
+markleeville,705,3
+darden,113,1
+markleeville,288,3
+darden,1305,20
+darden,284,5
+darden,79,1
+corozal,476,3
+darden,282,3
+darden,910,5
+collierville,27,0
+darden,1133,5
+collierville,339,2
+darden,217,6
+collierville,83,2
+markleeville,299,2
+markleeville,1054,3
+corozal,993,2
+darden,1204,8
+darden,41,2
+corozal,202,11
+corozal,1167,6
+darden,980,2
+corozal,694,5
+corozal,344,1
+darden,638,2
+corozal,620,0
+markleeville,1188,0
+darden,972,3
+markleeville,442,7
+corozal,1214,5
+darden,576,8
+collierville,41,1
+markleeville,401,0
+collierville,305,6
+markleeville,708,1
+darden,851,6
+markleeville,822,7
+markleeville,154,2
+markleeville,877,8
+corozal,660,5
+darden,454,5
+markleeville,450,0
+corozal,532,6
+collierville,184,1
+collierville,362,8
+corozal,1472,6
+darden,1676,3
+corozal,490,18
+markleeville,816,1
+markleeville,426,4
+collierville,204,0
+markleeville,575,1
+markleeville,1163,0
+darden,1587,0
+corozal,1251,6
+collierville,242,1
+markleeville,237,1
+darden,1943,17
+corozal,1319,0
+darden,1943,8
+corozal,398,11
+collierville,31,4
+darden,1585,2
+corozal,134,5
+corozal,986,1
+corozal,1390,7
+darden,153,3
+darden,423,2
+darden,1688,2
+darden,300,8
+corozal,366,0
+darden,1029,4
+corozal,1368,13
+darden,33,3
+markleeville,208,4
+corozal,745,9
+darden,909,2
+collierville,279,1
+darden,759,6
+corozal,944,16
+markleeville,791,6
+markleeville,847,2
+darden,731,4
+corozal,932,3
+darden,397,15
+corozal,874,2
+collierville,304,7
+darden,1505,3
+corozal,282,6
+corozal,673,6
+corozal,1476,5
+darden,167,3
+markleeville,633,7
+corozal,857,16
+collierville,4,0
+darden,675,4
+corozal,1229,16
+darden,419,2
+corozal,1105,6
+corozal,1100,3
+darden,272,0
+markleeville,227,8
+corozal,908,2
+corozal,1115,12
+corozal,742,3
+corozal,1330,4
+corozal,1009,5
+markleeville,1151,4
+markleeville,433,5
+darden,248,0
+markleeville,845,7
+darden,1158,3
+markleeville,187,3
+darden,1522,3
+collierville,463,8
+darden,1212,3
+markleeville,800,9
+darden,1177,1
+markleeville,1036,8
+markleeville,761,1
+corozal,82,8
+markleeville,718,0
+markleeville,309,5
+corozal,674,3
+darden,450,2
+darden,222,1
+darden,11,5
+markleeville,36,5
+corozal,232,2
+corozal,1539,9
+corozal,1445,6
+corozal,1196,2
+corozal,242,16
+markleeville,519,4
+darden,1741,7
+collierville,450,2
+markleeville,299,0
+corozal,513,13
+darden,10,0
+corozal,981,23
+darden,951,0
+markleeville,465,1
+markleeville,798,12
+corozal,879,0
+markleeville,456,1
+darden,584,2
+darden,987,13
+corozal,1379,2
+corozal,266,1
+darden,171,1
+darden,6,3
+corozal,997,1
+collierville,600,3
+markleeville,841,1
+darden,1498,5
+markleeville,134,0
+markleeville,732,1
+corozal,106,0
+darden,457,3
+collierville,71,3
+corozal,30,0
+darden,992,4
+collierville,48,2
+darden,1184,14
+collierville,404,2
+corozal,148,17
+markleeville,505,0
+darden,1331,4
+markleeville,1009,3
+markleeville,11,4
+markleeville,1172,9
+collierville,11,0
+corozal,502,0
+markleeville,54,4
+markleeville,1012,1
+markleeville,1055,3
+corozal,1546,12
+darden,800,0
+collierville,679,2
+markleeville,890,2
+corozal,1340,2
+darden,967,7
+markleeville,1028,9
+corozal,1287,4
+markleeville,449,4
+darden,1654,0
+darden,330,3
+darden,744,2
+corozal,426,1
+darden,1857,2
+collierville,698,1
+darden,1967,3
+markleeville,981,5
+collierville,152,3
+markleeville,247,2
+corozal,1469,7
+corozal,224,4
+markleeville,901,7
+corozal,1551,4
+markleeville,231,3
+darden,1837,4
+darden,548,5
+corozal,1550,11
+corozal,277,5
+markleeville,227,2
+collierville,687,1
+darden,651,2
+markleeville,1043,1
+collierville,556,2
+darden,412,3
+darden,1919,2
+darden,1529,8
+darden,1752,2
+markleeville,744,11
+corozal,803,17
+darden,1675,1
+darden,835,0
+markleeville,185,10
+markleeville,32,9
+collierville,38,1
+corozal,1341,6
+darden,120,5
+collierville,443,3
+corozal,1470,6
+darden,455,11
+corozal,843,5
+corozal,616,2
+darden,1554,16
+corozal,1544,11
+darden,17,0
+darden,765,2
+darden,821,2
+markleeville,911,6
+corozal,636,1
+markleeville,492,0
+markleeville,345,6
+darden,1996,4
+darden,1545,3
+darden,200,3
+collierville,728,1
+darden,797,23
+corozal,1390,4
+darden,1591,7
+darden,1321,9
+markleeville,879,2
+markleeville,982,0
+markleeville,206,11
+corozal,597,0
+darden,348,4
+corozal,33,0
+markleeville,245,1
+markleeville,371,2
+markleeville,1025,1
+corozal,1090,2
+corozal,709,12
+darden,661,11
+corozal,1327,12
+corozal,1475,5
+markleeville,964,2
+collierville,665,1
+darden,456,3
+darden,65,0
+darden,1783,0
+darden,1006,7
+corozal,727,3
+corozal,928,0
+corozal,391,2
+darden,1073,0
+darden,1443,1
+corozal,337,2
+corozal,1354,4
+markleeville,948,3
+darden,1027,0
+darden,1917,2
+corozal,519,3
+corozal,1444,7
+collierville,555,2
+markleeville,1115,4
+markleeville,995,0
+darden,66,2
+darden,1658,4
+markleeville,919,2
+markleeville,1032,0
+corozal,1124,4
+collierville,595,1
+markleeville,708,6
+corozal,919,0
+darden,1083,4
+darden,880,12
+darden,1398,7
+darden,1275,13
+corozal,1433,1
+corozal,422,12
+corozal,975,2
+collierville,168,5
+markleeville,70,1
+corozal,944,8
+corozal,33,3
+corozal,1188,0
+markleeville,1139,6
+darden,1963,0
+darden,386,2
+darden,677,1
+collierville,81,4
+collierville,409,2
+darden,429,0
+darden,794,2
+collierville,169,2
+darden,840,2
+darden,536,19
+darden,1029,12
+collierville,574,1
+corozal,1205,0
+corozal,472,1
+darden,997,5
+markleeville,223,10
+markleeville,450,4
+darden,1597,4
+collierville,495,8
+darden,845,2
+markleeville,1161,2
+darden,622,7
+darden,448,3
+corozal,674,0
+collierville,394,3
+darden,692,11
+collierville,188,1
+markleeville,858,1
+corozal,282,5
+darden,1017,3
+collierville,300,0
+corozal,1159,7
+darden,1981,2
+corozal,478,1
+markleeville,884,6
+darden,929,3
+collierville,684,5
+darden,1625,9
+darden,87,3
+darden,1546,4
+markleeville,441,2
+corozal,1333,8
+darden,520,1
+corozal,709,7
+darden,42,3
+corozal,877,3
+darden,1719,3
+darden,1320,7
+darden,481,3
+markleeville,610,1
+darden,1401,1
+markleeville,909,2
+darden,1412,9
+corozal,106,4
+markleeville,714,1
+markleeville,803,0
+corozal,1068,5
+darden,1549,2
+collierville,289,1
+corozal,1485,0
+darden,1305,18
+darden,1368,0
+corozal,143,9
+darden,1685,4
+darden,561,4
+darden,403,7
+corozal,1016,3
+collierville,590,2
+corozal,1216,14
+markleeville,177,0
+darden,1879,1
+markleeville,204,2
+markleeville,14,0
+corozal,184,3
+markleeville,1057,8
+darden,184,15
+markleeville,1041,0
+markleeville,1141,2
+markleeville,651,1
+darden,1676,1
+darden,1788,3
+corozal,448,0
+markleeville,936,0
+markleeville,1046,2
+darden,1724,16
+markleeville,822,3
+markleeville,854,2
+corozal,1531,0
+markleeville,50,7
+darden,1540,16
+darden,346,5
+markleeville,1052,12
+darden,779,3
+corozal,1220,1
+collierville,330,2
+markleeville,202,3
+darden,1566,0
+markleeville,135,1
+markleeville,314,2
+corozal,204,1
+darden,421,3
+darden,1044,7
+corozal,48,2
+corozal,868,5
+darden,1473,0
+corozal,809,3
+markleeville,88,11
+corozal,803,16
+markleeville,747,2
+corozal,756,13
+darden,1507,6
+markleeville,642,4
+darden,1538,4
+markleeville,427,1
+darden,881,1
+darden,922,5
+corozal,24,2
+collierville,316,0
+darden,1974,5
+darden,1774,0
+markleeville,612,5
+markleeville,649,1
+markleeville,164,2
+darden,830,2
+corozal,580,25
+collierville,487,7
+corozal,448,4
+darden,1992,0
+corozal,490,6
+markleeville,1151,3
+corozal,261,4
+markleeville,398,2
+corozal,1118,2
+corozal,32,2
+darden,117,1
+markleeville,208,5
+markleeville,106,0
+darden,1899,10
+corozal,107,1
+collierville,228,3
+corozal,64,2
+corozal,1420,4
+markleeville,1003,1
+markleeville,1134,7
+markleeville,458,5
+markleeville,157,5
+markleeville,57,3
+markleeville,1078,4
+corozal,658,3
+darden,48,5
+markleeville,521,4
+collierville,658,2
+markleeville,1114,3
+darden,243,3
+corozal,358,1
+collierville,493,6
+corozal,751,6
+collierville,0,0
+darden,1132,5
+darden,1729,10
+darden,1708,10
+corozal,42,0
+markleeville,1171,1
+darden,831,9
+darden,1681,2
+darden,59,0
+corozal,1349,1
+corozal,33,11
+collierville,202,1
+collierville,84,3
+corozal,894,4
+markleeville,763,11
+darden,565,7
+markleeville,1018,9
+corozal,937,6
+corozal,927,0
+corozal,343,5
+corozal,1075,9
+corozal,296,0
+darden,1186,1
+markleeville,54,0
+corozal,77,2
+corozal,1041,1
+markleeville,834,1
+markleeville,971,1
+darden,944,2
+markleeville,527,0
+markleeville,952,6
+darden,941,1
+darden,1391,2
+darden,1896,1
+corozal,427,6
+darden,1554,0
+markleeville,854,6
+collierville,137,4
+corozal,1315,2
+darden,143,3
+darden,1955,0
+corozal,919,3
+markleeville,1107,1
+corozal,1475,8
+collierville,96,2
+darden,66,6
+corozal,656,3
+darden,97,3
+darden,1040,3
+corozal,138,0
+corozal,551,13
+corozal,1438,1
+collierville,54,2
+markleeville,918,6
+markleeville,474,0
+collierville,484,0
+corozal,633,1
+markleeville,100,4
+darden,1464,3
+corozal,626,12
+markleeville,1167,0
+markleeville,36,8
+darden,1542,1
+darden,268,1
+collierville,615,1
+corozal,1463,7
+corozal,1313,4
+darden,425,4
+corozal,1364,7
+corozal,1539,4
+collierville,526,1
+markleeville,87,0
+darden,1517,0
+corozal,749,1
+corozal,691,3
+collierville,152,2
+darden,1581,1
+markleeville,867,7
+markleeville,517,1
+markleeville,799,0
+darden,525,4
+darden,1222,15
+darden,1600,2
+corozal,284,2
+markleeville,1033,2
+collierville,250,0
+darden,838,14
+darden,629,7
+corozal,1527,4
+corozal,222,6
+corozal,873,3
+corozal,834,0
+corozal,938,5
+darden,779,4
+darden,1434,7
+darden,584,4
+corozal,306,11
+corozal,939,1
+darden,1410,2
+corozal,863,2
+darden,1215,2
+darden,56,2
+darden,684,0
+darden,1431,1
+darden,1126,2
+darden,1000,4
+markleeville,574,5
+darden,115,2
+collierville,326,2
+collierville,230,6
+collierville,215,2
+darden,1015,12
+darden,833,6
+corozal,605,0
+corozal,1081,4
+collierville,221,2
+collierville,574,0
+collierville,334,2
+corozal,1429,0
+darden,1287,2
+darden,1484,0
+markleeville,1016,0
+darden,1002,5
+darden,348,12
+collierville,586,5
+darden,1412,0
+corozal,112,16
+darden,563,2
+darden,937,6
+markleeville,869,7
+markleeville,785,2
+darden,738,6
+darden,69,2
+darden,174,1
+corozal,1546,15
+corozal,1415,3
+markleeville,811,12
+darden,913,2
+collierville,49,1
+corozal,889,9
+darden,1042,8
+collierville,724,1
+corozal,463,1
+markleeville,297,11
+darden,1747,0
+corozal,911,1
+markleeville,597,13
+darden,1210,7
+markleeville,88,5
+corozal,977,2
+collierville,96,0
+markleeville,902,4
+corozal,263,3
+collierville,259,1
+darden,459,8
+darden,397,14
+darden,1704,2
+darden,109,1
+corozal,1299,3
+corozal,406,12
+markleeville,544,2
+darden,784,7
+corozal,1055,4
+markleeville,868,4
+markleeville,962,3
+corozal,797,6
+darden,1529,0
+corozal,327,5
+markleeville,1084,4
+darden,1155,0
+collierville,15,2
+collierville,588,0
+darden,1694,0
+corozal,924,11
+corozal,997,3
+corozal,1517,3
+markleeville,221,8
+corozal,626,8
+darden,1494,2
+darden,913,1
+corozal,1268,3
+collierville,133,0
+darden,1222,0
+corozal,1321,3
+collierville,480,0
+corozal,282,0
+corozal,243,6
+collierville,158,0
+corozal,1216,13
+darden,535,0
+collierville,129,6
+collierville,191,3
+corozal,531,2
+markleeville,496,3
+corozal,612,17
+darden,1039,5
+corozal,496,5
+darden,289,8
+markleeville,1185,8
+darden,225,3
+markleeville,775,2
+markleeville,728,0
+darden,442,3
+corozal,1230,2
+corozal,1206,3
+corozal,1059,2
+collierville,583,2
+corozal,480,2
+darden,1068,7
+corozal,258,1
+markleeville,113,6
+corozal,1157,4
+darden,1282,0
+darden,1493,0
+darden,79,11
+markleeville,1030,2
+darden,1682,12
+darden,249,6
+markleeville,921,3
+corozal,503,3
+corozal,1486,0
+darden,722,8
+darden,563,1
+darden,1381,1
+darden,1657,4
+darden,1873,0
+corozal,247,1
+corozal,78,4
+darden,348,20
+corozal,1069,8
+corozal,1427,10
+darden,239,1
+markleeville,640,8
+darden,316,2
+darden,1166,4
+corozal,1237,0
+markleeville,603,0
+corozal,143,0
+markleeville,573,1
+collierville,478,3
+corozal,225,2
+darden,661,12
+corozal,848,17
+darden,685,2
+darden,1286,3
+collierville,404,1
+collierville,205,2
+corozal,498,2
+corozal,692,4
+markleeville,416,10
+corozal,1146,3
+markleeville,310,2
+collierville,583,4
+darden,958,0
+collierville,520,0
+corozal,1294,6
+corozal,459,8
+corozal,302,1
+collierville,66,1
+corozal,844,4
+corozal,717,5
+corozal,1121,2
+darden,1601,7
+corozal,1358,1
+markleeville,345,3
+markleeville,583,3
+darden,1471,3
+darden,514,3
+darden,1571,1
+darden,594,15
+darden,960,5
+markleeville,842,7
+markleeville,1172,1
+markleeville,444,0
+darden,815,2
+corozal,906,5
+markleeville,1058,2
+darden,818,0
+markleeville,377,2
+markleeville,914,3
+corozal,1444,13
+darden,205,1
+darden,1832,1
+corozal,367,4
+corozal,679,0
+markleeville,554,13
+corozal,455,5
+darden,1336,3
+corozal,1188,3
+darden,1457,0
+corozal,42,1
+darden,514,0
+corozal,1204,4
+darden,435,0
+darden,1275,4
+darden,1718,1
+darden,896,2
+corozal,1030,5
+markleeville,960,4
+corozal,250,4
+darden,1953,3
+corozal,218,3
+darden,1918,2
+markleeville,1072,12
+darden,946,3
+corozal,277,6
+corozal,323,4
+markleeville,1008,3
+corozal,685,1
+corozal,1502,4
+markleeville,219,0
+markleeville,24,0
+darden,593,2
+corozal,276,16
+darden,1320,4
+markleeville,1068,0
+markleeville,470,5
+corozal,989,3
+markleeville,980,13
+corozal,1082,3
+corozal,981,9
+darden,655,10
+darden,1033,1
+corozal,718,16
+darden,1701,1
+collierville,689,8
+darden,1099,4
+corozal,1137,2
+corozal,87,3
+corozal,301,2
+corozal,214,0
+markleeville,802,4
+markleeville,150,1
+corozal,787,13
+darden,1291,0
+corozal,1216,17
+corozal,526,6
+corozal,951,1
+markleeville,756,0
+markleeville,131,1
+darden,1517,5
+corozal,211,0
+corozal,420,2
+markleeville,1040,2
+darden,439,4
+collierville,582,5
+corozal,1126,4
+corozal,209,8
+corozal,148,11
+darden,89,3
+corozal,216,5
+collierville,686,3
+corozal,1370,0
+collierville,50,8
+collierville,666,5
+darden,1071,12
+darden,1035,1
+markleeville,985,2
+darden,714,0
+darden,1540,11
+darden,1941,13
+corozal,1262,1
+markleeville,190,11
+markleeville,554,2
+darden,619,4
+markleeville,57,8
+markleeville,464,0
+darden,1053,3
+darden,38,0
+markleeville,1147,7
+darden,1939,2
+darden,225,7
+markleeville,698,2
+markleeville,571,13
+darden,939,1
+corozal,17,3
+darden,224,4
+darden,1471,9
+darden,1907,17
+markleeville,1057,4
+corozal,1297,11
+markleeville,393,0
+markleeville,1108,3
+corozal,615,5
+markleeville,709,12
+corozal,946,2
+darden,1105,6
+darden,1936,2
+corozal,1165,3
+corozal,290,6
+collierville,124,1
+darden,1016,3
+darden,1427,1
+darden,33,2
+darden,477,2
+corozal,655,1
+darden,1885,3
+collierville,723,2
+collierville,50,0
+markleeville,96,0
+collierville,550,1
+darden,348,23
+corozal,953,4
+darden,1317,1
+markleeville,1040,4
+corozal,314,1
+markleeville,871,4
+markleeville,177,6
+collierville,167,2
+markleeville,549,2
+darden,5,2
+markleeville,115,2
+darden,185,4
+darden,1620,0
+markleeville,139,5
+corozal,308,3
+darden,1707,4
+markleeville,1057,12
+corozal,7,2
+markleeville,725,3
+darden,1543,0
+collierville,674,3
+markleeville,1121,0
+darden,800,1
+darden,1287,3
+markleeville,464,11
+corozal,1324,1
+corozal,1132,4
+corozal,716,8
+corozal,232,1
+collierville,558,2
+darden,566,9
+darden,1773,23
+markleeville,221,4
+darden,147,2
+corozal,871,19
+markleeville,871,0
+markleeville,56,0
+corozal,1542,5
+markleeville,840,1
+darden,1584,12
+markleeville,608,1
+darden,1852,1
+corozal,814,0
+darden,240,2
+corozal,1454,3
+darden,62,5
+darden,1578,2
+markleeville,902,2
+collierville,506,4
+darden,875,5
+darden,1540,19
+markleeville,53,5
+markleeville,390,3
+corozal,18,1
+darden,1399,7
+corozal,734,1
+markleeville,142,8
+markleeville,364,0
+collierville,454,0
+darden,218,7
+markleeville,1164,4
+markleeville,570,0
+darden,1337,3
+markleeville,219,5
+corozal,924,8
+markleeville,251,2
+corozal,906,4
+darden,934,11
+collierville,670,0
+darden,1592,2
+markleeville,1134,3
+darden,1538,0
+corozal,306,1
+corozal,11,6
+darden,447,3
+corozal,447,3
+darden,280,2
+corozal,1313,6
+corozal,1402,0
+corozal,867,6
+darden,863,5
+markleeville,84,10
+darden,1249,5
+collierville,101,2
+corozal,459,5
+darden,1215,5
+corozal,201,1
+markleeville,682,2
+markleeville,870,4
+corozal,1010,12
+collierville,145,1
+markleeville,71,5
+darden,1799,1
+darden,1931,2
+collierville,28,1
+darden,33,1
+darden,598,0
+markleeville,1149,6
+markleeville,844,5
+corozal,507,1
+collierville,289,0
+markleeville,209,0
+corozal,1355,2
+corozal,922,8
+darden,1421,9
+corozal,202,4
+markleeville,1057,3
+corozal,1392,1
+darden,1029,14
+darden,627,2
+darden,128,5
+corozal,1306,6
+darden,1529,6
+corozal,660,3
+corozal,127,5
+darden,342,4
+markleeville,920,1
+darden,1652,2
+collierville,397,7
+collierville,388,1
+corozal,1048,3
+corozal,358,4
+darden,1964,3
+darden,1619,5
+markleeville,34,2
+corozal,838,0
+darden,919,0
+corozal,732,0
+corozal,1274,2
+corozal,930,4
+corozal,1116,5
+darden,513,3
+markleeville,230,0
+darden,497,8
+corozal,164,7
+markleeville,615,9
+markleeville,706,3
+markleeville,617,2
+darden,1869,3
+darden,370,0
+darden,1789,8
+markleeville,291,1
+corozal,880,2
+darden,1540,6
+corozal,1263,6
+collierville,234,0
+darden,1800,1
+darden,946,2
+collierville,369,0
+corozal,190,1
+markleeville,1103,0
+corozal,975,7
+corozal,1486,1
+corozal,419,2
+darden,198,2
+corozal,704,1
+markleeville,602,1
+collierville,69,1
+markleeville,275,1
+collierville,427,0
+darden,433,2
+corozal,1224,1
+darden,1358,1
+darden,945,9
+corozal,1042,0
+collierville,553,7
+collierville,169,1
+darden,1294,5
+markleeville,1160,6
+corozal,760,2
+darden,47,1
+corozal,44,0
+darden,40,0
+markleeville,526,8
+collierville,679,0
+collierville,619,0
+corozal,191,4
+corozal,13,2
+corozal,1334,1
+markleeville,18,1
+darden,1967,12
+darden,749,6
+corozal,1366,0
+markleeville,895,4
+corozal,872,0
+corozal,165,3
+corozal,597,1
+collierville,303,4
+corozal,1292,0
+darden,229,0
+darden,60,3
+darden,1357,6
+markleeville,336,1
+corozal,246,6
+corozal,1208,4
+corozal,933,2
+markleeville,556,2
+corozal,1289,2
+corozal,889,14
+darden,179,3
+corozal,152,16
+markleeville,471,4
+darden,1209,3
+corozal,618,4
+collierville,477,2
+markleeville,305,7
+markleeville,917,0
+darden,1501,3
+darden,265,7
+collierville,736,3
+corozal,995,1
+darden,753,2
+corozal,199,0
+markleeville,1073,1
+markleeville,1132,3
+darden,1949,0
+markleeville,1111,1
+markleeville,579,0
+darden,1556,2
+markleeville,748,1
+darden,587,4
+corozal,1416,4
+markleeville,503,0
+collierville,729,1
+markleeville,608,8
+markleeville,946,1
+corozal,383,3
+corozal,637,6
+corozal,1283,3
+corozal,1263,5
+collierville,600,5
+corozal,1556,4
+corozal,152,13
+markleeville,583,10
+darden,914,1
+collierville,478,0
+corozal,842,0
+darden,248,11
+collierville,285,2
+corozal,664,0
+darden,1717,9
+darden,766,3
+darden,1419,0
+darden,190,7
+corozal,450,1
+darden,318,3
+corozal,334,0
+darden,1899,13
+markleeville,78,1
+darden,1121,5
+darden,133,0
+darden,717,1
+markleeville,653,1
+corozal,499,3
+markleeville,1085,2
+collierville,564,0
+markleeville,1059,0
+darden,1526,2
+darden,1029,5
+darden,1149,2
+markleeville,367,2
+darden,1307,10
+darden,273,6
+darden,945,14
+markleeville,307,7
+corozal,1144,9
+darden,1820,1
+markleeville,906,1
+collierville,51,1
+darden,1212,2
+corozal,1135,6
+markleeville,466,12
+darden,1474,0
+collierville,523,4
+corozal,1530,5
+corozal,750,3
+corozal,695,5
+corozal,438,4
+darden,242,0
+darden,703,5
+corozal,509,0
+markleeville,458,4
+collierville,713,1
+markleeville,994,3
+corozal,300,9
+corozal,594,3
+collierville,226,0
+corozal,1498,1
+markleeville,389,7
+corozal,1264,12
+darden,1769,0
+markleeville,832,2
+darden,203,0
+darden,1946,1
+markleeville,53,6
+corozal,1167,15
+darden,648,11
+collierville,187,3
+darden,362,2
+markleeville,1123,2
+darden,871,6
+darden,431,3
+markleeville,639,1
+corozal,110,3
+corozal,1037,0
+corozal,244,10
+corozal,232,7
+markleeville,671,4
+markleeville,431,3
+markleeville,800,0
+corozal,1367,0
+corozal,896,9
+darden,235,8
+darden,1689,2
+darden,445,2
+darden,100,6
+darden,1121,2
+darden,1739,7
+darden,336,4
+collierville,631,2
+corozal,730,0
+darden,835,19
+darden,1522,2
+markleeville,401,2
+darden,146,3
+corozal,167,4
+corozal,786,0
+darden,1089,6
+collierville,667,2
+corozal,1131,2
+darden,1720,3
+markleeville,169,11
+corozal,105,7
+darden,466,4
+markleeville,76,0
+corozal,483,15
+corozal,845,3
+darden,594,19
+darden,1938,1
+markleeville,703,1
+darden,1772,0
+darden,585,7
+darden,113,6
+darden,1008,0
+corozal,396,2
+darden,1057,0
+darden,1219,7
+markleeville,1152,1
+corozal,1445,3
+corozal,269,1
+markleeville,758,1
+darden,264,2
+corozal,1043,8
+darden,1768,3
+corozal,1460,3
+collierville,415,0
+markleeville,573,6
+darden,822,9
+darden,248,4
+darden,826,4
+darden,142,0
+darden,1258,1
+markleeville,913,5
+corozal,983,0
+markleeville,384,3
+darden,1248,0
+markleeville,350,0
+markleeville,487,2
+darden,878,7
+corozal,495,2
+markleeville,924,7
+darden,1846,2
+darden,760,0
+darden,1584,16
+markleeville,218,8
+darden,1675,16
+darden,876,1
+collierville,653,0
+corozal,267,2
+darden,1985,1
+corozal,1176,0
+corozal,1049,13
+markleeville,315,0
+darden,183,5
+markleeville,89,3
+darden,957,4
+darden,1740,3
+corozal,120,1
+corozal,1415,12
+darden,896,6
+corozal,421,0
+collierville,71,2
+collierville,411,7
+markleeville,375,1
+corozal,41,8
+darden,878,8
+markleeville,1052,3
+corozal,761,3
+corozal,174,2
+corozal,764,2
+markleeville,1041,1
+darden,1230,7
+markleeville,856,6
+darden,1847,3
+markleeville,114,0
+collierville,277,0
+corozal,92,13
+markleeville,396,5
+darden,1755,4
+corozal,1368,18
+corozal,1253,14
+collierville,717,4
+corozal,127,9
+darden,168,1
+darden,1047,4
+corozal,63,2
+corozal,612,1
+corozal,1115,8
+corozal,874,0
+darden,1386,0
+corozal,665,8
+corozal,1224,21
+corozal,337,5
+markleeville,966,1
+corozal,1116,0
+markleeville,210,2
+darden,342,9
+darden,1335,0
+markleeville,299,5
+corozal,634,1
+collierville,596,1
+corozal,1504,4
+darden,205,0
+darden,874,4
+darden,1066,2
+corozal,749,3
+corozal,1072,10
+markleeville,574,2
+darden,1300,4
+corozal,682,14
+corozal,158,2
+darden,1559,8
+darden,1811,3
+corozal,65,1
+darden,1653,1
+markleeville,640,3
+darden,1681,11
+darden,1831,4
+corozal,1216,3
+corozal,184,4
+collierville,267,0
+darden,187,7
+darden,605,2
+collierville,610,2
+darden,1048,1
+corozal,1510,1
+collierville,599,2
+collierville,531,0
+corozal,274,8
+darden,527,6
+corozal,744,8
+markleeville,792,3
+corozal,114,2
+corozal,897,3
+collierville,365,2
+collierville,343,2
+corozal,38,6
+corozal,1207,2
+corozal,1214,3
+darden,645,2
+markleeville,386,9
+darden,629,6
+corozal,544,4
+markleeville,971,2
+corozal,760,6
+corozal,437,0
+darden,1747,8
+darden,1468,2
+markleeville,163,0
+markleeville,702,5
+darden,1559,9
+darden,894,3
+collierville,361,2
+collierville,150,1
+markleeville,378,7
+darden,1867,0
+corozal,1109,10
+darden,822,0
+darden,909,13
+markleeville,103,2
+darden,558,3
+collierville,549,2
+corozal,965,1
+corozal,1430,1
+darden,1222,6
+markleeville,442,8
+collierville,479,3
+darden,1319,4
+corozal,460,6
+corozal,879,12
+corozal,1360,3
+corozal,1373,6
+corozal,432,13
+darden,797,9
+corozal,940,2
+darden,1242,1
+darden,787,5
+corozal,1453,5
+darden,297,1
+corozal,1463,8
+collierville,273,0
+darden,532,6
+corozal,1325,3
+corozal,1238,3
+collierville,663,3
+markleeville,324,10
+darden,891,1
+corozal,1087,0
+corozal,1374,8
+darden,1321,14
+darden,711,1
+corozal,1541,2
+corozal,1075,10
+markleeville,280,8
+markleeville,449,0
+darden,1543,1
+corozal,1358,0
+corozal,289,7
+darden,793,3
+corozal,1046,4
+markleeville,437,1
+darden,921,1
+markleeville,978,5
+darden,1592,11
+darden,1444,3
+collierville,566,0
+darden,598,4
+darden,290,3
+markleeville,754,3
+markleeville,59,4
+markleeville,1113,1
+markleeville,177,5
+markleeville,691,0
+collierville,316,1
+darden,1765,0
+darden,959,0
+corozal,220,3
+corozal,629,11
+darden,631,3
+markleeville,641,1
+darden,286,0
+markleeville,242,1
+darden,85,1
+corozal,704,0
+collierville,346,0
+markleeville,1102,3
+darden,70,2
+markleeville,539,2
+corozal,165,8
+markleeville,520,3
+corozal,869,15
+darden,648,10
+darden,1184,9
+corozal,1159,9
+collierville,563,0
+markleeville,228,2
+markleeville,1145,2
+darden,938,6
+collierville,661,4
+corozal,706,0
+corozal,533,4
+darden,413,7
+darden,943,6
+corozal,1030,2
+corozal,1115,2
+corozal,299,3
+markleeville,72,5
+markleeville,1074,3
+darden,38,5
+darden,1318,1
+corozal,592,2
+corozal,1031,2
+darden,936,3
+corozal,340,3
+darden,1584,7
+markleeville,217,10
+markleeville,417,1
+markleeville,376,3
+darden,1900,0
+corozal,923,2
+collierville,416,6
+corozal,1181,2
+darden,1771,3
+markleeville,798,2
+darden,1159,0
+markleeville,192,0
+corozal,1047,0
+corozal,1082,2
+markleeville,550,1
+corozal,706,2
+darden,892,4
+corozal,551,2
+corozal,821,1
+corozal,488,0
+corozal,457,4
+corozal,1267,2
+darden,726,2
+collierville,500,3
+markleeville,679,6
+markleeville,733,2
+corozal,961,3
+corozal,154,1
+darden,1267,5
+darden,359,2
+markleeville,641,0
+darden,757,4
+corozal,443,4
+markleeville,921,4
+markleeville,394,4
+markleeville,920,3
+darden,959,3
+corozal,64,18
+darden,934,6
+darden,312,2
+darden,1336,4
+markleeville,875,0
+corozal,534,0
+darden,1548,1
+darden,412,13
+markleeville,1153,0
+darden,605,4
+markleeville,1051,11
+darden,1279,3
+corozal,280,5
+corozal,202,2
+corozal,1537,6
+darden,585,3
+corozal,196,1
+darden,1346,2
+darden,566,0
+corozal,1243,6
+collierville,565,4
+corozal,478,10
+collierville,287,2
+markleeville,556,1
+darden,1071,5
+corozal,120,6
+markleeville,996,2
+corozal,1501,7
+markleeville,43,2
+corozal,1367,2
+markleeville,888,3
+collierville,467,2
+darden,1985,3
+darden,1749,4
+darden,334,0
+darden,1829,1
+darden,545,0
+markleeville,516,6
+markleeville,898,3
+darden,563,3
+markleeville,638,0
+darden,1864,7
+darden,348,1
+darden,232,0
+collierville,605,0
+corozal,155,6
+darden,661,6
+collierville,117,0
+corozal,112,10
+corozal,1426,3
+darden,1941,8
+corozal,1313,11
+corozal,1013,6
+darden,1301,1
+corozal,959,2
+darden,1011,0
+darden,1902,3
+markleeville,5,3
+corozal,1382,3
+darden,1802,0
+corozal,1255,0
+markleeville,605,5
+darden,874,0
+markleeville,1192,2
+collierville,3,0
+darden,1431,16
+markleeville,814,9
+darden,1976,2
+darden,576,6
+corozal,494,6
+markleeville,225,3
+markleeville,482,0
+markleeville,755,1
+darden,204,1
+corozal,595,3
+corozal,761,4
+collierville,346,3
+corozal,1195,1
+collierville,629,6
+collierville,44,0
+darden,1323,3
+markleeville,626,0
+darden,748,0
+corozal,973,2
+markleeville,787,1
+corozal,726,3
+markleeville,1127,0
+darden,1395,1
+darden,608,1
+corozal,866,18
+markleeville,172,3
+darden,523,2
+corozal,1192,3
+markleeville,159,0
+darden,1789,1
+corozal,911,3
+markleeville,32,2
+markleeville,24,4
+corozal,464,3
+corozal,1339,0
+darden,1856,9
+corozal,792,8
+darden,1283,2
+corozal,438,2
+darden,664,3
+markleeville,888,2
+corozal,982,0
+corozal,1118,3
+darden,919,6
+collierville,589,1
+corozal,1067,3
+markleeville,533,8
+markleeville,508,2
+markleeville,164,1
+markleeville,118,0
+corozal,243,13
+darden,1380,3
+darden,154,1
+corozal,181,5
+corozal,626,11
+corozal,1078,4
+darden,1830,7
+corozal,1013,14
+darden,1431,4
+darden,1103,5
+corozal,673,10
+markleeville,179,1
+collierville,352,6
+corozal,436,3
+corozal,291,3
+markleeville,629,3
+darden,536,5
+corozal,1372,1
+darden,532,2
+darden,946,0
+corozal,1090,6
+corozal,440,3
+corozal,1286,1
+markleeville,879,8
+corozal,513,4
+corozal,1497,12
+corozal,1488,3
+corozal,451,6
+corozal,168,5
+darden,1899,18
+corozal,460,2
+markleeville,981,3
+collierville,647,0
+darden,1942,0
+corozal,487,0
+markleeville,1084,0
+darden,1097,4
+markleeville,606,2
+corozal,232,6
+markleeville,606,1
+corozal,960,6
+markleeville,672,9
+markleeville,270,2
+corozal,1056,1
+markleeville,315,6
+corozal,1136,0
+darden,1716,2
+darden,1222,17
+markleeville,946,2
+darden,979,6
+darden,833,4
+collierville,138,2
+markleeville,856,8
+darden,352,6
+darden,648,4
+corozal,462,0
+markleeville,317,2
+corozal,977,1
+darden,529,12
+darden,1989,1
+collierville,551,3
+darden,1854,3
+markleeville,376,11
+corozal,50,4
+corozal,918,6
+darden,1676,5
+corozal,898,1
+collierville,670,2
+collierville,305,7
+darden,823,0
+darden,1809,0
+corozal,977,7
+darden,1941,5
+darden,250,5
+markleeville,1062,5
+darden,1874,0
+corozal,1068,12
+corozal,1243,2
+corozal,624,1
+darden,507,4
+darden,361,4
+darden,207,0
+corozal,467,3
+corozal,415,8
+corozal,1533,3
+corozal,937,11
+collierville,497,3
+corozal,518,5
+markleeville,1007,10
+darden,1721,2
+markleeville,627,1
+darden,1562,0
+darden,974,7
+corozal,941,1
+collierville,72,3
+markleeville,958,4
+darden,1585,0
+darden,1164,19
+darden,1283,12
+darden,1344,1
+darden,960,4
+corozal,186,1
+corozal,654,2
+collierville,434,2
+markleeville,552,1
+markleeville,989,5
+darden,1791,0
+corozal,957,2
+corozal,872,4
+markleeville,547,0
+markleeville,864,11
+darden,1354,2
+corozal,499,4
+darden,147,5
+darden,1132,3
+darden,1610,1
+collierville,408,6
+markleeville,735,3
+darden,628,5
+darden,1437,1
+darden,754,0
+darden,1164,17
+markleeville,736,0
+darden,1470,12
+corozal,1515,1
+darden,1524,0
+darden,1705,0
+darden,1360,0
+darden,641,3
+collierville,154,0
+darden,704,7
+collierville,317,0
+corozal,576,2
+corozal,41,9
+corozal,182,12
+corozal,679,13
+darden,620,1
+darden,199,3
+darden,1014,0
+corozal,1555,4
+markleeville,500,8
+darden,1939,3
+darden,928,1
+corozal,1131,0
+darden,938,8
+markleeville,736,4
+corozal,383,1
+markleeville,1118,3
+collierville,571,3
+darden,1626,3
+corozal,538,5
+corozal,1033,4
+darden,590,0
+markleeville,712,2
+markleeville,1128,6
+darden,1024,1
+corozal,1441,3
+darden,564,2
+markleeville,198,0
+markleeville,810,4
+collierville,587,2
+darden,218,4
+corozal,1546,17
+corozal,137,7
+corozal,253,0
+darden,632,1
+markleeville,566,2
+markleeville,551,0
+corozal,485,0
+darden,832,4
+corozal,1184,9
+markleeville,900,7
+markleeville,389,8
+markleeville,583,1
+markleeville,750,2
+darden,149,0
+corozal,1513,2
+corozal,1184,6
+collierville,513,3
+corozal,486,0
+darden,1353,0
+darden,764,4
+darden,1378,3
+corozal,1264,13
+corozal,276,3
+corozal,847,0
+corozal,1288,0
+corozal,1300,4
+markleeville,648,3
+darden,1638,8
+corozal,578,1
+corozal,473,6
+darden,1355,0
+corozal,723,1
+darden,580,3
+darden,1606,3
+markleeville,662,8
+darden,941,10
+corozal,946,1
+collierville,14,3
+corozal,748,1
+corozal,593,7
+corozal,1388,12
+corozal,948,0
+darden,358,0
+darden,1931,3
+corozal,745,4
+corozal,1229,0
+corozal,1394,9
+corozal,469,10
+darden,1334,0
+darden,898,7
+darden,35,4
+corozal,1326,9
+markleeville,400,1
+corozal,915,1
+collierville,489,3
+darden,289,5
+darden,744,3
+darden,1109,3
+darden,1450,1
+corozal,169,6
+markleeville,58,4
+darden,1790,4
+markleeville,260,0
+darden,1622,2
+darden,46,3
+corozal,912,1
+darden,1222,8
+darden,628,7
+markleeville,88,7
+darden,791,21
+darden,565,3
+corozal,1093,7
+markleeville,764,2
+darden,124,9
+collierville,397,1
+corozal,1183,6
+markleeville,270,0
+corozal,1318,3
+corozal,642,3
+darden,1915,0
+darden,1482,1
+collierville,2,2
+collierville,584,1
+darden,1578,1
+markleeville,1063,1
+collierville,390,2
+markleeville,768,1
+darden,304,1
+corozal,142,1
+corozal,613,0
+darden,1546,1
+darden,172,3
+markleeville,842,0
+markleeville,130,1
+markleeville,1149,2
+darden,702,7
+darden,945,1
+darden,1037,1
+collierville,125,0
+markleeville,179,8
+darden,266,26
+darden,920,2
+darden,1642,0
+darden,707,0
+markleeville,597,9
+collierville,343,0
+darden,1076,3
+corozal,571,2
+darden,441,1
+corozal,900,5
+markleeville,546,0
+darden,594,6
+markleeville,663,5
+markleeville,952,2
+darden,192,3
+corozal,1143,13
+darden,878,4
+corozal,607,0
+collierville,321,0
+markleeville,819,2
+darden,571,1
+darden,837,5
+corozal,997,9
+corozal,31,0
+darden,1121,12
+darden,1733,0
+darden,241,5
+collierville,643,0
+markleeville,888,8
+corozal,1301,7
+darden,892,1
+corozal,72,2
+collierville,220,0
+corozal,937,5
+corozal,1231,3
+corozal,624,0
+darden,63,9
+darden,1446,0
+darden,1967,0
+darden,1918,5
+markleeville,615,4
+corozal,1410,4
+corozal,990,2
+darden,367,3
+markleeville,308,7
+collierville,23,2
+darden,898,26
+markleeville,177,7
+corozal,1416,5
+darden,440,1
+darden,535,10
+markleeville,70,2
+darden,1093,4
+corozal,81,9
+corozal,1155,4
+corozal,575,0
+darden,172,8
+corozal,1026,2
+collierville,342,0
+darden,914,0
+markleeville,650,2
+corozal,723,0
+markleeville,25,2
+markleeville,886,9
+markleeville,290,3
+corozal,551,11
+darden,1597,2
+darden,738,4
+darden,890,3
+corozal,762,3
+corozal,798,0
+corozal,1400,7
+corozal,276,2
+collierville,451,4
+darden,1215,0
+collierville,442,1
+collierville,596,0
+markleeville,771,2
+markleeville,244,3
+darden,789,0
+markleeville,203,6
+markleeville,850,4
+collierville,445,7
+corozal,1033,17
+markleeville,845,2
+darden,131,1
+darden,932,3
+corozal,12,3
+collierville,636,3
+darden,1466,1
+darden,1858,3
+markleeville,897,2
+corozal,1314,0
+collierville,329,6
+darden,1283,7
+darden,788,6
+corozal,431,2
+darden,630,3
+markleeville,615,5
+darden,1159,2
+collierville,483,2
+collierville,713,5
+corozal,142,3
+corozal,618,5
+collierville,157,2
+corozal,5,1
+darden,414,1
+corozal,1106,9
+darden,1580,3
+darden,1916,2
+darden,569,4
+darden,1845,2
+collierville,610,0
+markleeville,744,9
+markleeville,79,0
+darden,1993,7
+corozal,716,10
+corozal,902,2
+corozal,937,2
+collierville,516,0
+corozal,671,9
+darden,682,4
+collierville,50,3
+markleeville,1092,0
+darden,921,6
+darden,1353,2
+collierville,220,1
+darden,572,5
+collierville,224,0
+corozal,369,15
+darden,440,3
+markleeville,14,3
+corozal,1520,1
+darden,1642,5
+darden,546,0
+darden,856,2
+corozal,1179,9
+darden,1268,2
+corozal,1438,2
+darden,1506,0
+collierville,117,2
+collierville,551,1
+collierville,381,2
+corozal,843,3
+markleeville,9,5
+corozal,1196,0
+markleeville,120,1
+corozal,1155,2
+collierville,97,8
+corozal,754,2
+markleeville,857,12
+corozal,434,9
+markleeville,875,5
+markleeville,899,2
+markleeville,576,2
+darden,1759,2
+markleeville,683,1
+corozal,1445,5
+corozal,502,2
+darden,1185,11
+darden,509,2
+markleeville,299,3
+darden,1891,4
+corozal,612,15
+markleeville,774,1
+corozal,845,4
+markleeville,389,0
+darden,766,0
+corozal,965,0
+corozal,679,15
+darden,584,0
+corozal,1139,6
+markleeville,649,6
+collierville,121,4
+corozal,855,18
+collierville,486,1
+corozal,290,17
+darden,1708,0
+collierville,198,0
+darden,11,1
+markleeville,1161,7
+markleeville,648,0
+corozal,395,1
+corozal,1549,6
+collierville,172,2
+darden,1954,2
+darden,461,1
+collierville,174,3
+corozal,42,12
+darden,1164,14
+markleeville,716,10
+corozal,1075,7
+corozal,75,2
+darden,409,6
+markleeville,593,4
+darden,481,2
+corozal,1558,1
+corozal,1307,0
+collierville,185,1
+darden,1453,14
+collierville,333,1
+collierville,469,4
+corozal,850,5
+markleeville,512,2
+corozal,682,17
+corozal,633,0
+corozal,360,1
+corozal,703,0
+markleeville,673,1
+corozal,744,2
+darden,1242,5
+markleeville,442,4
+darden,562,3
+corozal,187,15
+corozal,89,3
+corozal,752,7
+markleeville,594,7
+darden,1045,2
+corozal,1496,1
+markleeville,765,1
+corozal,615,15
+corozal,455,0
+darden,1421,7
+darden,417,6
+darden,987,6
+darden,868,3
+corozal,268,4
+corozal,23,10
+darden,1476,4
+darden,1670,4
+corozal,1246,5
+markleeville,903,2
+corozal,1547,4
+darden,256,0
+darden,822,3
+darden,826,3
+corozal,1339,5
+darden,1591,4
+collierville,120,2
+darden,1406,3
+corozal,782,6
+corozal,1196,6
+markleeville,10,0
+darden,1358,6
+collierville,658,0
+markleeville,244,9
+darden,1899,7
+darden,1371,7
+markleeville,637,3
+corozal,1093,3
+darden,159,1
+darden,577,6
+corozal,677,2
+corozal,1414,2
+markleeville,466,6
+darden,243,0
+darden,1593,6
+corozal,138,3
+corozal,1105,7
+markleeville,584,1
+corozal,511,2
+darden,269,3
+darden,159,7
+darden,1936,8
+darden,964,7
+markleeville,388,3
+corozal,193,8
+corozal,1445,4
+collierville,293,1
+darden,1782,1
+darden,1681,17
+corozal,81,11
+darden,117,3
+markleeville,383,2
+collierville,721,2
+corozal,1078,6
+markleeville,367,9
+darden,274,2
+corozal,214,4
+corozal,1047,2
+darden,1538,5
+corozal,1209,6
+darden,1559,6
+markleeville,698,1
+markleeville,185,4
+corozal,1510,13
+corozal,306,6
+darden,594,10
+darden,1517,6
+markleeville,679,8
+darden,720,2
+darden,1822,8
+markleeville,1081,0
+markleeville,389,6
+collierville,582,1
+corozal,1167,11
+corozal,44,5
+corozal,262,3
+corozal,622,1
+corozal,473,4
+corozal,1205,5
+corozal,248,11
+markleeville,585,3
+collierville,417,1
+darden,266,5
+darden,426,0
+darden,63,4
+corozal,466,5
+markleeville,104,7
+corozal,798,1
+darden,66,19
+corozal,961,1
+corozal,1130,4
+markleeville,76,6
+corozal,60,2
+markleeville,1170,2
+corozal,118,5
+corozal,1472,4
+corozal,165,0
+darden,763,0
+markleeville,765,4
+darden,900,1
+markleeville,1011,8
+darden,1477,2
+darden,551,0
+markleeville,2,5
+collierville,268,0
+corozal,216,3
+markleeville,981,4
+darden,945,0
+corozal,508,13
+corozal,1055,3
+collierville,19,2
+corozal,1106,1
+corozal,717,0
+markleeville,3,4
+corozal,6,6
+markleeville,229,6
+corozal,1205,8
+darden,57,2
+corozal,1335,3
+darden,1921,5
+darden,1064,9
+collierville,106,7
+corozal,787,12
+markleeville,884,7
+darden,741,7
+markleeville,22,1
+darden,1823,9
+darden,1567,1
+darden,733,3
+collierville,30,4
+darden,678,0
+corozal,340,2
+corozal,1453,1
+markleeville,906,10
+darden,1596,0
+darden,1573,5
+corozal,1228,6
+darden,1189,7
+corozal,1448,0
+corozal,1371,17
+markleeville,292,3
+markleeville,474,4
+corozal,201,2
+markleeville,159,4
+darden,1654,5
+corozal,1292,8
+corozal,788,6
+corozal,1546,8
+markleeville,1132,11
+darden,1951,0
+corozal,254,2
+collierville,114,3
+corozal,1505,5
+darden,1842,2
+collierville,115,6
+corozal,1135,1
+darden,463,1
+corozal,237,9
+markleeville,540,1
+corozal,783,4
+darden,21,4
+darden,1214,0
+corozal,380,10
+corozal,428,1
+markleeville,157,4
+corozal,1177,2
+markleeville,113,0
+markleeville,51,3
+markleeville,531,1
+darden,1984,2
+darden,125,2
+corozal,1001,1
+darden,417,1
+darden,330,5
+darden,9,6
+darden,1150,17
+markleeville,896,2
+corozal,1263,2
+collierville,28,0
+darden,656,1
+corozal,1195,4
+markleeville,62,0
+collierville,308,2
+corozal,695,6
+corozal,418,4
+darden,50,4
+corozal,1547,7
+corozal,481,2
+corozal,1334,2
+darden,458,1
+markleeville,778,2
+darden,1271,3
+markleeville,791,3
+darden,1700,3
+markleeville,656,7
+darden,870,4
+darden,383,2
+corozal,69,3
+corozal,1498,0
+corozal,1387,5
+markleeville,164,6
+darden,1109,1
+markleeville,11,2
+markleeville,791,0
+collierville,425,1
+darden,302,8
+darden,1286,5
+corozal,907,4
+corozal,1204,3
+darden,1177,4
+darden,512,4
+corozal,1368,11
+markleeville,345,0
+darden,1121,0
+darden,863,0
+corozal,1247,5
+corozal,1072,8
+darden,282,0
+markleeville,272,5
+corozal,92,1
+darden,1104,4
+markleeville,1111,0
+markleeville,354,1
+corozal,495,8
+markleeville,92,4
+darden,331,0
+darden,1617,7
+corozal,82,6
+corozal,83,4
+darden,1219,8
+darden,1252,0
+corozal,21,4
+markleeville,1119,0
+markleeville,1146,15
+markleeville,631,1
+corozal,889,1
+darden,1903,5
+corozal,475,3
+markleeville,719,2
+darden,749,10
+darden,1586,4
+darden,156,9
+darden,788,7
+corozal,488,5
+darden,633,5
+corozal,31,4
+darden,295,6
+corozal,1545,1
+darden,906,3
+collierville,674,4
+darden,163,4
+corozal,345,3
+darden,25,0
+corozal,1465,6
+corozal,1405,1
+darden,667,6
+markleeville,711,2
+darden,1149,3
+darden,1495,11
+markleeville,9,6
+markleeville,40,2
+corozal,1216,10
+darden,1613,2
+darden,66,4
+corozal,1156,6
+darden,103,0
+markleeville,642,10
+corozal,1419,2
+darden,693,0
+corozal,545,2
+darden,266,4
+corozal,1390,1
+markleeville,1092,1
+darden,1828,2
+corozal,1203,8
+collierville,362,5
+darden,1194,2
+corozal,1117,10
+markleeville,610,0
+markleeville,630,1
+markleeville,71,12
+corozal,230,7
+darden,376,10
+markleeville,375,3
+markleeville,746,0
+collierville,430,1
+markleeville,1146,4
+darden,1380,1
+markleeville,547,3
+corozal,1362,2
+darden,1928,3
+corozal,580,2
+corozal,954,5
+markleeville,376,6
+darden,95,0
+darden,1818,0
+darden,981,2
+markleeville,901,3
+markleeville,386,8
+markleeville,953,2
+darden,400,4
+markleeville,857,10
+darden,1400,0
+corozal,64,22
+darden,1579,2
+markleeville,28,1
+darden,1994,1
+darden,1505,1
+collierville,659,2
+markleeville,852,2
+darden,602,8
+darden,210,11
+darden,1571,8
+markleeville,725,0
+corozal,420,0
+markleeville,576,3
+markleeville,775,0
+corozal,187,13
+corozal,476,0
+corozal,636,3
+corozal,443,3
+darden,1984,0
+corozal,966,0
+darden,283,4
+corozal,591,9
+corozal,1105,5
+corozal,228,2
+darden,463,2
+darden,797,7
+darden,1399,1
+markleeville,301,1
+darden,1717,3
+darden,1804,4
+markleeville,262,9
+darden,76,0
+darden,434,6
+markleeville,1053,10
+corozal,1416,1
+markleeville,456,0
+markleeville,1053,15
+darden,257,3
+collierville,227,1
+darden,544,1
+darden,1620,3
+corozal,1409,3
+corozal,1155,0
+markleeville,258,3
+darden,1385,5
+darden,899,4
+corozal,1012,9
+markleeville,1119,1
+corozal,243,17
+darden,425,10
+collierville,189,0
+corozal,421,7
+corozal,227,2
+darden,1123,3
+markleeville,1178,2
+markleeville,636,3
+corozal,760,8
+corozal,9,2
+darden,903,0
+corozal,717,3
+corozal,47,0
+markleeville,42,12
+darden,1131,0
+darden,205,7
+corozal,729,7
+corozal,971,5
+collierville,282,2
+darden,1272,1
+markleeville,935,3
+corozal,1249,8
+markleeville,84,2
+corozal,291,5
+corozal,95,3
+corozal,1300,6
+markleeville,913,7
+darden,66,5
+markleeville,938,4
+markleeville,999,0
+corozal,1439,5
+collierville,653,1
+markleeville,1118,5
+corozal,1009,3
+darden,407,4
+corozal,380,5
+markleeville,600,3
+corozal,1098,0
+collierville,128,1
+markleeville,1055,6
+darden,356,2
+corozal,890,3
+corozal,1324,3
+markleeville,559,2
+darden,1136,3
+markleeville,1059,4
+corozal,231,11
+corozal,569,2
+darden,762,3
+corozal,423,1
+corozal,648,0
+collierville,661,6
+corozal,112,2
+corozal,1421,2
+corozal,536,1
+darden,994,2
+darden,850,3
+darden,1684,6
+corozal,102,5
+markleeville,788,0
+darden,559,1
+collierville,420,0
+corozal,1391,7
+markleeville,465,6
+markleeville,679,9
+markleeville,911,10
+collierville,372,0
+corozal,80,1
+corozal,909,2
+darden,1741,11
+darden,173,0
+darden,1296,3
+darden,1120,7
+collierville,104,1
+darden,1771,9
+darden,229,6
+collierville,59,1
+darden,664,2
+corozal,1098,3
+markleeville,967,6
+corozal,1459,7
+darden,240,0
+corozal,1552,2
+corozal,82,0
+darden,1445,1
+darden,1675,2
+darden,1535,2
+darden,402,1
+corozal,1274,4
+darden,121,1
+darden,1239,1
+collierville,701,2
+corozal,437,3
+markleeville,1139,0
+corozal,172,6
+corozal,580,21
+darden,579,3
+markleeville,29,2
+darden,731,5
+darden,601,1
+corozal,299,4
+darden,1083,5
+darden,87,2
+darden,305,7
+darden,503,11
+darden,195,2
+corozal,1183,9
+corozal,1542,7
+darden,1089,3
+markleeville,717,3
+corozal,994,0
+darden,1842,1
+darden,132,1
+markleeville,327,2
+corozal,1176,1
+darden,1945,0
+darden,1192,0
+markleeville,941,4
+corozal,187,7
+corozal,945,5
+corozal,415,11
+markleeville,857,5
+darden,978,5
+corozal,1515,10
+corozal,1299,4
+markleeville,243,6
+darden,1232,3
+darden,1343,0
+darden,73,2
+markleeville,854,7
+markleeville,381,0
+markleeville,168,0
+darden,2,0
+darden,256,3
+darden,1600,4
+darden,1184,16
+markleeville,585,2
+darden,1034,0
+darden,1557,3
+darden,248,7
+corozal,465,5
+corozal,1121,0
+darden,1030,0
+markleeville,805,2
+corozal,1423,3
+markleeville,335,2
+corozal,466,10
+corozal,678,3
+corozal,1514,0
+corozal,101,2
+darden,911,2
+markleeville,1069,2
+darden,394,1
+corozal,824,6
+corozal,1547,5
+corozal,852,2
+darden,973,3
+markleeville,765,9
+markleeville,763,6
+darden,1223,1
+darden,1383,2
+darden,471,0
+collierville,646,3
+corozal,1115,0
+darden,1930,2
+markleeville,204,7
+collierville,103,1
+corozal,1341,9
+darden,1498,3
+darden,1519,1
+markleeville,450,7
+corozal,524,2
+darden,1305,12
+corozal,488,3
+markleeville,1039,1
+markleeville,1051,5
+corozal,745,3
+darden,1980,1
+darden,1548,4
+darden,1007,1
+corozal,1024,1
+collierville,176,2
+markleeville,385,1
+collierville,503,4
+darden,288,2
+collierville,447,1
+corozal,224,6
+markleeville,605,11
+corozal,143,4
+darden,1119,4
+markleeville,478,4
+darden,1778,0
+markleeville,694,4
+darden,1290,4
+markleeville,907,1
+darden,1274,4
+collierville,597,2
+corozal,483,9
+markleeville,901,4
+corozal,1324,5
+corozal,1046,2
+collierville,372,3
+darden,919,3
+corozal,507,2
+darden,402,3
+corozal,306,3
+corozal,803,18
+markleeville,740,5
+darden,1340,2
+corozal,299,2
+darden,584,5
+darden,34,11
+collierville,493,4
+darden,1714,1
+darden,1836,0
+darden,1666,1
+markleeville,199,4
+corozal,1407,7
+markleeville,822,1
+darden,694,1
+corozal,1446,3
+darden,1744,0
+darden,425,16
+collierville,423,2
+markleeville,84,5
+darden,415,6
+darden,1236,3
+darden,1545,4
+corozal,591,2
+markleeville,304,10
+collierville,47,2
+markleeville,908,0
+darden,672,1
+darden,1997,1
+corozal,636,4
+darden,548,4
+corozal,468,0
+darden,1020,3
+darden,1210,3
+darden,1960,5
+darden,1222,7
+corozal,1222,1
+collierville,605,1
+collierville,103,0
+corozal,871,14
+darden,588,5
+markleeville,168,3
+corozal,355,6
+corozal,1091,0
+darden,34,4
+markleeville,676,5
+markleeville,466,11
+darden,1181,3
+darden,825,3
+darden,1150,7
+darden,1267,2
+corozal,1117,0
+corozal,1335,0
+darden,1065,15
+markleeville,208,1
+corozal,788,4
+corozal,1336,1
+darden,384,3
+darden,270,0
+darden,577,4
+darden,815,3
+darden,234,4
+corozal,1301,14
+corozal,551,12
+darden,575,7
+corozal,667,3
+corozal,815,4
+collierville,60,0
+markleeville,540,3
+markleeville,1151,5
+collierville,574,2
+markleeville,273,13
+corozal,473,0
+darden,1064,5
+corozal,392,1
+darden,258,0
+corozal,1366,5
+markleeville,324,8
+darden,1881,2
+darden,124,0
+darden,1971,1
+corozal,1145,0
+corozal,492,4
+darden,9,3
+collierville,659,3
+markleeville,448,2
+corozal,197,1
+darden,1773,8
+darden,1599,1
+darden,960,3
+corozal,124,1
+collierville,346,6
+darden,1088,4
+collierville,9,2
+corozal,767,1
+markleeville,1105,2
+corozal,1137,1
+markleeville,449,8
+corozal,551,5
+collierville,256,0
+darden,9,7
+corozal,857,3
+darden,1388,3
+darden,740,5
+corozal,1093,10
+corozal,1051,5
+corozal,1544,2
+darden,1647,1
+corozal,879,1
+corozal,1292,6
+darden,1959,0
+corozal,485,2
+darden,69,3
+corozal,1207,0
+corozal,260,2
+darden,1921,2
+darden,741,10
+collierville,199,2
+markleeville,235,0
+corozal,1220,3
+darden,783,6
+darden,56,4
+corozal,474,1
+markleeville,1112,4
+corozal,1528,4
+corozal,872,9
+corozal,1211,3
+markleeville,722,0
+corozal,1126,20
+darden,346,2
+corozal,272,4
+darden,457,0
+darden,1248,7
+darden,883,6
+collierville,538,0
+darden,486,4
+corozal,1228,4
+markleeville,844,1
+darden,1398,8
+darden,1484,1
+darden,158,5
+corozal,979,17
+markleeville,347,1
+corozal,202,3
+corozal,626,4
+collierville,165,2
+darden,535,7
+darden,415,0
+corozal,63,0
+corozal,1160,1
+collierville,533,0
+markleeville,505,3
+corozal,816,4
+darden,536,22
+darden,1945,1
+markleeville,408,2
+markleeville,964,4
+markleeville,870,8
+corozal,596,1
+corozal,509,5
+corozal,1447,4
+corozal,130,3
+corozal,1373,8
+corozal,753,1
+darden,1585,3
+darden,1697,3
+corozal,499,1
+markleeville,473,0
+corozal,357,5
+darden,219,4
+markleeville,636,0
+corozal,1012,3
+markleeville,209,1
+darden,1702,1
+markleeville,332,6
+corozal,979,6
+corozal,1025,8
+markleeville,390,1
+markleeville,859,5
+markleeville,994,7
+corozal,208,3
+darden,1164,2
+collierville,136,2
+darden,655,11
+darden,29,0
+markleeville,886,10
+darden,991,0
+collierville,723,5
+markleeville,930,0
+markleeville,577,13
+corozal,585,3
+collierville,323,0
+darden,397,18
+collierville,489,2
+corozal,1004,4
+darden,519,8
+darden,1836,2
+darden,551,11
+corozal,743,3
+markleeville,265,4
+darden,1157,4
+darden,863,6
+darden,553,4
+darden,1892,1
+darden,373,1
+corozal,495,19
+darden,627,1
+darden,575,13
+collierville,293,0
+darden,1287,1
+darden,1950,0
+corozal,1253,0
+collierville,524,7
+darden,184,3
+markleeville,658,1
+darden,1495,0
+corozal,652,0
+darden,561,6
+corozal,1378,2
+darden,241,7
+corozal,1495,0
+corozal,1470,2
+darden,376,7
+corozal,1330,2
+corozal,538,1
+darden,1679,0
+corozal,160,2
+corozal,961,6
+corozal,891,3
+darden,1387,3
+corozal,837,1
+darden,215,7
+markleeville,71,2
+corozal,1533,0
+corozal,903,1
+darden,728,4
+darden,773,0
+darden,1806,8
+markleeville,921,0
+markleeville,332,2
+markleeville,238,0
+collierville,526,0
+corozal,146,13
+markleeville,1167,1
+darden,1689,6
+markleeville,751,0
+collierville,86,0
+darden,1399,5
+markleeville,340,3
+darden,1184,4
+corozal,907,11
+markleeville,362,12
+collierville,559,1
+markleeville,919,10
+corozal,1446,1
+markleeville,1133,1
+corozal,121,0
+collierville,270,1
+darden,792,1
+corozal,779,3
+corozal,1286,0
+darden,668,1
+collierville,454,1
+collierville,378,1
+corozal,185,7
+darden,905,1
+corozal,137,11
+corozal,483,17
+markleeville,514,4
+markleeville,1034,6
+corozal,994,4
+darden,245,4
+corozal,795,0
+darden,1614,11
+collierville,300,3
+collierville,369,1
+darden,1887,0
+corozal,417,1
+darden,575,10
+corozal,197,0
+markleeville,1125,1
+corozal,64,10
+darden,1603,2
+markleeville,1019,5
+corozal,302,7
+markleeville,464,1
+markleeville,51,2
+markleeville,641,2
+darden,34,12
+corozal,796,3
+corozal,17,2
+darden,652,0
+corozal,1332,2
+markleeville,104,0
+markleeville,628,2
+collierville,634,3
+darden,692,8
+darden,1564,1
+darden,1929,2
+corozal,38,1
+darden,1773,6
+darden,680,0
+darden,1116,4
+markleeville,756,1
+markleeville,986,1
+darden,771,8
+corozal,67,3
+darden,196,7
+corozal,173,1
+collierville,51,3
+corozal,673,7
+markleeville,595,4
+corozal,1365,8
+corozal,455,6
+darden,692,2
+darden,1650,4
+darden,419,0
+darden,720,1
+corozal,1268,8
+darden,1367,4
+corozal,1489,13
+corozal,320,3
+collierville,68,3
+collierville,505,1
+markleeville,644,10
+corozal,56,2
+corozal,1374,10
+markleeville,679,0
+darden,1470,0
+darden,1534,1
+darden,1860,2
+darden,1044,4
+corozal,1400,1
+markleeville,1056,7
+corozal,1513,4
+markleeville,874,7
+darden,991,2
+corozal,3,0
+darden,543,3
+darden,628,1
+markleeville,500,4
+darden,808,0
+collierville,211,4
+corozal,679,16
+corozal,400,0
+markleeville,616,2
+darden,281,1
+darden,1711,5
+corozal,1320,2
+darden,1994,10
+darden,1625,7
+markleeville,1071,1
+darden,359,12
+markleeville,238,4
+corozal,779,9
+corozal,857,6
+markleeville,743,1
+corozal,223,1
+markleeville,1023,11
+corozal,78,1
+corozal,329,2
+markleeville,244,0
+corozal,275,4
+markleeville,458,1
+corozal,971,4
+corozal,1183,3
+darden,464,18
+collierville,691,0
+darden,1693,3
+darden,944,0
+corozal,220,7
+markleeville,814,1
+markleeville,717,4
+darden,1940,1
+darden,1453,2
+corozal,725,5
+darden,1054,0
+darden,640,1
+corozal,771,0
+darden,450,3
+corozal,443,0
+darden,561,1
+markleeville,811,11
+darden,164,1
+markleeville,569,3
+markleeville,42,6
+darden,291,0
+corozal,1471,9
+corozal,979,9
+corozal,302,2
+markleeville,452,3
+corozal,1130,1
+markleeville,623,3
+markleeville,1162,6
+corozal,350,1
+corozal,358,2
+collierville,499,1
+collierville,344,2
+darden,1199,4
+corozal,847,3
+darden,702,5
+corozal,355,5
+darden,704,6
+darden,1103,4
+darden,1318,4
+markleeville,1117,0
+darden,1410,0
+collierville,458,0
+darden,901,5
+corozal,762,15
+darden,724,2
+darden,1975,0
+darden,1913,0
+corozal,1156,5
+darden,1620,4
+corozal,1370,1
+darden,1484,6
+collierville,251,5
+darden,254,4
+collierville,55,3
+corozal,536,0
+darden,1292,0
+darden,1470,6
+corozal,902,1
+corozal,1275,1
+darden,166,0
+darden,210,5
+corozal,803,3
+darden,1899,14
+darden,588,8
+corozal,1330,1
+collierville,29,3
+markleeville,589,4
+darden,1327,1
+corozal,974,2
+corozal,1527,1
+darden,646,2
+darden,1438,9
+darden,584,7
+darden,149,3
+collierville,385,4
+darden,225,2
+markleeville,752,2
+darden,686,0
+markleeville,375,4
+corozal,69,1
+markleeville,147,1
+darden,306,3
+darden,259,6
+darden,374,2
+darden,955,1
+corozal,1008,2
+darden,806,6
+darden,1127,10
+collierville,657,2
+markleeville,4,8
+darden,942,10
+darden,1731,7
+corozal,173,2
+darden,1301,5
+darden,1406,1
+darden,336,6
+markleeville,363,9
+darden,1112,16
+collierville,726,0
+corozal,1141,3
+markleeville,724,2
+collierville,76,4
+darden,1787,0
+corozal,1494,1
+collierville,238,0
+darden,862,0
+darden,556,4
+corozal,127,8
+corozal,868,18
+darden,1906,1
+markleeville,1053,4
+darden,1858,2
+darden,1404,5
+darden,170,2
+darden,1091,0
+markleeville,170,8
+corozal,913,1
+corozal,505,0
+corozal,1097,0
+corozal,424,3
+corozal,377,4
+darden,655,1
+corozal,765,7
+markleeville,727,3
+collierville,111,0
+markleeville,584,7
+darden,1230,4
+darden,42,2
+corozal,601,1
+corozal,1539,3
+darden,1638,9
+darden,693,7
+collierville,561,1
+darden,1107,0
+corozal,629,5
+darden,481,0
+markleeville,983,1
+markleeville,444,1
+darden,1185,2
+darden,661,5
+darden,1572,10
+markleeville,42,10
+darden,897,1
+markleeville,326,0
+darden,374,0
+darden,899,3
+darden,1521,1
+corozal,358,0
+corozal,711,4
+darden,646,4
+darden,624,1
+markleeville,665,1
+darden,1315,2
+corozal,810,2
+darden,835,9
+corozal,1357,5
+corozal,123,1
+darden,626,3
+collierville,516,3
+corozal,704,2
+darden,1107,1
+corozal,1473,2
+markleeville,818,3
+corozal,32,1
+collierville,737,3
+darden,587,3
+markleeville,221,2
+corozal,706,4
+markleeville,808,3
+corozal,1354,0
+corozal,1493,9
+corozal,1366,4
+darden,680,10
+darden,622,2
+corozal,598,9
+corozal,500,1
+darden,643,5
+markleeville,57,2
+darden,1094,3
+darden,632,0
+corozal,110,4
+darden,871,0
+collierville,447,7
+corozal,135,0
+corozal,1287,2
+markleeville,121,0
+corozal,1236,0
+darden,681,17
+collierville,339,0
+darden,546,7
+corozal,302,9
+darden,49,1
+darden,925,0
+darden,800,10
+markleeville,50,12
+darden,301,3
+markleeville,1182,0
+corozal,1529,15
+markleeville,614,0
+markleeville,569,0
+darden,248,3
+corozal,637,11
+darden,1442,13
+corozal,726,1
+markleeville,900,5
+markleeville,874,11
+darden,646,5
+darden,550,2
+darden,1854,6
+markleeville,72,4
+darden,1281,1
+corozal,1253,12
+markleeville,579,2
+corozal,411,7
+corozal,767,5
+corozal,1501,5
+collierville,1,1
+corozal,267,1
+darden,155,2
+darden,934,3
+collierville,300,2
+corozal,1110,2
+corozal,1348,2
+markleeville,242,0
+markleeville,812,4
+markleeville,185,7
+corozal,295,0
+corozal,1488,15
+corozal,563,6
+darden,1559,13
+collierville,614,2
+darden,1198,2
+corozal,1497,20
+darden,595,0
+corozal,1124,0
+darden,1976,1
+collierville,670,1
+darden,1464,11
+corozal,858,2
+corozal,279,12
+corozal,50,8
+collierville,391,2
+corozal,415,2
+darden,359,9
+corozal,452,3
+markleeville,504,2
+corozal,1519,1
+darden,131,0
+markleeville,4,2
+darden,1717,0
+darden,1861,1
+markleeville,1161,12
+darden,1907,12
+darden,1903,1
+corozal,1209,13
+darden,24,2
+darden,1189,3
+corozal,807,0
+corozal,593,3
+darden,168,8
+darden,1977,4
+corozal,857,19
+darden,1089,0
+darden,333,1
+corozal,432,15
+darden,783,21
+collierville,549,3
+darden,1672,3
+corozal,432,12
+corozal,1301,9
+markleeville,789,3
+collierville,733,0
+markleeville,627,0
+markleeville,757,1
+darden,1796,7
+corozal,1010,9
+markleeville,809,1
+corozal,918,2
+markleeville,376,10
+darden,1028,3
+darden,1712,7
+corozal,1517,9
+corozal,573,2
+markleeville,218,4
+collierville,241,2
+corozal,434,1
+corozal,451,4
+collierville,163,3
+collierville,108,1
+markleeville,1009,2
+corozal,951,0
+markleeville,590,1
+corozal,666,0
+corozal,623,3
+markleeville,730,0
+darden,1263,4
+darden,1446,8
+corozal,430,7
+darden,193,2
+darden,314,2
+darden,1618,4
+corozal,411,9
+darden,262,2
+darden,93,1
+corozal,172,5
+markleeville,350,5
+corozal,244,1
+darden,1259,11
+darden,797,26
+corozal,521,2
+corozal,835,2
+darden,1397,5
+collierville,661,5
+corozal,1123,0
+darden,1251,3
+markleeville,183,2
+corozal,549,2
+markleeville,203,5
+markleeville,1086,0
+corozal,843,4
+darden,851,3
+markleeville,711,5
+corozal,748,0
+markleeville,303,0
+darden,788,2
+markleeville,285,2
+darden,1827,1
+darden,1223,12
+darden,1725,10
+corozal,355,14
+corozal,872,2
+darden,1193,1
+darden,1270,6
+markleeville,895,1
+corozal,777,5
+darden,1309,8
+corozal,866,9
+markleeville,167,3
+corozal,812,2
+darden,1388,6
+darden,1164,16
+corozal,591,6
+markleeville,1194,2
+darden,1779,0
+darden,1210,8
+darden,859,3
+darden,723,1
+darden,274,1
+darden,1572,1
+collierville,621,1
+collierville,441,1
+corozal,1357,7
+darden,1613,1
+markleeville,115,3
+darden,1548,3
+darden,1117,1
+darden,787,1
+corozal,973,4
+darden,1887,2
+darden,67,2
+darden,1211,2
+corozal,1271,2
+darden,366,5
+darden,1047,0
+collierville,444,0
+darden,1217,1
+corozal,1516,5
+markleeville,1134,4
+collierville,425,0
+corozal,1504,0
+markleeville,444,2
+darden,547,0
+collierville,731,0
+corozal,1375,6
+darden,925,5
+darden,1837,2
+corozal,1211,2
+darden,631,9
+corozal,1493,14
+markleeville,229,7
+collierville,511,1
+darden,1735,3
+corozal,1549,2
+markleeville,40,8
+darden,1005,4
+darden,468,0
+corozal,1337,3
+darden,987,4
+corozal,1271,10
+darden,341,1
+darden,1977,0
+darden,531,1
+darden,1031,0
+darden,1126,10
+darden,1222,16
+corozal,588,3
+markleeville,955,0
+markleeville,671,10
+corozal,286,1
+corozal,908,3
+darden,462,0
+corozal,695,2
+collierville,524,1
+corozal,46,2
+darden,266,3
+markleeville,4,13
+darden,1002,8
+corozal,33,12
+markleeville,620,10
+corozal,1009,2
+darden,259,5
+markleeville,754,1
+corozal,181,6
+darden,181,5
+collierville,358,2
+corozal,950,2
+collierville,552,1
+darden,1052,5
+collierville,178,2
+markleeville,1172,0
+darden,1584,17
+darden,1459,4
+darden,1312,1
+markleeville,1028,3
+collierville,294,5
+darden,1329,13
+collierville,113,3
+darden,516,1
+darden,1046,2
+darden,1621,6
+darden,235,6
+corozal,1035,10
+darden,382,2
+corozal,218,2
+markleeville,1157,4
+darden,1682,7
+darden,416,4
+corozal,874,7
+markleeville,1117,14
+corozal,1408,1
+darden,1886,3
+darden,1807,4
+corozal,245,3
+corozal,492,0
+darden,934,1
+darden,413,1
+corozal,628,1
+darden,838,5
+corozal,85,5
+darden,829,10
+markleeville,586,0
+corozal,385,0
+corozal,4,5
+corozal,634,3
+darden,618,0
+markleeville,185,11
+darden,266,20
+darden,1431,3
+corozal,119,15
+darden,801,0
+darden,1560,0
+darden,190,5
+markleeville,366,2
+corozal,656,1
+markleeville,247,0
+corozal,1497,19
+darden,1544,4
+corozal,1530,2
+darden,569,10
+markleeville,813,0
+darden,1639,17
+collierville,558,1
+darden,926,0
+collierville,234,3
+markleeville,1072,10
+darden,263,2
+markleeville,506,1
+markleeville,589,6
+markleeville,841,0
+markleeville,584,3
+markleeville,409,2
+markleeville,419,2
+markleeville,55,4
+corozal,222,2
+corozal,493,3
+corozal,788,5
+collierville,704,0
+darden,1665,8
+corozal,495,7
+darden,752,5
+darden,1918,1
+markleeville,516,8
+markleeville,276,0
+corozal,884,3
+corozal,1234,0
+corozal,818,0
+darden,1947,4
+markleeville,881,1
+darden,5,11
+markleeville,887,0
+corozal,83,2
+corozal,1341,11
+darden,455,6
+corozal,1228,0
+darden,962,7
+markleeville,1095,1
+markleeville,292,4
+darden,1077,2
+markleeville,182,14
+darden,860,3
+darden,1975,1
+darden,1424,2
+markleeville,723,4
+corozal,1553,2
+darden,878,9
+markleeville,259,4
+markleeville,1080,4
+corozal,1423,2
+markleeville,508,6
+markleeville,859,8
+corozal,1073,2
+corozal,899,3
+corozal,610,10
+corozal,1464,1
+corozal,546,2
+corozal,1013,4
+darden,346,7
+collierville,120,3
+darden,1871,0
+collierville,662,3
+darden,1636,3
+darden,412,5
+darden,1146,6
+corozal,574,0
+corozal,292,3
+corozal,1045,2
+darden,1214,2
+corozal,1018,6
+markleeville,272,0
+corozal,795,4
+collierville,31,0
+corozal,635,5
+corozal,251,0
+darden,631,6
+markleeville,74,4
+darden,1683,0
+darden,535,11
+darden,573,13
+darden,1520,1
+markleeville,352,6
+corozal,1503,3
+corozal,416,5
+darden,759,4
+markleeville,1072,0
+darden,1074,5
+darden,920,1
+markleeville,57,9
+darden,252,0
+darden,1934,3
+collierville,97,5
+darden,417,4
+darden,1077,4
+darden,669,7
+darden,1991,4
+markleeville,962,1
+corozal,958,4
+corozal,391,4
+darden,199,2
+darden,1573,4
+corozal,741,0
+darden,1149,1
+corozal,803,8
+darden,1050,3
+darden,1038,3
+corozal,1186,2
+collierville,444,3
+darden,629,18
+markleeville,1013,1
+corozal,792,5
+markleeville,906,5
+corozal,1529,14
+darden,409,0
+darden,1963,9
+darden,91,16
+markleeville,42,3
+darden,1770,1
+corozal,782,11
+darden,1082,0
+collierville,439,2
+darden,716,2
+darden,803,5
+corozal,1370,12
+darden,1067,0
+darden,323,0
+darden,842,5
+corozal,981,5
+corozal,450,0
+markleeville,678,7
+markleeville,662,0
+corozal,373,3
+corozal,1277,2
+corozal,427,9
+darden,1034,1
+markleeville,811,2
+darden,1648,3
+darden,760,1
+corozal,541,1
+darden,1819,4
+corozal,683,2
+corozal,507,7
+darden,1791,2
+corozal,259,0
+darden,1925,6
+darden,114,12
+corozal,636,16
+markleeville,1096,1
+markleeville,202,0
+markleeville,100,0
+collierville,349,0
+corozal,409,1
+darden,302,6
+collierville,258,3
+corozal,232,0
+corozal,477,0
+darden,106,1
+darden,1055,7
+darden,1798,2
+darden,1747,12
+markleeville,384,6
+darden,146,0
+corozal,364,5
+corozal,1092,1
+darden,1345,6
+markleeville,155,1
+corozal,722,0
+markleeville,568,2
+darden,1561,0
+corozal,772,0
+darden,1994,7
+markleeville,975,4
+corozal,1371,3
+markleeville,1028,8
+markleeville,1069,3
+corozal,862,1
+corozal,4,9
+darden,898,12
+darden,398,7
+darden,857,3
+corozal,1510,5
+corozal,1399,0
+corozal,1488,0
+darden,384,5
+corozal,1463,1
+collierville,258,2
+corozal,505,3
+corozal,524,1
+darden,148,0
+markleeville,1091,2
+collierville,85,2
+darden,1244,2
+corozal,1238,1
+corozal,745,7
+corozal,1430,14
+markleeville,1083,2
+corozal,399,5
+corozal,788,11
+corozal,1444,1
+darden,221,0
+darden,1528,2
+markleeville,796,3
+markleeville,707,2
+markleeville,458,3
+corozal,437,5
+corozal,699,2
+markleeville,262,11
+corozal,990,4
+darden,600,5
+darden,1756,1
+darden,104,3
+corozal,582,0
+darden,1431,17
+markleeville,85,2
+corozal,743,2
+corozal,1114,4
+corozal,1554,3
+markleeville,28,0
+darden,639,3
+darden,584,3
+darden,1928,1
+collierville,137,5
+corozal,1461,2
+markleeville,103,7
+darden,1630,18
+darden,633,3
+corozal,322,2
+corozal,1217,5
+corozal,870,1
+darden,442,1
+markleeville,910,8
+darden,1671,1
+darden,1573,3
+corozal,932,7
+darden,1510,2
+collierville,625,0
+corozal,659,3
+collierville,242,2
+darden,1006,2
+darden,1648,8
+markleeville,1128,5
+collierville,645,3
+markleeville,209,4
+darden,1279,8
+corozal,1215,1
+darden,851,4
+collierville,544,2
+corozal,419,4
+darden,1599,0
+markleeville,935,7
+collierville,448,3
+collierville,451,1
+markleeville,154,1
+darden,359,4
+darden,1806,1
+corozal,33,4
+darden,439,7
+corozal,820,3
+collierville,155,1
+markleeville,676,0
+corozal,1391,11
+markleeville,1062,8
+corozal,1385,12
+corozal,495,4
+markleeville,1166,0
+markleeville,894,5
+corozal,457,3
+darden,979,13
+corozal,467,9
+corozal,1494,2
+corozal,194,1
+collierville,194,3
+darden,1132,0
+markleeville,119,5
+darden,1571,2
+corozal,593,13
+darden,1166,5
+collierville,90,0
+corozal,1371,5
+corozal,369,16
+corozal,1170,1
+darden,1806,2
+corozal,615,3
+markleeville,591,4
+markleeville,112,4
+markleeville,914,1
+corozal,631,2
+corozal,231,5
+darden,1782,0
+darden,1867,2
+corozal,356,0
+markleeville,136,3
+markleeville,223,4
+darden,1695,3
+corozal,201,0
+corozal,878,1
+corozal,1541,0
+darden,1236,1
+corozal,288,1
+corozal,659,2
+corozal,633,4
+markleeville,290,1
+corozal,591,4
+darden,1043,2
+corozal,1387,2
+corozal,435,2
+markleeville,747,4
+darden,1051,3
+markleeville,1030,3
+markleeville,450,1
+darden,653,11
+collierville,372,1
+corozal,1203,5
+markleeville,322,2
+darden,1181,5
+darden,1875,7
+corozal,202,17
+darden,461,2
+corozal,1011,1
+darden,587,2
+darden,196,11
+markleeville,390,6
+darden,124,8
+corozal,1546,6
+markleeville,230,1
+corozal,1139,8
+darden,803,10
+darden,1330,3
+darden,503,3
+markleeville,219,6
+corozal,700,3
+darden,1458,1
+darden,59,1
+darden,878,1
+collierville,707,6
+darden,809,1
+corozal,1429,2
+markleeville,262,8
+darden,1578,0
+darden,1464,1
+corozal,585,2
+markleeville,914,2
+markleeville,44,1
+markleeville,804,3
+darden,534,5
+corozal,753,4
+corozal,439,0
+corozal,990,7
+corozal,300,8
+collierville,632,6
+corozal,1390,12
+corozal,951,13
+collierville,82,0
+markleeville,808,14
+corozal,115,1
+darden,360,2
+markleeville,711,1
+darden,618,2
+corozal,843,6
+markleeville,667,2
+darden,1592,9
+darden,1068,3
+darden,96,3
+darden,242,4
+darden,302,2
+markleeville,556,4
+markleeville,0,3
+markleeville,386,3
+markleeville,139,4
+markleeville,520,0
+collierville,34,4
+markleeville,441,1
+darden,1298,0
+collierville,342,2
+darden,636,3
+darden,1528,5
+markleeville,240,1
+corozal,136,3
+corozal,118,4
+darden,645,1
+darden,144,1
+corozal,1262,14
+darden,577,7
+darden,1317,0
+corozal,391,3
+markleeville,554,10
+collierville,520,2
+corozal,99,7
+darden,1380,0
+corozal,163,3
+darden,1532,9
+collierville,464,4
+darden,397,4
+markleeville,1058,0
+darden,230,6
+corozal,1237,10
+collierville,572,0
+darden,1981,8
+markleeville,283,4
+darden,1294,0
+markleeville,339,1
+markleeville,1009,4
+darden,1252,12
+markleeville,273,7
+darden,1699,0
+markleeville,340,1
+markleeville,812,1
+collierville,231,3
+corozal,1292,13
+darden,189,0
+corozal,1139,11
+corozal,1165,0
+corozal,1427,2
+markleeville,800,1
+corozal,1133,9
+corozal,542,1
+markleeville,101,0
+markleeville,227,1
+collierville,589,2
+darden,217,1
+markleeville,465,7
+corozal,1456,1
+collierville,567,2
+markleeville,1003,2
+darden,1085,7
+markleeville,375,0
+corozal,1162,1
+collierville,401,2
+corozal,799,2
+corozal,1132,1
+darden,1618,0
+corozal,445,8
+corozal,841,2
+darden,332,0
+darden,1486,0
+darden,1125,3
+corozal,1367,3
+corozal,7,11
+markleeville,619,10
+darden,1112,14
+corozal,718,6
+darden,1229,1
+darden,88,1
+corozal,285,2
+corozal,1141,4
+corozal,974,12
+darden,332,2
+darden,1538,3
+darden,184,7
+darden,259,2
+darden,1356,4
+darden,722,7
+collierville,739,1
+collierville,279,2
+collierville,622,3
+markleeville,1172,7
+corozal,697,2
+corozal,740,1
+collierville,360,0
+darden,376,15
+collierville,511,2
+markleeville,246,5
+darden,330,1
+markleeville,851,4
+corozal,857,9
+darden,1222,9
+darden,917,5
+markleeville,1115,5
+corozal,68,7
+markleeville,771,1
+darden,409,5
+collierville,308,3
+darden,1172,1
+darden,1081,0
+markleeville,928,1
+darden,1018,5
+darden,203,2
+darden,328,1
+darden,1072,3
+darden,612,4
+markleeville,958,1
+darden,887,6
+darden,244,8
+markleeville,1185,2
+darden,191,8
+corozal,1028,3
+darden,1074,4
+darden,922,0
+markleeville,177,8
+corozal,848,7
+collierville,144,5
+collierville,552,3
+corozal,77,9
+darden,550,6
+darden,445,1
+corozal,526,5
+collierville,154,6
+collierville,11,3
+darden,695,13
+darden,1371,0
+corozal,1514,1
+darden,1361,7
+markleeville,870,5
+markleeville,738,6
+markleeville,26,10
+markleeville,1068,2
+markleeville,506,7
+darden,952,4
+markleeville,50,2
+corozal,864,2
+darden,1028,0
+darden,864,5
+darden,352,1
+markleeville,491,8
+darden,1619,4
+corozal,144,7
+darden,1385,11
+darden,1141,6
+corozal,894,5
+darden,680,4
+markleeville,517,3
+markleeville,691,2
+corozal,1062,1
+collierville,448,1
+darden,1023,1
+corozal,782,7
+corozal,1493,4
+corozal,719,0
+markleeville,808,2
+darden,578,3
+corozal,138,1
+corozal,23,1
+corozal,1168,6
+corozal,193,7
+markleeville,1171,4
+darden,52,4
+darden,655,3
+corozal,1294,3
+collierville,473,2
+corozal,333,2
+markleeville,740,0
+markleeville,825,3
+markleeville,610,2
+darden,936,1
+corozal,899,0
+markleeville,263,2
+corozal,778,0
+darden,1768,2
+markleeville,941,5
+markleeville,385,2
+darden,699,7
+darden,1307,11
+darden,1200,0
+collierville,185,3
+corozal,1143,10
+corozal,814,1
+darden,120,20
+darden,1813,2
+darden,880,7
+darden,681,12
+darden,1225,2
+darden,1433,1
+darden,1485,1
+markleeville,1056,10
+corozal,1021,1
+corozal,1214,4
+markleeville,1171,2
+darden,455,1
+corozal,34,8
+collierville,536,3
+markleeville,1023,3
+corozal,1515,2
+darden,1528,1
+corozal,366,1
+darden,193,1
+corozal,1218,1
+darden,1453,1
+darden,304,2
+corozal,211,1
+corozal,1193,2
+darden,1165,4
+corozal,723,3
+darden,583,3
+darden,478,1
+corozal,1228,7
+darden,1707,1
+collierville,567,0
+darden,376,3
+darden,1384,10
+corozal,152,5
+darden,534,0
+markleeville,94,11
+markleeville,1101,2
+darden,1567,4
+darden,151,4
+darden,464,3
+markleeville,522,2
+corozal,934,7
+darden,1675,10
+darden,1633,0
+markleeville,207,0
+corozal,1047,4
+collierville,259,5
+markleeville,985,0
+markleeville,285,3
+corozal,1313,7
+darden,1495,5
+corozal,866,2
+collierville,417,0
+markleeville,1015,1
+darden,91,14
+darden,1684,8
+corozal,372,1
+corozal,1260,7
+markleeville,373,5
+markleeville,530,0
+corozal,1138,3
+darden,1392,1
+darden,1445,3
+corozal,1048,1
+collierville,209,3
+corozal,1243,14
+collierville,553,5
+markleeville,349,4
+corozal,1298,5
+corozal,8,2
+corozal,75,1
+corozal,190,0
+darden,319,2
+darden,110,3
+markleeville,613,0
+darden,219,0
+darden,637,11
+corozal,1378,9
+corozal,833,2
+markleeville,199,12
+markleeville,845,5
+darden,516,0
+markleeville,1022,2
+darden,299,0
+darden,369,1
+corozal,857,20
+markleeville,257,4
+corozal,316,0
+corozal,738,1
+corozal,1182,1
+darden,799,15
+darden,306,4
+corozal,1254,4
+corozal,921,2
+corozal,1519,3
+darden,1675,4
+darden,1293,2
+corozal,1039,2
+corozal,731,1
+darden,904,8
+darden,1426,2
+corozal,904,6
+collierville,443,7
+corozal,1047,8
+corozal,594,0
+corozal,695,9
+corozal,918,5
+corozal,1227,4
+darden,1936,5
+corozal,1263,8
+corozal,743,9
+darden,1262,6
+corozal,1534,2
+corozal,1407,10
+corozal,394,1
+corozal,298,2
+corozal,7,15
+corozal,519,4
+markleeville,864,6
+markleeville,721,2
+corozal,65,0
+darden,265,5
+corozal,832,2
+corozal,390,4
+darden,1755,13
+darden,821,3
+corozal,616,9
+darden,363,4
+collierville,499,0
+markleeville,869,4
+darden,1119,5
+collierville,702,7
+markleeville,713,1
+darden,1823,6
+corozal,615,11
+darden,1182,1
+markleeville,1098,3
+markleeville,446,2
+corozal,290,14
+darden,502,3
+markleeville,791,7
+markleeville,826,4
+markleeville,604,2
+darden,1293,3
+corozal,1056,0
+corozal,968,1
+corozal,1430,0
+darden,1341,2
+corozal,1446,0
+corozal,342,4
+markleeville,887,2
+darden,976,4
+darden,558,5
+markleeville,671,9
+collierville,107,1
+darden,1706,2
+darden,945,13
+corozal,91,2
+collierville,100,1
+markleeville,71,0
+corozal,289,1
+collierville,72,0
+corozal,898,7
+corozal,627,2
+darden,1516,3
+collierville,163,0
+corozal,1409,0
+markleeville,1167,3
+corozal,219,1
+darden,354,1
+markleeville,89,0
+markleeville,1094,0
+markleeville,47,0
+corozal,598,3
+markleeville,876,0
+darden,1577,5
+darden,964,6
+darden,825,1
+corozal,336,4
+darden,49,2
+corozal,1540,1
+darden,1799,3
+markleeville,812,7
+darden,271,1
+darden,1262,3
+markleeville,793,0
+darden,537,10
+darden,1797,2
+darden,577,2
+darden,1778,1
+darden,1404,4
+markleeville,662,12
+darden,924,2
+corozal,4,3
+darden,589,2
+darden,1401,0
+markleeville,607,3
+markleeville,102,5
+darden,398,3
+darden,708,9
+darden,1749,1
+darden,45,0
+corozal,782,12
+corozal,355,9
+corozal,583,5
+markleeville,612,1
+darden,1060,2
+darden,775,4
+markleeville,725,11
+collierville,384,2
+corozal,25,4
+darden,12,0
+darden,1326,5
+corozal,206,1
+darden,858,3
+corozal,716,1
+collierville,530,1
+markleeville,569,2
+darden,637,1
+corozal,796,4
+corozal,1199,3
+darden,1766,4
+corozal,617,0
+collierville,474,1
+collierville,380,0
+corozal,110,5
+darden,250,11
+darden,979,11
+darden,1237,0
+darden,726,0
+darden,1464,2
+corozal,297,5
+corozal,1209,16
+markleeville,1097,4
+darden,470,3
+collierville,385,2
+collierville,149,0
+darden,1162,1
+corozal,922,2
+corozal,191,0
+markleeville,247,1
+markleeville,640,6
+darden,1299,4
+darden,305,1
+corozal,209,10
+markleeville,1016,1
+darden,1189,0
+collierville,736,2
+collierville,214,0
+corozal,1486,3
+markleeville,501,3
+darden,1843,5
+markleeville,304,7
+darden,1244,3
+darden,1288,5
+markleeville,909,5
+darden,51,3
+markleeville,608,6
+markleeville,117,5
+darden,791,15
+corozal,77,10
+darden,833,8
+collierville,214,5
+darden,255,0
+darden,1198,3
+markleeville,76,1
+darden,425,11
+darden,1963,10
+darden,1862,5
+darden,1902,13
+corozal,756,0
+markleeville,872,3
+corozal,907,7
+darden,1846,1
+corozal,148,8
+darden,375,2
+darden,1851,1
+darden,971,2
+darden,1701,2
+markleeville,349,6
+darden,1220,2
+corozal,1501,1
+corozal,1499,1
+darden,1932,2
+corozal,1492,0
+corozal,1007,7
+markleeville,232,0
+corozal,551,10
+markleeville,664,2
+corozal,926,3
+corozal,843,7
+markleeville,785,9
+darden,1558,4
+corozal,1038,0
+markleeville,898,0
+collierville,528,0
+markleeville,1074,0
+corozal,973,11
+corozal,41,16
+corozal,935,3
+corozal,137,8
+darden,588,2
+darden,1065,14
+corozal,1550,1
+markleeville,381,2
+darden,1181,7
+darden,332,4
+markleeville,205,3
+collierville,394,6
+darden,1093,2
+darden,1651,1
+markleeville,1172,3
+corozal,848,16
+darden,1993,16
+corozal,1311,2
+corozal,1,4
+markleeville,1155,3
+corozal,1126,10
+markleeville,564,0
+markleeville,787,2
+corozal,1544,12
+markleeville,736,6
+corozal,513,6
+darden,798,0
+corozal,873,0
+darden,527,2
+markleeville,153,8
+darden,1352,0
+darden,449,2
+corozal,143,3
+corozal,870,3
+corozal,1194,1
+darden,1099,0
+corozal,796,6
+corozal,956,2
+darden,222,0
+darden,689,2
+darden,940,0
+darden,854,4
+darden,120,1
+collierville,19,0
+darden,986,1
+darden,1285,2
+darden,156,10
+markleeville,273,6
+corozal,1120,3
+corozal,1152,1
+darden,691,2
+markleeville,1082,5
+collierville,308,5
+markleeville,1005,3
+darden,1996,5
+darden,1981,1
+corozal,280,2
+corozal,986,4
+markleeville,383,5
+markleeville,1168,1
+collierville,528,2
+corozal,143,2
+corozal,1555,9
+markleeville,455,7
+darden,1521,0
+corozal,1209,4
+darden,629,11
+markleeville,415,0
+darden,1273,1
+darden,1401,6
+darden,1640,2
+markleeville,343,0
+darden,1992,5
+corozal,973,0
+markleeville,441,3
+corozal,70,3
+corozal,1457,5
+collierville,336,1
+darden,1250,5
+darden,820,2
+markleeville,630,2
+corozal,469,16
+darden,1045,4
+darden,449,6
+corozal,239,3
+darden,1068,4
+corozal,1317,2
+darden,253,5
+corozal,769,4
+markleeville,840,8
+markleeville,384,5
+markleeville,147,2
+markleeville,469,2
+darden,1025,7
+corozal,864,15
+markleeville,754,6
+collierville,422,3
+darden,465,3
+markleeville,1099,2
+corozal,1171,0
+darden,791,9
+markleeville,277,11
+corozal,99,1
+markleeville,975,2
+darden,1964,1
+collierville,602,1
+markleeville,254,0
+corozal,1305,4
+corozal,809,5
+collierville,592,0
+markleeville,196,1
+markleeville,738,0
+corozal,201,3
+darden,493,2
+darden,664,1
+markleeville,308,3
+markleeville,1110,7
+darden,54,2
+corozal,528,2
+darden,1086,1
+corozal,1283,4
+corozal,675,2
+corozal,380,9
+darden,783,18
+markleeville,350,7
+darden,1247,4
+markleeville,467,0
+corozal,868,0
+markleeville,572,5
+corozal,957,1
+corozal,616,0
+collierville,74,0
+corozal,1393,3
+corozal,1309,2
+corozal,1301,13
+markleeville,42,14
+corozal,121,1
+markleeville,209,6
+darden,1510,0
+corozal,1452,1
+corozal,1106,0
+markleeville,154,5
+corozal,1473,12
+darden,350,0
+markleeville,339,0
+markleeville,368,4
+darden,1222,20
+corozal,783,6
+corozal,274,1
+corozal,390,9
+darden,1797,0
+darden,1485,4
+corozal,912,0
+corozal,890,4
+darden,243,6
+corozal,776,5
+darden,1267,8
+markleeville,761,0
+darden,1848,0
+collierville,106,8
+darden,819,2
+darden,986,3
+corozal,1263,10
+corozal,1428,2
+corozal,1057,0
+collierville,582,4
+markleeville,416,5
+darden,871,4
+corozal,1350,2
+corozal,1404,7
+darden,82,0
+darden,1993,10
+collierville,236,3
+corozal,1401,0
+darden,1656,0
+corozal,698,9
+darden,979,12
+corozal,1295,3
+corozal,320,6
+darden,537,2
+darden,377,0
+darden,820,1
+markleeville,726,1
+collierville,419,2
+collierville,297,2
+darden,176,1
+corozal,683,1
+markleeville,980,4
+markleeville,992,0
+corozal,1047,5
+corozal,1320,11
+darden,277,5
+corozal,1305,3
+darden,1761,2
+darden,1402,6
+corozal,160,1
+markleeville,179,0
+darden,681,2
+corozal,1237,8
+markleeville,82,1
+corozal,801,1
+darden,284,1
+darden,1850,5
+corozal,1126,14
+corozal,803,13
+markleeville,746,3
+markleeville,1067,5
+darden,513,1
+markleeville,675,0
+markleeville,535,6
+corozal,832,0
+darden,1280,0
+darden,1107,5
+markleeville,144,3
+corozal,1301,0
+corozal,64,21
+collierville,587,0
+collierville,633,1
+darden,977,4
+collierville,382,2
+darden,1722,1
+collierville,500,1
+darden,37,4
+darden,1809,6
+corozal,259,2
+darden,1277,2
+markleeville,387,1
+darden,537,11
+darden,895,2
+collierville,346,4
+darden,1991,0
+corozal,899,1
+collierville,295,2
+corozal,825,6
+darden,1466,0
+collierville,684,7
+collierville,398,0
+collierville,596,2
+corozal,632,0
+darden,653,5
+darden,367,7
+corozal,866,6
+markleeville,184,1
+markleeville,110,0
+collierville,440,0
+corozal,290,12
+corozal,1518,1
+darden,1230,10
+darden,1618,3
+corozal,1102,8
+darden,604,2
+corozal,879,14
+corozal,796,2
+darden,503,15
+collierville,466,2
+darden,1252,16
+collierville,562,2
+darden,745,0
+darden,1009,0
+markleeville,828,1
+corozal,312,1
+corozal,1374,13
+corozal,1138,7
+darden,1684,3
+darden,488,3
+darden,28,3
+darden,1843,7
+darden,348,17
+markleeville,1052,11
+darden,1830,8
+markleeville,419,1
+corozal,621,1
+collierville,78,0
+collierville,342,6
+markleeville,382,1
+darden,803,3
+corozal,1308,0
+darden,1176,9
+corozal,1257,3
+corozal,866,11
+corozal,1025,4
+darden,1956,3
+collierville,41,0
+corozal,595,6
+darden,516,5
+markleeville,633,8
+collierville,674,5
+markleeville,602,2
+darden,106,4
+markleeville,496,0
+darden,1450,4
+darden,1888,1
+corozal,907,3
+collierville,247,3
+markleeville,527,4
+markleeville,94,2
+darden,999,1
+markleeville,938,1
+darden,1134,1
+collierville,29,0
+collierville,706,1
+markleeville,963,3
+darden,1583,1
+corozal,375,2
+darden,1402,9
+darden,1763,2
+corozal,1146,5
+darden,768,1
+corozal,31,2
+collierville,518,0
+corozal,1301,5
+corozal,36,3
+collierville,714,0
+markleeville,571,10
+darden,1754,1
+markleeville,482,1
+corozal,1139,9
+darden,1349,3
+darden,92,5
+corozal,154,0
+collierville,400,1
+collierville,146,1
+darden,657,1
+corozal,1240,2
+corozal,713,1
+collierville,481,2
+markleeville,489,3
+corozal,1319,10
+markleeville,808,8
+darden,1847,1
+markleeville,350,1
+darden,1726,8
+corozal,1183,4
+corozal,1244,2
+markleeville,39,3
+collierville,173,1
+corozal,1440,2
+markleeville,727,6
+markleeville,554,6
+collierville,386,0
+corozal,1163,1
+darden,503,13
+corozal,832,5
+markleeville,894,3
+corozal,868,1
+corozal,377,6
+corozal,183,0
+markleeville,131,3
+corozal,869,1
+markleeville,1088,3
+corozal,156,2
+darden,1612,1
+corozal,829,4
+corozal,729,5
+corozal,815,0
+collierville,712,0
+darden,338,7
+darden,1369,2
+darden,734,5
+markleeville,864,9
+darden,955,6
+markleeville,433,1
+corozal,1450,0
+markleeville,1128,2
+corozal,529,4
+corozal,1037,2
+corozal,490,8
+darden,440,6
+markleeville,911,7
+darden,783,13
+darden,1988,2
+markleeville,652,1
+darden,1562,3
+markleeville,280,12
+corozal,741,1
+darden,1150,15
+darden,1905,3
+collierville,373,2
+collierville,303,7
+corozal,396,3
+corozal,187,12
+markleeville,924,0
+darden,655,0
+darden,118,12
+collierville,446,1
+markleeville,506,11
+darden,485,4
+markleeville,713,3
+collierville,564,2
+darden,1511,1
+corozal,804,1
+markleeville,267,4
+darden,161,5
+collierville,139,2
+collierville,487,2
+darden,1349,8
+darden,1041,4
+corozal,1035,1
+collierville,7,3
+markleeville,336,0
+corozal,1305,0
+markleeville,214,0
+markleeville,998,2
+corozal,1327,6
+markleeville,1159,2
+markleeville,161,2
+darden,1773,5
+darden,1987,2
+markleeville,195,2
+markleeville,317,10
+collierville,579,2
+markleeville,183,1
+markleeville,726,3
+darden,398,4
+darden,263,0
+markleeville,152,2
+darden,503,16
+darden,872,1
+corozal,1306,5
+darden,876,8
+darden,1830,0
+markleeville,922,1
+darden,988,0
+collierville,12,5
+darden,1112,11
+corozal,244,7
+collierville,603,0
+darden,1388,9
+markleeville,652,2
+darden,440,0
+corozal,1494,0
+darden,1354,9
+darden,1755,1
+corozal,1459,11
+darden,27,3
+darden,1328,1
+darden,1849,6
+corozal,9,1
+darden,778,4
+darden,1384,9
+darden,1681,13
+markleeville,465,9
+markleeville,1189,3
+collierville,111,2
+darden,233,8
+corozal,365,2
+darden,169,3
+corozal,369,2
+corozal,1009,13
+darden,1629,1
+darden,1821,1
+markleeville,217,2
+darden,927,4
+darden,254,3
+corozal,1004,2
+darden,1307,8
+corozal,697,3
+markleeville,272,1
+corozal,64,13
+darden,1836,3
+darden,235,7
+darden,425,13
+corozal,340,4
+darden,1571,4
+markleeville,102,11
+darden,35,12
+darden,1233,1
+markleeville,969,1
+darden,605,0
+darden,1324,1
+darden,1973,6
+markleeville,800,7
+markleeville,450,5
+corozal,616,13
+corozal,1049,0
+darden,427,1
+corozal,308,6
+corozal,1407,14
+corozal,1299,1
+corozal,637,1
+corozal,1344,3
+markleeville,906,9
+darden,580,5
+corozal,1302,3
+collierville,696,2
+corozal,670,0
+darden,836,0
+darden,1352,2
+darden,620,3
+darden,425,1
+darden,960,10
+darden,1726,3
+corozal,740,0
+corozal,766,0
+darden,1270,11
+darden,1405,2
+markleeville,1098,2
+darden,1082,1
+markleeville,307,10
+darden,1846,3
+darden,312,3
+corozal,782,17
+corozal,570,0
+markleeville,1080,11
+corozal,1319,16
+darden,1802,2
+corozal,61,1
+markleeville,1102,12
+corozal,1033,8
+corozal,1224,14
+darden,1624,0
+corozal,1278,3
+corozal,1394,6
+markleeville,622,3
+corozal,93,2
+corozal,636,0
+corozal,467,4
+corozal,82,3
+darden,618,5
+collierville,583,0
+markleeville,298,1
+markleeville,453,0
+markleeville,652,3
+darden,1261,0
+corozal,811,1
+corozal,1525,2
+collierville,522,0
+darden,1934,0
+corozal,1319,19
+darden,1029,10
+corozal,492,5
+darden,1849,2
+darden,654,2
+markleeville,744,3
+corozal,1207,3
+darden,578,1
+corozal,430,3
+corozal,246,8
+darden,708,3
+collierville,550,0
+darden,1989,10
+markleeville,29,5
+darden,511,1
+corozal,774,2
+corozal,1273,3
+markleeville,906,2
+corozal,243,10
+darden,1938,2
+darden,437,0
+darden,667,5
+corozal,1113,7
+corozal,1257,4
+corozal,137,6
+corozal,373,2
+corozal,76,4
+corozal,675,1
+darden,1639,13
+darden,137,1
+corozal,999,10
+markleeville,538,0
+markleeville,389,3
+darden,835,14
+corozal,904,0
+markleeville,718,2
+darden,1373,9
+collierville,207,2
+corozal,1008,4
+corozal,1013,9
+corozal,1141,7
+darden,778,8
+darden,1774,2
+darden,795,1
+darden,1050,8
+darden,632,4
+markleeville,360,0
+darden,1676,10
+corozal,977,6
+corozal,1447,5
+darden,1154,0
+corozal,707,3
+markleeville,467,2
+darden,1943,2
+darden,1366,1
+darden,1413,10
+markleeville,517,8
+markleeville,932,0
+corozal,1254,3
+markleeville,1171,0
+corozal,557,0
+collierville,253,1
+markleeville,1097,3
+markleeville,875,4
+darden,780,2
+corozal,776,0
+darden,1573,1
+darden,1784,0
+darden,1891,1
+darden,938,3
+corozal,488,1
+corozal,23,11
+darden,1899,5
+darden,662,2
+darden,1605,5
+darden,1705,4
+darden,1506,2
+collierville,97,6
+collierville,183,2
+markleeville,970,3
+collierville,370,6
+darden,425,18
+collierville,541,0
+darden,108,2
+darden,1873,2
+corozal,133,0
+corozal,1558,4
+corozal,226,5
+corozal,1042,5
+darden,898,6
+corozal,796,7
+darden,124,7
+darden,210,12
+darden,1545,6
+darden,524,7
+markleeville,140,11
+markleeville,877,0
+corozal,1515,3
+corozal,187,6
+corozal,148,18
+corozal,82,4
+markleeville,450,9
+darden,184,9
+collierville,15,1
+collierville,189,7
+collierville,654,1
+corozal,7,7
+markleeville,330,4
+corozal,935,1
+collierville,435,1
+corozal,164,9
+corozal,625,2
+darden,1156,2
+markleeville,341,1
+collierville,331,2
+corozal,471,3
+darden,1128,4
+markleeville,790,4
+darden,909,6
+markleeville,360,2
+darden,2,3
+darden,1314,0
+darden,1614,5
+corozal,1271,9
+darden,1646,1
+corozal,1514,3
+markleeville,421,1
+collierville,651,3
+darden,891,0
+collierville,249,0
+markleeville,134,4
+markleeville,750,3
+darden,1563,2
+darden,596,1
+darden,1698,1
+darden,397,7
+darden,73,0
+markleeville,1099,1
+markleeville,731,6
+darden,1309,1
+corozal,1264,0
+darden,976,2
+markleeville,787,5
+darden,1292,4
+markleeville,1172,8
+darden,559,2
+collierville,410,2
+darden,1346,5
+corozal,203,2
+corozal,1216,11
+markleeville,305,6
+darden,1565,2
+markleeville,745,0
+darden,246,1
+darden,161,8
+darden,91,8
+corozal,1339,4
+corozal,124,5
+markleeville,668,3
+darden,1646,3
+corozal,1224,7
+darden,1076,1
+markleeville,266,8
+darden,1036,4
+corozal,610,13
+darden,1998,2
+darden,1773,12
+corozal,416,1
+collierville,557,5
+markleeville,204,5
+corozal,1427,13
+corozal,694,2
+markleeville,352,11
+darden,553,2
+darden,36,4
+darden,708,5
+markleeville,533,2
+darden,1072,4
+darden,549,1
+darden,1987,7
+corozal,97,3
+corozal,746,2
+corozal,107,5
+corozal,782,5
+corozal,1143,15
+corozal,934,0
+darden,1475,11
+darden,435,2
+collierville,594,1
+darden,464,6
+darden,1604,2
+darden,398,6
+corozal,1517,8
+darden,705,3
+corozal,567,1
+collierville,412,2
+darden,1177,2
+corozal,191,1
+darden,1919,0
+markleeville,254,6
+darden,1773,26
+corozal,1167,12
+markleeville,212,0
+corozal,1416,7
+darden,759,3
+markleeville,105,0
+collierville,135,0
+corozal,244,4
+markleeville,277,6
+collierville,211,0
+corozal,1319,12
+markleeville,780,4
+collierville,724,0
+corozal,1370,17
+markleeville,269,5
+collierville,451,0
+darden,155,4
+corozal,1489,5
+corozal,525,1
+darden,1271,10
+darden,893,4
+darden,629,15
+markleeville,458,16
+markleeville,593,0
+darden,1545,8
+markleeville,241,1
+corozal,1126,19
+darden,725,2
+darden,199,1
+corozal,140,4
+darden,950,2
+corozal,1167,3
+collierville,155,0
+corozal,889,16
+markleeville,858,3
+corozal,743,0
+markleeville,164,13
+corozal,276,7
+darden,425,2
+darden,1327,5
+markleeville,88,10
+corozal,466,0
+corozal,1537,7
+darden,332,3
+darden,817,5
+corozal,1113,8
+darden,1059,13
+darden,1444,4
+markleeville,900,4
+markleeville,305,4
+markleeville,32,7
+darden,1974,1
+darden,771,5
+darden,469,3
+corozal,504,0
+markleeville,363,8
+corozal,1269,1
+markleeville,265,2
+corozal,437,4
+markleeville,648,6
+markleeville,941,2
+markleeville,903,1
+corozal,689,9
+markleeville,465,11
+corozal,77,0
+corozal,207,1
+corozal,282,1
+markleeville,642,15
+darden,943,11
+markleeville,187,0
+markleeville,738,5
+collierville,24,4
+markleeville,1022,1
+darden,1196,0
+corozal,732,2
+corozal,1112,5
+darden,680,1
+darden,1575,2
+darden,733,5
+corozal,806,2
+darden,1911,2
+darden,46,2
+darden,1681,0
+darden,1720,0
+markleeville,527,2
+corozal,1508,5
+corozal,1033,18
+markleeville,700,4
+corozal,130,5
+corozal,768,2
+corozal,316,1
+markleeville,1011,7
+markleeville,859,1
+markleeville,1058,1
+corozal,760,3
+corozal,3,3
+markleeville,545,2
+corozal,1164,3
+markleeville,908,2
+darden,1223,3
+collierville,646,5
+collierville,427,1
+darden,69,1
+markleeville,465,3
+corozal,1430,8
+darden,68,2
+darden,962,8
+collierville,438,1
+darden,576,9
+markleeville,82,5
+collierville,72,1
+collierville,661,2
+corozal,874,1
+darden,57,4
+markleeville,11,0
+corozal,310,3
+darden,1406,4
+corozal,1161,1
+corozal,679,10
+corozal,944,9
+markleeville,288,0
+corozal,615,1
+darden,762,6
+corozal,896,6
+darden,26,0
+corozal,1251,4
+markleeville,1096,0
+markleeville,349,7
+corozal,198,3
+darden,1497,7
+corozal,1466,3
+corozal,128,2
+darden,1706,0
+markleeville,1166,11
+corozal,538,2
+collierville,259,6
+darden,321,1
+markleeville,693,2
+darden,23,3
+corozal,1043,5
+darden,430,2
+markleeville,408,4
+markleeville,494,12
+corozal,286,7
+markleeville,254,2
+darden,875,3
+darden,1949,2
+corozal,279,10
+corozal,1287,11
+corozal,1216,9
+darden,917,1
+corozal,1054,4
+corozal,222,3
+darden,442,4
+markleeville,972,1
+darden,921,8
+darden,1346,4
+corozal,579,1
+darden,1403,4
+markleeville,926,2
+corozal,1398,2
+corozal,402,4
+corozal,807,1
+markleeville,404,4
+darden,1834,1
+markleeville,1177,6
+darden,1619,0
+darden,427,2
+darden,414,3
+collierville,700,1
+markleeville,562,2
+darden,1044,2
+corozal,996,2
+markleeville,354,0
+darden,1223,4
+corozal,1387,3
+darden,249,5
+darden,1679,4
+corozal,249,0
+markleeville,170,4
+corozal,209,11
+corozal,762,6
+markleeville,894,2
+darden,182,8
+darden,780,4
+collierville,472,8
+corozal,141,1
+darden,1472,2
+corozal,711,1
+corozal,600,2
+darden,392,1
+markleeville,862,0
+darden,1446,5
+corozal,1240,4
+corozal,37,3
+collierville,566,3
+darden,700,1
+darden,707,5
+darden,1742,0
+collierville,522,1
+darden,648,12
+corozal,193,5
+corozal,424,13
+darden,253,2
+collierville,560,0
+darden,1206,2
+darden,533,2
+corozal,1407,6
+corozal,1020,1
+collierville,703,1
+corozal,1327,14
+corozal,612,6
+darden,1252,7
+markleeville,949,0
+darden,962,2
+darden,497,9
+darden,955,8
+darden,146,2
+darden,307,5
+corozal,1479,1
+collierville,304,2
+darden,1479,1
+markleeville,1161,9
+markleeville,640,11
+darden,834,3
+darden,1708,8
+corozal,985,7
+markleeville,17,1
+darden,1004,5
+markleeville,206,5
+darden,1787,1
+darden,1939,1
+corozal,398,6
+corozal,3,7
+collierville,364,0
+markleeville,951,0
+darden,1431,10
+markleeville,207,1
+corozal,297,4
+darden,985,3
+collierville,608,1
+darden,1479,2
+corozal,1375,4
+darden,915,4
+collierville,165,1
+markleeville,1057,13
+collierville,230,10
+markleeville,1169,1
+corozal,430,0
+darden,497,14
+corozal,1515,6
+collierville,303,5
+darden,1504,4
+darden,701,3
+collierville,230,9
+darden,1855,1
+darden,1252,9
+corozal,1457,8
+markleeville,1125,2
+corozal,330,0
+darden,12,5
+corozal,1401,3
+corozal,531,3
+corozal,1112,8
+darden,1728,4
+markleeville,770,3
+collierville,230,7
+corozal,794,3
+corozal,1353,1
+darden,1414,4
+darden,182,6
+markleeville,611,2
+darden,980,0
+markleeville,62,5
+corozal,1280,1
+darden,1306,4
+darden,1326,8
+markleeville,304,3
+markleeville,187,2
+darden,871,10
+markleeville,17,0
+darden,1034,4
+darden,636,1
+corozal,54,4
+darden,1042,4
+corozal,217,2
+darden,691,1
+darden,1358,4
+darden,90,2
+markleeville,262,2
+darden,1108,2
+markleeville,116,5
+markleeville,1137,4
+darden,1602,3
+darden,1925,8
+darden,359,5
+markleeville,312,2
+darden,749,1
+corozal,1167,16
+markleeville,1177,9
+darden,1120,6
+collierville,96,1
+darden,1263,2
+darden,1050,1
+darden,1639,8
+corozal,1126,18
+darden,1303,4
+corozal,956,0
+corozal,1091,4
+darden,1553,1
+darden,1630,10
+darden,793,1
+collierville,442,2
+markleeville,973,5
+collierville,517,0
+darden,377,4
+corozal,1236,1
+corozal,1290,1
+corozal,220,4
+markleeville,501,6
+corozal,937,4
+corozal,935,4
+markleeville,288,13
+corozal,837,3
+darden,1724,0
+corozal,1224,0
+darden,1109,6
+markleeville,1154,6
+darden,249,2
+darden,54,4
+corozal,255,0
+markleeville,466,0
+corozal,377,2
+darden,400,5
+collierville,562,0
+darden,936,0
+corozal,2,15
+darden,1304,2
+darden,407,3
+darden,741,0
+markleeville,50,3
+markleeville,123,0
+collierville,71,1
+corozal,609,1
+darden,738,5
+darden,1751,3
+corozal,12,0
+collierville,385,0
+darden,1226,0
+corozal,745,6
+collierville,407,0
+corozal,1053,3
+corozal,1179,5
+corozal,41,1
+darden,1856,4
+corozal,76,5
+corozal,399,2
+markleeville,117,6
+corozal,252,2
+darden,217,2
+collierville,129,1
+corozal,1019,0
+collierville,94,1
+markleeville,1051,10
+collierville,420,3
+markleeville,401,4
+darden,1929,0
+darden,653,6
+corozal,369,14
+corozal,438,0
+darden,891,2
+markleeville,53,4
+darden,535,5
+markleeville,944,1
+darden,1279,4
+corozal,835,5
+corozal,13,4
+darden,1729,3
+markleeville,915,3
+markleeville,105,2
+darden,1420,4
+markleeville,885,0
+darden,1571,7
+darden,577,15
+collierville,714,5
+darden,1184,17
+darden,1685,7
+darden,1216,1
+darden,471,1
+darden,425,15
+corozal,994,6
+markleeville,68,2
+darden,1542,0
+markleeville,1161,6
+collierville,221,0
+markleeville,213,1
+darden,25,1
+corozal,1392,2
+darden,1033,3
+corozal,1093,12
+markleeville,689,1
+darden,1349,2
+darden,1936,1
+markleeville,606,3
+darden,594,1
+darden,173,11
+markleeville,551,4
+darden,898,5
+darden,169,7
+darden,325,0
+markleeville,67,4
+darden,1274,6
+darden,1551,1
+darden,128,6
+darden,595,2
+corozal,1081,0
+corozal,1175,0
+darden,431,1
+markleeville,605,4
+darden,173,8
+darden,1365,0
+collierville,406,2
+markleeville,654,0
+markleeville,95,3
+corozal,1320,3
+darden,399,7
+darden,249,4
+markleeville,41,2
+darden,800,9
+markleeville,821,0
+corozal,703,3
+corozal,834,4
+markleeville,1189,1
+darden,1639,7
+darden,126,3
+darden,1499,1
+corozal,82,1
+markleeville,25,1
+markleeville,517,12
+markleeville,887,1
+darden,1956,10
+markleeville,45,1
+markleeville,194,4
+corozal,43,2
+corozal,879,11
+darden,14,2
+darden,57,1
+darden,1289,0
+corozal,973,5
+darden,1452,5
+darden,631,0
+corozal,298,0
+corozal,64,24
+darden,1966,0
+corozal,1243,11
+corozal,508,10
+corozal,1258,6
+corozal,857,13
+darden,175,5
+corozal,1281,3
+markleeville,740,3
+corozal,1003,1
+darden,1929,1
+darden,1373,10
+markleeville,426,2
+corozal,840,3
+darden,687,2
+darden,526,2
+darden,1333,3
+corozal,621,5
+corozal,626,3
+darden,1136,5
+corozal,1301,19
+markleeville,798,7
+corozal,1447,2
+darden,218,6
+markleeville,78,4
+collierville,130,4
+markleeville,423,4
+darden,1789,7
+darden,534,1
+darden,1452,0
+darden,1625,5
+markleeville,460,0
+corozal,920,1
+darden,1351,1
+corozal,357,4
+darden,1125,2
+darden,1618,8
+markleeville,111,0
+markleeville,1126,4
+darden,639,2
+corozal,787,6
+darden,340,4
+corozal,483,11
+darden,980,3
+corozal,1550,9
+darden,465,2
+corozal,1222,0
+corozal,192,2
+markleeville,408,1
+darden,637,6
+darden,956,1
+collierville,533,1
+darden,676,2
+darden,1724,7
+corozal,1511,3
+corozal,234,1
+corozal,1519,0
+darden,1630,8
+corozal,708,0
+corozal,1444,3
+markleeville,69,1
+darden,1418,5
+darden,1821,3
+darden,266,12
+darden,1096,1
+corozal,980,3
+markleeville,958,3
+darden,1359,2
+darden,199,0
+corozal,1043,3
+corozal,96,5
+corozal,323,9
+corozal,777,3
+darden,347,0
+corozal,1528,5
+markleeville,440,2
+corozal,1007,2
+darden,1685,2
+collierville,488,0
+corozal,970,3
+darden,1724,5
+corozal,42,7
+corozal,1338,11
+corozal,1391,1
+corozal,882,0
+darden,651,0
+darden,689,0
+markleeville,840,0
+darden,1668,0
+darden,1276,2
+darden,491,3
+darden,48,1
+darden,376,0
+markleeville,126,2
+markleeville,826,3
+darden,348,15
+corozal,1313,5
+markleeville,1098,1
+darden,1902,2
+darden,9,4
+corozal,1432,4
+markleeville,384,2
+darden,676,0
+corozal,1074,1
+markleeville,1132,12
+markleeville,656,2
+darden,152,2
+darden,1475,2
+corozal,1230,1
+corozal,269,3
+markleeville,62,4
+corozal,1491,3
+collierville,524,2
+corozal,1384,3
+corozal,1534,1
+corozal,1255,2
+darden,833,5
+corozal,706,7
+corozal,689,8
+darden,1202,5
+darden,573,5
+darden,881,6
+corozal,280,4
+corozal,1501,4
+darden,152,1
+corozal,997,6
+corozal,1205,4
+corozal,1221,5
+darden,52,3
+collierville,535,0
+darden,340,11
+markleeville,464,8
+darden,692,15
+corozal,313,4
+darden,889,4
+markleeville,685,2
+corozal,380,7
+darden,391,10
+markleeville,733,3
+markleeville,1028,0
+collierville,67,0
+markleeville,348,4
+collierville,352,0
+corozal,485,4
+darden,1739,2
+darden,1287,5
+darden,158,4
+corozal,1295,1
+darden,37,7
+darden,258,3
+corozal,1014,0
+darden,1584,14
+markleeville,614,2
+corozal,1444,0
+darden,697,1
+darden,1300,3
+markleeville,1185,11
+corozal,1537,12
+corozal,1466,0
+darden,1185,13
+darden,1176,0
+corozal,949,6
+darden,906,0
+darden,524,11
+darden,791,23
+corozal,242,13
+darden,516,3
+corozal,1308,1
+corozal,439,1
+corozal,969,0
+darden,497,6
+markleeville,994,1
+corozal,369,5
+markleeville,539,7
+markleeville,149,4
+darden,1303,0
+corozal,195,3
+darden,1941,7
+markleeville,533,7
+markleeville,294,5
+corozal,626,15
+darden,561,0
+darden,1956,17
+markleeville,178,3
+darden,537,7
+markleeville,28,6
+darden,405,2
+darden,1275,10
+markleeville,230,2
+darden,937,8
+darden,894,0
+corozal,872,6
+darden,88,5
+darden,663,3
+corozal,1179,14
+corozal,661,14
+darden,588,6
+collierville,656,0
+darden,1652,1
+darden,215,10
+corozal,1252,6
+darden,1914,2
+markleeville,1110,11
+darden,938,11
+darden,773,2
+corozal,240,6
+darden,389,1
+corozal,1385,7
+corozal,1339,1
+corozal,1010,10
+corozal,430,5
+darden,1932,4
+corozal,33,14
+darden,1650,5
+markleeville,1011,11
+corozal,230,9
+corozal,178,0
+corozal,1353,5
+corozal,1555,7
+darden,487,8
+corozal,50,0
+corozal,1472,0
+corozal,124,3
+darden,452,1
+corozal,1253,9
+darden,210,13
+darden,1195,2
+darden,791,4
+corozal,1484,2
+markleeville,39,4
+darden,99,7
+markleeville,161,3
+corozal,1541,3
+markleeville,1062,1
+markleeville,591,5
+markleeville,181,1
+markleeville,42,11
+corozal,405,2
+darden,571,4
+darden,1382,3
+corozal,216,4
+markleeville,1060,3
+markleeville,203,11
+corozal,1443,3
+collierville,31,3
+corozal,1459,1
+corozal,1331,1
+corozal,1417,1
+markleeville,1158,3
+darden,353,1
+corozal,4,7
+corozal,331,0
+darden,1938,6
+darden,1717,8
+corozal,1392,3
+corozal,298,1
+darden,1277,5
+corozal,890,2
+darden,168,2
+markleeville,1117,5
+corozal,728,3
+corozal,868,16
+darden,1709,5
+corozal,248,6
+markleeville,389,4
+darden,603,3
+corozal,469,0
+darden,1993,13
+darden,1321,1
+darden,1503,3
+darden,1821,0
+markleeville,1007,8
+corozal,125,3
+darden,626,4
+collierville,69,2
+corozal,193,9
+darden,89,6
+corozal,238,2
+corozal,1115,17
+corozal,871,10
+darden,158,3
+corozal,582,21
+darden,461,4
+collierville,276,4
+markleeville,408,3
+darden,1107,4
+corozal,276,13
+collierville,126,2
+darden,706,6
+darden,1106,4
+markleeville,871,10
+markleeville,325,8
+darden,128,0
+darden,979,1
+corozal,486,5
+darden,668,4
+corozal,702,1
+darden,161,2
+corozal,1522,0
+corozal,472,2
+darden,482,3
+markleeville,885,3
+corozal,564,4
+darden,724,1
+corozal,405,0
+collierville,318,2
+markleeville,1159,12
+corozal,174,0
+corozal,1131,3
+collierville,154,5
+corozal,205,2
+markleeville,941,0
+corozal,1237,9
+corozal,1076,3
+darden,198,10
+darden,1676,8
+darden,368,0
+markleeville,1139,7
+darden,1087,0
+darden,102,3
+darden,855,1
+corozal,942,2
+corozal,727,6
+corozal,21,1
+darden,19,0
+darden,1727,2
+corozal,752,1
+corozal,512,1
+darden,1320,9
+corozal,1226,7
+markleeville,1117,9
+corozal,1445,7
+darden,1771,1
+darden,1962,2
+markleeville,167,7
+darden,1133,2
+collierville,313,2
+corozal,647,4
+darden,1897,2
+corozal,302,8
+darden,1675,14
+collierville,67,4
+corozal,352,1
+corozal,1382,5
+darden,1059,14
+corozal,1403,1
+darden,1132,4
+darden,1725,7
+markleeville,362,2
+markleeville,307,11
+markleeville,1057,5
+markleeville,375,10
+collierville,441,3
+markleeville,426,6
+collierville,29,2
+darden,1972,9
+corozal,755,2
+darden,33,0
+collierville,117,3
+darden,458,4
+corozal,398,1
+darden,1747,4
+corozal,425,5
+darden,1362,0
+corozal,1219,5
+corozal,1133,8
+corozal,1476,1
+corozal,541,0
+darden,1667,4
+markleeville,838,4
+darden,629,14
+corozal,1338,0
+corozal,1290,16
+darden,653,0
+markleeville,525,0
+corozal,1133,0
+darden,519,5
+markleeville,918,2
+corozal,231,12
+markleeville,915,4
+corozal,394,2
+darden,1275,8
+corozal,1002,2
+collierville,282,1
+corozal,629,8
+corozal,41,0
+darden,190,8
+darden,59,3
+corozal,745,1
+corozal,381,2
+corozal,1229,13
+darden,1764,6
+darden,1294,6
+darden,571,3
+corozal,222,4
+markleeville,1058,3
+markleeville,561,0
+corozal,1143,17
+darden,123,2
+darden,1221,3
+corozal,350,0
+darden,479,3
+darden,934,2
+darden,453,3
+darden,569,2
+collierville,456,1
+markleeville,279,0
+corozal,102,2
+darden,1471,6
+darden,1926,1
+markleeville,848,1
+corozal,824,2
+markleeville,1056,6
+darden,143,0
+darden,945,10
+markleeville,298,0
+markleeville,494,3
+darden,537,0
+darden,843,2
+corozal,593,9
+darden,977,1
+corozal,1491,4
+collierville,240,3
+corozal,907,6
+darden,1639,2
+darden,1065,9
+markleeville,145,8
+darden,1055,2
+darden,1919,4
+darden,784,2
+collierville,191,2
+markleeville,518,0
+markleeville,199,5
+markleeville,269,4
+corozal,172,7
+darden,1514,2
+darden,122,2
+collierville,334,1
+corozal,1436,4
+darden,199,4
+corozal,144,1
+markleeville,63,1
+darden,702,6
+corozal,326,2
+darden,1209,8
+darden,190,3
+darden,428,5
+corozal,1404,6
+darden,1666,3
+corozal,52,3
+corozal,1287,8
+darden,896,3
+collierville,267,6
+darden,6,4
+markleeville,953,0
+darden,1820,4
+markleeville,352,7
+markleeville,581,4
+darden,863,4
+corozal,125,2
+markleeville,625,1
+markleeville,886,5
+markleeville,428,5
+darden,921,4
+darden,1870,1
+darden,1588,3
+corozal,995,4
+corozal,1426,0
+corozal,579,0
+corozal,1539,7
+collierville,20,2
+markleeville,566,3
+darden,820,3
+corozal,636,5
+collierville,231,0
+markleeville,348,2
+darden,1357,2
+corozal,85,2
+markleeville,1196,2
+corozal,1138,6
+darden,991,4
+corozal,398,10
+corozal,1277,8
+corozal,7,5
+corozal,1542,0
+darden,887,2
+darden,625,2
+darden,1494,1
+markleeville,1008,4
+markleeville,709,9
+markleeville,687,0
+darden,210,7
+darden,30,10
+corozal,1410,6
+corozal,465,16
+corozal,83,0
+markleeville,1085,4
+corozal,1385,1
+corozal,1474,2
+darden,114,6
+markleeville,204,4
+markleeville,1072,8
+corozal,1049,7
+collierville,546,2
+markleeville,279,5
+darden,447,6
+markleeville,1184,1
+darden,1713,2
+darden,1841,0
+collierville,517,1
+markleeville,674,1
+markleeville,308,1
+corozal,307,1
+markleeville,503,1
+corozal,187,8
+corozal,465,9
+darden,1503,2
+darden,48,6
+darden,627,0
+corozal,1087,3
+darden,540,1
+darden,1127,4
+corozal,348,4
+markleeville,390,4
+corozal,314,0
+darden,1255,0
+markleeville,660,1
+markleeville,879,9
+corozal,137,3
+darden,519,1
+darden,1470,18
+markleeville,470,10
+markleeville,1158,0
+darden,633,6
+corozal,1473,0
+darden,139,1
+darden,1625,1
+markleeville,140,12
+darden,1150,1
+corozal,1369,0
+markleeville,703,3
+darden,167,1
+corozal,814,2
+darden,1506,5
+corozal,325,7
+corozal,244,5
+darden,351,2
+markleeville,1183,3
+markleeville,296,2
+corozal,367,6
+corozal,1365,0
+darden,1143,0
+corozal,937,15
+darden,849,0
+corozal,714,0
+corozal,1524,2
+corozal,1529,13
+darden,1860,3
+markleeville,243,9
+collierville,56,1
+markleeville,153,3
+markleeville,1079,2
+corozal,723,4
+corozal,1344,2
+darden,1689,7
+corozal,1254,6
+darden,1554,10
+corozal,27,11
+corozal,1550,8
+darden,491,5
+darden,676,4
+corozal,1111,1
+corozal,384,5
+darden,1193,3
+markleeville,403,1
+darden,680,8
+corozal,89,0
+darden,414,0
+darden,673,3
+markleeville,1065,2
+collierville,67,2
+markleeville,892,3
+darden,163,0
+corozal,1290,11
+darden,928,0
+darden,1061,0
+collierville,653,5
+corozal,1235,1
+darden,803,9
+darden,34,8
+corozal,568,0
+corozal,607,1
+markleeville,1051,1
+markleeville,36,6
+darden,1974,6
+corozal,411,11
+markleeville,191,0
+corozal,224,9
+corozal,554,7
+darden,1458,4
+corozal,198,5
+darden,114,10
+corozal,1371,4
+corozal,522,3
+darden,144,9
+corozal,152,12
+markleeville,822,5
+corozal,1473,3
+darden,26,8
+markleeville,368,8
+markleeville,37,4
+darden,983,4
+darden,15,4
+markleeville,271,4
+markleeville,921,2
+corozal,348,3
+collierville,541,3
+corozal,533,2
+darden,428,1
+markleeville,694,3
+markleeville,935,6
+darden,1993,20
+darden,602,9
+corozal,1249,3
+markleeville,361,5
+corozal,716,5
+markleeville,910,2
+darden,1362,2
+darden,1492,0
+corozal,1477,2
+collierville,707,3
+corozal,117,3
+markleeville,863,0
+darden,1126,3
+darden,1442,19
+darden,168,7
+darden,1811,4
+corozal,237,2
+corozal,979,12
+darden,1533,3
+corozal,1208,1
+darden,114,13
+darden,433,3
+markleeville,117,4
+corozal,1205,3
+markleeville,135,0
+darden,1877,1
+darden,1511,2
+collierville,508,0
+corozal,1231,0
+corozal,692,0
+darden,1655,0
+collierville,65,1
+corozal,1404,1
+darden,546,3
+corozal,1179,16
+corozal,231,6
+darden,245,3
+markleeville,1057,2
+darden,1596,1
+corozal,142,8
+corozal,1247,13
+corozal,1550,12
+markleeville,644,1
+darden,1355,1
+darden,314,1
+markleeville,116,8
+markleeville,1053,14
+markleeville,854,1
+darden,1730,6
+corozal,590,3
+darden,1973,8
+collierville,727,4
+markleeville,597,1
+markleeville,76,3
+darden,172,0
+corozal,1072,7
+markleeville,498,10
+darden,434,3
+corozal,1104,5
+corozal,449,0
+darden,860,4
+darden,1705,2
+corozal,61,2
+markleeville,621,2
+collierville,677,3
+markleeville,264,2
+darden,733,8
+collierville,2,7
+corozal,894,1
+corozal,1075,14
+corozal,149,2
+markleeville,97,3
+markleeville,498,14
+markleeville,376,1
+darden,1186,2
+darden,1691,1
+darden,990,0
+markleeville,739,3
+collierville,433,5
+markleeville,631,5
+corozal,974,9
+darden,923,1
+markleeville,974,2
+darden,100,0
+markleeville,570,1
+corozal,1159,4
+collierville,707,2
+darden,1448,11
+markleeville,271,12
+collierville,121,0
+corozal,361,3
+darden,536,6
+darden,845,4
+corozal,699,0
+darden,978,4
+collierville,610,1
+darden,727,1
+corozal,1390,3
+corozal,892,7
+markleeville,188,1
+corozal,745,0
+corozal,779,5
+corozal,1071,2
+darden,974,4
+darden,1174,0
+darden,1994,4
+darden,705,8
+corozal,431,9
+darden,956,2
+darden,1496,14
+darden,1177,5
+corozal,83,8
+corozal,654,14
+markleeville,834,2
+corozal,407,0
+markleeville,177,9
+darden,24,3
+darden,1372,9
+markleeville,315,5
+darden,434,1
+darden,1722,3
+markleeville,894,12
+markleeville,786,5
+markleeville,285,0
+collierville,442,0
+collierville,233,0
+darden,40,4
+darden,1792,0
+collierville,554,1
+corozal,729,1
+darden,263,5
+collierville,270,0
+corozal,406,9
+darden,1767,1
+corozal,258,2
+markleeville,324,2
+markleeville,1031,3
+darden,1126,12
+markleeville,1007,16
+markleeville,967,3
+corozal,779,6
+corozal,926,1
+markleeville,1173,1
+collierville,312,2
+darden,1107,2
+collierville,719,1
+darden,554,5
+collierville,735,1
+darden,855,2
+corozal,580,23
+corozal,1273,1
+corozal,65,4
+markleeville,674,3
+corozal,34,6
+darden,80,7
+corozal,1475,17
+corozal,474,4
+corozal,399,9
+corozal,387,3
+markleeville,430,1
+markleeville,1153,4
+collierville,636,2
+darden,1310,2
+markleeville,316,3
+darden,1451,0
+darden,1117,0
+darden,882,1
+darden,1712,6
+corozal,486,1
+darden,1150,12
+darden,701,0
+darden,112,3
+markleeville,620,7
+darden,1675,7
+corozal,785,9
+markleeville,747,0
+markleeville,110,4
+collierville,12,3
+corozal,510,5
+darden,212,2
+collierville,217,2
+darden,1956,0
+markleeville,120,4
+corozal,300,3
+darden,466,2
+corozal,449,2
+collierville,479,0
+darden,964,14
+collierville,360,2
+collierville,707,9
+darden,483,0
+darden,1468,3
+darden,850,2
+darden,475,0
+darden,74,6
+darden,1015,9
+collierville,219,0
+collierville,544,1
+corozal,1172,0
+markleeville,931,7
+darden,1789,3
+corozal,1338,1
+darden,1045,3
+corozal,1341,12
+darden,928,3
+darden,797,18
+markleeville,1086,1
+corozal,1523,1
+darden,428,4
+darden,1996,2
+darden,1177,3
+darden,915,2
+corozal,955,4
+collierville,291,0
+markleeville,654,2
+corozal,1277,3
+markleeville,45,4
+markleeville,701,4
+markleeville,475,0
+corozal,33,17
+corozal,1050,1
+corozal,377,1
+darden,192,4
+corozal,61,0
+darden,541,1
+corozal,744,5
+corozal,606,3
+darden,1815,3
+corozal,92,9
+darden,498,3
+darden,1277,15
+darden,133,3
+corozal,232,4
+collierville,641,2
+corozal,473,8
+darden,1498,1
+corozal,1296,4
+markleeville,774,3
+darden,1014,2
+corozal,544,2
+darden,1472,0
+markleeville,957,0
+darden,1563,5
+darden,1440,2
+darden,1321,13
+collierville,676,3
+darden,737,8
+darden,1287,4
+darden,120,2
+markleeville,762,0
+corozal,1264,14
+darden,1248,6
+darden,595,4
+darden,402,2
+corozal,1093,5
+corozal,1115,13
+corozal,1420,3
+corozal,1252,5
+darden,300,0
+darden,997,3
+markleeville,699,3
+markleeville,565,0
+darden,622,3
+darden,695,1
+corozal,954,1
+darden,1862,3
+collierville,564,1
+darden,1776,0
+corozal,1224,3
+darden,1747,18
+markleeville,603,1
+markleeville,673,2
+darden,734,3
+corozal,616,12
+corozal,1483,8
+markleeville,267,2
+darden,1849,5
+corozal,1072,3
+markleeville,1178,3
+darden,1886,0
+markleeville,831,3
+markleeville,390,7
+corozal,637,0
+corozal,320,4
+corozal,776,3
+collierville,358,0
+markleeville,609,1
+darden,118,4
+markleeville,297,7
+corozal,923,0
+darden,1020,2
+darden,552,2
+darden,1808,10
+darden,573,7
+markleeville,333,2
+corozal,2,7
+corozal,370,2
+markleeville,472,1
+corozal,1095,2
+corozal,194,16
+markleeville,578,0
+darden,641,0
+markleeville,102,16
+darden,1525,1
+corozal,843,9
+darden,1277,8
+darden,823,5
+corozal,1411,1
+markleeville,785,4
+corozal,1033,5
+markleeville,756,6
+collierville,688,2
+corozal,72,3
+darden,1185,15
+darden,1061,8
+corozal,16,0
+markleeville,722,4
+collierville,468,8
+darden,1385,6
+corozal,785,0
+darden,1190,3
+darden,133,1
+corozal,1294,2
+darden,1780,0
+markleeville,1185,4
+darden,1105,0
+markleeville,255,0
+collierville,33,0
+darden,896,4
+darden,797,17
+collierville,196,0
+darden,575,9
+darden,1035,2
+corozal,1390,8
+corozal,1012,5
+markleeville,547,4
+corozal,981,16
+collierville,197,2
+corozal,828,6
+darden,1936,7
+markleeville,709,2
+darden,296,1
+collierville,473,1
+darden,984,4
+markleeville,982,5
+darden,758,5
+corozal,78,2
+darden,673,2
+darden,350,4
+corozal,518,0
+darden,1840,0
+darden,266,23
+darden,1022,4
+markleeville,257,0
+corozal,768,1
+darden,123,1
+markleeville,752,1
+darden,800,2
+corozal,1292,2
+darden,754,1
+markleeville,765,7
+darden,785,10
+corozal,1204,1
+corozal,663,0
+corozal,707,4
+darden,1953,6
+corozal,186,3
+corozal,1205,10
+corozal,422,13
+darden,783,14
+darden,306,1
+markleeville,684,3
+collierville,177,2
+markleeville,145,3
+markleeville,206,4
+darden,1631,12
+markleeville,929,7
+markleeville,4,3
+corozal,1132,7
+corozal,1332,0
+darden,352,4
+corozal,1413,2
+markleeville,855,5
+darden,1880,7
+corozal,929,1
+corozal,738,5
+collierville,178,0
+markleeville,1052,7
+markleeville,736,7
+markleeville,702,4
+darden,1291,7
+markleeville,1132,2
+darden,199,5
+collierville,534,0
+corozal,249,3
+corozal,1183,8
+markleeville,352,9
+darden,30,1
+darden,1321,11
+corozal,1013,7
+darden,1111,5
+collierville,222,0
+corozal,1290,0
+markleeville,107,3
+corozal,226,0
+darden,266,15
+markleeville,708,8
+corozal,66,2
+corozal,1115,6
+collierville,487,1
+corozal,29,3
+collierville,531,1
+corozal,1300,3
+corozal,637,4
+darden,234,2
+markleeville,84,7
+corozal,92,0
+collierville,82,2
+darden,63,11
+darden,37,9
+corozal,265,1
+darden,173,14
+corozal,1100,4
+corozal,636,11
+darden,104,7
+corozal,714,4
+markleeville,297,6
+markleeville,1025,0
+darden,1509,0
+corozal,274,2
+darden,756,1
+darden,888,0
+darden,1040,2
+corozal,276,14
+corozal,1410,5
+darden,738,3
+corozal,895,3
+corozal,575,3
+darden,742,2
+corozal,949,2
+corozal,764,6
+darden,799,10
+darden,837,3
+corozal,1321,4
+corozal,1022,2
+markleeville,826,7
+darden,1621,5
+darden,785,2
+darden,1784,3
+darden,1572,11
+corozal,852,4
+markleeville,77,1
+collierville,645,4
+darden,1750,2
+corozal,242,3
+markleeville,322,4
+darden,1414,3
+corozal,367,2
+corozal,409,2
+corozal,682,4
+darden,147,0
+darden,1124,6
+collierville,276,3
+darden,296,0
+darden,1020,1
+darden,511,0
+corozal,347,0
+collierville,254,2
+darden,1953,5
+corozal,1102,5
+markleeville,714,0
+darden,461,3
+corozal,1146,2
+markleeville,737,1
+darden,1956,13
+markleeville,1159,11
+darden,1238,6
+corozal,543,9
+corozal,1004,5
+darden,1452,3
+darden,420,3
+collierville,341,2
+darden,50,0
+corozal,954,0
+markleeville,1019,2
+corozal,1209,3
+corozal,291,4
+corozal,183,2
+darden,1937,2
+darden,1274,1
+corozal,917,3
+corozal,429,1
+darden,1157,1
+darden,454,2
+darden,1228,6
+corozal,317,2
+darden,698,1
+darden,108,1
+corozal,1371,14
+corozal,745,10
+darden,1466,3
+corozal,1279,2
+darden,764,3
+darden,1366,6
+corozal,323,3
+corozal,499,2
+markleeville,1120,5
+markleeville,645,6
+markleeville,169,6
+corozal,1149,3
+corozal,1486,2
+corozal,566,3
+darden,425,0
+darden,428,6
+darden,667,3
+markleeville,800,13
+markleeville,386,6
+darden,1480,0
+corozal,596,2
+markleeville,1109,0
+markleeville,313,1
+darden,1619,3
+markleeville,798,6
+collierville,145,7
+corozal,2,6
+corozal,185,10
+markleeville,116,6
+darden,469,0
+darden,1373,5
+darden,764,1
+darden,1903,2
+markleeville,673,0
+collierville,502,1
+darden,839,2
+corozal,691,0
+darden,1729,8
+corozal,824,3
+corozal,301,10
+darden,1572,12
+darden,1846,5
+darden,411,3
+darden,1597,3
+darden,292,3
+darden,1176,3
+corozal,1353,2
+corozal,1459,9
+markleeville,1084,5
+darden,1058,3
+corozal,141,0
+markleeville,778,0
+corozal,371,1
+corozal,1186,6
+markleeville,29,3
+darden,1943,13
+corozal,361,8
+darden,1717,4
+corozal,769,2
+corozal,604,6
+darden,1270,5
+markleeville,718,13
+darden,379,1
+corozal,1408,0
+markleeville,339,2
+corozal,1347,1
+darden,1799,2
+corozal,320,5
+markleeville,996,0
+markleeville,957,1
+markleeville,1183,1
+corozal,90,1
+darden,1985,7
+collierville,445,8
+darden,1536,1
+darden,1533,1
+markleeville,1003,3
+darden,1497,3
+darden,1759,3
+darden,813,0
+darden,647,3
+corozal,1347,3
+darden,1432,2
+corozal,949,1
+corozal,1371,11
+darden,196,8
+darden,367,10
+darden,1150,20
+collierville,388,3
+corozal,947,2
+darden,1986,0
+collierville,644,1
+corozal,386,1
+collierville,520,1
+markleeville,332,4
+darden,569,6
+darden,1516,2
+darden,1966,1
+collierville,443,1
+darden,1087,2
+darden,1807,8
+corozal,247,0
+corozal,582,5
+corozal,1037,1
+darden,168,0
+collierville,302,2
+darden,889,5
+corozal,1510,2
+markleeville,375,7
+collierville,707,7
+darden,258,6
+corozal,762,2
+darden,809,3
+collierville,665,0
+darden,1438,2
+darden,1058,0
+markleeville,674,4
+darden,1741,0
+darden,530,0
+corozal,888,1
+corozal,74,0
+darden,435,3
+corozal,553,2
+collierville,720,3
+collierville,389,0
+corozal,769,3
+corozal,598,4
+corozal,788,0
+darden,1961,9
+corozal,1510,0
+corozal,1406,7
+markleeville,1132,6
+markleeville,792,1
+corozal,342,1
+darden,841,3
+darden,1526,1
+corozal,1049,8
+darden,1344,2
+corozal,1126,3
+darden,22,0
+markleeville,1151,7
+darden,1297,1
+darden,1365,4
+corozal,897,1
+corozal,981,18
+darden,733,12
+markleeville,764,0
+markleeville,1061,10
+darden,619,0
+markleeville,800,4
+corozal,640,0
+darden,1775,5
+collierville,108,3
+markleeville,856,1
+corozal,435,12
+markleeville,174,2
+darden,1333,0
+corozal,1035,11
+markleeville,709,8
+corozal,1179,4
+darden,537,4
+darden,190,1
+markleeville,672,3
+corozal,1357,9
+corozal,1486,6
+markleeville,468,2
+corozal,377,3
+corozal,321,11
+markleeville,1162,3
+corozal,855,8
+darden,247,8
+markleeville,1156,8
+markleeville,1115,2
+markleeville,489,7
+corozal,1370,9
+corozal,1257,1
+corozal,81,10
+markleeville,684,2
+darden,343,3
+collierville,530,0
+collierville,88,2
+darden,1925,5
+darden,306,0
+darden,931,2
+darden,1154,1
+darden,1487,6
+corozal,384,9
+darden,244,7
+markleeville,917,7
+markleeville,364,4
+collierville,497,0
+corozal,371,3
+corozal,388,4
+corozal,167,3
+markleeville,561,4
+corozal,1394,2
+corozal,1039,0
+darden,54,3
+darden,1755,22
+corozal,1215,2
+markleeville,332,5
+corozal,1047,6
+darden,1100,0
+markleeville,520,4
+corozal,196,2
+corozal,744,4
+darden,556,3
+darden,1309,12
+corozal,905,0
+collierville,149,1
+markleeville,577,8
+markleeville,798,5
+collierville,396,0
+corozal,1077,3
+collierville,276,1
+corozal,883,1
+darden,1830,3
+corozal,19,9
+corozal,133,1
+collierville,611,0
+corozal,31,3
+markleeville,933,0
+darden,760,2
+darden,602,7
+corozal,137,0
+corozal,1186,7
+corozal,760,16
+collierville,236,1
+darden,738,1
+corozal,450,2
+darden,1235,1
+markleeville,894,1
+markleeville,1040,1
+darden,1489,1
+corozal,355,11
+corozal,1,0
+darden,1427,0
+darden,1823,4
+darden,1038,0
+corozal,1427,11
+markleeville,362,1
+corozal,582,7
+darden,1027,3
+corozal,1500,2
+corozal,426,3
+darden,768,3
+darden,605,9
+corozal,285,0
+darden,731,2
+darden,376,6
+darden,1054,3
+markleeville,6,0
+markleeville,171,10
+corozal,1454,5
+markleeville,1125,0
+collierville,305,5
+corozal,12,2
+corozal,738,0
+darden,731,3
+darden,464,14
+markleeville,875,3
+corozal,1205,17
+darden,173,10
+markleeville,653,2
+darden,101,0
+darden,1371,1
+markleeville,179,4
+corozal,1226,4
+markleeville,584,12
+corozal,419,6
+markleeville,1141,0
+corozal,718,2
+darden,1148,2
+corozal,114,4
+corozal,1387,6
+markleeville,281,2
+darden,470,1
+darden,153,10
+markleeville,886,8
+darden,1636,4
+darden,686,1
+darden,1278,3
+corozal,122,0
+collierville,34,2
+darden,997,0
+corozal,1063,0
+markleeville,280,2
+darden,1843,2
+darden,6,7
+corozal,1471,5
+corozal,1431,4
+corozal,520,1
+collierville,465,3
+corozal,1537,0
+darden,1268,1
+darden,168,3
+markleeville,368,10
+collierville,406,4
+darden,503,5
+corozal,911,2
+corozal,361,5
+darden,1238,2
+darden,1584,19
+corozal,552,0
+collierville,120,0
+darden,937,10
+darden,85,2
+markleeville,784,5
+corozal,652,2
+collierville,717,0
+corozal,635,4
+markleeville,367,6
+corozal,917,4
+darden,835,4
+corozal,205,6
+corozal,552,3
+collierville,567,1
+darden,1345,3
+corozal,1120,1
+collierville,189,5
+collierville,335,3
+corozal,194,17
+corozal,326,3
+corozal,1049,11
+darden,277,4
+corozal,833,1
+darden,503,1
+corozal,1084,0
+collierville,244,2
+corozal,1126,11
+corozal,242,6
+corozal,669,4
+darden,1893,3
+corozal,415,6
+collierville,689,2
+corozal,1326,17
+corozal,908,5
+corozal,565,5
+darden,838,1
+markleeville,1107,3
+corozal,1546,0
+darden,302,3
+collierville,713,0
+corozal,1062,3
+markleeville,485,0
+corozal,148,0
+markleeville,208,2
+collierville,274,2
+markleeville,1134,1
+darden,1416,10
+corozal,1043,0
+markleeville,1023,6
+corozal,751,5
+darden,156,2
+darden,1471,15
+darden,1075,1
+markleeville,526,6
+darden,781,3
+collierville,632,5
+markleeville,137,0
+darden,1765,3
+markleeville,532,1
+darden,1793,1
+darden,503,6
+darden,1949,4
+corozal,730,2
+corozal,353,1
+corozal,1359,2
+corozal,1184,2
+corozal,816,2
+corozal,626,19
+darden,1321,0
+markleeville,368,5
+corozal,297,8
+collierville,217,0
+collierville,258,0
+collierville,176,1
+markleeville,678,9
+markleeville,199,7
+markleeville,942,0
+darden,435,8
+corozal,834,2
+darden,1023,5
+markleeville,650,4
+collierville,463,5
+darden,1946,0
+markleeville,1110,0
+corozal,1128,0
+markleeville,685,0
+markleeville,788,1
+corozal,985,8
+darden,1443,0
+darden,1630,5
+markleeville,978,10
+corozal,733,3
+corozal,829,2
+darden,1052,4
+darden,1972,8
+corozal,1293,2
+markleeville,167,0
+collierville,728,5
+collierville,288,4
+corozal,575,7
+markleeville,1031,7
+markleeville,217,3
+markleeville,1113,3
+darden,1481,1
+corozal,7,13
+darden,575,12
+corozal,850,0
+corozal,130,0
+corozal,566,4
+markleeville,371,9
+darden,1760,5
+darden,1000,0
+darden,1324,4
+collierville,482,2
+markleeville,933,2
+darden,916,2
+darden,118,2
+corozal,909,4
+darden,1283,5
+markleeville,1080,6
+corozal,668,1
+corozal,893,1
+markleeville,874,8
+corozal,1332,3
+darden,1873,1
+markleeville,278,0
+corozal,864,8
+corozal,1266,2
+markleeville,594,3
+corozal,1263,9
+darden,1594,2
+collierville,684,3
+darden,163,1
+darden,1321,5
+markleeville,807,0
+darden,637,0
+darden,1413,2
+darden,1665,7
+markleeville,359,10
+corozal,369,17
+darden,788,8
+darden,439,6
diff --git a/utils/taskonomy/task_configs.py b/utils/taskonomy/task_configs.py
new file mode 100644
index 0000000000000000000000000000000000000000..c6886d969775f3f36eca94fd19ca7fa936fd44e1
--- /dev/null
+++ b/utils/taskonomy/task_configs.py
@@ -0,0 +1,105 @@
+####################
+# Tasks
+####################
+
+task_parameters = {
+ 'class_object':{
+ 'num_classes': 1000,
+ 'ext': 'npy',
+ 'domain_id': 'class_object',
+ },
+ 'class_scene':{
+ 'num_classes': 365,
+ 'ext': 'npy',
+ 'domain_id': 'class_scene',
+ },
+ 'depth_zbuffer':{
+ 'num_channels': 1,
+ 'mask_val': 1.0,
+ 'clamp_to': (0.0, 8000.0 / (2**16 - 1)), # Same as consistency
+ 'ext': 'png',
+ 'domain_id': 'depth_zbuffer',
+ },
+ 'depth_euclidean':{
+ 'num_channels': 1,
+ 'clamp_to': (0.0, 8000.0 / (2**16 - 1)), # Same as consistency
+# 'mask_val': 1.0,
+ 'ext': 'png',
+ 'domain_id': 'depth_euclidean',
+ },
+ 'edge_texture': {
+ 'num_channels': 1,
+ 'clamp_to': (0.0, 0.25),
+ #'threshold_min': 0.01,
+ 'ext': 'png',
+ 'domain_id': 'edge_texture',
+ },
+ 'edge_occlusion': {
+ 'num_channels': 1,
+ #'clamp_to': (0.0, 0.04),
+ #'threshold_min': 0.0017,
+ 'ext': 'png',
+ 'domain_id': 'edge_occlusion',
+ },
+ 'keypoints3d': {
+ 'num_channels': 1,
+ 'ext': 'png',
+ 'domain_id': 'keypoints3d',
+ },
+ 'keypoints2d':{
+ 'num_channels': 1,
+ #'clamp_to': (0.0, 0.025),
+ #'threshold_min': 0.002,
+ 'ext': 'png',
+ 'domain_id': 'keypoints2d',
+ },
+ 'principal_curvature':{
+ 'num_channels': 3,
+ 'mask_val': 0.0,
+ 'ext': 'png',
+ 'domain_id': 'principal_curvature',
+ },
+ 'reshading':{
+ 'num_channels': 1,
+ 'ext': 'png',
+ 'domain_id': 'reshading',
+ },
+ 'normal':{
+ 'num_channels': 3,
+ 'mask_val': 0.502,
+ 'ext': 'png',
+ 'domain_id': 'normal',
+ },
+ 'mask_valid':{
+ 'num_channels': 1,
+ 'mask_val': 0.0,
+ 'ext': 'png',
+ 'domain_id': 'depth_zbuffer',
+ },
+ 'rgb':{
+ 'num_channels': 3,
+ 'ext': 'png',
+ 'domain_id': 'rgb',
+ },
+ 'segment_semantic': {
+ 'num_channels': 18,
+ 'ext': 'png',
+ 'domain_id': 'segmentsemantic',
+ },
+ 'segment_unsup2d':{
+ 'num_channels': 64,
+ 'ext': 'png',
+ 'domain_id': 'segment_unsup2d',
+ },
+ 'segment_unsup25d':{
+ 'num_channels': 64,
+ 'ext': 'png',
+ 'domain_id': 'segment_unsup25d',
+ },
+}
+
+
+PIX_TO_PIX_TASKS = ['colorization', 'edge_texture', 'edge_occlusion', 'keypoints3d', 'keypoints2d', 'reshading', 'depth_zbuffer', 'depth_euclidean', 'curvature', 'autoencoding', 'denoising', 'normal', 'inpainting', 'segment_unsup2d', 'segment_unsup25d', 'segment_semantic', ]
+FEED_FORWARD_TASKS = ['class_object', 'class_scene', 'room_layout', 'vanishing_point']
+SINGLE_IMAGE_TASKS = PIX_TO_PIX_TASKS + FEED_FORWARD_TASKS
+SIAMESE_TASKS = ['fix_pose', 'jigsaw', 'ego_motion', 'point_match', 'non_fixated_pose']
diff --git a/utils/taskonomy/taskonomy_dataset.py b/utils/taskonomy/taskonomy_dataset.py
new file mode 100644
index 0000000000000000000000000000000000000000..2797802b16e127f7ecd229401f073e2191702f01
--- /dev/null
+++ b/utils/taskonomy/taskonomy_dataset.py
@@ -0,0 +1,70 @@
+import os
+
+import pandas as pd
+from PIL import Image, ImageFile
+from torch.utils.data import Dataset
+
+ImageFile.LOAD_TRUNCATED_IMAGES = True
+
+from .transforms import task_transform
+
+
+class TaskonomyDataset(Dataset):
+ def __init__(self,
+ data_root,
+ tasks,
+ split='train',
+ variant='tiny',
+ image_size=256,
+ max_images=None):
+ """
+ Taskonomy dataloader.
+
+ Args:
+ data_root: Root of Taskonomy data directory
+ tasks: List of tasks. Any of ['rgb', 'depth_euclidean', 'depth_zbuffer',
+ 'edge_occlusion', 'edge_texture', 'keypoints2d', 'keypoints3d', 'normal',
+ 'principal_curvature', 'reshading', 'mask_valid'].
+ split: One of {'train', 'val', 'test'}
+ variant: One of {'debug', 'tiny', 'medium', 'full', 'fullplus'}
+ image_size: Target image size
+ max_images: Optional subset selection
+ """
+ super(TaskonomyDataset, self).__init__()
+ self.data_root = data_root
+ self.tasks = tasks
+ self.split = split
+ self.variant = variant
+ self.image_size=image_size
+ self.max_images = max_images
+
+ self.image_ids = pd.read_csv(
+ os.path.join(os.path.dirname(__file__), 'splits', f'{self.variant}_{self.split}.csv')
+ ).to_numpy()
+
+ if isinstance(self.max_images, int):
+ self.image_ids = self.image_ids[:self.max_images]
+
+ print(f'Initialized TaskonomyDataset with {len(self.image_ids)} images from variant {self.variant} in split {self.split}.')
+
+
+ def __len__(self):
+ return len(self.image_ids)
+
+ def __getitem__(self, index):
+
+ # building / point / view
+ building, point, view = self.image_ids[index]
+
+ result = {}
+ for task in self.tasks:
+ task_id = 'depth_zbuffer' if task == 'mask_valid' else task
+ path = os.path.join(
+ self.data_root, task, building, f'point_{point}_view_{view}_domain_{task_id}.png'
+ )
+ img = Image.open(path)
+ # Perform transformations
+ img = task_transform(img, task=task, image_size=self.image_size)
+ result[task] = img
+
+ return result
diff --git a/utils/taskonomy/transforms.py b/utils/taskonomy/transforms.py
new file mode 100644
index 0000000000000000000000000000000000000000..56dcc76cd913cdf64b779b2065e51691ef7177e4
--- /dev/null
+++ b/utils/taskonomy/transforms.py
@@ -0,0 +1,133 @@
+from typing import Optional
+
+import numpy as np
+import torch
+import torch.nn.functional as F
+import torchvision.transforms as transforms
+
+from .task_configs import task_parameters
+
+MAKE_RESCALE_0_1_NEG1_POS1 = lambda n_chan: transforms.Normalize([0.5]*n_chan, [0.5]*n_chan)
+RESCALE_0_1_NEG1_POS1 = transforms.Normalize([0.5], [0.5]) # This needs to be different depending on num out chans
+MAKE_RESCALE_0_MAX_NEG1_POS1 = lambda maxx: transforms.Normalize([maxx / 2.], [maxx * 1.0])
+RESCALE_0_255_NEG1_POS1 = transforms.Normalize([127.5,127.5,127.5], [255, 255, 255])
+MAKE_RESCALE_0_MAX_0_POS1 = lambda maxx: transforms.Normalize([0.0], [maxx * 1.0])
+STD_IMAGENET = transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])
+
+
+# For semantic segmentation
+transform_dense_labels = lambda img: torch.Tensor(np.array(img)).long() # avoids normalizing
+
+# Transforms to a 3-channel tensor and then changes [0,1] -> [0, 1]
+transform_8bit = transforms.Compose([
+ transforms.ToTensor(),
+ ])
+
+# Transforms to a n-channel tensor and then changes [0,1] -> [0, 1]. Keeps only the first n-channels
+def transform_8bit_n_channel(n_channel=1, crop_channels=True):
+ if crop_channels:
+ crop_channels_fn = lambda x: x[:n_channel] if x.shape[0] > n_channel else x
+ else:
+ crop_channels_fn = lambda x: x
+ return transforms.Compose([
+ transforms.ToTensor(),
+ crop_channels_fn,
+ ])
+
+# Transforms to a 1-channel tensor and then changes [0,1] -> [0, 1].
+def transform_16bit_single_channel(im):
+ im = transforms.ToTensor()(np.array(im))
+ im = im.float() / (2 ** 16 - 1.0)
+ return im
+
+def make_valid_mask(mask_float, max_pool_size=4):
+ '''
+ Creates a mask indicating the valid parts of the image(s).
+ Enlargens masked area using a max pooling operation.
+
+ Args:
+ mask_float: A (b x c x h x w) mask as loaded from the Taskonomy loader.
+ max_pool_size: Parameter to choose how much to enlarge masked area.
+ '''
+ squeeze = False
+ if len(mask_float.shape) == 3:
+ mask_float = mask_float.unsqueeze(0)
+ squeeze = True
+ _, _, h, w = mask_float.shape
+ mask_float = 1 - mask_float
+ mask_float = F.max_pool2d(mask_float, kernel_size=max_pool_size)
+ mask_float = F.interpolate(mask_float, (h, w), mode='nearest')
+ mask_valid = mask_float == 0
+ mask_valid = mask_valid[0] if squeeze else mask_valid
+ return mask_valid
+
+
+def task_transform(file, task: str, image_size=Optional[int]):
+ transform = None
+
+ if task in ['rgb']:
+ transform = transforms.Compose([
+ transform_8bit,
+ STD_IMAGENET
+ ])
+ elif task in ['normal']:
+ transform = transform_8bit
+ elif task in ['mask_valid']:
+ transform = transforms.Compose([
+ transforms.ToTensor(),
+ make_valid_mask
+ ])
+ elif task in ['keypoints2d', 'keypoints3d', 'depth_euclidean', 'depth_zbuffer', 'edge_texture']:
+ transform = transform_16bit_single_channel
+ elif task in ['edge_occlusion']:
+ transform = transforms.Compose([
+ transform_16bit_single_channel,
+ transforms.GaussianBlur(3, sigma=1)
+ ])
+ elif task in ['principal_curvature', 'curvature']:
+ transform = transform_8bit_n_channel(2)
+ elif task in ['reshading']:
+ transform = transform_8bit_n_channel(1)
+ elif task in ['segment_semantic', 'segment_instance', 'segment_panoptic', 'fragments', 'segment_unsup2d', 'segment_unsup25d']: # this is stored as 1 channel image (H,W) where each pixel value is a different class
+ transform = transform_dense_labels
+ elif task in ['class_object', 'class_scene']:
+ transform = torch.Tensor
+ image_size = None
+ else:
+ transform = None
+
+ if 'threshold_min' in task_parameters[task]:
+ threshold = task_parameters[task]['threshold_min']
+ transform = transforms.Compose([
+ transform,
+ lambda x: torch.threshold(x, threshold, 0.0)
+ ])
+ if 'clamp_to' in task_parameters[task]:
+ minn, maxx = task_parameters[task]['clamp_to']
+ if minn > 0:
+ raise NotImplementedError("Rescaling (min1, max1) -> (min2, max2) not implemented for min1, min2 != 0 (task {})".format(task))
+ transform = transforms.Compose([
+ transform,
+ lambda x: torch.clamp(x, minn, maxx),
+ MAKE_RESCALE_0_MAX_0_POS1(maxx)
+ ])
+
+
+ if image_size is not None:
+ if task == 'fragments':
+ resize_frag = lambda frag: F.interpolate(frag.permute(2,0,1).unsqueeze(0).float(), image_size, mode='nearest').long()[0].permute(1,2,0)
+ transform = transforms.Compose([
+ transform,
+ resize_frag
+ ])
+ else:
+ resize_method = transforms.InterpolationMode.BILINEAR if task in ['rgb'] else transforms.InterpolationMode.NEAREST
+ transform = transforms.Compose([
+ transforms.Resize(image_size, resize_method),
+ transform
+ ])
+
+ if transform is not None:
+ file = transform(file)
+
+ return file
diff --git a/utils/transforms.py b/utils/transforms.py
new file mode 100644
index 0000000000000000000000000000000000000000..4a4c651e3b537396fe85143809c09d00984c244b
--- /dev/null
+++ b/utils/transforms.py
@@ -0,0 +1,163 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+
+import math
+import random
+import warnings
+
+import numpy as np
+import torch
+import torchvision.transforms.functional as F
+from PIL import Image
+
+
+class ToNumpy:
+
+ def __call__(self, pil_img):
+ np_img = np.array(pil_img, dtype=np.uint8)
+ if np_img.ndim < 3:
+ np_img = np.expand_dims(np_img, axis=-1)
+ np_img = np.rollaxis(np_img, 2) # HWC to CHW
+ return np_img
+
+
+class ToTensor:
+
+ def __init__(self, dtype=torch.float32):
+ self.dtype = dtype
+
+ def __call__(self, pil_img):
+ np_img = np.array(pil_img, dtype=np.uint8)
+ if np_img.ndim < 3:
+ np_img = np.expand_dims(np_img, axis=-1)
+ np_img = np.rollaxis(np_img, 2) # HWC to CHW
+ return torch.from_numpy(np_img).to(dtype=self.dtype)
+
+
+_pil_interpolation_to_str = {
+ Image.NEAREST: 'PIL.Image.NEAREST',
+ Image.BILINEAR: 'PIL.Image.BILINEAR',
+ Image.BICUBIC: 'PIL.Image.BICUBIC',
+ Image.LANCZOS: 'PIL.Image.LANCZOS',
+ Image.HAMMING: 'PIL.Image.HAMMING',
+ Image.BOX: 'PIL.Image.BOX',
+}
+
+
+def _pil_interp(method):
+ if method == 'bicubic':
+ return Image.BICUBIC
+ elif method == 'lanczos':
+ return Image.LANCZOS
+ elif method == 'hamming':
+ return Image.HAMMING
+ else:
+ # default bilinear, do we want to allow nearest?
+ return Image.BILINEAR
+
+
+_RANDOM_INTERPOLATION = (Image.BILINEAR, Image.BICUBIC)
+
+
+class RandomResizedCropAndInterpolation:
+ """Crop the given PIL Image to random size and aspect ratio with random interpolation.
+
+ A crop of random size (default: of 0.08 to 1.0) of the original size and a random
+ aspect ratio (default: of 3/4 to 4/3) of the original aspect ratio is made. This crop
+ is finally resized to given size.
+ This is popularly used to train the Inception networks.
+
+ Args:
+ size: expected output size of each edge
+ scale: range of size of the origin size cropped
+ ratio: range of aspect ratio of the origin aspect ratio cropped
+ interpolation: Default: PIL.Image.BILINEAR
+ """
+
+ def __init__(self, size, scale=(0.08, 1.0), ratio=(3. / 4., 4. / 3.),
+ interpolation='bilinear'):
+ if isinstance(size, (list, tuple)):
+ self.size = tuple(size)
+ else:
+ self.size = (size, size)
+ if (scale[0] > scale[1]) or (ratio[0] > ratio[1]):
+ warnings.warn("range should be of kind (min, max)")
+
+ if interpolation == 'random':
+ self.interpolation = _RANDOM_INTERPOLATION
+ else:
+ self.interpolation = _pil_interp(interpolation)
+ self.scale = scale
+ self.ratio = ratio
+
+ @staticmethod
+ def get_params(img, scale, ratio):
+ """Get parameters for ``crop`` for a random sized crop.
+
+ Args:
+ img (PIL Image): Image to be cropped.
+ scale (tuple): range of size of the origin size cropped
+ ratio (tuple): range of aspect ratio of the origin aspect ratio cropped
+
+ Returns:
+ tuple: params (i, j, h, w) to be passed to ``crop`` for a random
+ sized crop.
+ """
+ area = img.size[0] * img.size[1]
+
+ for attempt in range(10):
+ target_area = random.uniform(*scale) * area
+ log_ratio = (math.log(ratio[0]), math.log(ratio[1]))
+ aspect_ratio = math.exp(random.uniform(*log_ratio))
+
+ w = int(round(math.sqrt(target_area * aspect_ratio)))
+ h = int(round(math.sqrt(target_area / aspect_ratio)))
+
+ if w <= img.size[0] and h <= img.size[1]:
+ i = random.randint(0, img.size[1] - h)
+ j = random.randint(0, img.size[0] - w)
+ return i, j, h, w
+
+ # Fallback to central crop
+ in_ratio = img.size[0] / img.size[1]
+ if in_ratio < min(ratio):
+ w = img.size[0]
+ h = int(round(w / min(ratio)))
+ elif in_ratio > max(ratio):
+ h = img.size[1]
+ w = int(round(h * max(ratio)))
+ else: # whole image
+ w = img.size[0]
+ h = img.size[1]
+ i = (img.size[1] - h) // 2
+ j = (img.size[0] - w) // 2
+ return i, j, h, w
+
+ def __call__(self, img):
+ """
+ Args:
+ img (PIL Image): Image to be cropped and resized.
+
+ Returns:
+ PIL Image: Randomly cropped and resized image.
+ """
+ i, j, h, w = self.get_params(img, self.scale, self.ratio)
+ if isinstance(self.interpolation, (tuple, list)):
+ interpolation = random.choice(self.interpolation)
+ else:
+ interpolation = self.interpolation
+ return F.resized_crop(img, i, j, h, w, self.size, interpolation)
+
+ def __repr__(self):
+ if isinstance(self.interpolation, (tuple, list)):
+ interpolate_str = ' '.join([_pil_interpolation_to_str[x] for x in self.interpolation])
+ else:
+ interpolate_str = _pil_interpolation_to_str[self.interpolation]
+ format_string = self.__class__.__name__ + '(size={0}'.format(self.size)
+ format_string += ', scale={0}'.format(tuple(round(s, 4) for s in self.scale))
+ format_string += ', ratio={0}'.format(tuple(round(r, 4) for r in self.ratio))
+ format_string += ', interpolation={0})'.format(interpolate_str)
+ return format_string
diff --git a/utils/transforms_factory.py b/utils/transforms_factory.py
new file mode 100644
index 0000000000000000000000000000000000000000..9451896966cd330cea397d836d1d7970963bccca
--- /dev/null
+++ b/utils/transforms_factory.py
@@ -0,0 +1,237 @@
+# --------------------------------------------------------
+# Based on timm and MAE-priv code bases
+# https://github.com/rwightman/pytorch-image-models/tree/master/timm
+# https://github.com/BUPT-PRIV/MAE-priv
+# --------------------------------------------------------
+""" Transforms Factory
+Factory methods for building image transforms for use with TIMM (PyTorch Image Models)
+
+Hacked together by / Copyright 2020 Ross Wightman
+"""
+import math
+
+import torch
+from torchvision import transforms
+
+from .auto_augment import (augment_and_mix_transform, auto_augment_transform,
+ rand_augment_transform)
+from .data_constants import (DEFAULT_CROP_PCT, IMAGENET_DEFAULT_MEAN,
+ IMAGENET_DEFAULT_STD)
+from .random_erasing import RandomErasing
+from .transforms import RandomResizedCropAndInterpolation, ToNumpy, _pil_interp
+
+
+def transforms_noaug_train(
+ img_size=224,
+ interpolation='bilinear',
+ use_prefetcher=False,
+ mean=IMAGENET_DEFAULT_MEAN,
+ std=IMAGENET_DEFAULT_STD,
+):
+ if interpolation == 'random':
+ # random interpolation not supported with no-aug
+ interpolation = 'bilinear'
+ tfl = [
+ transforms.Resize(img_size, _pil_interp(interpolation)),
+ transforms.CenterCrop(img_size)
+ ]
+ if use_prefetcher:
+ # prefetcher and collate will handle tensor conversion and norm
+ tfl += [ToNumpy()]
+ else:
+ tfl += [
+ transforms.ToTensor(),
+ transforms.Normalize(
+ mean=torch.tensor(mean),
+ std=torch.tensor(std))
+ ]
+ return transforms.Compose(tfl)
+
+
+def transforms_imagenet_train(
+ img_size=224,
+ scale=None,
+ ratio=None,
+ hflip=0.5,
+ vflip=0.,
+ color_jitter=0.4,
+ auto_augment=None,
+ interpolation='random',
+ use_prefetcher=False,
+ mean=IMAGENET_DEFAULT_MEAN,
+ std=IMAGENET_DEFAULT_STD,
+ re_prob=0.,
+ re_mode='const',
+ re_count=1,
+ re_num_splits=0,
+ separate=False,
+):
+ """
+ If separate==True, the transforms are returned as a tuple of 3 separate transforms
+ for use in a mixing dataset that passes
+ * all data through the first (primary) transform, called the 'clean' data
+ * a portion of the data through the secondary transform
+ * normalizes and converts the branches above with the third, final transform
+ """
+ scale = tuple(scale or (0.08, 1.0)) # default imagenet scale range
+ ratio = tuple(ratio or (3. / 4., 4. / 3.)) # default imagenet ratio range
+ primary_tfl = [
+ RandomResizedCropAndInterpolation(img_size, scale=scale, ratio=ratio, interpolation=interpolation)]
+ if hflip > 0.:
+ primary_tfl += [transforms.RandomHorizontalFlip(p=hflip)]
+ if vflip > 0.:
+ primary_tfl += [transforms.RandomVerticalFlip(p=vflip)]
+
+ secondary_tfl = []
+ if auto_augment:
+ assert isinstance(auto_augment, str)
+ if isinstance(img_size, (tuple, list)):
+ img_size_min = min(img_size)
+ else:
+ img_size_min = img_size
+ aa_params = dict(
+ translate_const=int(img_size_min * 0.45),
+ img_mean=tuple([min(255, round(255 * x)) for x in mean]),
+ )
+ if interpolation and interpolation != 'random':
+ aa_params['interpolation'] = _pil_interp(interpolation)
+ if auto_augment.startswith('rand'):
+ secondary_tfl += [rand_augment_transform(auto_augment, aa_params)]
+ elif auto_augment.startswith('augmix'):
+ aa_params['translate_pct'] = 0.3
+ secondary_tfl += [augment_and_mix_transform(auto_augment, aa_params)]
+ else:
+ secondary_tfl += [auto_augment_transform(auto_augment, aa_params)]
+ elif color_jitter is not None:
+ # color jitter is enabled when not using AA
+ if isinstance(color_jitter, (list, tuple)):
+ # color jitter should be a 3-tuple/list if spec brightness/contrast/saturation
+ # or 4 if also augmenting hue
+ assert len(color_jitter) in (3, 4)
+ else:
+ # if it's a scalar, duplicate for brightness, contrast, and saturation, no hue
+ color_jitter = (float(color_jitter),) * 3
+ secondary_tfl += [transforms.ColorJitter(*color_jitter)]
+
+ final_tfl = []
+ if use_prefetcher:
+ # prefetcher and collate will handle tensor conversion and norm
+ final_tfl += [ToNumpy()]
+ else:
+ final_tfl += [
+ transforms.ToTensor(),
+ transforms.Normalize(
+ mean=torch.tensor(mean),
+ std=torch.tensor(std))
+ ]
+ if re_prob > 0.:
+ final_tfl.append(
+ RandomErasing(re_prob, mode=re_mode, max_count=re_count, num_splits=re_num_splits, device='cpu'))
+
+ if separate:
+ return transforms.Compose(primary_tfl), transforms.Compose(secondary_tfl), transforms.Compose(final_tfl)
+ else:
+ return transforms.Compose(primary_tfl + secondary_tfl + final_tfl)
+
+
+def transforms_imagenet_eval(
+ img_size=224,
+ crop_pct=None,
+ interpolation='bilinear',
+ use_prefetcher=False,
+ mean=IMAGENET_DEFAULT_MEAN,
+ std=IMAGENET_DEFAULT_STD):
+ crop_pct = crop_pct or DEFAULT_CROP_PCT
+
+ if isinstance(img_size, (tuple, list)):
+ assert len(img_size) == 2
+ if img_size[-1] == img_size[-2]:
+ # fall-back to older behaviour so Resize scales to shortest edge if target is square
+ scale_size = int(math.floor(img_size[0] / crop_pct))
+ else:
+ scale_size = tuple([int(x / crop_pct) for x in img_size])
+ else:
+ scale_size = int(math.floor(img_size / crop_pct))
+
+ tfl = [
+ transforms.Resize(scale_size, _pil_interp(interpolation)),
+ transforms.CenterCrop(img_size),
+ ]
+ if use_prefetcher:
+ # prefetcher and collate will handle tensor conversion and norm
+ tfl += [ToNumpy()]
+ else:
+ tfl += [
+ transforms.ToTensor(),
+ transforms.Normalize(
+ mean=torch.tensor(mean),
+ std=torch.tensor(std))
+ ]
+
+ return transforms.Compose(tfl)
+
+
+def create_transform(
+ input_size,
+ is_training=False,
+ use_prefetcher=False,
+ no_aug=False,
+ scale=None,
+ ratio=None,
+ hflip=0.5,
+ vflip=0.,
+ color_jitter=0.4,
+ auto_augment=None,
+ interpolation='bilinear',
+ mean=IMAGENET_DEFAULT_MEAN,
+ std=IMAGENET_DEFAULT_STD,
+ re_prob=0.,
+ re_mode='const',
+ re_count=1,
+ re_num_splits=0,
+ crop_pct=None,
+ tf_preprocessing=False,
+ separate=False):
+ if isinstance(input_size, (tuple, list)):
+ img_size = input_size[-2:]
+ else:
+ img_size = input_size
+
+
+ if is_training and no_aug:
+ assert not separate, "Cannot perform split augmentation with no_aug"
+ transform = transforms_noaug_train(
+ img_size,
+ interpolation=interpolation,
+ use_prefetcher=use_prefetcher,
+ mean=mean,
+ std=std)
+ elif is_training:
+ transform = transforms_imagenet_train(
+ img_size,
+ scale=scale,
+ ratio=ratio,
+ hflip=hflip,
+ vflip=vflip,
+ color_jitter=color_jitter,
+ auto_augment=auto_augment,
+ interpolation=interpolation,
+ use_prefetcher=use_prefetcher,
+ mean=mean,
+ std=std,
+ re_prob=re_prob,
+ re_mode=re_mode,
+ re_count=re_count,
+ re_num_splits=re_num_splits,
+ separate=separate)
+ else:
+ assert not separate, "Separate transforms not supported for validation preprocessing"
+ transform = transforms_imagenet_eval(
+ img_size,
+ interpolation=interpolation,
+ use_prefetcher=use_prefetcher,
+ mean=mean,
+ std=std,
+ crop_pct=crop_pct)
+
+ return transform