From 57324c0513dc63ffbdc0d357b9f2ece98478888a Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:29:27 -0600 Subject: [PATCH 01/18] files added --- BoostingTrees/BoostingTrees.ipynb | 492 + BoostingTrees/README.docx | Bin 0 -> 47107 bytes BoostingTrees/results/result_auto_MPG.png | Bin 0 -> 21895 bytes .../result_energy_efficiency_dataset.png | Bin 0 -> 9110 bytes BoostingTrees/results/result_housing.png | Bin 0 -> 11677 bytes BoostingTrees/results/result_medical_cost.png | Bin 0 -> 11413 bytes .../results/result_synthetic_data.png | Bin 0 -> 8243 bytes BoostingTrees/tests/housing.csv | 10001 ++++++++++++++++ BoostingTrees/tests/test_auto_MPG.ipynb | 76 + .../test_energy_efficiency_dataset.ipynb | 62 + BoostingTrees/tests/test_housing.ipynb | 81 + BoostingTrees/tests/test_medical_cost.ipynb | 87 + BoostingTrees/tests/test_synthetic_data.ipynb | 66 + ModelSelection/ModelSelection.ipynb | 436 + .../results/result_bostonhousing.png | Bin 0 -> 8307 bytes ModelSelection/results/result_diabetes.png | Bin 0 -> 3068 bytes .../results/result_digits_dataset.png | Bin 0 -> 4980 bytes .../results/result_synthetic_data.png | Bin 0 -> 14652 bytes ModelSelection/results/result_winequality.png | Bin 0 -> 7996 bytes ModelSelection/tests/test_bostonhousing.ipynb | 6 + ModelSelection/tests/test_diabetes.ipynb | 70 + .../tests/test_digits_dataset.ipynb | 98 + .../tests/test_synthetic_data.ipynb | 70 + ModelSelection/tests/test_winequality.ipynb | 66 + 24 files changed, 11611 insertions(+) create mode 100644 BoostingTrees/BoostingTrees.ipynb create mode 100644 BoostingTrees/README.docx create mode 100644 BoostingTrees/results/result_auto_MPG.png create mode 100644 BoostingTrees/results/result_energy_efficiency_dataset.png create mode 100644 BoostingTrees/results/result_housing.png create mode 100644 BoostingTrees/results/result_medical_cost.png create mode 100644 BoostingTrees/results/result_synthetic_data.png create mode 100644 BoostingTrees/tests/housing.csv create mode 100644 BoostingTrees/tests/test_auto_MPG.ipynb create mode 100644 BoostingTrees/tests/test_energy_efficiency_dataset.ipynb create mode 100644 BoostingTrees/tests/test_housing.ipynb create mode 100644 BoostingTrees/tests/test_medical_cost.ipynb create mode 100644 BoostingTrees/tests/test_synthetic_data.ipynb create mode 100644 ModelSelection/ModelSelection.ipynb create mode 100644 ModelSelection/results/result_bostonhousing.png create mode 100644 ModelSelection/results/result_diabetes.png create mode 100644 ModelSelection/results/result_digits_dataset.png create mode 100644 ModelSelection/results/result_synthetic_data.png create mode 100644 ModelSelection/results/result_winequality.png create mode 100644 ModelSelection/tests/test_bostonhousing.ipynb create mode 100644 ModelSelection/tests/test_diabetes.ipynb create mode 100644 ModelSelection/tests/test_digits_dataset.ipynb create mode 100644 ModelSelection/tests/test_synthetic_data.ipynb create mode 100644 ModelSelection/tests/test_winequality.ipynb diff --git a/BoostingTrees/BoostingTrees.ipynb b/BoostingTrees/BoostingTrees.ipynb new file mode 100644 index 0000000..f1657e1 --- /dev/null +++ b/BoostingTrees/BoostingTrees.ipynb @@ -0,0 +1,492 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "id": "a13d3818-8ab3-4dcf-9629-6e5076cd20f5", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error: 0.0092\n", + "Predictions for new data: [1.8585509 4.32879154 2.16317274 1.86296403 4.3325373 2.51684381\n", + " 2.13825765 3.48771721 1.81816335 2.06598085]\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "\n", + "class DecisionTreeRegressor:\n", + " \"\"\"\n", + " A simple decision tree regressor for fitting residuals.\n", + " \"\"\"\n", + " def __init__(self, max_depth=3):\n", + " self.max_depth = max_depth\n", + " self.tree = None\n", + "\n", + " def _split(self, X, y):\n", + " \"\"\"\n", + " Find the best split for a dataset.\n", + " \"\"\"\n", + " best_split = {\"feature\": None, \"threshold\": None, \"loss\": float(\"inf\")}\n", + " n_samples, n_features = X.shape\n", + " \n", + " for feature in range(n_features):\n", + " thresholds = np.unique(X[:, feature])\n", + " for threshold in thresholds:\n", + " left_mask = X[:, feature] <= threshold\n", + " right_mask = ~left_mask\n", + " \n", + " if np.sum(left_mask) == 0 or np.sum(right_mask) == 0:\n", + " continue\n", + " \n", + " left_residuals = y[left_mask]\n", + " right_residuals = y[right_mask]\n", + " \n", + " # Mean squared error as loss\n", + " loss = (\n", + " np.sum((left_residuals - np.mean(left_residuals)) ** 2) +\n", + " np.sum((right_residuals - np.mean(right_residuals)) ** 2)\n", + " )\n", + " \n", + " if loss < best_split[\"loss\"]:\n", + " best_split = {\n", + " \"feature\": feature,\n", + " \"threshold\": threshold,\n", + " \"loss\": loss,\n", + " \"left_mask\": left_mask,\n", + " \"right_mask\": right_mask,\n", + " }\n", + " \n", + " return best_split\n", + "\n", + " def _build_tree(self, X, y, depth):\n", + " \"\"\"\n", + " Recursively build the decision tree.\n", + " \"\"\"\n", + " if depth >= self.max_depth or len(set(y)) == 1:\n", + " return {\"value\": np.mean(y)}\n", + "\n", + " split = self._split(X, y)\n", + " if split[\"feature\"] is None:\n", + " return {\"value\": np.mean(y)}\n", + "\n", + " left_tree = self._build_tree(X[split[\"left_mask\"]], y[split[\"left_mask\"]], depth + 1)\n", + " right_tree = self._build_tree(X[split[\"right_mask\"]], y[split[\"right_mask\"]], depth + 1)\n", + "\n", + " return {\n", + " \"feature\": split[\"feature\"],\n", + " \"threshold\": split[\"threshold\"],\n", + " \"left\": left_tree,\n", + " \"right\": right_tree,\n", + " }\n", + "\n", + " def fit(self, X, y):\n", + " self.tree = self._build_tree(X, y, 0)\n", + "\n", + " def _predict_one(self, x, tree):\n", + " \"\"\"\n", + " Predict a single sample using the tree.\n", + " \"\"\"\n", + " if \"value\" in tree:\n", + " return tree[\"value\"]\n", + " \n", + " feature = tree[\"feature\"]\n", + " threshold = tree[\"threshold\"]\n", + "\n", + " if x[feature] <= threshold:\n", + " return self._predict_one(x, tree[\"left\"])\n", + " else:\n", + " return self._predict_one(x, tree[\"right\"])\n", + "\n", + " def predict(self, X):\n", + " return np.array([self._predict_one(x, self.tree) for x in X])\n", + "\n", + "\n", + "class GradientBoostingTree:\n", + " \"\"\"\n", + " Gradient Boosting Tree implementation with explicit gamma calculation.\n", + " \"\"\"\n", + " def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss=\"squared_error\"):\n", + " self.n_estimators = n_estimators\n", + " self.learning_rate = learning_rate\n", + " self.max_depth = max_depth\n", + " self.trees = []\n", + " self.init_prediction = None\n", + " self.loss = loss\n", + "\n", + " def _gradient(self, y, y_pred):\n", + " \"\"\"\n", + " Compute the gradient of the loss function.\n", + " \"\"\"\n", + " if self.loss == \"squared_error\":\n", + " return y - y_pred\n", + " raise ValueError(\"Unsupported loss function\")\n", + "\n", + " def _gamma(self, residuals, region):\n", + " \"\"\"\n", + " Compute the optimal gamma for a region as per Equation (10.30).\n", + " \"\"\"\n", + " return np.mean(residuals[region])\n", + "\n", + " def fit(self, X, y):\n", + " \"\"\"\n", + " Train the gradient boosting tree model.\n", + " \"\"\"\n", + " self.init_prediction = np.mean(y) # Start with the mean prediction\n", + " predictions = np.full_like(y, self.init_prediction, dtype=np.float64)\n", + "\n", + " for _ in range(self.n_estimators):\n", + " # Compute residuals (negative gradients)\n", + " residuals = self._gradient(y, predictions)\n", + "\n", + " # Train a decision tree on residuals\n", + " tree = DecisionTreeRegressor(max_depth=self.max_depth)\n", + " tree.fit(X, residuals)\n", + " self.trees.append(tree)\n", + "\n", + " # Update predictions with the tree's contribution\n", + " tree_predictions = tree.predict(X)\n", + "\n", + " for region in np.unique(tree_predictions):\n", + " mask = tree_predictions == region\n", + " gamma = self._gamma(residuals, mask)\n", + " predictions[mask] += self.learning_rate * gamma\n", + "\n", + " def predict(self, X):\n", + " \"\"\"\n", + " Predict target values for input data X.\n", + " \"\"\"\n", + " predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64)\n", + "\n", + " for tree in self.trees:\n", + " predictions += self.learning_rate * tree.predict(X)\n", + "\n", + " return predictions\n", + "\n", + "\n", + "# Example Usage\n", + "if __name__ == \"__main__\":\n", + " # Import necessary libraries\n", + " import numpy as np\n", + "\n", + " # Generate synthetic regression data\n", + " def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42):\n", + " np.random.seed(random_state)\n", + " X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1]\n", + " coefficients = np.random.rand(n_features) # Random coefficients for linear relation\n", + " y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise\n", + " return X, y\n", + "\n", + " # Compute mean squared error manually\n", + " def mean_squared_error(y_true, y_pred):\n", + " return np.mean((y_true - y_pred) ** 2)\n", + "\n", + " # Generate data\n", + " X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42)\n", + " y = y / np.std(y) # Normalize target for simplicity\n", + "\n", + " # Train Gradient Boosting Tree\n", + " model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + " model.fit(X, y)\n", + "\n", + " # Predict\n", + " predictions = model.predict(X)\n", + "\n", + " # Evaluate\n", + " mse = mean_squared_error(y, predictions)\n", + " print(f\"Mean Squared Error: {mse:.4f}\")\n", + "\n", + " print(\"Predictions for new data:\", predictions[:10]) # Display first 10 predictions\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "f6d74fbd-31d7-42d2-a952-3db6ef81b13d", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error on Test Data: 0.1252\n", + "Predictions (original scale): [1115218.35094651 1422022.74149671 1296651.00128986 1335160.96679622\n", + " 1420706.07475337 1230924.16022955 929422.37401399 1163514.79813095\n", + " 1304559.25219602 1125881.6236073 ]\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# Load dataset\n", + "dataset1 = pd.read_csv(\"D:/IIT/Fall 2024/ML/Project 2/housing.csv\")\n", + "\n", + "# Drop irrelevant column and define features and target\n", + "X = dataset1.drop(['Price', 'Address'], axis=1)\n", + "y = dataset1['Price']\n", + "\n", + "# Normalize features\n", + "X = (X - X.mean()) / X.std()\n", + "\n", + "# Normalize target variable\n", + "y_mean = y.mean()\n", + "y_std = y.std()\n", + "y = (y - y_mean) / y_std\n", + "\n", + "# Manual Train-Test Split (80% Train, 20% Test)\n", + "n_samples = X.shape[0]\n", + "split_ratio = 0.8\n", + "split_index = int(n_samples * split_ratio)\n", + "\n", + "indices = np.arange(n_samples)\n", + "np.random.seed(42)\n", + "np.random.shuffle(indices)\n", + "\n", + "train_indices = indices[:split_index]\n", + "test_indices = indices[split_index:]\n", + "\n", + "X_train, X_test = X.values[train_indices], X.values[test_indices]\n", + "y_train, y_test = y.values[train_indices], y.values[test_indices]\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X_train, y_train)\n", + "\n", + "# Predict on Test Data\n", + "predictions = model.predict(X_test)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y_test - predictions) ** 2)\n", + "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", + "\n", + "# Rescale Predictions Back to Original Scale\n", + "predictions_original_scale = predictions * y_std + y_mean\n", + "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "b44a7fcc-64b5-4944-9a4d-da51c21f73f5", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error: 0.4848\n", + "Predictions for the dataset: [16.45327894 16.45327894 16.45327894 16.45327894 20.74959815 20.74959815\n", + " 20.74959815 20.74959815 19.80121047 19.80121047]\n" + ] + } + ], + "source": [ + "#Dataset2\n", + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# Load Energy Efficiency dataset\n", + "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/00242/ENB2012_data.xlsx\"\n", + "data = pd.read_excel(file_path)\n", + "\n", + "# Features and Targets\n", + "X = data.iloc[:, :-2].values # All columns except the last two (Heating and Cooling loads)\n", + "y = data.iloc[:, -2].values # Target: Heating load\n", + "\n", + "# Normalize the features (optional but recommended for Gradient Boosting)\n", + "X = (X - X.mean(axis=0)) / X.std(axis=0)\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X, y)\n", + "\n", + "# Predict\n", + "predictions = model.predict(X)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y - predictions) ** 2) # Mean Squared Error\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "\n", + "# Print predictions for new data\n", + "print(\"Predictions for the dataset:\", predictions[:10]) # Show the first 10 predictions\n" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "7560de01-82f1-4299-a140-0e3d9b60fa30", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error on Test Data: 0.1689\n", + "Predictions (original scale): [10080.48355121 13895.33265983 18348.4838738 16775.67564369\n", + " 13850.04125789 2991.89635303 4363.66200959 10698.70506793\n", + " 18509.28425974 6344.20381705]\n" + ] + } + ], + "source": [ + "#Dataset 3\n", + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# Load Medical Cost dataset\n", + "file_path = \"https://raw.githubusercontent.com/stedy/Machine-Learning-with-R-datasets/master/insurance.csv\"\n", + "data = pd.read_csv(file_path)\n", + "\n", + "# One-hot encode categorical variables\n", + "data = pd.get_dummies(data, drop_first=True)\n", + "\n", + "# Features and Target\n", + "X = data.drop('charges', axis=1).values # Convert features to NumPy array\n", + "y = data['charges'].values # Convert target to NumPy array\n", + "\n", + "# Normalize the target variable (y)\n", + "y_mean = np.mean(y)\n", + "y_std = np.std(y)\n", + "y = (y - y_mean) / y_std # Normalize\n", + "\n", + "# Manual Train-Test Split (80% Train, 20% Test)\n", + "n_samples = X.shape[0]\n", + "split_ratio = 0.8 # 80% train, 20% test\n", + "split_index = int(n_samples * split_ratio)\n", + "\n", + "# Shuffle indices\n", + "indices = np.arange(n_samples)\n", + "np.random.seed(42) # For reproducibility\n", + "np.random.shuffle(indices)\n", + "\n", + "# Split the data\n", + "train_indices = indices[:split_index]\n", + "test_indices = indices[split_index:]\n", + "\n", + "X_train, X_test = X[train_indices], X[test_indices]\n", + "y_train, y_test = y[train_indices], y[test_indices]\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X_train, y_train)\n", + "\n", + "# Predict on Test Data\n", + "predictions = model.predict(X_test)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y_test - predictions) ** 2)\n", + "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", + "\n", + "# Rescale Predictions Back to Original Scale\n", + "predictions_original_scale = predictions * y_std + y_mean\n", + "\n", + "# Print example predictions\n", + "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "16709f75-fb97-4e4a-8fae-220d930ec0f2", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\pooja\\AppData\\Local\\Temp\\ipykernel_11216\\1415650776.py:6: FutureWarning: The 'delim_whitespace' keyword in pd.read_csv is deprecated and will be removed in a future version. Use ``sep='\\s+'`` instead\n", + " data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values=\"?\")\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error: 0.0080\n", + "Predictions for test data: [4.12896439 5.98399739 4.00468102 4.00468102 4.00468102 4.00468102\n", + " 4.00468102 4.00468102 4.25208439 4.00468102]\n" + ] + } + ], + "source": [ + "#Dataset 4\n", + "# Load and Process Auto MPG Dataset\n", + "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/auto-mpg/auto-mpg.data\"\n", + "columns = ['mpg', 'cylinders', 'displacement', 'horsepower', 'weight', 'acceleration', 'model_year', 'origin']\n", + "\n", + "data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values=\"?\")\n", + "\n", + "# Handle missing values\n", + "data = data.dropna()\n", + "\n", + "# One-hot encode the 'origin' column\n", + "data = pd.get_dummies(data, columns=['origin'], drop_first=True)\n", + "\n", + "# Features and Target\n", + "X = data.drop('mpg', axis=1).values # Convert to NumPy array\n", + "y = data['mpg'].values\n", + "\n", + "# Manual Train-Test Split (80-20 split)\n", + "n_samples = X.shape[0]\n", + "split_index = int(n_samples * 0.8)\n", + "indices = np.arange(n_samples)\n", + "np.random.shuffle(indices)\n", + "\n", + "train_indices = indices[:split_index]\n", + "test_indices = indices[split_index:]\n", + "\n", + "X_train, X_test = X[train_indices], X[split_index:]\n", + "y_train, y_test = y[train_indices], y[split_index:]\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X_train, y_train)\n", + "\n", + "# Predict on Test Data\n", + "predictions = model.predict(X_test)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y_test - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "\n", + "# Print some predictions\n", + "print(\"Predictions for test data:\", predictions[:10])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a0cfbd2b-ec52-459c-ab94-6815fcb6b048", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/BoostingTrees/README.docx b/BoostingTrees/README.docx new file mode 100644 index 0000000000000000000000000000000000000000..0d0800e93a654421aa2099f97eec698f5d910135 GIT binary patch literal 47107 zcmeFY1CuU6*Dct#ZQDNWKJC+|ZQHhO+qP}nwr$&d=Dgo`@5G&$`2}-tMPx>1<*ulx z%(eE;U9nP55)=##2m%NS2ndK6=#&^z+YT5AXcZg?2o(qlL{r$-#>v>mNmt3;&e&0# z!Ohx=r~nLvDh~+cpZ)*2{x_b1rld)WK_(>8*WjPP`Ifc69aP0b;{~zCxMm-~5o|6Z z&q4}1zPs{SX($O;4{KOe>7KXP>r;A73pAR3hzl7BPmu)UeRi}(<&qDq?_;?V7$mF# z)RuWJ-##)rVAd6-VC~EB*OjJYZ>hMo>yT@G#T|x8k~AYcJA1uJKA9VmgRiJkvvD58Zo$NP!tXk{fMYH+%yiD`%Y&N{Ml9bGhIuLsFLvFNLv z8McBs3u#UcjRe_nZbFX;_=hn702D~>|3OrOc%0VTeq<^S^ORSEt72nzT6Ht;)ezFU5yAFEJ?(Qs}PYaJ3wQ$h-LbIoG)=bLwJ4Mh7~ zUwm?5F>%hrF-y#OFG>3jCq)@Pq8obUU1w19v&#)AIk>Bs*=@z{050?7#pHW}RDyaU zFj5^oVipG?{w*wRx)1f3M&#wV6xN)CdUnZ>tg$f1UU~I3&4)EFoq2i1;*X{$WCfpS zPY8a;47Lx9i9mfSD}7w-z)pkqkkUnB8%wkW^)nrg6%!+QR=hzK49;EG{DnthZ|QJ& zFdcM0bU5Rumx&gN#?NWQ3AO;oEwOr&?!GNc=EriRk@E)?5Kw^%Fc9*; zNpZDxFk&>aHFUQA7tQ_?#;&|AZ8ygf&R)T9e2IAbY*DleGLISKM9)4WX}yotyJE{m7wX9(V z8VFqcQTL|=;KE7^Epg}Ac!zM2bBytzF1Og7n~veb+$$X+R6kc|r*wT!frLaqmqLA` z)E(j0G2n<{Y_?+m1JSDxzG07mU<5dM@`rN_=A#Zvc*`B>d7+Dq0FjIx3(ABlJT^4J zmEdouNErcq5gQIvo(EgPhE)-K;$lWL86Sa!El0wa8(HD{pV&2OpQ*j`Ad0(Vrs;z` zKY_-1V>~0>lEhz3cVtupn@li~*ijNq9%)2UJ#2nZIT^7?lY!adbBu>hze(NYViR<- zr5lS>`2Z$Aya7A3xwSsixp~ODmix{pMI#)yf+E6q6OaD3@)>E44DR!U_riXnc0bSY=SMn+cmmD?E2_?Vmt* zOMZ(u|67Bg>bZxCz~4ts;$Bfo^(e`J53yLL_5mS2d)IsL;hpjWd5szHbSn9U3Yc93 zB#si5Ral-^L@;WC2(sg?A{)0dLq#zL#*-*u?Sm zzlV>s?is&w?jdQ*vXc*L1Pd#$XS$WFWU-ik5c=Qo!zS!8fIW!_W?>wb-%Y%4^0-1P z)^hzOt2v;FFsR9&P;^>+LB1;~gMlCxLvzVE0Uz_flN6(dwSUL~=6Y9~B8ltS(FW?7i`CcZg2WP2XTr|aK7b!*W4MJY>@4evo$B@cRaPtE zcI|NPU-jiYY18fe@L=hJZmPYl1p31-3}mf3@28mKj(7jsYA**Bm~5DhlyY@7Q$Fj&_wYEvUnsB zjf(y`G^#HY90s8tfZ6ws%)&h(2VWWv zgoCYQo23hN3*`P3BX(Yd=gb5Zc~>K5tVh{9#XGi!l3Icvc^j3mO3}xtMP5cxn!8~mT<;R34 z6-b4-KwN0{P6RGg!s^B&MFnF{Q8XTWH;E_5KeXMYE70~Ucm`hhg?v{qDVrVw`k ziX-wC;Mtds1il^ylSfq|(Z3V4^IIme%P3wx1A!*#c~KtaCkBzi`~gA?2nY{B z9Xxi$5l?*yzQ}D->hV{WNqhr!D0r+GMT3b)&PTygWLt$!3fmY8h8!>$b{FGx&r~>q z>>S+{tS}Bxqx{h;@J>23c!MzU7PxvC19T$Ok$YURIrlWCZkGq0aBX|q?cVs{jmMvN+>|h=hon)zv=%K?RZcMyw^kK%Ll=HaV&^uKkaL#2xig z-KT)hT|i?|fv{4-F=6q_@qyL$9GduJFG-U@-QpyrAfW-Ok#WZMeB-4n+%$9A;lh!W zpJU|0$kGUCItslp)S9VQc4#l?r7Ub6{_sWi@1g`IS}KU&4Q%)x*dD^eRv<@P7$mv*IFr`)nxB ze)liti3zGfBB4;E88TWkJWBax{?)r2f2>QcKw3`df=DqR_Pxqkjk$sc#O(xfn3zaY zQQgrr+9tE6f_V4YhR?IYg(e@ANgIg;@=E(zoAwQ2bMlL_9ok1YYtQ@3Ify4!nDAHM zNBfwG&=%cBEK`aJ@_J>F_W{7$kZi^$wD>XXtp*b}*}l=;dW#0^GJu2hDD*KDm1My? z#-hITps5U@;V@v5CVr2dq6)27u`Te0xf8Yl+tO`+ zFbUAg8qP_XL)lOTp*s1+aKkoOr1ltzdm)w~M$~{tI-lh5GSPscEb{l@-U7l0yb1ds z29<%EaHtkk1-zehSZjfm?IS!ON~a2bhf&`2yCY$Zy?MfGv32sJr{kh>WX4 z_DfE6dmZT=``4VL8Ak@R4!Oklx|RU+?PM5U947>}sDH$QUY}R@ra4xA`3VY?0rKvX z(&?q3Cfd<3B%Cmi@NFP+vwwb1onXXeE|NJB27-sDqt*wtny4GhvRc~FB3;=5s+J7C z{{{6Sj)+4A@8f0{p9zQ8aZzy#?f5H6q&G$8B@H_*6y z*sOD6)cJoaB(1u;{429@$UN6<0yRFjPLp#I;mdpwYw%lV9|w zV%4xa!&V=h%-n6@{_X6VpZi^KPU8^*1pj%{?{=Zy3cs*(4p1UaaN$5K4R7`K@zb(B zCADHYkxqEEezmqaM&ytLp&(0HI?E^obc=aE>SA^5f&9c-xFz>)H0K$)=n%}2Ka`?a zfhZudR&22hr{i822nCnJ4h~3f6y(`!+H`yLEO)DKR=Guy4Te9+4R{Q8cV=L^_U3e| z4$_y##lFiF{J>P;MsqBn8pbFSzx6;2bT#`QBR(sfhlV|<8r)bR^XL?2Aog#i9Pww+ zp$^c{b{Hho=h^7An^!7Gb=c}_nc3Ol)R$6Hxl8+|oa4ae;pqRU7rT!h@H!PRqpFzp zKAQVRN!(+>k34Mrx?s)Qq(7@+ULi6%$M@J>EXWg?*jnvAf~jCiiD zF|wramNfDcgNny8B;jL>lww+yA)FvHYX8!yfJpJkRn1HC8Li>YBYs-dBU-fj%?f1p zE81Sp33?c<$XJL~#WVAXdNu%Lo=x~=yO8nQD%Yc!e1Yn3J%@WbaNSs5iT80*l|mM6 z;YE1Dl{@cDFx_QMuzH)Z+$saZwA(W-$Kl0-n93L>TSQCa?n2?PvjZp%LRT%xbdI!c zoqg;5+C&-O{;7wAqcw8|I*5_rSo0cVyNC*WKodWM7-IF)(6!~VtlmB3T{UoMGi;Ps zBsx}KePjfaRtf^D*4cRd7!1W`l%1oO^7@4-W^63Ir7uUE2% z-H(=|=iA#OsmSoW5Gc^i4bunsFE-o|@JXkk z!9;sb`2NGMaupD38uud!_w%WcvKn%*+!GtyLl4Pye-AIQ%w#8CZSDJ9io`%D%^H8!9W z;|S-;w!Z_374o8^7<|>hyW2rJxT8 z3G`KgG?GYSRlGVMVGf8(B_Ljc%)4bY(z{k+!mbogRd|`Jn`clwO=E@BYBobL*`RG1 zEK55FPttVem4&^F>rE1>8-Ft#XR2-dW$P4-7W9NOCzp)E3bt1}C$qB{-J5Li_S_qu zS>Zr|sy!P%JJ1Rnq%yc z&@7a*aUME0!>V%$58AY#r9g!ITSIKo;ORu>+UI|Jut_wq_2XAhj0hV5j2SL6l(-OX z{LmA-E;r)hI)*#OlXvvM_(b4}6bLG3TA>Dg?KP@VeLFLWKWvqbI5IY&UDRLT(O%Oz zFyNY!pnt&uN{OVCXkZPUdRgsWaPr0>E3;qxhp3ItHsz= zJ)rV0xJ?0EgX30qV;SpjpDbKCrmbR>BIr%G=zM+$!W9Cd+Ih$lpxMdgGN+6|c(s(i z7l^`)OcDKd#c1VzI>!3CVY(A^UJqfsskHUl30!;4O}^*?M`Ffg)8<0ZCnh@p)s}0v zqbSR(X1^D~Go9dr2^I!#0HsIHnTE#U@c1Cqj*R@EVfZEndzbNYjxh@s*bUwl8HYsQ zv-K7^#8F7xgs&Am_EVGo!#{2kD(-c+s`7 zj|B&Tl@f@ohi+t?304w=q^K3yl~DTGvYD*t(PstS>GtlWV+}qydB2F5EW3*OlR;+- zGsxMz;kJR;0N47XCvB`&{oPPKO*{mQ-4@Z-ZcPwGm$WfLRHT!xJMY4~P=nJ_FgE?l z(PNcit&&Oz+-%HzTGiTBk7$n}%2si)^!MBEad6%(d=1_`X*s0pySi;8dm?g%2?DMU3S)gnmCG~ntCOfIF!;!2_wCq)?e_g zp*BMwSySh-w(e1=E19`X6=!eO%ZN&x!+ZQeDPJ-12O(j zNR8H13%EZLWm{(T$jCzh^X78zf>N;PY9RTm*G+lKjuF^^U-%y==am+`diWtr0<&}R z6#~-?KO4xyOhY08B(t%y5gpjFLhPQHaH6n_f>As*Xe~lei{x=~FIkCOqRUueq(PLP ze&&;C+nD}Pxl*+P8cp&uUW@B(sTjpI071`NTe|0V2As=ND)j0{g zY5Ak(4=Cjoy5V0;UPty#A*i{gV&!iwi%Y| zi11nLakI)`w;+9;WQ<6Gkt*De5MoF=j(x=v6wFTE(T_^Y%jAn1$GrS)D(GVizm#FM z-#E{Mp(`aukCqtC^w%jpf6hnWDZTEoEpyjF3pr(2O%kNmK`VpWh8U@a*vVTfIzVVZ zb~(=TTSUQs{N`~vhrmY8XZQ5es+2aI+QOYN3{u*V(yB4-giJv|d?~h8R(u2CS9Sv( z!(^i9CQB?P)(A-bu^uk2ywyx})YS>LHUaN9*6ooSqXn8uID)b5*vrX;i$AGd7qU2P zW&&Cq-_i=EQJG3s%3WAC~x!ys(S25%r3;=BwW$Fg0=qd7diQxmq4gPx7&4imO zd*hm@Zo|uvo|`s{o+?R%$s;zUX^gDqINr459-l9FC- z`s4rDwX&H2LGa$xl$^C3R6BDdT8%5>)wbjQIBNVBdAv08quycBCqo5}%YoCm*~o~l&=|tVh6v)b0@Bjj6h!zqTE#2StpPz$Z?%%ws-%x2B70P7AkCyJ z#Uq%#^W*9{ZQ1`oTCHhW%~8v_9b1Jb(DNqrh%AFJixoMKhC2m zqQA}PYRA&D1IahMm1$PcNMzWi^L)r}nvJ$rcU85j1G`T)dUcNH;-1f+1fsz0g^tru zxAIN4m-AsJKtmEMf#Y6w^3w81L-hk`yXNz4vbJ+)+>AzLG7qw>NS7a}NN89I0rKhO zWEv@yI!};Mq?e=(-g$X=H~Nx*1WZj$c^9lSI}W)n!|Mz|ETFk6549%?Rh5sFrQNf; zXD@a>cvVo3gq4lsO;c4{m5}H~QLJkyUaWz+^MvUR+i<%ThiGojyQX! zmjjQI{tQwZM>&;6x)yE_5UeHNIcD6^#f8UQz9VSHaVFf7MuwCkd($`Z_e9u~FsVDs zqZX^5kIEuV*iqB2qr&%zr^X=mt}9zjCbKOR`}zs+-!Kmz_0dm9HXv11wAY~E^Y+9X zq?J5S_4*WqrSj?q$Q4*Jn4A5Mllm1U1<7VQef077ZIq^mtGJ`Wj_Z;+*pnek|8mtU zODu4hyb3CyH$)x>t#)R>$nE7rz@5!6|E~x+uXV3XT+6t0^XG|Ok@b}}#V=>#1>kop z*VgbvbOG%nHPSdSe5@A_ftGYS;~)vPh^lPA z$g03Hb0cp!PqpXCUH#?d-IOL*${qxZTkq{ZN+YHjV zT7UoJ*>eB$7W};VjuL?jDcrQJ!-wYOHWRPOY*IIg2oDI}QDQF+boiI|{FPUJ>(4&0 zx`MPp#}2H6k5Qmm$4yg?h`T{2yQ@d=J4%}Sl?nXYhhuxk2d*l8IemLaSC9UcDD{0H zk+mhzb)&BUYeJ<16=1jV0(Z6x{cV5VcSuYqGqWDp(Fwg8AYQ|par<4}${Jwwi&lXzmcqP^ICXlae4yy*O|>6&C*$f63%@CaikYXVl7 zm#=q@0?6lN4$`2v782U(_?jgoOIs!KZSCDXcO?`!w~FFcVqYAwz>wmVPRuD)#2fV- zZ=D>8A!Wm2^%9f!s$AhzlmS&by2zXYr1s0A56Fn@>Or0>hv~OMbpe@qW)bDpj+jfX z%O+_Ou9i(_dfPBaa}Zlt0PlcCeu&WahD_0kGYqnHMtMXQMy*M$`aF=Tz^`ctZ#tgR zI;Lf*N|li&`Q}fPw3|Dveux+n%D(7^3N0E!sM*8X{TWqBOKaJ4h{9T~7zU4QNSu=Y&nfC^9@_jvTW+Tg_UvD7&u*%uJEJ8{#_uKc-h?D>`^uDUr?~A zENGT+IMLx)HK@G7O)$t3G9I6ZuxAGhlh>@5Rh)+}NL)Sg2rG7<=pwAuFJCDHpNxFHJAOCn&{? zDXZwA^S(rAc3jY_#NC<7uL0WGG&YH}3K}gZ6_ea_L}BD1amBbZr_Al$X6tVWV>?cnIls-|)lK;Nb&%?SzB1ux%rZ)$A->HIp2dI>;X$c`~h$EwnNHt-moNRNC9ku z8Gf6^Ti7Q0^4I%L1a*7NiZeYARe0#^=0=;Hvj>W(YQwN1)Havpb4<=j^>;xC!OTf` zuZLR?`S#03iwQPO3eLWzU@_`u{GZj%81tmZYUNC|hq;VOKy*0lNGAl=Y3eR1k<897gAP#_0zna1=$Mj}B#?JhMTpN!4vTK=zIeuPCcJPEQY3tauBmLx_Hm$f9;55DAd*T~ee z+57X=Dp{@!g}KUHe+3KQp$65ewI+u~<-q#h-C0BlR!MAYuSh6lD*KBXMI%{jZ|M5_5fK@W@jRd`na*bV^okTE$4GjH6O!+CBkCRvu*oLrc{AFp zO*FHP1ZxS0RLjaT*Ua*5((82vtzC+eWoK|sQ#(ran$r$#NTFUo$>32(hG3Ug=X9VF zzFT8sCOSJo zvC;h?`oyh)jiEZc0@vDI zl1UK3C3f$WIP>I%&4!d5ZGm`+ZNDC*sAo1-iM$Wf&H$ZwXr+`W_{3*p7YoAE>)rdoE|VAp$5eX`*|?#fd@ z2i)BvslHOPvM+OjTNP)JR8x3&@4gf{e=71}M%)>LJ-1i*Zwszz(p&>mCDC-f4;0K= z4%QZ!@j2J$*v6APWtI*QA)=Nw6xL22hS{J2{MPx~Dux2*NCyL$F*FI35jlm~K+X4% zpMxB(cAHBqs_2vsdrIi+(u>oIT%rwH>3qX_SiqJ;8G_ zJ|om$6kp}qDA@}$$+wavM|l}H<_!!jE9%aH-->VtYYlHKn2xkH7TudcM&ms@-o!Aw z9t9WeC8U{eB@F)Fy3RYG1<_{2btmRrkM;vbEc9SuI3W9r;ITA`#^Xvn0(?=9?5d4) zyEk6<`doOI9^N(Kl3V>h-(@G^Kk643(V%Nrvlkz-+QFOE4L<*`yPDY+Ob3 z`ddUl1;phor!Lk$l_*Qr{qH7L=PhL)Ma?=@nRVow3Hw~uT!730cu}xjCG%d>foIo% zSGgCDA9h4BUQgrjbGH^RxHTcGwnQ-I?somoIGcYPaw!{|HV*Le5@9^iTNZ;)88^&B zF=XO=?~GGH4%C7>4%h~}X)Nn>e>%^C)s6T9Ue>+&o!DiQF_Z1zkG8-?`7bgh_eP^7 zezF0`M?x(7@}~u7>k+O)S3wlWy7$ox!o9aat!(*bZNXkCXoea=-cm6Je843a%rVFE z3?hwior@txyzVLVc$kp7XVYFE@UFb{aVtTtuDaTL4&w=#4r26c3)QFK}9B`7nhoXiQ_q(mNzB*G;Kh&`0%;ub^bp))9y zUP`!k_k&AlKU7v}e{waXldlDxy`IXHYz1juijZs9TVQ)}@{pv@taF)vfRX0!ezt`N<^C?n2=XcZKmu# zhcwU_hTvLp`K^T6zQwo?IfD;B@Tn?vRyn9!>FIAmR1&a(408|*;gKy8MYzRLa@EwB zyR1eJ;K0Dme3#txE=qMXN8yW4v@gwEm5jO2k9oojQf@v-J;SLkjkiJ|$JUJvQ%0)} zBTnm$T7fk0G5sgY2(NsRZl<4Bjn9uU!Z#AXS884~j7oh-%A%H#h&M`i@^}Ku`1Iz6 z^qu_cFnQHlbz}l!ppqc0<}~a|*S?5`{&zyE%}Q!;TvVqCEyWgte&r$HRGz=^(J^CK z5ba0iGD9e8#*vo?Vm5sL-b+;T$$6H`Kv73RfmhSH!%9W%7S^Zp{t6$VihAftTk(R0 zaF!d;lzLquuV`3u?=Ekx4!SX-&U(>WXo4Y|J0#D_J8)K+LUFFmVP_=)HF={mx?{_C zDA-|f(PM%o&U+hsmS>+W9zWZp$<_iQEl-frGzd&g=duB@YD-)SSSG#@*BHQ~i`eUVS-GI6HCMylXu zi#{wZfrckLM`IDLF_G?wld3Sjl8g7VTt9S>KJiPfT7fOIJd}3{^=Cea_;-Q_=ER*q z`xcG%y!UY#wXpPJ80BBfw+=$V>u?==zdS3TlIzp*A|klTu+ks zXnN}oeg5!(bSAjQE+mnL=7OG&TaHdIu@mpew2s!5?Y~aS2g#KFSFz9IpD3h+k?JD* z1a%s!rUD`E_XK)CO;RJ|3JK;~JJ@2b^4^5$zOOcNx~R%sZd|?~rYijE`^%6@CBtbZ zaOqt1Z699l72;pdCA|ry<0ZxUmiAOXoi7Pq8Ohg+pXMp^KJD+QduRiA0X2F+AH;tk z-c*-?+bn9mY0DS}o2Ss5C3NB@#s^M>Y-~7Cx;8hl?d@d6y7vb3+KIC^*7V|OkfJ66(Pi9BV<$~r*F-3h$#9Sdz{hNc>y^Y z=xn>}X|UxVHWgktNc}g z%18zyuM!WMO}%kskEco%wp1A8SKfA%e3h_e%2Z4xVaej1nf6{Xclek`N zqMP|6C`3Wx&ge<8&y6Cx&$+mZ99I0$;QrKF1I@haji+F+*me|6i^;8arXYTYNjkDv zKzuRaTfMs`SBy)m`XutTZZfb5zyT|tsMme{pv+`&{XuH@S`1lQ1ZXk#Q&>Y@_#Cef&WSW|5^X$2jf2kO=`QCpi*J10>@zFV;)eq_+4M{fWa zYG>4(TNrJD6sBx;)*y+l+3%(kFaqV3OaOOPL`=zb6TAG&)LKK;i{;Taw7Jquv%j9A z2@f$VVppV1Bz%tZyWizdN6L`J@QZiQ`VRzR*isE4Gr|PkfbgH74IH|ol1wH0q!Xfs zJifiT{-)qHi;lOC}FTBBPpCBbMbS`7|2Rs?Swz7Y1 z+teNnif3K(zoKkY0g`O_nrGxi%-(zoHXmA7CnX6EO96qnMA1BNOE2j2V1vrOLw6=^ zD~L3)`*AX70Sl60&FZ#GW%7hg0=0whr@6U!&P(#www7*((Z3ShA5X|vwOzFv%;pPT zmN5=Tq8$UT%N0vIX64ZMA-Ys$xX+7>X8B(6+92;4)ar=ZzaAzFZ~glZuNr4%blmoX zj~a8otv)UIvCv#Lty_BcmkXapp+1b=E029o+;7=$4nA(*677 zaoe=B*0(xL&YkXuEouL_c2?Tw`*v4y2QW>0T`3%hO*+Z1h?*yiYs10)ehrJboI}9; zLHKw50i{BKzX##7BfI4MA!nHaJ39wA&{U8Fmn0)>x!C?!|&<)D4$wF_@%G>@DvQ$REvPX{5`nu z2iW3O{pdVH`0Ea*Z>GOD)usT z`!q0c=HVor=JKu_`-XSDPc(_ei z;Lr&qP(OR<%#@1wxHy5oHYU+y()-0}v-JGoCU6I7N8qQ`Dum>Z68dhrE81mwT$GQW3IN`L0}*!wAx1!=AZS&p?DW6xWci+x9?$B@ zC7AWT+TRW$6Q?;g>D>Q0fCN+-PW|5uiRUpqH)f$RptppaFKaXS-#$id#k20G*{59{ zJs-=pEww|!>YS%pjw{S52&O9E6kYot+X15xa8Qh2hrZh1-vZlH(?h)-We%hE>x?({ zr!1h(CRWlh!-(IuuF*09+J|@0(6^z-b$5HZr+3ityMHF*_(NbbZ8|e~4)y!s2xnie zRuLUPKnq{BJzo;NF|EX&Rsr_c-23NpA3-CCnNitiGrnKjD6TgmQa>Ft9-CMqp}7qM z&D>$}ql~??+8#-dOm)CSAr1LQ$AnqgUCyrp6pXr`yBn$@h|C|@LT2v%Sl|7Pz&@`F zhBCHTXD0Jb?yvbi6kWbu53;&efDVWaN;o{Y9O}SGpBLfP5P5{1j?c|&IeLTR@r2k9z<0)9Vh=sJ=9HsE9ZYZWrMr$4MV8I znQhnBExp$bOXZ`3+26b zCaZmKrR7d@PL{0&Nc;-Razcpw!&reG_iBBs3&`*BOzox^6H2@9;>3|DDA1h>{L$jr zo&B3>I$Zomox;^)Ta>4u7%h+WanD))y%}@a4Ej>M{h78M)=Ue!uE$J<=tb7b{QJR> z!jX>0iPh6~M@oZ-)EFLPQ1xHC-R!gz&D>?eyJes$Evds%TRssyi0Dg{&h+IM90pIU zL30lv%pZ;GK`NbX2K$aS*vx75WB))+Fc@^mfOq$!e%H;aI{A9Nbxi9#F5KZDOVrIX z|6da}gsix8SvGs^v(f@@8e*wAU#*1C7}ihh@pxXE>$8!4kMoz+gJzo zbVUHRE%Cf*r))nj$%HW;l)LK#t&Vt2GmNo6<=)@9+8!bhxw1VZ)S3*qYu)wv{LPuu z|GLET#R(0{YC7XIYrVQ4*(Y=iEkVfPL_u(1>PzAYanx^@kcxPIDjHJ&Un@L-x-#%C zzS0O{tKY~pCf!!m1le`Kq+!rCWal!?zUq|37qTeB#rZxS+ndqF52)~$E_$DNW)mlD zul<}x{ADlX2+z;ZfOL^Fnc*^a$+_TfBK>v*dqe+3Q*iit(^&0YC}c9-5nOU?YK!=y zzDLBTjxtZna45GFKj?N~D5<2<^IgD$TU393IwtYi*@%oHu;v%>4L^aD*lXe>w1Qlj z8}4tSy;N*VtMggRqv-+EVca3s9-Phps9oynLT{-z^^nQe;{xdO4X2#60}5)k`|0<6 z_%j-dCu;0Rj+=y=m>GEcqkzD_X$$w}e+=(39a9l>VG6~3OfKd-B@AT z*@*~h{=jVed)gUd3(i2N(>x@y^&S%nAqidlJ>3{QSH)Op_VyxY$H<}WN&&#UzzjQq5pzR?8NeW5unPUH^_ zV$9TaABw>gX%xW?5sM|bo^gxCa?{b{)a#q|5poATQ=5wG)A^MzmB}#;zs78I-RtXf z3Ut$P$>7R=6esKujagsEi26xie}phgvq>6$Slzl~5vl&>c#5^>93?y;bC$LJa-gY8;J~K!r;I8&b)glCI5vnRLXn`{C38$h}UY)4lh3 zxO#+5+@<@d{+xME$NX{TF`A@$>aLuz3fA6%>D(TwPPnZ3-gF83V2bqh5T0)6dYn`d zK6SCJ0s0$>2a^qwej^?aSTK-RD+5MEG$k7wghg_g$Rc zPB(o}w>^~Je*bR8Y;($T8<_G(IInoov;KBTBY8MzjS(=%Vabaa*M+dov=$gXR`tkJ zPv(BI9+cN?ZxnbOC7@3+Nz&v_y&4yyjAL_L{c*T{Fpj=_2`NzVwIXL1fYz@w@TKEQbMuE%Qjxy< z+YHPRRc=q|DJKiUA7pfHoL1ODO)mzYh$eacQhI-!8rCh`r?L8oV7mVbc$V?DIFW6K z#C(j6ZoRwKwnWj2{Wq|@pM^^wbej23)B94Y-h)bf?cN$qI`4ucN@IIZRjoWSX6&67 zzyrsz9&$hL1U~Z5%r`hiy!&0Cj=F=l?T*rnGM9~WPRsw|9|sry$qgJ#ovLL^F|9uY zpQoD-A=acA{Jj<0--8{B^?TE=jYe6Q@@Fp)vBRJHf&YF8^}2GsjxL%nib?P8rLkiV zn`wp!@{_dwY5L{QL0{)6q%0~NRZ;2n`jCA;IA$B?LJ0Ohh(Xk*P|~e3$pG!s-wGWw z3oSw(jz$04;Y1Rc9pIaGGv1pXdJGt!_O;rjN-=*A3V}?)*?6?C^Ho7kDZwj>zcwCb zJ$46)=l{ArD~xr4P~Z*!<9ej;_@Y*F^NX76aB*?#^mgV)g2jE;_YVU9*X51ZHzJ{w zj<>h{!y2k3&R{Rk>6p>cm~;ZA&;8$r@Ie!Vpy5AClr!7!x~sgHyO`fkxf{C^^X7Wr zJCBI%BS9mjiLMYg6;2jreWUme9-kJsb46cQnfjn$FQ|3jgj%N6d}inDEnAhL}}e6335e6|^8?dodkdot@Z zjn#bEGmhJ;b5v6g2YKd~5eo4hAP%9%`9f9C$JoMexBZb-%v&;xCn|Y0XM0eJ8ojgW z+lJ{Z=|L2%bp}_L3U?fQ*Mb;&3Dx`F^_h)OGi+)e*PJSenlulP6Pl0=`$@AOh9h12 zgd_3dI}<@Y#>aN6#G3VIkXu>s+_B!;k-ZAst##^U))PvN!|(nWJFS_-4-1_zL`r$f zpJJ&k85}M6$nW{cPy7j8ImLot4szhEP4tfayW@Ey*m^Wi$@VQg$T}~SPEu{X%OGI= z#n)@FxOfXl(vFeV?jz8rK>XIkYIdB=v#|OOPt?v}4QB;RBx9u1f`_Pc_Y9R zCg}1zNBzgcVTWMFZRUN>ixWDV9`1({x`;tRoSG1kSgo*>^nUzxwgXdt^V*WG3-&!w?;^ikk zAMF0_&UM2`F$Nx?HQZ=QnFke)7>8HY^=@V*yYK4pXJYfhC;IGiuP(;pxlY=Ke$pR5 z&a~}0KPsQt&2dlT5qO(>9G|lNiTt#h;sl%=tsOGT-lR90tk}M4Ywr949A0pZ*J9M9 z%_S+Uq`d*pBCI|_|P&x{v9KJ5NcA7Q16EO@idd;3|?ZFhvq|1cjR;iy*_&6fpnm@;ky0gQE@pVB}1B3od1EkNq26Zd12xA?LUp?@S({gMQ)G4C1Z zxeqS%)$^->epoLqc}EQ^eQm5IybCJ7>L(OMLucY5mcDji&NeN6EJ{ptNqYx7ZjC5R zb-J+@HjsNl-9yhB0*x1BC&#fF_i3JBy)S(C5#pf!8L@USv|+L<1A#E`BJ_i*5SL6%ER_ud9-@w9Xr9^fWU$E_Qf|~FYD8VLbj&V8fmK zUvRiZP0$Tw)X$>avgb`cxkU6;&$D4e@vzOy>(&V4bC(tiGnBl=r2nYqDZP&t@M}eS8zFJ~8c*HK4Pj)n;y}$lZrHjG z8j}sQ#^(X7*)^^>=n@_bm>t!En^Kfv>i5-8$J5&`?N;58VZvMeClz&MO`f_+xejuQ zAPmGy+IHKZR1%1Hzfpa$51glfil^iooT5#h7yQX3AbPJW8VT*^oHfF?)_NhHoHJ>x z!HwA&$u`_u2WoZG1#nrJY?dzKo<=-bGeP~w6HH2~f7csh_++X0OqnH#qaJ7P#%+hX zO=l8GQb2T+H2%hGsg1;rTpU^w`0XLMZmc66%J^?7F`QTbWwL|{xrfx^+>T7|A@xZu z)4DK_`R9Zqdc>*m#s{DXfv%vlnDH^O8;(?tI38SnXEzmBka zok%QT58fCcY$~A{Ra8`dyH2*EH<^}JUL9#1+x+DCs2w_^SPx@-TncLTZ)NTv8T&Ha zaJ-|$W~RNL0i0{N`Kx(}Qw|8+wxrInqN%lb zvb+)+;O#NwLxSlT_@`HqN8S|Arm_R{E@SA@xu$jl_7D2$w?r=6yl1uJ?eF#kE`>*~bM$g`iK)Mjn@ zXtTsC*2LA}SW+IL8~#ovQ>A*S6e3oBZB*;*byZh__~5Nnl`LjH6Qu-A#`RW^BZ==vX#697uU_+yTY*?W01$j!@>WWIazB^QqYQ#|UAL&bW* zI>sNnI3b@0G;>)rFYO@O#PFjDSsa5XBgsoCN-_wh}x$+|ATbDoBLQ;HqYd_mwKWuybJJ$F+q*P;c zXw6y`bTWMSN9Nb(J?=|x+eCvqgIHn%A(c43Zqrr`AMq%|4f zUy?8%IK0>6#@<2d>d-Aee*aKeRmB_AhqS`odG&FxuStu-KO7{_1$mlYq#NgXg)Mmt zVe+jH&BYR~Kki2LxLkB!6hynIsZfc4ME&}hx1ZpO9gCudldKrbBGbW$#)7VR+W+Q9 zf5KNcpNs;3VtS#EF4z#;_DVVv_*=t)*?zouIT^TlK}tFxK9WU1W3l+2px=J55eT9_sG~=0<-XqY=H=l8VGGO$iyh>GopAp;PH?ZRc)@ zE8ALq8{|sTZ*PT>yE@=kx*_J+X7ZW@RY!y2da+*2$y(&aEeb=Hri(}1nEMS*SoXtp zAmxLJ$&;-#}5Zt-o?>!9vNo!^oe z7s0XqdrO#7y~LE~-2?Q>u?Wds-DIIrAhz|QGYbso3Y5dRD*xfw(3HL!f*hf2ax$LR zoiZxIeY0$TFcx}$g@nT{o5Q{r7Jb!WXQi==_bH*2JQs_YK`vy$cz7izTFY)Lb<(!S z-a$#jRX#X4cM>kl61nfJL@j#%Z9s2|OoWn)*j^L~?{475w(E-P4%QX%?fUsBhKP#& z5vfQJ(HCxUej1EGtK^AyD5$9Edg*e}i|8ES&Bczar?K3fCVmoOHz%^+t6?}H^j_d5 z>Dz6UB2pvX-mQUs*tSp>6PQJXYvk3vd6v#CE-teVI@W9J45yGAds%@--15x2Phd`j zMO+H_bt|ieL8V1lV@w~65ZjCNdWmNv3a&0Bdh%O=)IhSMh_iX6mB`t9hUS?b>msWI zV$ua;7J|QQ!un#}^~_kLk$0kJzRSqVyy6CnD6%%~=N7St;hjo}@T!R^kOiJ@L>aR> zmH$K+^Pc!=@25&Yz9z=z2-=Ssk*@#|<#wC9xB)_s`hBu00AucT!gc2sUE@5rC zkelt4%|GLzxqas1x86-&maP8DF-jwf-GzYOA!= zbnd8A%58Eok*&(ScbIx^ULMF&cQJZwdAxq++6x;}fs!L0q=Zh8x~Dq|dm75Odb%Q( zr*!PTtgV%2i-!_RoCe#*0}13i(%a3foxKSRds&bx%dY-kaEUl9qOgx*sN*9p1pR}_ z?uuS$n_Gh0DTaqty9X&#aS=FN1MDEfDM(pqWn`Rb&qND1$5q8cj#tECD_ij)qQW{* z{qF3+;GHjW6_~F?D$ig%v+z>8j0L?Li(GaOnXA?w5y#M5ENaMNC7f`z?JSAz6-&~w zX%59pFrO%^s2~5m3u4Ds$eVayPfM)2SYNDj$M<#S?y1W{OLXBW7qCQbH}LH~dvtsJ zzUPKTW%i7={MOR-BIEw_ra|XVYx@M=?d|zMVqcqR?0n=;2((r8u44w!oku{c=BGec ztntJWz1~PT#MZz{CKl%|-WtqFmq6;gAqn>LzmFv5&fv!mbZx{%zf2YL^%35f3u-C@ z524~#vwSPcZaLiNzhN+CTuD8E)T582^A%QX^r?}GK|^WmoE@-)h{WV|jvuzG0HqD* z)@laY9YeX?QppE&K#fE&S~^?R7|$gYCCAFwC`rHQPmbfGDKMU1E<{ksNQd#b)q9sQ z8C6v(hmCC`pO!UjnK|6oO;P&;#@DNU{CM3|!XAdrt;&%qMHn|g+P^6KCrGbpL-aD4 zs~zVRPdASP84pDh$@wH{>-(8D(~Gc>@Z(G)o$PKtG?kHspMq6=rcuP1n2p`5_#`cC zhz;D$nslpQZJ1PVDvN}DHdLkxCxbxQy{K844->iiz6o)F6pRl{O~$ZW^L*A?2bhgN znTz-ssn53W;Jz!#Msidu&ThXkjhb6@)EwKb%pXvUu{PF3AT=?OZhk_t@hvP`@Oskr z(T4d=V?nOD(tEx}J1%{QYKLf5yE9e(k*yiW)tYM){K5WbpH&|+-QloIi|(D+z*Kg{ zW*38!FPf2Ns}OtDZ#I(xPoW z)oIYsCv`edPs14lBut3QdmVBq_t2Aia)T`knrbjRL>!^`dGoU-0G=vqd9%QQj++vO z&p=OV|5F0dhE7R4B66yHLx=)_cc4w6le@$kNM5W{KFk>Iy|!P@r-`;1%BUc-KUvE? z&3iF)QnYzQOVfQ6Us~5D+vmCG7|Y`5HFWm8nXQ$v5Wr`I=TU7VSNRWYv!Ba57BB1W z4-gxdO5arW$E>^*stHNf+)~Tzr#KvutL*!DJ2jXCP0^d3O}u@%ANl z`=8$>vhgI(1Bn!8e9@boZ({lwX+57ourU4$z@9N7h+h7O%?1(CE_v?#xF|Xl4*~tx zOG3diA-Q}B3~H)n%@=bU{cpPUOKHRSB*tY2-Taq}U%I(`=T7c{n(6955bwU2N-yp`caXRbak8U~Q*cO(zs?k;*M3D`B9kVX zk>0}}O*Oj9B`-%V>tV7>QEa#n6zOuA=0$bOTDK4{a(moy*r;Z6n;3U@xhw_&)>!Ck zRi9Iadq#obbb#D_A?`i&eDaXHsvYamqj~^&Zi45bcXl#C{rH;MSbS4NiO@oNahONo z626*7sdT?y^)xd9@tmv*{^izl1K&7UH0QY59=QdgYLVSm47Elo!{ zk?sEz_Z>AJwQSVRJJ=b+9VEvm0Em3(WZPiY6}|xoRu0DGWM)WMo}N**uNK$m4f;OB z<`KjE5%TNBWUe{m`2<6)w`(40522Zd$-%7&9Ni0R40r!EzyvkE*zODN6pTrHmHO26 zN(YO`H&ThMzVoj8+~sPv%33&O^ZOM7k3ZG@dNZZ*dGT`>i_mn%eC798TX!xf%%*=w z(3eZN1E#BOt;424{f-5e@{|>$_0{=UxvNrbCJ^}76nbuADF!>EkY+ste`WG_70=S0- zI^a*xI)uW2j0cdPUP0+qcUgNUw*Ttoo>CqUz4PjLore__`$DTt2Qi{{aukL{Io~pKFsmy`Q z5{_CKaBjz7pp6khgjPiwd!KYA2}chWNTm7;ao5uK4Dm1Tm&LKUMRhRHHc=*bvP)49Q( z=}Ic1Da-WceMuk@q<@M*sttgGDer;cmCAhTZ0$nb~(`Y-x9(K#7!sNq>G}A=pLO{o&5=P1K+hu791~^eOrZZc*wy7 zK$3{3xl}T>-8phc_2z!{$w&m-CklJB8(1@z%*TRs3E0fiEWSidkIXA1m>wZ#n+WZJD+S_PpvPDay=1e-?a)e1GGqoo_A zv?`3^lk}fe;yaTndr^@2T&*5PY9!3QLp|ad7Z9x?ArXrt7oN(jmm~fUB`Z=%=lk>n zXLq!&32DKY1O8^GpjG!GKN}R3Oc*+rEqXE2k(mv>(Bq$dWW|E8ZD{J@Fz=2;IihT0 z4o{Ywq{D^xi?;Ray#Vm8%()a9=cZ_(NMXf|>)xXl)xTgYDn|`qx!#{Uu=xd=qbEn` z>rb|_Ys6g9$JId6jAQ9)Vs~c~hxX)>lxU5Ci%cde!W*t+aPg|Gi^6mV=ESJzWmH^| z6)>gqAm`zN5)Z4Gm)B^;#$Wox`KRg^h=4bdNX@%+{dO&ay`f5i#QZj>+RI-4)?^cQ zK5ZG=XUr`G+AB~UR_dLhW4mluA1N&Auar9n)dEuwO_}byI?`%B8R5 zIHhF!L>*02IqCgF2X>E(($VmZs-dl*6g=vbMJYNpC-{^|?cs`yM2u&9d zyhR4wTtjh%W3c)n21@6%bDA&aFzJ zcDzK}SZNK~Og+75qM~S@9b=;W7a#INqXLu+Sm>r|B4H!!;MA1s+DlfKgsRc7Djx%J z#tldmFZ0A)yjc#~cA?y_lXCy!Auja_?sHSmSW60VK;BkyTY^|m_vJWCpwpL_6EMfH zk}EhW4ngDAG`ibuGjoa+E0~Dl%~8TC&YL}26!;kzPKQ-ynMO}i{NB(42B$E zB0&#&4t)|m?{F1MATqLD`}VBLjOX&#gOp{oH^0!F>>xX(9|(e(MG%HrBt%Om8a> z%O)pui&5VU=7TThitXw6uxj*&74A>)c~qxu;UR!xx z0LA!A*n1-HvMUEFzF{)X)8lsIU(NJ@w}!j>7_#@rGuozsDuTmy1Q{kFn?0;p*5+>t zF?tNT-VF3Xkb25C#2a-+fR7RB-}nFOM~zj!@%s-an2SCV*=bg3UnPNOqgq9t;-T(>rK_q0mSO-?h7^1jVpIC1C6G0i%?;+<0{Yh`;K~r?nSu@BV zq@i3`V!&7>9$!X{6RwP)%RCWu@<$_`m0&wZQr88sIu8Zax(e)Ek4)?->^B z-yn>t)>0Hcs7?^Rd`V#RoHzJ#%E0lXv0(~VmV_Qbmm_MIdIw(6ZV_?dD70U4@f{Pp z%y}4YH)}%Xwh0H0@cz$0;q_O~-ksfZS8hLrtI>%2bXEeRc|A9F750qZe|XB!5=XD1 zBTJ<6-~~?{At-V3KdO7`8?3t!;xPN)2GWb0cgVeR_e@k0Pb1!#6!c82Gj7qJ6x>#k z!t0AJlUh31F0buZqzzK}@nU}XdXR(F>HDj_RA4a@=TcDMim^ztW;)gAAGLG+u8AjZ zN?um5Lf@oYq5Yp78SfV#!B>x7SPk67F8A!#8aUKj{;0HoXz*wDD;0xbA(vr8?2+kb z*`u(A->24F{10F6SQRLI5t|zq!UpHV4B(~yd}bbUUj zc~Hk*z?9W*f<~DmnnUI^lx>j?hBgRKPj;syF+^}7Ili2K)Vtd+yeP){iX{an1{wJ) zQcuJd2=jW0vlTseV)S)@o^@hpal6T8qZJS36G5mWAYaORSLPJv^fMCiW(7cM!v5c^*c zQkpxGABGrq>^+of;xkC6o8TT1;m!e22%mv<_Zko9IquBM#!6S^iPeD|WUkEOxfF1T zKifo)<*jk(mqXM4uOx(?;Y3@`_X}s4*>Q=YUjEb1QVrfkdnpY&?~MLY6_aiy%Zn*> zYX{z9uTinNlru-9G)>=EhZJqK91f>DG*k%dLo3$HN zuo6TMPHszfH09Gpps-v^mUFoM!#yA)M)W@YFEc*(GnG|VbX@FnsFjH{sE7^pYkmd8 z(Tewpu`J2Un=kZ*-??kbib;KYYm}34e^u7t0}(v@wZ2f3H(LngQ)xOzkgm)stK-pZ zp4UrgI_g>!S*ew1&DD|0=Tdi_iI+1M!O^uUkJE~#P5e2Z#WE$R&Vf$2{q#%Ii8$g!A(S$;R=RIaYf^!LnJ zGIemNND-Cf6nX%WtmS$Kq8uK%yd99-RFUKh(-TOI`hkf>(;H3g(iqGh(Xh#Igd%e} zt(0syfW;TfsAO}+^%Em+NOD4ovwEIYbE;{8S(`NiOE_7TJ- z-6uJz=mRt!#>&*6c3yYep9W=%7}|HXnpK}#9pRg4w*Nn|h{~x{p%H-4^Hk zL_BwWTqc&mX4Sxe8*gu6^vDvJ6V}|@K8Z~+r1ALWH3wWXUXFWnIF1>ed{3@E~ z9~tktaO8a{S^l9A8hov~o_$9<1c59r#DRDZKdSC$Jxhk>v!{NJBpxh6Hv5+wonNIz zx7wyL8+Sf!2DcO|YD0CN^8HjZhnOa)p+N?8GhK3ri^OCgB~?-EZ`8<<>LHcqA4^3l zHZ2+d;TwsJCFa8&2HT={-{-&Q{HEnOSx-u=bD$vpV*5MkO#xRYhM@+af@ol$@qoNkY}Tc7nztBExosl4MA^>QNCOE@$5 zn}6zcPHkU^v>5o>Ag7azGm#l8lXbbeg2;t!@b)m8S2FfffW47`WAcDIl8zy^2;Tjy z2j+2z=v;o{x$Bbk>8Ey!-IKTn%yzHAgS=MF+{vjE2%75u$6iGjtV z+vXSj44WVO*U+K*w{^)^m;-1#(i+7dGxLZueh~%+Hg&iEMG*z4y?&wFCgN)&9ytX6 zVhkf;WFn0cs8&HCmu;SQwsQX1AT^%|d{pTrD3s++#mWoqtYbX6X?4g2juMf5Ur2hJ z!n>;HZ~!2ml^*zBEN*%_QfT7==F&d*G0H$c#%yh*eT^xd9dd1Vo%Hp{4Y$>PzD8u$ zUpC9%_5}oCvB-_vTB=LTFUlD2Zw=I)o^g{0b5(6-j%VHIU!M-JUF!WbX%qT9_Gr!L zxsS(6ePurvHl5=cNcBN%X9?HmI54MSpeGAk@_gdKF&Rwk^GkJ;E{5d}q%x!SxW4M5 zPty1}{Ma`JvV?bCuWD$Gl=0wz4t+QxDuxBcsHiCcn{#{IQ>Wn=qj_mh;enMjvHAkYn<2YNrYwvo>tB$iAd9+<3mvKbIgZe|PaVDBL*p|>BQ1zA5tbJgg&88ss<>2!X|40{{ zagHlwH-AgTu&+%{-HaKg`w!+^q+abk5PPs5(p)K+_`QXMlyYOof28)2yBVdY(DkaW zKHvJ}$)y)ro~-0q3Q?uU75~uO{yZe8)CVX{(R2AeGU0SeK09V`HvPALslDn6sv(c) zaR&Du<3xj$)+kRjX{7>VOsIEtF#j-VJCN@NEOGful zc-fm|Q}%i-sdIS5Wr;A1C<|>92R{<@yD=~R-WbJBqxK5QD5U{a$|}G}DoWq0Qzh`k z3VUr)+uR;Ktg#qeVEb<&*pYpY6#HovFZ{VN7RC4S5OkL&VF?B%(Z=baGxNI~gh2Jr z$V3TzRK_JFeOlY)j^NdCd0qLG+{6jys^*5o1jerSX-MJF8{uy{(yt&P!X0zwHoqk0 zLiM;yLtV=s$guwFeRfH)L0&pvFv|}fKxmYI(SVR&CXSGFv$)ta;9`+NT{2_A1z`0B zvn?pd<~f#t6@l63BAoo#9o7v_+MpdJ`{k!3;_nr(lf{Er-n@{+5_=~W+SY0Hr|LIj z&p2wNOCB-sx)6L2g;2Gt2i^D-@omhert732f~a2(5Zs@QJ)LR66gThMe@0sRVU!^V z5avT(qFL;a|D&%1Z#gFvDfx$gKcCy{!rr<`BXc4fQ2GDue+t4gi{0Ui0TGA%m+J|H zBw(e(|1S}KN7LeeNb>*xv;PF{|Kms~#cw>I{^sdu=c{~;4!G?eDafcwmr0rg{5_WD zzpZ}nvI`({#E%~R{rTTn{kZ-QR=;52ie&#-{T@Ex@&Zr(Ut9f%9sgtXgYN50LVi15 z%9V(pJhct5(OOfI=u!<;B!9+TVuKm|t}7&aSSg^#3L$HwLYv}t-y`tC|fUFM1xF;?p{^l z%5uMe;NKtn-sFkxKX3^Bv{S0K?x@_Ux?C=OFeA!@2?k>U=e_*rfdu)!6C(vK|DQ)S zb}5qMdsl|!fBx|IKX zzIn@dG^t~Ja96`}ou>5~pFy?s;nnLUhEl4_cX2+WM|h7n>E!DzyIzsBJOhk-5o}Gz z?KWpSV`F|Os0%eIMxIQb`xQNTu6tAU59_hznuW??(O{&_rP!)YsqPEW(?RY-Ulp6% zo!&2;=6Nw-WHAGHtkFX-B)NPlMXN+xCgL^gXJ2j-<#kH=>4UoE!~5jzT|2#?!lF=7 zTfVi>GiVXBcnFT*M(j>7p%J5~Sa`25V+-;nvlt0$hkot)yB|jiuJN&#Mg<2=r^68; z*rZ!)@)N?#XIDaF7 z{X!=Ga8+C?{d81(YyXMZr7MuW#Ygs)qYugk)`KwuS zV~AkD-IaTt;dZaUK zF@OhBroYVFi@katS9=ZOislXz_}1v*d$_IV6kfo<#QKuIwTqlj>#skJ)@Y6UW|Y+U z29No{a>luyGIjGhQ(VLAO(oT~)!PE7O*OjngWGrKi(7bS!k$h8X%(&&W#n*CislZ` zO^@KEBN>7dQBSBXc&4h&CSt``ZATpuFEO_9|viBBR%1~}gi_viZ<-?qH#9CwnH8+%ojBoTLZHJ70M>F#`5u5QsS z-R_ACsmumoj6~T>PJEHe6w(xhZVwwZ* zTa4ZTT%vF@+LQ+CUlC$(Rs)d<|3!N@H;J06PSz&jzXm;K>I+PP)bb#BI39pY@5NMfblR(HQHL#;7 zal~#vxo;7J37CwTEnNbuRljiLZtD{#f*frx3SOD0_3O({IuOJGVDJ2Cc<)HDM*hMz zFfzEJVpBy^t4tz|f&iQC*&x!in#WGzogN%y451IrveaFWBP+&BH8V@#<8;j_SXI3aiTw?V;^hVt7Kn|lSJ`k z>8=0ufLatr$u0w5;)P|+B30LI)x6!asuc7nMI1zeCEgE;W^B-a{JOxHeE#+Mw6VLj zzex89#tG9`&`ID9?p_iUXxFt*)IVrsBahw0uho;A=w|UPlq|5DpIRAHxqoK;ra2g& z4x{ia-ZolO_)PN1lr97Oiy_M6wtz+nUANGGNxnhw%9wq5#qm077(Dtd!R|AUVzGCK zy0kG6kv@j$!o_vQHqIw&jNzI!Ep|Hv>e05DugWH73nxS!mqZ91U+2Q(;48}H)AB8O zm&jBt7(0FyZr8q4af_ypR-LaT;xERkrD;mWhGwhth$XCTLKJ$ruQCxS?l~C=RxchS zzR&B5#MmJgWJhfsrHv6Ag0xMJ5R{9jH-QUga!2*s6om9jZj!N4nGd#OG5LFCsbn9$ zP6!Vl4Ce`DOLXpOg+6$Ee1uEOVjBNz{et-LvWM~qc94=sw8k>YVOd3xa#>$o_igrl zj*e&Y1A=|8^(^>INf(Fj`xbO<=Mp=t^}`w>L8lwEIs`7rpI8dJ01;$9^hON(W(?1% zQ2|)%2{+MoW+hzvbEf3qKnhR%er4k~T1>^AdYDB=WC?8GmXPs|!?gX0PU^9jb_WH8 z&y}e=7%-4}V#pS$TO#$gXfp%vZZ3rb0UfF|z{Hp)LcF`#kQy)6{+ z^v!7R5q{MJyn^4URKQY9-`PQkKyw)cMdx8eelLvqEVHs8f!ccCvVvANG{Iu)?YEsf(Fanf`Ob& zb-iDA*_sWw_$W`ROoQs7RqL;>Ql=>{E5*c!P0W-kClOImmL~Fa;g?gsChd4S|C>Pg zE)h$RIr0pCUXm%51n*H-*!DYbt6WA^OfO)`^mCcA;1R+=#C;neilKFcytX}=;0yv* zR@0eKrnfBu0R?NvnMoT;#E4`IHR-7*%pLX4+YNS!s3z7MM*UCCab8A?Dp+6(ZxX^b zg{eo#^agfg9oKrMs4hR_jRnap`37N7@su-Z%d45u29)U8Gt|;8)$XyeKC$3ibFYxCZ-2o@bd(POr4m-&S z8a(Z_Grc)2*Q>mLHGH3Mv1kudD1Ks~hVcb^-o!AMoQlmoEW|oC7zYiaLh(|2JL=Hl z)sWia{fS{f6sve0ov2IXN+kF2C+pR}77>VQ&syaGo3kk-X0dT1^C>83SE*P87J|#f zj*aMZ>?OWd^m)OK_ziO)dCJf)#^xhJ!hKkDSYo`bQoktpIr?tvMKjqOyN5d&_xq&{ z$HuDPk$IfH-WfMH#>rD?tW#xPV_jV*7s8ak?A+P)r=3-zY2`=aElEAcPZL^ik{ZGH z`%BS}T0VrFKDWBRq99E6O1}S)-xy-fgt68NY1>`6iZHtX0TcS>98A5}ch@*9yZS^q z>j!xRSKtM(UxS;qKTm>=x+Q7xq=ithx~#^pe>S3cnuviS$;sr+Ic2LklJ*qdPNZ>M z@CJ8^6*XWkEU18Tl`#JYZZ;w>V9UAf(}Gh?_|Jsj$0h_EkKgE&l^P#Jj6~+pR<5O} zniXq4libuKljsFEsPjebC?$)It<1z%pHjGVuKr^a#yG!=FXlNHt_;b%Et32y68;$p zFKXn@^o5tAjF?@ZpX}*{R^A5SXnW(Ej&~L-y|R1}P!9Bf@9ZrI8X7Kv>!(h53fBA) zmFG}^_K9MXff+{jaY*cYt(!EVfEBBryDIH9+xwY`(Ky)`u9o@?O~rSs373AVSAV>K z@jhS{hB!`o!1Ib;c*)Qc3zB-z5U%HNLOh#$y(|w=N#psZgPxxhOX;b`p*JpvOOjqJ z)Eskev$Uh|T%5f)FVQ$7tYWA?#eBH4+G5y-n%2gs;#MX45sRjYJ@~LXLfBLpO^2}u z423X8;wuC?V*(ZBBU%})C@X=rNhb8z-+kho-PRn9KeP(Hm_6=IS(rIip>pclaBnVK zibH;iCgUM|le>t3O7f-S;3MKdv+poi!fT60U@DTFA^{P(gMj0nm)I z0`H~X_o8I^2!;zhor(SyCPRZ;g6iUHE@(U||R0tVv#w1b;PhGMcL#$ixL-l^kLT zcz^o+8@I?;(9d&j$FZS`g&Y{D&_4_eAxwygn$ES2o0Df1Xrk{zgzdc7*~4dH_JiO= zM@q?=y7KaM?IpwHW7KmxU^@%cSVYnY*Sz?FJbMuyHmVcB%7VnIO%63JWHhvcIA{f5 zO{>4>4-aD%sK)dBgF6^Vw-)Osj#b2>#5m`Wc$k390TIydUv5U^wX0mU_S$T);pV z1PpYt+qQvR;p_+M`_z|QGhLz}oKvo=ZR4qAnBk|T6s6uZrJhJ&CfZ?}>jLux^4d-P zs>*uC>3L@3ez^73d~|?G+TX?+MRUnE2N|&XdgP;4=ytTmOyzGT$+>Ud`fvp{#aVdK zJ__CBo-lNJIKYM48w2|Yl{Bqyha1}hZqsFoq@|6zFwdZ}^`*$ZvMs>uq|2njfmk1I zKk&?{fT0r;#i9yQ$uHnzAc_7rw(t4~iO04F-{uxb#mx0q6`)dv?+a@2wIC=JHJ~qm zFtu>dd*}i!|3J{;;j%lD6?oxJ_Fb+M7 zDQL@g43RgXU^Kxe;ZtxbZY??8==8m^E_dfE2Hr!fUQoZYjYnHuldePGQ7-|xv<0y> z-et0_Z!{6&9BFJ!UF8eD-f%x;`KcVSsbjxCIL^YCX*HWPGR_%R#ZvpR5LK8! z6&O#lNsz&_u%2D@k>EKx2;^f$^Yupp19l__#~n-Om^kXIFL`refPNtQBi1`9l~pga z{mTA5V7h@){YVsp_?xXS^nai#H*Q_Zgm>E3TU9@o5+~t&DJg%u0P|N8Dj2l6I`(~i zK%f0XIcA?*3Zn7)G3lbF(G0qfkW3rOqsW&Vtlu78hvU{V^*P0c2%r(=vQIFPFh7tS z4pn96BIBi#Z+qX;T^xt)VR0*n`=+&gfD#sAU#Rg9dX(9}WXc|d9n9A?awGCLHDT5S zDmFY~!cK7Aq%;1%39SM_%{Bt;X)A4WpQ2?1`8fQ2|083b9Ke0Q3S;hTOg;ZQNPCm$ zZ3aW7qv2E`{gvzj9%mur`-HUI{zgl4?w@YrnIKU@W-G@3w7 zDFp(fypkyO7ul;YF^sUDy7%M#I{j}HmNtp?>o)cE=lq|?tJ=P{g)4Ykk?8A4_sHN> zj{j~9$EJRemTj|66k$Jtl?P_e6u?d6lN$g?EmBd(pwUl3p5bQK>?4D}hDe z<t)dO|Sjr~f*IKYkiKWSXsVLb4sTbF3)FW9v>r-4L>;t2>xESmQ#Br#j ztM$XBRRS&73VQIbE{H7TUCq8_O?g3J!GO+QVnLua$Gm?uJ8d88Mh$MnKMS)Uc6}qQ zHs$O_pL?21JvXbV{n?unLO5~|nu$5%ha73CqjEwUEjz%>To2|zMfYY!4i{X1;|~7B zb+;GZdg%10*GFtnUH>=&=0(O27^Bz|4i*jPwM}}Dmp*qfz&9~17Wh{ps*fjmRw6!l zcI;B0z)UXM_N8uHVvj+aG9)lS@w!JdyadrG9MEPyboQl~K%$$(HoJ{vGuGuZdmX)> zNQ2qNhX~S`sv)OV+nhAcy%t<4+^Nw4;p%+P!(|r${rEYL^>D^uH@1=Gi}q5cONCzg z9H$r-QcfiyY4sNbf29^|W1tOjEti@gqBOGwNq1apvYC|%b2(`oiTIXOmHsbrNO+1V z^7sLcHpW$e`>piJxc@#iKSG!*%gW}-^3_02DdN@m_;4<^BZ*~!++H}<=h!4Pdn_)d z%`VXy%KkS4;Lb2L(pSaRp-Qr7v{88@P99coJ#fb518H!`%YkB`uOp)Gz=7zvZqp=m z@4(OlYYpfaZC?xvZsBU|6IGjC@~o7^qLw4lc%Q7ErDwgQzDgMj12qN6=;N6h4-Yh+ z_;$jf5miH>t%z9|$IZ%{2ZfE?G>JS_ZYY%-}GI) zfTH`7trhEJjiqtU7Av>S8YNG@Z(GD<0tq<6r87G8!L}1e;XYNK2?pb`83I9{kjJTz z1H2FPR+NL_XG4{^xpz={($VZq;srV2BnHrvbiR+Dt^1RQiYD4!@f`})?~Z(MpR#A) z<(vMoeLVVa#rePjlHYE&5vItnWWt#iI9qZkE-PG>sUo^)wN{g4+d*w86Kn(3k%v9|Qp>55V2hzY{eeOnR$&wL$K=QR7SD$W zcC~GuaO#IlJB=48{LS5pik5o|7yIk*H?e6(^j%WJS#F?2Lp}Ri?&9Wej&eAsG0v=S zOpr4qU+B8y3G}8w*;0ISm>CLdc>0%DubrO}s{kF??sqCJ4hXFU87TG4zA)C5$S|rj zzxx+AxsHjx^Y}Z<4i4mB(atq6_X5xA`=C z|CyrgJ`gvpA-KNC~ziafBogZxdD-^Sm*x@8bmW9eb-QBbYzr;|6xD>69y4H zLVNTKAUL2$iQnFa`~kLa?4kM}Fv!Km@}njDKfgKuIfq@(AcB;iz=!=zEEM7{!hLb| za*efxPsJ@EcCp}0!)|~(oHt)0-rZa>r$7zLL@+lFLqkr%-jdkler3Po#KdU64OL95 zu(q&En=cHiw9}0#I3j}zZSU;pI&U`LaH24TIw>b)ts8zO_lsxBT&3L?bdRR5iAMe9 z*N62oEhno=aslFawCG;;dw^P!^YL5oYKrMdSdcvX^qx0!BdAqcGqJZq(2|p&vacN( z*{1o8pWb!Z)!>|HtrGdo5Iz8;k$ zd?Bpjm~V_4I@1*;yjwL^gz`x!>CMou#0sO)&%!>@tp1g95r+=*c3-aI@4L(H9qd;4 zv768=V}=%aRU6hdOjdXqy|CPlq0^Kuq-aKgl|559ErN%2cNPBAIiV{S6%h_K!kOC9 zOX6FJ?`zr{eVwcgO&kp^r8?h?dPyaF}6Z5I6pYB&1oT8W0YEL&!f*^`3 z{U}Vzj46v{M-Z;#w6fM~n~08qXUPRsWlYQPx89GkxiZ4DoK-%!D#jMI-g{o`Y*)#( zWq9LxW?xRKUprP-LoI=uFQ|O)t2wiyHeal*w?e~j^V%=C=dMS?K$U@ z3D#m_5ahYFulGan(J;#CAMkCdTw+ zp+<$8KgFnCLF=tvH>95k#=g2oWJz3cm?`bF(elZ+G z;`Y3KFTi|x-|!m3&EY9YQ8{OIrs;u=CgNc#ch54v$k+2zReY1~176Q|t0Z2J4cL z`h&1-#aAr{2Zy zH#RWwvz`Flp~Qh#JoyAAbCciWd;54@+S^CrdCS;*ca`$^dX6QA@BJPA>}eO5>rFpN z+#iT#RI!S;(Uq^B&Kv>d>bSA7G`xOI{6C&nrpg-+ns1t<_&QP%PVPfhJEFTQcNdlc~tasEs9>r@q|Vu?x@&WTS(3*tk89 z?u!RZ1L_jj|xNawOEaKxoqUX#}!@cDFT(8^T+MA89uvJMqIcz$bqSHz0%`N5q}ym{Ku6 zl<^|K{xIyeLQVVHz-zJfbPH^hGM7@wQ>JN%K3((E$NA`b((w=_IT^AN(_FZG39DJ{ zwVO=4FV@*b&R@gQI`Cn@Q{nD$}>Y6DVw0MGOaHaX4i0+GeyZ0Qlo7xa?G&w zOYk$DfLh4q=~>*o*~ii5|GE9~e@}z4eDo%I!0y_ufcNnQFfsnK{jsy9i;Jy;we#O8 zuv%x{VO{_aYHae*c6=&S>rhMchsisPk7?~7PqAVoQGQlhUW1BB_|WVD3QM#RBqVT) zXwm(Xk;>h%`bqZw_$0MzDOz4eMsUwdC*LO~vHo}U!XVO^GNG+{S(7A*h*Kk8??L?C z!}`!sD|DtO+y?u@cXWcU;SlhiV@=uGs`{oudtAfIS4=1@K^yWNB@0-B@oKKTy-&+y z3yCe?QHI>x@Eq3hm`#;i64w!+syZ_zGFEej$!LsbRO4EMMo#9xlu8>pzx`kBePvV} zOSd)}+}$O(%i!+r?(Xgm!5xCT2M-Y3A$YI=!JR;GcZY9s-kh8B=Dv4*Yu(>>YE92{ zS3l40nciK!t83TZ)`w11Fu~ZOK@l9+_SklJ2|*b+I>jQr#7?C zVuZ-W+e(d?#(- zrx#TVTo?<2NPr|s_S<%Pf!v|nEM>`LW@xC9Pf#f{^-~!JoXD4-WG-yCDUi%T7h40X zFXf=umWMDBxODj}wThGiEJ3I|l|JBF5l5+sVb}A~SwIA?`*kElh}=4%+5}4lT9*(h zrCKWmenafJq41Zck?&#im3{41&tdX;nr}iFRe)p*ZjQn26x1tN9ent3*sx@zOuI= z^ie1W=LSRcn6epkg@@?3WHuB(!Jbn_-d4*2u9FUL;<`i!133(2*G1Ho0GV;?B8mO+ z_DSsE$6a2wgZJy-s>ZhW&j*boJt?RUs>VMP;l|4H(_8MJ#RyW8l}c(`AmYR03Oe;` zf(`9~v=b1TR8(M4A7xf0thjbmh52g0<{V8YjJk@Gz9tt|oB@wXkc6%1g4!e_77gfO3um&bZ_4??MlkogOtZ~t(zR~mB-}Lni(FH zXJ@aYcV&Xv`TR2cO!(+Yf>99M|PU)2FC$s*khLIojj z8DjvSFKcRNImoUNhdV;Mdy*|(sal^U{rft5(swu$oy{6!W)-GV#kl=Ii&e*VYcLB{ zp|=%=h}I+oH{k;vOoOD|9N;{*Km4&}lf=*gj;6b%O`Wh`pW&!6B~ez4zXGgfUlDd) zPPtp--X!hQV2228B48#ByCTP?UCy$=I1EiMzb?rfym+lV{l`fESY9XI?Jyu9?VTVX zsDHOZ_HK5@X3oHt=r3D5XVreI1!L$G?uq~myfYg`$`3C~tG`Z9wpI^)mD;=Ni!@yf zKfIJYMdwP|{@bhC8w_dXR8)ynTf(8p?CdPggyQZm0$zK0=^_uMc>!eS1A6ILN~!vB zdloEh(9^^^qWj0&dj{(}dD&B9N)P+J@%4ZXe7=x@yZ zcm5cqLNtcp~7~$?T6Pr&37IqOu4I zcc=p04@(+~oH1o18&ho46W7$84W+A2k{ftDn_yL5cH~ki{fA%292)y4x@$D@TFyoo ziw>#cMxd&tK57rfe>;7LdR~beDr!JQyP%y&->YdbL$kPTnNzwoew~+jC^j`Td!3cG z6UD@T)b!+Djrl^gRrs-H9O=Be%{LSBkW5x)KQlF)`IcEG+N{A^JRG88a9wwf)Wh%1 z3b~Wt+H({kwzZzfa)Wi4M2|>Rw^ch?we(tzbA6jaQRCUxnCExt|}t zJ}})Sm8D(K<^DS*e2w(=)R(CEHYuhT?=17y0D?=@bH(gw8x(MzMu%YjxxJVU|VhGm=dH-F@D#>4)DHN}{> zki{Qj&B3W$i#+YeLkTE{Wn<7_e(fNC;{-#Znktl9+m)?8?*yMiIo@;Vh97QLbQc@& zX4c{P{P8t&D**1G$jP&w%kMf~w?nkNtb}vSK?q+fxj1i4nsknyRDLeA{&IYjS7ubW zMF#@qG@_f2Y+j3wv2%0Kjvzw0x&zw5*M3}Fw!*T`bfPMsp4QbXBq0A>VW3?x+o^#q zqmCId5NFHmkQeqc+Mw@|@`RTM7yTG*R@a1nek{%7IDY-L@&Jz&XRJBkvVK5B>%715 z*u?scT8<@8ue{-V=l=aM&%+4TH#kmhHVE9C6?eG${WzG8&;k1q^>1*UNY?# zgv7JO0!^-I#j;r^BkJ)tko|r8t#mwTPo_q@NI_B-(^#g-r-uh6sUEd8R7||L$8lY< z%n4v0mp-q(o=nYyxSz(yb)iEu5kdN8T<#!cfr}Z~EFfhCiy8P4|MhVJ+}I~-Fim*V zw_`Xp?^z!%Cw7IAoFCVP$;|mITk#+=mA0R}uy$0z+-#*TYVfP9FJX%sX!eslkUsR1 zB2HmpI_(B`6{dks&Ue-6?tal)FSqd-b1r6H9*^3K{#A7Fg7@H}Ie#+zMD~)N_)coX zTpjH3)Z+&$S5^q1`w{dxj@_qBr7r_)@cee6*tbaG3;Wksj!v-g5WACgQet|sWtr&rm&dCXG9+o$oVdFOr@LprKa z#zWuzOmpq7AkrFovyDgu?NNH@TH@V*Jbc6VzC(U)pYB?Ieq@@jY`RfvpDgFAx_yD) zem&I1_&#?|k#4acObt};&@gvS<=Vb>c?Cg^JPMX*KJ^w@k;;fezz>1Q&c&6YFs_XZ z7BlTTDps>eHWeb@68Me}2YqA7Li6&Sj~Og`ndM0Qz$hHb*GlFipKVIlo@H@d$7dw+ zsDl~Gy{|J^P!bRJD%;Tx7RA*9s2;vjtc|(stC`qOe-sfi(8XLggJ*~yGCMDg;QVvN z2v`#?wsKDwjrA;_<42!_Q{7dd&h*G~kUn$uOCyYfe%Ko@38Avn83z5}4`vc_Zf54D zkOXd~CPhReYme!H81~2|rp8wlH_*%DNjI>!Ghr_mDlKUe5B-vb4Dh#$c{ zpwdmFTW!pg!Go0YrZ;V+&#GfAA4eTU|0+N&I|3e*se$QFEqerNS(wp$5F&x=K~=;1`rJs}pZ7-q4Mk)_HIzt{qa&7@D%%r!Da+)7Jj}3PPWfLA070 zgeD^IV0FE~Bq}5JRWiPKGC6TtN1IOteo{F@{u^+2^Q@z0RTW=Yl%lE!l`ktMGcLPo z3Hd5#O}n@!Gi&#Bq~2gV`t$La=|0c$<{Qkn-tj`|KAp?hOf@DaY+pa$;)Jx$>kS&7 zT;K2NmnM2mBOE%TSVK-3cWCauxZ#fkSKGCXmBayTqT>z^Muy$xMj8NS5AHH59CXuc z{TzlKQMi1Cg^$f*a;ps)Hd=h-#dUr>s@t!4xs}{8d*T7tX8xYxCBELC)mA+CF0w9t zM?7q+gmU+t;q-FGtrSM=hvmMjh?;e~xN4a}Y0B2VI|dU?>9W%(W5(;91THC}sdMsc%^Vc1se7rUyp`4R;* zw)@Z>7?w}Y8=D*5#WCE`Q7D==k4u!1R8pddtqsoTz^570*zqx$Z(pOBKKo^v|{?)-k2dQY^gazFqcAA%zFOD=moF zyn69H+det2oECbIMHj0{s_f72xp}{_oA>h4Ohhzsu}S^iix~9VlPyXv(vDayFAwLJ zJ}!e#Pf)c#%6U1_7K1RHS=$9PKOGr0`eH;4Bx0Nc4Lvrc-*P?pPGj zkAVeTD=I60*RlZmM7Gb&h=$N06eO=SL7*qIA8qTiywpu+qbb0eATqj`hv@NBf)~8~gH!u7cI9U{^Qr?QhImDBn z4+0ib58_{jyZ4_DP-l?5j0B|I#7KSnENoNITbIV{S=z0dukxBn=`S|UW44X(*N3e~ z>M(2RZdS!Ihrqo;>N{G#n9O-PR{H}8VJ-`s9$Dfxdje_B11-vVpHj$og9{c@UX_lq z(|oE`i`j3;={gy2&#z|Fmc6&F+e_-oE%QQbV`&&3t`LwHsg&eYu_4m>zL+JjO&9&Kf3_9RM{krF?Pc!OScDiQwrZ#!5YC$ zf$TUy`hZ|3olAY$NrEAc-P_d*e_VqSc{7fd7f@b?Nx8X!#yJo7z!Xk7Ig#X4{2 zjPlgxVa^#sdA0jG&Bzr$_ZZ+;8Jw|-5~W5H5HC-$6rIT1_JVm)3>$l4If7oAmn>BH zRe#{HxA8te=F?jlouub%)>#1viDl%r2dapIx-T{w%Q3A>ZSH=U75P(Lu(+p{`CEP% zfJF@<%10VW86P4@tMpwuD*3mIetVZj%ph)9aU!vn_~8qaoQU)VPWZ|~Tb#-72Aw#$ zafiMS0V}dd9br-0IzH_jy$x?}-a0vX3v?^?fbnl>_W==DSp{83^6>Dz?OP@I`t0Z- z;Q-v!gBx!XrrqO1UEi=*RhNMboFYP4Cgk7%NR_6`0Zea{%g0-gVM&3QkY*i6_!Nc8 zI-K4h(<{HebST~%6Px$Yb!kv5oJL(<(JJ&OLeWK$5t0}VnknyCq7dbMy^FEnMc^tn znGURwWs=m0rVeyqSmeXORCv3&LyIC6B)mPz5|B%q&<`QsX=p_8pdrUpcXvke^|3hx z42D5NsyFfz|5Qu*;6WaqW%^5bVAy^h4)9B)P%LW&MV+N6z1dU*?pPs8W7fGsg?qiF z=&|`!#L{@-wL^1zi==BrO+0s8+r+9Kx$x@Fo?iU&9sg{7U1!2kwv}Tai#sr|9cY~ExI%@>_hp0EOJXy+?%CB39D8qYQ(9UnU9b69E|F+>rhU_Sz_uEbkDN;f&(Qr>4)80F6y$caJDav63 z##EQoA#RPOcYABIX-JX~M2mH|kgH^L@>ZVh{*8uCsFSh8YpZ@w$SaY>(yVHIlOXz0 zg~)I$vOH*a@#}Y2c>s)#_fn1zqOOftqSGR{M>G_Brtpao5$}I6vC5ky@~dt=X9>tb zj*{XwWW{7zB*Myvc#dMqub%6TNI}`*^YeQ9k@ug?9)$Q^? zrTdIGMHj3H;@cLuF(VV=4q*IQ!$M4YSSrCEE?RNP^dyoneQVKiMsp*GYtZ~BpeZB~ zmgFeR56mzUGQ(S7h-dNLggF=39aYI*2TM)WR5X*XNz+lxq(~vAR+ifOrc$#es*hQw z9fGc^d*ynC`LU$>S%=tK?aaD-ZS+SMs=KPiORXl5&YwG=?RRHw0|?BWTc+z|7dXb; zu@+`_&>o{?ixwpa2P(z1l@OGmRqhUyl*76jsia1K4;eZ*|QN)!Hv4vz(I275k0BE|kkSGd6?&u4L zQdt%VLpLarKxmgaf`p;bGz`IDEImSF6y5>f`Ju4CAb;F1E0Q4kTI;i2Vf`;~6%LsH3waIqrJZ8?-eWJ& z0*Cv)#@&xqv^wPz*BY&dibW@iW>qVitLtJd=$j;#zUPh~E@SP9&jFF4xrOd4>NQ&j z5~PY8`~j`j0ez)$YnMebH+s;16X@^a+qHwZQk=3z=jnwKIqWa5+Q_lp;+6{?R#9Dp zx0>=R-L&|VN!#BVu3(y54@w|jHd*SihRdyB7TJV-3SB038AoP!)ZwkhA%vpgbkHI4 zuq~Ck_N5lIbQ!|!jl?S$rzg=c;|%NFlg`8|p!Km2sRp#6DEe|6o%OdBOv1MpJe7s9 z^eG=Rs&as(T1RY%vAsJl#TE8aLHJn{h$6!#`dRsyD0>xJUlklXpn@csV-|TN-g+U$ zs5}f>vw{RH^&pp^4s9^c8hTrfE##sI7xCnist5$#EHWq%d{&72`3^|dQ68q~uNq8; zBlnXK0p;f|j1{0U0zkGbYv@_=#$2(*eB1%YaeNNwN}NsZADJW!ob&K}b;X&D7EP)m zXJe_v8sxhzw&n8w<1ZOBlaW(>gqw|hSB#rR&s7dwuTtHrD^{;?T1?Ec)@_;*Wn<8> zE?g4eY)9!R`=6?TST?2AdJ*^DJC)ecRPCQU_CN|{v{|6|$iI1g3kv`Pam zc^9j0d9^cr>97a>Kja=lCql6MhOQ(h}#KwHI z&OU01to|%x1)Jda@&_j4KL2gx?U%arO0Lndsm99GT}|fdn(cGC(XBFGUr){s{w@ZG znWceILQVt!#O*^rYmtjSm(E80dE1IEY6=}gQ%v^y(d-=US=h_j5+sA93No1-`XaXk zt{b0GQkR2`#?{g|hmWkyMy>i5^2c2t=Q7|@Mk>8K3G!qc9QKmjAUKJbs$Q?{uN9*p z+I(%0=SIJ!aAX~he#`J{gxvDYw%Bte#0#>_wpi%#nyUls+C^Mstd3S^HBWbrd^yW$ zo&S=k=fPNCQ|c3&ePTv*o9|RJ<*})6mc+ASlZJNOrxxb^qp4P~WNm(0ZBSmL7C~W) zW((_trqoS=x{v<~ogV1@9XbB0QR43RTv955&%@Wt-z>I;GPE8pv4^U!f3&v`ZVt0R zLG($BE*42vzXd7gkblD!ls>xiP3YGA!FrQOnOfT1i6d6!tS=+LfUom=|2~4dc+eo8 zd>5Pp72XpUcyI2#fZK(G1UcX-uS@a8gSlGllg2ZW!b~^AQ+EOO+b;JD2d#qduh$02 zuXT}mD(6=*;dQlImI7lZ=@RvDbZQ3B-$rTe9)nCUD4^oqo#Bypt1Syk9CT>POFeWf zp2pxmP1kd`t24{NH(v}rs(Q^8IY(ENOmUd!|2U`3B_qn<(xF=|rSL7eB8ev?I6!i= zC&KqBBvBhUWly4qKOsAfnc58BK@8m z0kI7CLhgD#2J>PsJ$4iwoj4ENCpDm;ZDGD6^PY6jT_>wkPA(=#aaz)*7uVd#wl^%3 z4xH6^2QwoRAxX}{d}tQfS8!%&q7hx}FSqW+kU7G7kQ?oM7tS@O@uB8HZIKR%w{pp! zFO}gIfBB_}zm5HIPqfwi)0E6ZMeUBY{jO(**6|B)8kJ)s=PkR?EGR5_nqif36Ph9w zb7^JhJqqO+7p>1(#%@Dx5%TBf1UbQ*tUG(fP15cfL5`d+3?G$Bdk#yiKNQtSTW7av zEl?+PHtE)nRz$|<{)lufoAW^OEHi*s#lL!#JH0teFk`_WHT+qBu^NkdCe^7jb5NeLjr}34 zdhuK76~arv0f6ePNPYfznZP!}G<>LwbG3Q!%XKrS9zqL$kwY?_!*xO7kC|j^9ojS@ z@>XM+%qH;QFBgHMRhaYv+XB!3aYzXFyn^crn9eyK=&*(U_j3XdGh>y1j7}e=j@vIY z!4I8+-ynva#tLLLh$n#wO&NV=g15N^sUsWeC7XJm%(*`uUzgLb=U(Qqh}fBqzWqA! zfeNOpeVrEPsHGO{ibdAk3ENRF5T;WrOdyx2#=iG6cOgzf{yht?Bi>pKzkiEObZVNy z3YYKn8_B6AMOU1;uWVxITG}pRNAS4SPIX{K5q$-VqEYF2%R5m)))8pM?|TUf0dc$E z-!VHB2&%!15WTaGRih}m*CA)`|gs}!@ z)-wlYYf}mr_Coc@O|%ZRuli zQIJB@NNntLofJe`PFrtCWe@pWM(s}X7+o)9B( z1nz#m!D?)XJ*?}jUq-iuLepUjAFaepguV*kiijP_=_FPLjdrw_xF{xyJC74?-!J(N zvFyZo4c`9VTok-M#@k3YONG?apHsULRdfywk^{iAD{sbgXh)<*J?t_&}8vv5vXkyBUSo7Ik&JV@GEJ?CY1jA zeXdT53j5-9xe0_KuL&$|(Tjb%X))(}&aCGS~rw(#>MPAXA1>0H=IoqSixZ zB9X7PJ^OrfKP&@@%pwr*KkkrnYSd6`0N*X1a!HIsMGf2$m+Z_MrHQe%5ttjF$aY;Z9vCcgBUlHxc1U3Yo*2=>yMO9ZMNiNMK%JNs;7Y~|*X)N_TV zH<{$a$uxo#*epxXgH0M_5>h=rQtfVPw8WgDu;`Xo0D|JHF;dR$06R{sX?&XV*JXswmJ0&KjM0xnHx;!ru^RZ2TF|*g{jeiJxqZm@$IDQTM{$p2{VSj% zTO-BHM0DERC5!UnNFR+yHq4hVC`+7P(GVM*dZCJiFquGed90W_tT-$jk@up!bVDTk z(}=5)0^*+{*;f(W>+Tu1Kaf8(aAvMo!H~k1Z08J=j$GdDxVuS=&<#^KWe#dJNe|w8 zW>OB@)bHoN(v`)*J*hY)Qq~u2O69ZK+&PUh{>P@%5);{C1E{jwK$S)Qr^*^RI{s`p z|4(Cqe;e?Xt-g1``{2Z@g!u1Kw{pkts{rYb*7BA%Af`zD`F$ z%V+8MJkr~jl-lWe#bW?Q81U6zlZ{pjRK0z0p)YK8-k?VPV?>#45x0d=-&f?t#-}@> zqo7OVNkKZv-a!N&(g(I(C87ciC-I?Fd2KB3Q1mcx4?7#c3g`1ouoyq%D0#RA#Im5v zHl+|dO|`;ZcVX=Guz_#cMDEpxvVz+j;r9aH#_i`gk0A3jm3UP3?7ZLSNpF@)9?gIj ze%uL)m*j1mM6RWwcIY?uQ5CZKKrvF0%_snu%e)zVn==Jl-gD7D)gv}Zt^0LhD>bOtN$NQxdGWmZ`}SHhjw^O7KSn_YZsn;A7LywwQIe zsL;9;h&>yDXT|LW!W}mIc6V`$G#osh*j484&K5OnFG{OzYqT;1J7|T7uTi&M?i^Mk z`re*W=1Bnn&lR8Ia5HKwwJz|*j0H3}1O&It5zz=8Z;?G^$Tl0K$&Q^4K1rQxrWb83 zdJD6RIp!@(jFMBbSKzt*mq7svMh`SG|DGDKO9G|m2)r)lAwfXU{?dSdE_6hI#)X-^ ztAVPQqnV4|&kIFS=HCej6L6bPff#w9T>|${EJ!)@aYu!e73b!261u9Z>v#k_$)kxBjM3js8XPPjA;h;eWcN{f4i^|APOU zliHv7KgT+M;U}+pO*gu|Ir=#li^R}_%{Q_$6pNpW-9-Q|97M2 xHyQ*ary2z0znM6H!vFmS^G~>9?LXkZZa0cDkU%8|0YLEoHRs+1@~`4G|0Q{#n&h=K?LLRAdPozcsu_G<@eZD#}o^o~ETXWjNirU(e? zL^9$cA3Y2Xz{55~Qa6v8_YVMaTAf~OR+5wXHzOJ2KD?&_|t?ygG1mZt57 zBNqcM#m&vT#f2pqe!Dxu`>$U;P3gbo=gjfr`Qv|^e=5)ycy`bJ(er5_UCr>-~k%t;F(3-z?Iu4K_GeMtB1bXtrW+fB2^v`>(Hd?bLJ_ zzttZRu)ZTHKrIGRFtSUAOk$Eq8IL8heW^2X4$%d@kdH1&faWqxe4ESGeH^rzXq6;A z8d~tX^tBd*h`EQ(gi&s7G!(Hb)s9A3ny}*&&mn9oY{FG^c{x~TBE&DR zsX&)rwf9N1Ef0g)wSyf8u|$*x;CQ&iL+3oYJ_A-xrPPy>NWfsPa*Y1awBVAFak@LmdkzWi{}H{f1)9?%z0GDQQGL&^ zu+rZwWIgCgfH#d)Xt^3Kq4SQHEj#)itVEQSF_9V4C0BcD55x^WvD}-ltl$iZlptLc z4q-7wK&T}B^uTUwJXJkd?j9;d8KT?Nvv*#6mX!9fHy5I<@~SIuf1e0`^k5;MfzA=c z;Sp7Qvb{}HUByJ3d~#WOF6Iau`SWfUd`uGzC<}304VC%~AJ~}`7IN*f3rCM!E)UU}>X&kYgJtHlh~xT&lma|eYOZJ7JhNIG zK|D2_9i9yI?TE= z_3-Rmakrdus%!9+P@AI5A)Bkgq%hSnui1-vpWB$51}_KC=5rwsTJ^CK^lV}ocv4S$ zIf3rlKH&eh{&vu!R>XOt7d#Vjs|S(dc>JusB|I8DB}AegDpF>^T}Wr<=CBsFLMn60a{wVf9m6)p_! z3Br)xo#~NS)&W|5sT>U!sF;q_%L66VnrvlUxy2-xxroeG4k2$eRSuejTRDqtwpGK| z?0koM3lj@kSADOmZzG$xP%y?g4lR=C4Ve2}zG^0a_v?mlOk_hKdMV_kCT~nR=~{lU z`&^&GWRnB?cWPU}q0NO(;P|A7Y}-jAmMS)uzElp(N{bKQGy@1~6h}mhSIV^9jLW;E z14~8%jdH2IOSp|*e8lM0LGdRU(6!kD!ew@B1L@nZj{7Tk?;mKIy~Olx=Vja6VS$`+ z-S1r&>*lV06>wb4O_v1kONl-R3a0i|AFj3C?VaQ6Ti%#uwRiSMXOU%^kKDt0g(o%T z=Nk)lyUUPs#m+TFnif^w?Yy&SVV{l}&27JzjUlq}7!1a9<4S86Dpj2us8c3kH_RL8zSyPK1>D$U zE#T1s@O@YA!2@!WDf&|1ye@Vt?OEHZ>?vX&o>T*r{!Nf zI~Q}(s!piQZJv&bP8u5Swm(x|vJnNmV!K?QP-ta#IP;V$qon_Njogj%0}cO@FT0J` zx>GNCzP{%I%yaz)Sh;f1TmLpv^KoWoio|M}ut!bxBXnnv!^9qPu2$>oz25`x_mFLAeiop5pqR}-Z1 ze|>wSS;kb(NAy8wGnK>k{m9mOc71J&gHXB)n@sM}t;>g^K7ldQ)F4lF(lK53w?YAX zjbbvy=DVrkG6^dF1r##p6EQL}I27yPzC7?>cx5N4V!d0n$4 zInQ(e_ISo~60P9Y1mfhMFt*-PzZTF?xY)dj;d+AldrZ{*UwwVMlwPJu?t6NMjFNiS zbK6CJ4MUEu{MHP0ceaG16dO5Og{e$Q^p66KZHZE}g%FCpNzEXu_1kQ zf{pcn6x&-RSIJsCEH-Z68=$Kx0aO2CXP|3eM-5+Qq@s$M)F?Im&>?Qh$fFSYYIbz-7@MlZZ7?l3hZN!5OO*Oc)$-aFS?kERg$J^xn|P3keE>MYjN@*UbJ!_w3w2NW*N z&?%w_cjo!ZI;xwBo%DLP8SfFCz@!4*eJ`h@00s`e20b$7CqrHp;0qJ&;gqqHkfSc$ zqp7ct--AB&UdR#JnHUz%IAO}2cyTKlcB%?Uc9u#RLvw9~O4>Cf2AlSk)lVJ16Li+S z0TFebfoW;@#Uk~@cN5vth$#EkBk=W@KYE&Ppfl=|2z@8Er>af}B38Rh8zSvA+QQ!6 z+N=1=8!p&xFAE5}h^%r<-1)Na@vfR1rvu|AFuQI&@PVUNgH6&&ds69Ee$*={JfT7$ z&6`&nRr2*aPmR|ib`(OEaiRKdJ z``H{C+Ym49JkIPapGNDkx<{|?xg_#cU`#&sg&GO*60;gEN!Hk2u;D&VLIEm}*X>;i zTd9U*Pi4*91SG5b+1%1WlyGY$lebN(jXb9Lo3;|ki#@J%7ov<}1fBvW;iWX~q_dJF zj{YlU6LC(XL5eGlS>cPP@ZgLQ7&g@bC_C^l^-?UF{Jt>MpThcB>K0 z8&;MA*Sg#O1}5#7NSp3ta4m$dwv}CrZA!@CE4dOwscN?^#hED_Hec?Fxan}KL(`tU z?hPI;>dq~?mcZvfcL;sdgyMP|*%lS$?4rgAGQ^wP*^1Y7_2)gXsMo4_GSH+UxJ8$g`_??#XDRA>!DL^ec| zY2H##WPcT;%2XDLhjAR?*Mfq zyv5zWIT5+usl!9)TBXfk; zJdH9hnw*zff%h)2vphYAiL{BtYRqAy%~qVglvd1~57=AC7WuUFX3-;Z=5w*$Tnf=9NKu{0(kwb6JgD^%5r+vEs?Dfki%ubrB0GksfSvi=2Qt235Bwr z_)n6RKn6iU)tfTnD#Br73gMc0q68P;k+Ff5qeGCX>eR4E;a0L$zb%48h7|>euSkP) z)s)l(W6s8}kO*+xx%ly2X=Fbmzag=%N@W($H;T9|ym;$O{W)VmrnW&P?nKW^!z*Iq zg?|;c79NJEb&)DG)D$^Lk8C!i{>{f&@Gm2LrKrx^hvy}#5VcaZM4#7?-m^f>Eh`D1 z6eMykA05x`A(8p27=R3?U^uebX(e762!EvISs!%Mm)ed*fNZRYxTc3sdM(cEm4!Ag z3TJ$Xf*;v0e$opOq?h>z+E#lX^IB^ruX0a`+=;QHw2vhBB6wuG!@}UwvmO)sLu=LEF;$L5$e|BD zg~?+2Ht@6!d(91M0_RY4~T(hVhaF z@5Wx^Fev%o%D_P{Y+13ua*Xo{&2)~B74w_GkE&YMx=}6qQBjNQAnm(cOJybtogpBS<%K$OVn8$wX7~ zP9zdrRlc7#QB`Dvzp$-j>U{{LTgp`=@4$SQeZ;R#B#W3BE7Fb4Ijq~^f&P+2881>( zwEB#qDGb3WG3Rx9_p~= zi>@%e&vB8Qs)a!fF)c)SC(>n7co};`-y!mHoz21U>1C9uX7M_UV9p3Jwk0bkMc!2| z{|% zL0mCO24G+uDZgA17-<|?WUXay44zxpgI4jUb_n!5oi8679ACuo3z!fc%Z}_}UX$IW zV7r`^#+EHAS?iC_1jdi9Y+pQEw{eKkJs?k*wWE8%HSXAD@1#n29N_x88#zhRcz9gN zs~)F~QC!edc2p_ny9YL!O8ray=I>IiNrn^S)u5|U?3Xkl`C4x?n~Xs4NEtO0pbUej zXd+yi{Y3B}9L&cPqWPd9kj)`vuGB?z#3&<9kj$>K*?N_OrO%C@mlMW4_MYXim$H7) zH)l?b5aoWxn5yRhcH^wS>qSn#CIe~I>PqaD&?=muC^VEA=5K3g_oGH?qrk_7Pmi9E zgUd+8CKQBJnS&RZqi_TjkMoQ_DCvH-qTyf6C6GE@^`A^27H0fB>Tmv>D@;WSZUhVb zefAsVX$TuJMuT4$7xMsrl_>q!Vj)+#KObw zBUSgBpSO9RGE`;Ua<=$gMgtp`u(6T=y z^#>OdGH8^M@t7x(p@k%yyy7oH?XvMpedW7d>TYr_@jP?QQv{7gNdy9yb`wy=$Yw(3 znmTcXGS(cTK+?$olb7u8(Ycmz`QkYgBNb2ZH}O{bHD9PW8TBQs1z=M%@W0_i?uWh3 zvNfFLfpB$oi*Uz@2^`Ml9tqc-&9DfK!M*rif_RfMJbnMfUNF z6Ht@HRQ7XUF1J#k$4K$Z`21Jjax=F*oOWDIOQmnat5Z!Ibv;}N_QFwFiqy$Gxb@XB ziXu^3FRFXm?IDfmc+8$yaqEz0C8yCN{nGGV{F=j3o+|W?J4`Lte_6y5dOVEaogWD+Pu(a%}Q{F6z z%^4`{6gXYo@FA7Bm$^78i!qC8@o6i(AG?(+$4QVRcylc#a({I|ha~0dZ;;WR?IN-)i|a)+^*lo!a9{L&{b2k?hU`#B6~-&O69-2vczA| z%Ds{2+dPZ-<#YWtme@b?)ebC`1C2b2GksbjbG&(dyLH5Dy6bsaUo@>qDJt&8O5;VO zLCw1%cjL`Op!4{fn;ffkt>U9!15FGA3X?vcXtrtJQUdh2^KE8d@sL`SZl*9z9&ev* zk;$Z^?X1MN7@(B8%fThYI%_=#Jl0{du<;wD`Dinp+?H+T%s4UL^7vg zaS^+2v2W3$Fw=~$zmmxU96X=%O_QAEZn06YSfFoiC7?;I6k16F!kj+VI|eN`S8a*! z`r=QX86j2{3HyDZo(A5H{9tK2(pvlh+?yyE6DK3BoC7i66toYJQWy@Jn*e4777wc!A&s#w|R`=v`>?|~dSoA{M2rME5a;+(OkyurhkYxei zEl{!1@JvY&&B!6H>Zh4*E>a5Qs=?3_HIi))Nd*WRAQESI%j2AaoEl!p%Vi?+iWnhH z6gpdhRfC1V`cUb3ONoz+C8_(wG3A<;3fdW>O5O%Zd(x+Y!V??~WW^|;Hr3@8R32^k zV7)}|tUO<9|J(5*M^_mL*$(*xfFIVh*pg3;qmYMDSS}io zVqiWKIttK*b&si{OoG-_k~pUZ+)$C;mnIVIPei={%{!0z-wr7Mr15WmiJ&F@vjc&J zf_47+KYD(qKI>rmM;jp$|9>F>;%FbAGlX$G4j$cjbGo&ArWC;7kA8+%2fAqhvrVV| zwTh*&a-o-!QWZaTAAcj>BZg7NExB7AaNnmZ$)^D&dL@eHWi=Jt{l}K1ekr+-Yf5c9 z2eT0+6g)4`&(sBT&Un1|_av7;A#^bHtk5(&-0+PyRamu5t9AdOY<;=V@c;(z^T>fF zjPp|X9@k8B@0?m(ql>)xy20X z5^`oE1;@z3DmcQKG?Y&}$&+|;fuz#^aP`en4N@RwA9&0)hI_Q1YB{3GSZ5a6=_D!F ze?~`GLqu&rKscU1!D3>RAA?$pWj`mm3oL*=;$J+E{NP}cID zNRGzl5E&Np?q{P{XwhD22t@-$x@88M>LK7sx*t5Ey3Pw6N6MGQLMksST4$N+3Laea zWE1MmeV%sKB++C&k*?YHJoeJjXmygNs+*@$wi^(X4HKExeuVPNkhpml-?&DJoO0`O znZk-~W-pVQDnzfperQNo5^6H5E#F9?f*`A5_;|pnj?d`Y6fcf&GUmfNn3QTxCsExX zMU)JMegqA6k_y_oz%Hk_kVuD{Z3LiJQpz#S#MF{6_2NSSZsuZki%65o)lH6{r$J7V z|D|QiS;#}1p@$Q8>{*^aUo-DWyAPNmT3q=3mQW7bNm2*@`<+%k#$*%;$+puza9%Ml z$$y?Ak21%mV?WCD>;c9)*YrWfV&T-L)FH*?xog@^3Dc5KY5Nlm27Y;n?#driJbs(T zr*?OZ&g7dfv~*Kpuzf1pGF~{OsUdV`tH&Xk$i2PV)GKe>z3{l0{V;LsqGBJo`SN%_ z3b$-epx*m0UTx?LUwTM?j*^Cm{r!dw<8G#?t;=F|s0F<4?j|Cr-=_uC#}Iw^og)pp zl^ex!V;{a*dRtK)rPuvq!gZ>8Z5c zD$pX8O#=>GG>9d8gJUb$U3l-k7lcFE{<#Wi`Wq2`Vx|n4M z7SevvV(hr<890knJ=N4-yV_}Y2cFV63g7ctzFRyz{>>Y;K?@luJqkYotqgks@3HkE zRg}1M^(zwiKDX|Vxq!oLj*j4{^kS9e7>-8{_O0|iwKIT4{`zLk>tDs4k8 z$ti37_M?LzJkw$;sC%b0`wqD?N1;y|FwVAVehV+6Yj%6tR0%hwRIc!=kl#I6mAWaxfC0KL-DPc!az3mfrv-35~e{bi2lPq8d z$mRy;K3pXueaP75EO+A7&+eVQiRr?UWdoWnyl_t=A14FGMg?0btNFe*)Bf2x`e^Mc zR>i9WO)v2Tm-k2c2WztCHWhQwTLIRyuM2*CKR57-(_>kz-nL2UAM6yM{yq$RUZCuT z)tVwHGi=j;{Cf#bc&;D>7x?6CpqK>2ia{wQY%4&olB#aIjO8vq*HYXwH#Fm|E?Zrv z_{j>BC3vRxt$qbrPL6Hzr|9on{EWZQ-#atTsC}MJ36~~%2dlL3*1hoB&*#qsvhnEZ4jKtm=1Cdvj(V~x z>w5RjelZ}*SZT_^ysn0<_~pRTMHS~}Q^CR2YQgU#LwIV9DyxoPs)g>vKJd`zO|P=F zdr8h%oF5n4do+kT9Vgp!t=>RkboMCiLPRF_v`@M|=M-0~KAw$*w;_|UwX#oOF&mZ+ zkh_-XyaH=gDl`}e%5@xoU$?63h5i@zdOcbRq+ZPi377;qsP zcRIcO_9_+`CTo6j4cw5jbtq+nTJ7W|4&Q1g|74Xo#!UYw(}nHfC^pYjoqBQ+D9L8o zgb<6$-sBzV1iQjveM$)K>RrMUJz0i5*pouxnLW;(uHE!C9-KDu+9q2tCM#N~f4>@k{S@C-)GTXHGQzNoR@@}eQ*W;aUguRAc1OzVP9{dk>vEFP zi~Qbz&rt=Hy5Hkp6>$x%#^7+l*NrdJreY7N^n;~ z^bjRPKolx?QIdf4nja%RVoVq1!6L~W+L*GwVpP7>nJB-~P|RY#%R)dCUBa9I^r@bn z=*{pF(OB{I3M!|R>BA`zh7*R{Xq>Q~?-jTnzF}Ipmu^cesV>YZ70!WwXBs`M+qAs@ z(J>)7$dYn4-U2VG*DbXAezQ_9aH|F3=&3D+uU7r`rcJD{PGxgU4=vZG<}b0kk`TRy z^@>SaYd)Mtu}e7hHExts7+M*4UK+?25YJzrCvm4sX2BNF+%cuOpZCFJRTu%;7cOgL z7}%Z|cc;>FfRH}jmWA%%Sd!ShYV6(2(}orrHm~lub^+hjLikwHPK5lou9-?jQcsg8 znEmckaR1*08v7SKL=5=@;kqn44t}g4%ZN!40FFk+!ce>ZBZd%`_tSyD8Sm-nMz}yG z7Am+kgX5L`_uCoLPmM1T0ssMSg$=@sZU5~rdMQfv-^Nqrr(b~b>wk7QIQ*Zv8UL$% ziU6X&5Lk=wj{RSwuMHj5UQBc8dt|l$1^ogL2ek;FSl|6WpzHzN)-MO;0Fevme~gi4 z_ZaAPv!_Mb$LAebbaqI16Uqp&)16oHx&o1JXx<6^0eAouZNRm^H(A`}Idj>4L3>Q9 z*NrGVH;?HnD!koS?(Dm{p=&(7y>h{GJp8WbBmr#n+s`Y9X**2EG?0xmEc;3~KUn+4 z60?kZN(^aPL&@nf`GyDX+y4MF%iJ3OHQ-;9wv67ISi3+V;QV#<6D4;@P-ovyhJj^o zNx);Yu9a764?+UkTbonyWea)oiQ8L5BW?;$q?oWwqC$`Zxwq5o+Tot}<0vmkqJxi7 zJr+-VdWEGut6YEmTBXvtZm|AQ=A3ZT;J8I)4Ji@EeTskI&K=f2LB%Y4g9pmN?U>*& zUg#7rmM2kc=*C~uAp-=-BK*v~+;H7hf+zu;(W=_V7h3oy_!>k(_i|z34eg02m4gk2 zW9?5*_vsv=W+{5S$5q(Qgc6&)C^}bO38vv({)WsDp?^kvkB`9mJa5G{{)T(Xn$Un| z@!`XEh4(~P2lbyz1t6k5VZxca3no|YaNJ=MqBWvF-OzNg@dWWdM(|4DL{{z&mZLFL zP9mAVqqg+g{rC;>H!OeN`>$7}5D&w9lOdlCv}T^H6TqKeBJ2yVnKg1&wVVUJO{6j_ zkH>g`Y6;Gyqajz#qg7*`u+Iv2PuU#}9&Xg7fq)t&WfJa!lIHG`9swTvLX!J3mj{iN z5e*@x}G&j_FcWExS`FcE^9;}MN+;fStN`wreTi5Obrqcs_ z@TzY#Bx6G6v)k*?A`gw3jB>yJm|WVu{T%4Tj6j?=XpXIcQ*HQB@F9;i*dvz(nzYRZaRpPrIk|uJ&Eu2l$SvarZ_=~E3`D22ra}TU=0g0YFp&kNdc%Gn@a^RW z#VvP!&&9>V&^E=rI#w>r9mi@BdwH)uk9l_pYRb9HN;!DJ!uO=YeqP;(B66#JUVXGT zrc3yw5Ss#d>FQs889LUQN#jQN$)A8NNM;bqjGb^D6K=PA_LPcJ%uU}2`{;-nukS!DWw~njTXKuIx$d}5jl|pNCrbK;;bI|^+NOwc z?$_2rCEwsC`C_j{6$!AY-j!kA9g?8?V|0qHLV}0 zU@%xuV0S{7HMtkSQe@u%cfEQG>O#^eHW1=LR4vbESSKmQKeiQPK4=b{e!Qp!GxtO{8TQKwB2Im|Q=21s#z4;TR!J{f4u-PXhi zMRjmaAEhBd(OF#R!X?F=9znRMS4*^G*v7p}dh__rgIRmiM>^6&?;38MWWN?s_MD?h z&QHm|ntvvN>6<@LK1eRI@41|KekSw4neG1esJo;{!31H)W zCss82xs>Iay&rPpv)68w?gXZG>M#i&A+*@%0+_jNe2Fm@TO#A208kZ`-P#FOmd?Am zHFfTMkqjfC?Art=?7idMT4~=xwuxAH2GfIfE@X#(-b(vxyDooX`(&b}T9C4oGt{aj4X*{NGcq@) zCrn&hzO3kX7YbJw+vyEk z-@|dpyfOF`4}NEY`FyJdsehy^r{6lMd=|aNs>~kV@s`@MApkGb$3uJm#JC?8-vMtZ z5)1C_I8CetR@;_1F|d)ge-xC@WGyq^(Cmce?=}i1+!9RvZvBFKar98wi8tgF*S22~ zt*ElGg6wq7f);6Yw!R_!jZ%1t;(Hs_twK`$Rd~61B)gZlvlV!Xl7XMuvH4RpU$`A$ zEqv<)z#UEd^^n~Y0h1@5ExE7jsJ7lK#_|Di%crFSW2$N)>|=idB=LsQWAg0r`E z_k#TneSjSNCR$1|7zUSB$Lt1HHVQ#bAD#-wAy=6io*l+eNAcM+k8@idj4yvJz|UiR z?2dz@iAM?fk7fhq#y-O#%NN_KGlV@uQlMv~{E?U7`8Go$lrpRgsbW1M7}VT;&xMvz z42s={5=e%Y)#Nx`qUv^JD-MV_9*h|~HLdq-6QP-1HfM%~gi>pjd9jfz_Aiu1>CR)tdw~ysg-}+Pa znZ`yj8mfgdf>nOy&T>&F?z{`O`H9Z9%GDs4J%|V?f#TAX#_;S$*`SRkGSd=EAtex} zI5qW*159j2R>6b|yi!~x9t~WIVou}@hbXg+^hXl-llK5$=+2iA+DQQLEP{H}(S{H@ zsrD~@Bm+{1=yIwY*b9#@bsU>6F0o~z6)K0!Wi$c(sd_tXpH+m|-_=FWMJQpIT-BoT zQT~GQfucL{$QvBIV5*+!rNJBlNDaOiC@@4Fmg?57qyw4py(;9X)*3C-kPUJjj0@G; z-5H{nC;RkqcvF)a%3~x#yPxc99jO!zrN8^xMc)`Gi&338nb;rWx;}V*2@@Q@`lVoS z6`hSu8E6~8zEw-ktcpwx4SEH}QjkgKZYgWR|6VDySybh0;y^I*(rhg(Ps@!BNnp>i zFN}8zsqFoJG*2z2yMJT@T3_%%-6PC@dum+fDKK0}D0Wp2 z+M7&$=6iLEZ@|!ClU&D)203fx@|vIQi>!*J5YtEvbPIQ|=(-l!1@iBJZ*34`^-RQ2ucH86uQ7nefycS}8tOBjDbsM8DH3mb8 zfH$Ic6*wsSzHrqaFZRlay{?v?yk5<%;=$9Kl5H{DOuGT^1*&l+kah1Ty(KM{#}kXIA_ZN%@bat^+02pt+MbZ)fxdovUdj0&hvAD0d5X1S2Uw=&K`EF zb(H!q8F(zCeZrnbpFkivRPoh$ZBA|Ott*`-7GeU-q4XPm@x7s-N3`aP$y;%mwBhYA zpV@Gsh4(D&66r&A14c|=W6FzC%HQi2Nq9Erw85=dTm!GSU$e-C^!`@^Iziwtux_9agQLdOvpm)Cw_Cy?h>4j^vYq+NS4O%MVzr+ z$2%gIaV+dGh&@w(SWmH#d>U4YmTZC|f%0mWf1xi}6 zC1@0XZC=#wfm=i~_hDCXu(Y(HU2gq-fiLITZw3{q-7aB12#@OZ*SKHjB5}OyC`oJ> z74tSdDcZAE#x7qOV?2vLrlpK$06{{c^A9-&Z?|JOZO?n>6L>^fXxOv$LQa1R%d|4n zzBeZdPX@E~ZG3?Tvy+62MPpvn8Q(Nb8=7BJ1^wdfSvG}4O-9U%8u6e<>fz;8-Diw| z5`6>ka#2cwh6F0Z}3~``o3>JC%L@im5yvHVr|D0{#|wV7uELj*D8kh^LyU@ zi~0wI5M&mE$uFfQg8GfkuDY`cI9(84r=aSl=V*$WRiy4p@)eq>?(gSx|_K-Hb@2vwt9OQsXz@H>^e_UI0=@fY|#ywcL^XSr*uj+ayI@l!~JW< zN||yhz9U4jCjXsAz}9C;0XyB$aJvPCK`#h@%)0&B8^UIDmf?|`3oZ~%H+7l(?u!7O zl={+U%x(+@j_hH^^=9kCcQ3{6g_|eYXE-5#)8g`Mj>P z`{6Oefud`OU=XI;CZ>CI&oK_@;S%mG+qiS*dl$%8;sqedp$wInWj1s@MPIQu+oFWK zO~7WrWqZ5a!s6o8r1mW>^SeXsyq8Cd{A+gM7~Wr+t&*+89v2y{_Vu&vw z$2e*;0~c}CA2H#DbgXX}Qigzq1hG_GYCm1$MBF8}10IF_q?6wRuoILf>gHTdRONbh zY{!Nm5j7LOt^)&IMX)OxMyAyHhVO zRCqISulw`W_x=}Uca@3}?@yB@e^#!fL`B*0ykw3M(hl|pY@;qrc!p6{F6dMEr3+oe z^7Yn*Cgl;1c3eSeSOX3YnBpX=5J@L5!6g!MC=;(6V|jBv;E^E^!`qQ#Jjy zm*!Ll`v^pRFaWBQC*mT9moNC9hHW2XstPsjX8+oEm#g(FRv(-}{jX{xK%+xY8^p0u zh?rMUUHuJmf@N~VDyoLdaxN>F;YwxWoc-*T_x{Azf>Q>~@m%`Ot3}m7oG%*)E?fHCti7G$`f8Z&hz+}Y6jxN}`!#!arDdM{O|P59sOfcd`*3@eE$1J8 z)S5*dx_d|4s-a`3AE==RlOGhqxD@=RFX7wa7O_JLPunolF6@k$rrzPUgso)h0`;d} zMjpwQVxOD$jHV&Bxc*i$C+-2fG_n)1)?Z$T$||qW>GY@A1Pb9LV#drEf{>sbhVZ)` z@ukWy41eEd0AgQ2h%Qd3+HXnTU2I5GECKq#!Q9w(o&fTOV`+aeao$#TlKDk-W{#CD zV)@2ONkcVhu?hB2mMBu*WfyD#PM6;4tV#}HA{MI$vKEHU>)0Q+@<@Hg_E%4I*$4$q zOEb~Rtz{^kp#5YI-S<&%nZw&OS7x9x$?P5sm(%Dkp_K` zhh$sP*W>gbHWM8;%5#1b{}5~D%qcx8@1p9PhiDaR-WB*xpLGPL@mngdAZLpT;-kV zk^`?h^Ii)Hj5t}xf)s17vO&vB`7KNEVl&|ne_H_r8~qJ#P`Is(k9IzOA7$ z%#6EhvC!B&$3g!cqYi7K?el3A1MGQ>_r*RNhZ`tLZkm14@LWgf(3!XvUb6kM+Iw18 z%_0-gOG6Q5H+J4A4g);E>a{l~m%GyzO{w6ZOB&M9X51>A) zdtX=vh*4;rR)PH-Mjp`y+_<>2G^LTvn=vXC)wGuVzk$}8IdvFh93 z&-Q2A=^v^Y^^FQio$dEQG~~a(db&5Xkx!9-_|?CQ!c$21?-s&S4Eojoj9Qx@3H)FF z#P+`;O8Ka3p5qYM0?Ve=4U0|fk9L~<($Twfmn*%F9=0%>L4V*r1846O|0ywn zF&!tcX$6wXe2$|G_o$o`ii|UH)@v+O`g{0*IQGVsi^Z4SGr7?y6XS H)yJ3En5$ z`rq@JT`g_A)9W{?WEc`|)}^1${5bsAQl4e6pek+Xg=~%>#m8ik$+b^VzXYkF`&+LK zV={Hg%NKoX`MsQ#>BxdqJ6LP=nj}lxU`=jF#D-O$!`X;b8S=-6j&x<+E33|x`4+40 z)-!?%zrDQPDMzpOzH`H3M8E1IlOnX@_onuSffx!U0$RNZYJm)5e&71%1iIF-nImWj z$?>ChwvzCaxjD%S(W#tP>aFSrzO`kH4=V`ed&!Z`UYy=K3i8$i%_^oFC`@VSqq4=B zTe$`kdCg0Ww)CO=+Ty91wU zv!MbNSLOFdpZTWz6E0frd{D-NXn%Cbw|$Xr3X|GH7^V4gswXP>V0t~z)}1Fqo2cem zaSbP!-Q2v%MBde0HGJYr`rDZ;oDayH@Wi>z4%wA8fmT>w*C~`qN$`DDv@#~=n;BAw z^%eK*Yo^P?4ow&XCt>WOZaHIl?|LN){Cv(KGh1eUf?GoF2gL^(lGzT&4b%2 z8cqUrgtZCZWUoEH{-Tr;R&RJh#G5~u=+L0?dL{B9|BYa?SJP3lRNu=d;0Q%wd{RX% zMQ=cgmDt2t{p2At5VV+!Vi7(y%OG5cedITqj|N1M-jHk9T4UDdJjEFuW&mc{#j|;6 z)vkFLgwi)<9kqlb8_5%h#p$Iw>k4b#{4`3r5sr8?u-D#Fzt3~fUCPP7h1Fgg$USai zQ}XA4{FVhu8LF6leIgEVJrp-PPRVur;nb5>;dry*@hnfnh;KihR)zFChuA@yBw#s$ z&bkz$ZgZLq;I?8YrY?7V$mo}-`xi}n~kSs?{ZQpNx#A9D#?+M zDt)5?H^Bt9&j9|ttH{Kn9QmE4m6W^I?F{TQs~bej>ScRfrl#^nE~r=rOSKXkJ#@32 z8n``oI*sb}sC4@~->Wg&Th7X^C2GrK4IcTdgY;b+{K7lv66m{wy^Z5R_HihQ{0T}c zQ$HDZ++=_vxJ%qaI-axBXE5>__+aAf(0G4tZ?n2G3G1jx!k@w3Wo;plRHo) zWVBL%8LG}bdP;Q+6KI8u^b9S-=p$56DyH%ydMV1-oTuMJN}kBKPGicksJIv0H%6KC zP4Q9ST4MC3;GWvV66R%ZoKUzju1R8A#~EZCWl!rw$2t3d%SzT-E|eVN z(rYQ%E8Sw)AO%7`UgEhRo#t%4_2acQXq8PByUOxLT4DTL8HVy~SRCuk6u ziLZ|GB~?)4f8?eUv)UVc`GZ(J8&M@yUUQriR4)&VHS_H%_oL>gj4Mi9x-sOohZSicAj|q5IuSyLY8x zPW^q@*XSN8ff4`mPOuC#@3hCtFb6rL4|wXYpO|rJ|^L5nLYmS z6z@*7n1tA{{ezD;up`#Zx$X*ir6%Tq8dU}%~q2b4aE!gt8)VAReb=mGT594(?%DGJU#K{wi7~-0oSf?Ul z6hEy|Nu8L##0t_sE>K|%bqVMkW}K1;bg^Om>);r9i-vF4_57yon{7Cy#jkh|Lg@+P zrEgk&FLP4mzlkxDs97)^$y{ggRIP=C6DBa^r?~?N3H3T82Vd%;^17~hQ#OLKBSR-! zl_}^FQ9{gm*}qPH9{?D)iaM3aAoU}vkgPbo$=~jBOT%Cxxd=1|te+fzkpYbxTt=cn z6Z$&CKHdik(lN34eYRPj&%?phUP>6yT}~^jVk`fYhe_S>J(_YyK)w>~`|4XW3l)Ni zh(b4c$L^nW(Ld0Gj_aQ8Re%WXfyXBqLWT*a&F$~Mkz&M*a9p^i~j z($<5%&^j-RXea8uqqu22-(>O(Q$q^1T)vS>+KlFF){aT#vI&Z-+bu_1#~0t-J3z>zsA=Is18@z0VVN0HAHG0gT>kKI>b00kCiKhxBI!iyrPuf=D$4 zz}@|a+RA`idwXf48#{fp6B^|K@*37dRBPb~%Y43pP<(v%S=^slBsnVKLX=vN{Q-Bm zu_S0smjB}K<|}4}p*MZ|O~T#38QvTd6Y@OhC{-h#X9(n~y`wAal?fi#F_^3Je+=n2 z9|yWv9-QFSnaBU&X;_AIM;trP_|RjG+p>`LJt1DDgcden1djW+^2()k@tY$qqy^m3 z=5Xh#pp3Wyg%8iAHLo^%n<2)I@gzf%;of7!mx)cANX+I~W z#ZU-oIMICe!V`>|>htw{428=HuP46P4VD+6c+4J4Oo=gCA@Li13{NuwW~F^))lwmw zD@VyC`hta9javCpF9%OEB^fVsJu(sP!IJM&D7k>GNV(O6LN|p5^&SLkjC-8?+EZwt z$+qN#w`}+o6{G9~8_Kp$@XfqF!FC$K7U$08b}vN1@!l~^u${{YfLO;bu3F&2E-BXC zQ{4I@lzoaez-9lQk04qN$?vx%R8az!Tkiw)PF@f=j=NCY_Q+3cS`qYLSCRNPauEx* zCaGS%RO83eVyZpwD!SZV-J1}jG)rAkB^PZM@|#i7^JKS`J?kt+y|#O9h0pFrpRHv} zGR!+<6)8_*1DV6kNNM*#_dV4lRCd@!n0Di=(Tk8Ak=;NZ6c&h!zrNg}*$$0-IEu0= z;oV!^@+$&X4as|FykV#4b`UEYitGZ7<8kXbFQ&WZZwp3G8DP?76fLW~;qug^J?erd zX|aTkX9&N#Kf|gD(wH$e&23=V6B?mg*>>uKA)aJc7wo|h%AGO& z=sYF(GR5%jcpkkZvh?%00B)4HxC}_t+}D0!=lPV$j04&A<`Gl3jV`kAF7mO+1|)PYN~aj{+fZB+ z>iZ=ogA1>(E0mC9Rg7E$?a(ESL!RBGU%2V(I6C#!GUz()+C946P6jLJE$-o}Dj@E* z1#pVYHxIB@_JxIwe0gCTe`=WB`D4*PgP_+ANG?n)I!z@)`B$?f&7dEeF?(P1Pj=im zGk!=Hh1WkRot?2;;If1-H0EdgrvJ;}=U4AI0IPINm;I-X(1Zbcmtv z;CD<|^BntZyasbxmru4X;Z>U-Ix-}Ni8B@m4hVxd4md|o$sksmk_+7G1qEg1BP81w zTZs{+ZCQ(wR8fn~=Oa3z_@L?SiAg#>nN)99-e8ve`>?>PtK}gw_|LMQq+01gDe#-p za5@e)({T8$%xZeWf#vkZR8)kyUv!$%0a@W(MxvvmlwmJ>ljjRqHdHHgPxUK1HC!yM zE~WxUTFSat=w_610U{nXz68fD&88$S!;B&Vf*?1+Z#xX)t#;@#nFay2y>lXu{Hf*_ zRfo6r<4;&y#7c+M1rNA}GrVK3Mru1GN(tB?QWsaQWms8mmz$qgJzTB_s&zu4GKnOO!u!U}}&{7rrRtoIx*I@zloTm{wj(IPy(em1 z3cH%_owtZMkYu2(nojwo7If|&ipYA2?rqdR+~N2xjV;`_pBGJMBqUZuZf`Qsm#ci7 zljJNxJy6PnAiy=V3qn-}mo;EoxNt;S3Fi~zj1)nYN-`=i; z5Dn(ZKPSwvYy4I~Ee0oFlpGS=G=`7I}=`}PPQZLOh! zgN!KFZT&An5pIudCq_gx2{0OLi?+ASA1weMiKMR*#%ZEkeowoG9@uUvUveBaJRb^g z!H3z-TvVWGzAsAksc(uN(YL-ahPX4TL#Po^>3$z@R!=e-{w{X^=u9#^FAxmdnX9er zl?rUHxZxF)o4M<&*bbH+(8Fb!j^tYXOicgfLo9*fON~(^6mXMvAKu(EiW_gn5!5fT zSdG6kZ)cX50Z#;x^%_3d51jXPS@yKfyRH0Y1INODO7>Zd-~*{(myGuAuaOsJ7m=Cz zSH>NYaj^G~Lo&f+*LgC;msreD>z`b>v^EqSMb%8_roLgwQLtbQ8TE%}h$;G!h(I>@ zC$4WV^@mjpPi82)Xzv+?k>qd^tPElWK(cV3%?KPTC>e2;W789cKuu;AR+oTn-e(1s z6aI&M>FK0bes>)Ud=yg)MTEohwAi}X8_6j#Y|q%Gd6Bv`mj%m_CY;_VUM;HruEhzO zd*AYbUObXLU0H=wd64Yl?Im@IJE4zT-rAX}|GHwGGrbB8&ThMvvtZ8LQ|l)~8-s8Y zwJ9sJ%+(cuyJ^_R$HuWsEqGL(1u&4!mrw{e@d%*7+=N3O(KTYz@8i?~SrKBkWa+_3 zA_g-*@{EO-x~Z&J-ZxWAQucv;bvyEN#pTELJd`>1FzD{CeD5E3!$HZl<5urjHiBoP z=$r3)$qobO^K)nRLA`@%2av=pU!A5XYRHIIY51!Q=XJv}QO#^&W$z+|$V21Mic<2G z9l)zFt#dj6S9ixmqt|W-1+#H+lgqB_0ZY*`ufqO_mIHN95RPByrJR8y^#*peU z#UcJt{6`laPBz9De>`><45LEP8|>y$z`GnpdTsLQ_lgV>ilMhT&4gU6c=si^FOJ_N zT0xg>G;3zZpm2h!Q|)q0lb>$B%GWjelZ7N-2CqF=q?C>kCf=|_A9n0*roCg)GbCRp zG{FN!gk}P59^BbmcRRt#@$({fR_`+ip>8jN`t*KI%q_w63A4aY=(|O(m*T>{#JJ78 z07KgAqB}K97F(K9I{bN)!tacG)=H(v;AgeHbPWVCUay>hy&W6XWZC{yN|0InCchf; zd9vqNdF*XGto+>okWio!CzzI^w1aH8PaIDy?$}*Fo`xS^sxBpR4YV zMZebNSWJ`=Aj=65Z26V5zipeK>tU!f{Z$RzRJEZS>51d@@#e@#n-OY!C3QYkQvBrm z9{^!MMYIWr!>u0A5(o!TPoe6htgWPX?y(PA?JbnA5d!9^q9$(S)xOu&3%j5)PHR&= z;=()tZUGFQ`zd}uId#*aE(HzW1}|zDay*|mNa*AD+&Cr#iyllX`vMQoh^xlT=kFl4 zj9&ePmkvgOxzus*Q_vNRD(Up0eR{%*?aJ;Ke}4@@ya|uU0eP(PFG+uyhUBl!f4i{| zNgqbaSxxR^qctXoboJiI(_^8I0Y0FPcFgW0ty;_#+YPwsz}^O1ex=U4Kt5(o{~OTNXh( zH?kAuz^cRoL2%aMhL0_dzaq1a38l^3`6vE7IVnBAabX_7Hov38_R$Hru#n@>s8UXY zoA`i-@2bLu!`DBW#V|aHOVj69+SQ`mTLqinbn<2Y3LIk*k3bAfV)6sLV$>n7`xX7 zUp?Wf<5{CtR%AB1%FFPue_eL8?ZtcbpRUDWzY{)+z(k36>GY~nMEuNHc@5LMKMrEg zQ;yRrE#WMulE45V?BOvhm?)?xe_W@$ftdX3x2RTWL%EM2|9gTG4>TrNiCl*QuKH?Io ztEn=r%?8#2Jwa{xYrl1bb+k2kTH2a5mf%#HF!U0Z#`mE&aeLHo-K$j)kETMK=&3i{ z8iL7lftw2-46T9Jz1c}3nurBl<;HI{aiL2Uhi4^OH9?=KCNVi&(z+sFQ(mPhT@}N= zpnZe)U6CuJUJHV6=0Rsxjdz3dS3Z`DT2obg_|MrAf9i^M8|+PA0xh&$Z2oGiD>zAH`&-tV}ffOevnd@vB-aH>!dU1g0uZkiQp zdpP|q@z?c*3r9^^Fi(yJEkue_r~QwP$I`G6FPDq!Q=eRW`_vfjDcVV62?jA&sDlC> zSX$le_2pNfG|W9T*N9Kr*7LZ;7;nM2&WI@IUR^a5A;t|BoStRc8;sxtQEe&{v=pCs zNT-TGb%in^*dJRuv2JxPM;(V>(k!lgH2v^z_DY~*D z)a;DX+sOv2;@DV?#XnhM`7m)aP-5%9BS&uyIqy6h+l)Uf^1D1wlz^B~#&vh^gBX}u zCfrk{#^yL+*Iw-)gE<&AS*Gn3^V-U8D|sz}w1c#cp?;YVmbj%~f#`e^Q?o7O`y$Qw zVl9%?*ogWwZy7TF{)2t7s!p835M>`bpP= ze~gyS4)ug{VGQ2MYE)wiZ*QKT#l>v{wc{_v@$1SiXm0ht0)4suv4<7APAbO8yaiDV_0^gq= zLn}bEORnDBR6mzmNBRsVd!jl?BDPR1u{}^N^C=T5AO@kHReL6;dLmW8-Z+=a;TT|y z$k;JO0%@c9K5|hW& z?^gCVw!cDlU-ZeAnEhj+Ob=PHtv#lbRD*_fFfQcree$7?*M2x>-~VpKV8$}~VdYn? z;6cVl>YZu{sZSSEVBnt2$Tr{0_uCI4gfQ~b5)j?)z?05-*Xr?4lq80 zF~O>R8w_fdO-4F3m!8kqO!7>O4%yAGOh*c zX+~`m(i1)AtTac8g|RUS$m7xTx!dF_&mCzEUl9}tFkc;`X{eb>_ zllj*a%!^RXT6-;y{%oJ(MRFyqRhSnYl{2pb;vu6_Yxc$3Te#iMHIGziYFtqcMVS_{ zu^V&!q{WYxj$a;n?Y?fkwNw-;Z19VJSFS>Li=N-blWup5h>&gI)JUrP$PJJ2DuZhZ z%XeCKvYS~OmW#Cl<5aA~Tc%aZ$+clS%c3MFt}HYbh4_>oQ_xz7W(75F<0y0IgiU->k8TVF@vI!~d!p(U*!!@ziD2|5L>7P%3s; z7YBL>Pd_{jv7_4MBO3+o^N*YqGq(vQrglw7N;bcxuHN?S|6>d3*!r{ZjGjwX%+9&T z?k5l-NFYuSv*Y&#GN6Kh`sq7j{T>5ndIN2T_hqH$wU;)q`3Wc`ah;`5sZNU(D%KM{ z5H>&Z4sCk=!dS%fa$4PM|LAjre!USI=D90+xc4YX+BR)x+3xj-@0vcloNo))R7IUH z=Jk1+=~59MfDoLda_y?pFSUZoPR4{EMCe$*aP3*N#3jr~4?fY4{fQ0JNtOY5UMwQd z$Wj;*@;kR~LyQ}QfOfTW>;@J+=@Q&vKivCJQxOWE$sQJT=Z&}2`W-Kg zB%gW=Yf~twH#eJ>Pl>Ud*&NQydRQtv`j4LP&0)=+0E0Nv`+ls4uHhAWPhpkm3O^*U za5q&?&CrOU^iy@Zj?!_5h{Za?YB92P%d$Y9*T0QE^^`6}!{=Gvu0aDXWk3Sdrg4D) zM7dhK>EI9D59B7P1Oe}C?+O+=p7Ck3yfR|b&&~PV_I8arAIOG$ z5aRD9ZfCc$&Kc`OJmXDRGnx@n(X?MDA66PrE_yaSZ8`~V<{kFO zbc5<(t8$+N3y!yBP*XI#SSvo&9VmUKgqU+ItHyrKaCNoVHYbYtM-N==8}kieNuE8t zC6^YEz<9dv%0Iqno2#>q!H6>n5Itvq3Qfw!5YBut zFiRO}Fu9oBS8V?!0G9T#NdV~_y-L={EUk5vrSg&6=0t>M$^d@U8)+^mz_Go+9YC7Z z$Mi+(*{K+B%ghP%1qa?`?qOSe%Iq7;dn;kx$=(sZ1-Mjh3#*ph0*iU>3B9_Jn=jiK zodC9*R1;IsUqau|TAD!fPVd(9>WlAN=kA~v5dE{`d1WU_FYBaJ1^B71aJ> z3nta#e|j*8#;<5`plQm{c_ks2noa3^d5gYdU9BUTxEzf4@+gm>u#^O7VFaT;e|xpkhH;UAl?aw%N0*N_KJ~KMY@%C;H>m`$mNs_= z_%To|}>=0uN zP*Oxg-e5gc-(oN(Th6$Ivg6`KYM=zsuga5lO}J1Bpj8e3YCx(=dcJrKXEoPaPVup8 zaF|3ub!ln>6ksi3o2Fl;q$E_E8_nm!Jh5xrp;)!IHQu(W%C!$ozGdz=dAZ=f6RK!_ z^7D}SM;Y;VwuO$;OF#nJs3adeQ)n>xg#kW1uuEOF!H&C+=3-#3V@?{%szek8w69%s zY)mh|S5vF^NZr`T_6D}LtSLU+kZ9Xkf!~V`nDdt^SgiYq_2WXvouENjBT8V*7v9ZF zezcGMpR_}QWz{s-jAT1)n`rLn$jY@b!Ra;cfHLZ3LbZd+3xx!J&xsf}M59^n+RNZx1cK(Rv^ z9xG+?QJg+{TNu6Z2cW(4*AX4tE9Y*BSC9O#+dXTt0CW~NC#lbDGZ%fZ$bJ{ITd>fa zT%^2ybDzw?;D^H#w2O+*bNyF7dvobrr*AMNqf@VER4vxaF!gugp| zk@+g>*^T$E^Ae$B6{-CWb+oDpq)4)~KQNJUNM(?1VXd4vLy!84hP%XNa*Xdj^yK-l z7~3EZPknE9Gpc9f1Udw=%CM339MeFh=|s1f2Pp2Z_bv^8b%FD0-1gmS@n9!$b;KjN zsF8DtMy4#!J+Y-OKh{Jo3#aFl`hs_QXw@4JD?vHQ++Q!qAF(sh=ejw2rLm)}lP%V= zRIsYC0RM$vP7>Hya!+dUZas_o*UU_%0IBYo<`&LxbgxG*05iS_;{Jg_3aux&JrwJs zn35_E!ofE0*q&>0;`YhWTGt+*;mezc}gOPwV%hrT44tVUa%ByZ)2ofdZ3kjJG~XqtLF%pGQTg>`L(mBCKnwC$$1sVaiMsWyWOhQ{2>yu63mc3KtjLbuyhL@Apyt z60$Z?&Zi{JPk1(&nqG}m+;5E>nrEv5I0uag!-x0wMB=!sln<4dg7%uY`pfQSKexeX zQ4%WFEOnl;1SeO2;uQ$uGi$!M1zfde17Na~jznMYi?K!I)m827Q3#{iI zru8yMs4J>!bGC%%N4a#v)ssi3e&%q$Xe0<#(slIPan9b5{pO@Rr&jYtT72eaSu@Jy-vrHCj?~lYh*$jvHO{M%u2Fzc?y` z32vozafB0{`to4Bm2aZ-GYhO)jC3;Dn{TW ze?FC7Cn!D5=Z@;FL@C-h+6rDy_q=oWe)d3T>J3wKwIR-r{yK*#sGXBmJX9!@n>F3A*6vcGesq|U_+P9OC~&U_VfA5uU=Rl$M#|(gS0>A&#Q>g z>rbq`ThGAyT{$JH+FdzgQ*fl)EuSwxC^#I&Z~C)*R@7;&)n-L{gLg;QY_o>BCt7Z! zYlkz7r<(ASLMvP5mR@DXr@5@uG>z>G0*|oc3?06GiuX}%HVJ-4^O6SCZ2o59T}(yQ zVLL1s@3$W4Z z!>}zZ%gI*RK3!L4FgwCm)rc&iv1s=>F6twr*5~amBbn(1iZ#!8h+eXJ$3JBO?yYDl zzc$c0(gy{Pkgd})W&A$oInO}1Py<_QQrVNEE~gbiN4dfK9|#^X54O5YL6UYGzZ5fO zL&EAFUrpb@xtIpQs`ve%sAwr4|BH=@Zz<^$m7Y6YNh;D#wGvQU#CIt08D$x*!9#W~ zP0MZz(1iy@$|4C2naq2j=xWJV%ZU&EmP&X>V=^ceFg_lwSTAzMijWD={Ooc2<-aat* zr+R#xI=!Z1_kFfV^Qv#4A#HoQ<)a5yIa^Bn3plvE0oFz~Fn3aZioMRRDH$Q(VJToJ z8Mz@R^2ltn0JT1O_!5}DzIUQ_Y3m?G z{g#qq=1orV>D_Ov58s|jeJ@QvhaH`&oqsOAd<~_s3Y)bair-+p+Y;H(0yuR`Fl>&H zpt;jvKdnptg^AO;XWMR8-zp@Sr?zpT;8C{BdTUPTxp<0csa{_H9iX;N%B-S#Q*=%2 zYcuvH5Bgqg-P0Nly;3gr^Nzm2^jQV#c4aV&O{4kMem4k7-yEuM&?fniw5!p?jjFb1 z=ABT?9>WjBX}B;hyb_I1IuaNp=<{QCjT({LK04LLiesKqH;?otk29(qnI6u@rkKc< zR(acCoof@5_&L;!4J?r5?TU&TdwN1B10%H6o~{R94L!1{_mGKx!V+IMxT(YLTw|dg zRe%%VivQX<;VUelnwH+qxgvzE+n56+SjYoYowo3vht$VafAC~a>49e=n>)SMWrQ3) z;Qj(#moRSPe9kix`&b_$A4KiI2;p|zhpuhGOkUb3>+jttNvTMF6?qZ| zT+a70f>^0%H3cioe-mV-WVbb?&wUMNUNUQpKvajgC!qG`yZ#nXOl_+=(cOyJB4>F- z+dDr~aM7*3zNil$Q(6o(3#*h4?oU$B1gk=zV&;ui7Dk;s3rD?c%j2JtpJWDttV}Zz zZ;fc{jpm~4B7$-9TSB9D8U0`QaMq|#L+M{=KGaGqw5|^$0OjUNoi@FFWSQ+E!tul( zj7xX-MJNf+#`LUtZevLgjJQgrV8EGaPVgy?yVcCPgJb5CS~=oOq#yO#yp+S490!Mf zk6OFqJjp^*xq6_sK8$?#$;Z6U49qd3=A_R3xP}n`I?}h7)`NDQtJLQdt}plY#U#0N z)pSMPU69}wr#Rd;i=agDmsiyF-XeR-1XRV9J_9cLaIDjaP%{Eaw@TyOj58!#Dr-@MJUy!3pqK=V(mj@9Tr;lM? z*^tgnbsD`kHt!ajF!V8@Xk6@+LpZgEV{C*;oT5}7tzmS9SX_&-NAGO8VR%p5x6>${ zho!1eP_fAgeS?O8P=O=VquF#<6R}edr)j;Sg{V$OLL}0+9G8+*7c<%^HcgdiVQ5|s z&hU?Fe29E(HJ4IR`XeK$rg|DOCo{r#gF|Fi9hsqHY%txa>OEDok8RgP@_$?PMwwQ? zGnMi-PEIl=t{qlmL;f0a;{Adt;!9qRS?AebL_p#SIX{?Q8!pwln9jS2pRJ<3#1Q+H zYMtz_Nmsaf|NcVTG>^YmJ7QAWl-BKgbn(kd4OLnqTtU&K*>pLTM{k6HamjjuE@3W& zLz3DztH*}6K(^Y6f!4m%^fZ+PsbZ2+-e4Cm76xl=SsjDcI1{zR{a|%=XL3BXPQm_T zt;b{~<7kLHB>E}>Dj4IFC8!R+2-!{scRu4v@k<6P(|eqw${`PtZ@@>8PgEMkB%YiF z@aWh81v;g0P}|ebUAD5Yh}yElHy&Yl>#QxfvVk{P1-7{(jEs9Z7}dXh9l7dVe8@cZ zAB38ZZ>4H}alT+>h1YnJ1vCDj%9LX+z+CzZ`qELR5FX%rXs^g(R8)ntDQF6b1JH*5 zH*#(b9K3^*V7@Qur*OWBPgo+5-&;H?yR`hM?kLX^eyn(axANs>{Zy9oH~&%QgNwfS zZhtztHG!8aSlZ=x=Eca_eJd8md!0p1^I?ASG_)N@D!NMP!=G{iN$S;xh317G!15ce zqT2wbQCqLInv@iTJdDC##)(C1{eY5qbN46sVgyk7qZ_g%BC1mar(y_LlAiJNX6DUf zurT;PQM#Q%FxY>wsLQ~_z;Y_u`2x$=;aCVCWBqJvzla_GK2FL~&RrYxbF*Gm4#fOK zqh;V0%jhP7#OuuBheL=)Ha~~6IsZ5$tK=&mr|@=4EO#wm!5YrjR3E}$&}D9G%2!i; z9h|z+K9#{XxX@q(U2vGJRN4p;*! z)3BWHdqrsJ+?AmQ=8qSrCDPvgympBqxx4G@WO@VWi@pytBDpCj3X(tp^o2#(e4Ar~ zlH}9-Z^iJ_why+G##1vQrGMSQ?&&&?qvc(5x%wg`ey~s&7)UGyKFcYbdRFv0Gy_2z zvFhWfbJ3N%mB#_bS%&-0m|(HL!#(_6G7@w;rCe)9b`Ig4G{~@bqc)&9Fr`ItUhRxa z41aNP00&M;&8N*?di!B4_nyT!frXB8DbmS|fy+~Y@ig3Bhp)i zTwf1+wf3*lbkmD`c3Q?3Adkx#v%EOw3W4v>lm=IM-!oNDO4Ye+O|&&NCVzt6s(aRZ z-Xhs1Q@um6w%D*e6671EfcUz=IG!d*_$J$&PwbZL>^w-v5c2! z%t@=OB@1>9;Yf++h7$HbJ*i(sRy2t~P2itu38xo0j@_)7PnZPuhN;ryfC+z(CLZ}PcZ zU5$k&8TQ}qNKa8IpXxkFC4XnxJe)i@r@{?T>U|5w#Tm8UL=I~=k!vx1TaRH$_>~q3W za+?3UWi*us;?cYSn4Sx>fxMRPDHHI3{H-6oC~Bn0u!wgX;9zH3a=bt8U>^Z_pZjz0 z`P7OtBr|L!#aCr4bgN+SR<;A3F6q|rZzqH6WX?73m-!Xu_OCNZt@*P|*Vmy^-My#Y zh>wqPi8_fB>pTDbDH1GYM|i~>x9B3dc1R==D@q?3*ynPg+9)e5 z+&Nk;TLtA@4+-mWKY|C~!P}o%ZRyP|kLseGI2YNZwG^SojamMi_Vh8?1v!m`!@HIR z6|(dZBhP9{9jIC3Lma!iJPk5n0fFD1cyVm4v1)1Q0=8%nR+mxJ@`4D&sLor3RM>)n zWhxdY?%0hk0;EOFqy0X~S%wL+EjEf>B^!@iV;ZASBcXqo2pSFhpW||#e%)FS#?t_1 zJua~okb$3le9Iz+vV$2qF6PlGFwLZ+tKeZjL%`EUQ-QoU=i;qG)4i3Aie5;w|9M(>qSqTI9`EmsisF!8d-k0*ZnsyZzRb%@jkeHYpJ`i+t?0fHPnH$0a7F+` zWA)hOaveDxX;)sTefYp%Toq8fb-=^T;3J{h_wX|p?6R2<+aNbPlt>c`hhImHnHYr< zn_^VuiS$hFwd-N>{j9a=jzRbUTYkrkv-8l`uyQ5MsRui$Ny9wd=0bY zS#R`EWFO4r!Q4p!rDwUlUgLN~=iPaFOmUBYecIWxokti{uVXEsr=uzSxh_dON{DJe zd5+Fn*H3j-_P)JdRxrdrzT$}j>F=lA{YzZ6H`uPB|K`Zvmy?YA ff2X-4HZHHVvfT8n-#BLeD^W#3QywAv=EMI2p=r7W literal 0 HcmV?d00001 diff --git a/BoostingTrees/results/result_housing.png b/BoostingTrees/results/result_housing.png new file mode 100644 index 0000000000000000000000000000000000000000..1640b3d3db09ffeb99345f7cd3f8eb10fb06ad04 GIT binary patch literal 11677 zcmcI~Wl$Vl(>A$DAV2~kKsG>dg1ZG4cZc8*EXd+6OYj6pa3>ICad%xDf(75j7F#5^ zE+oL>@{-)oQ}zA${=8q+*HydIXR2mSpPAFsS6|)XZ`I_V;*#NFU|>8|RFKicz`(4! z*R>vF-T%8#bHBJhJaE^Pm%^xoz1q1SJhYZnmBhfPiN(7%dvrg>aZxaE$H2hv`SW|w z?_6w&fx*tBC?l!;!2|_CDZLsz>xUl(QazvQ`uLktJIHko@Z5jp(YGQmas!-@=8rVb z9?p4%TXB2`X!zBX*Gjfy(>c5Z8FTjDm4qHt_8;tKPOGe*)t#j6h-n$?Y-xK!O0`7q zTFoBc&;3_kn%%13{jub)$h{E!WBXwv|JUxJ>A zu$D|~Xy3SR=!_pH{BOJ0Dso}a zl=I#MGwVDD3o9|sl1@Jfd-0Yv`d2d-lp0RM{_o}u%MQQWVV{#$xUqj0n)_C;lowzU zSmYe;bNmVCV+jYuj?~j(JfnkNK@Iz_8T$0XRg zoBP6V^ALl0#4%IT%TA(QJiw@NXFZnk>8!!^2~RpWHIJP;r+TJrCCPLWR%ZN8v?D(+ zg~A_Z?UV=^9nF;|H8d)~rx*(ujk|$PJoqzPlQX?w)ePVHP#^=q_A7Yj?UToy`;!+# zv;<9ISa(K`X+D#80C3$sKpAl@A|eyG?&YmOK1E)wj7G2YuVth;T%EL*Z$r-v$^=*9 z6gerZH{`#VM7rx<+#p_%|44`sm zB?V_J9@dBz_Akn7lj!;5m-NMG`!AL8X#aKyb68I%>jXWlTyx|uVSn&l=gGt} zd_BkOX5#_c1VOqG(PfjBJX>MNN-Bug-;K}y;$j@I_Z@$d_cDL-=US68q@90RgK#D4 z*m`R8uDh%>}mTHX9X{Xv+yE za>7b{GdAAf>3KpZrhi{QL{skmf}>u;mg{^HUxc4M-+&#`?Z%=|21N4B|15W0@{OJe zpri(7FV}k>FDI9I_#K?E3#Y0H?oL~<^F6dkoV>nsCmZm20lN_s=?nb&7@?8U)2na#z=+7Clgzs>%Dzs<4`-IEdXk7YW>nBr2-tD+2T_yH26&QKO1t& z#l$&N>RI=1i|Q#idlEt$``2fu zz^R+}Q}E!eDPyaxU+R#(xRGZcd`+U?{&+QQ8(@+$?2enuv)|h${&UaRUdP@^OO>t3 zEP+Xcued_M&L=$CIaLau|+e4^ipz`au-m8>Kl zA9)^M-JWx5SVn@z5nVxi(K5vm9x~@&SWM$OJsPmnGM|uCIgp{4RRI3=$nT6@-a2LE z&sV-xOG{dPGuiaR=^e_gS>@t}<5zSft$a}!av3n}^DvM83M+d6(F(OnJMW`(3d_eW zJNcGordJ|??@=M?yJ-pNpU>=|f0hB7><8&B$>Yf=#(}cEVg}6=i_H;!W z0Daelze7bE!i-kLs~HVxquQ_O^-7L$m=ekU1P=_1k7=w`+*_~Z%fFMB;qNk?CJa6s z6upWr;(2wX_ARey_?pojO6Bokz{DEF`9&XXkcU~e|FkD|E>%F<z5ZI?HgA||JK*tZ~?K^fm<3b|FXB(g_$RtP0C$(TEOj+S0oP1xU%=O{J) zumaaG-{CT^YST}3JfC1|;O|z4XQ;#qw^fsbo zf!B6mzcNG9wEX9$3(z@fEpt)1t!*G#QF1->Q2lh+q*p`b@yPhJYYJ1~xMr+XOnT)} zDFBdqW-C(6*+meE;LISii?#UH+NOuQ3R2$vtRWlFYt~Uc=sQ_mKlwe~x!J!Yg_5MU zfgyt4%4F8{YbU?mzN&v)7u0eo7-gRhk@lbKbpot%Wt@=hJc*v=wQmUL2Ri>Ge&O>r zQPLYZfP5%?Wv-P_owR@n^{xAK`aSFK?Wwv64HPut`{H|DMFa-~vu9 z9REQue`P_`#pG{HxgSM|JSP7GWc~=((ff_RPwrm-K7hIPztz!{F16f}>S88)>OXJY zr1pr^ZMKvGAO5}fPwdrD7n3S+v7B&I@PK<~C3t(VSLXcP@PNp#_5eP{x9h%+&fzVb z{U@nN2|?NN&~VS&nP&^1#X8HCMXmZT0sa9YgAVExJ%U;8^}myg--zdDCNvd7Oe1_K z=LP;w@x7gK)Y}v5S{(6SI~m1Dq3=FtwM^(4+c@j^AfeyT!`pjMJ}dd8M8kT2BYx=E zH3fKSq$Tt2W&`tGYcLL#kawelEv&jX5I;WRJ$Rvk(FiouF zNgDgwKHTk3S)p^`H002(1QI<>?J!3t8qf59NlkE9rCRZ6Tf?bYkh{K`OO(&KE}V-= zj}doGPEc!s$c5Kqd+T4a3^>>b8h@RQNiR|m6CvkW4?;;&zCN=b6JS@GRGifDywc8B zF;5=MKLrG-fWHkc?z#!JMD6BwcP#w29RRm+J5Yq~#S<1awMKyBCGc)!CGq@~B2bT&P^&SQcUhm)iEjh^dBr+h>TarTM_%2D9Y9*y zZ?CFdcsrW>kF#zUSZW=roMX`aS)q4MP=JAa=bhhc`_Q%YnYFbyRd>@=fe&vNI}B{{ zMh88dTK9);Ux@V@R_scfEIUM=QaA+9e`!WJ&(L`XBh7vlg?=Dj7J46 zK!pr3Ox7G_?>o$bw~O|+gk*I4Qwm#hVDiaC9=maziNEs9*toa(MKX56ts ziv7L)eZR+GdhTw*Q*6KCucb6Rz=4ycBy~{R1y{^|F4M}gYgNb|y``1?(N)$%j5I49 z+TEp*)uTzhlCs$1FU&?tuoTy?QT}59&3bzw3HkI7s8f{+w*2T&a`Dw1&XR6=LNT^d zec-dx65$nnY&Mwna_q(%*+Px>M^teJWHlX}*Uvnu1fw6HXno!B0X-A+esUV9^uwM! z)uCEUYhEizCCE5G&JsZ8P30=858yDPF#Ld~gr=1GeMWD^(I!f?Rq{eg+zdg*d1cR$ zIP*10ypzf`oPf@yy;)h(=m}R(l48713h+^Pol9n(E+6PKbitnA%U0Zg8K*arzOJ1! z)toM9!s|-JG$xe&8BfE687;6PbU++RVCkq009WtC0;dfmP)T=J$p8%M7 zI4Z>^92gbfaJ=?}B+?!y@|?pRUXmW&>y>@UfSu_;$O1Y9=!HF5!Z~fE}7ylfW z+GYKGpqt{zB?5qbz4LMU2`MXFO;Cc(s2h*7`Y8XX=C;q^h+rM5%t)rB1w;13pd8_l%7|q-wJRE^?|CVDw-=V# zKc5%^T5@SWsMr7!3)Dhqat@q(9v-+0`@(OgjwXFp?t*#A#-5A%my7exP~Af;^1HRY zY?(%jDQ_8%05hd(3U|{v?^Z%sPm2G6EXtRkwu?hk0g4AjTVMMb_#9^_`zsqg-Od2k zx7aLvx~gdqy(PB~_8P)*bfXCI@U5+p!`3pMf4swQphp5FT9phfY@Wt4xLf+(Q7L}9 z?lp2IT8}VYuY`zQGbO(5cPdymqjj;zb!{)Tw*^f>pyaE{f@ZegPm{AIi?M!=Gy56&* z!Fav+o+1)(aSr?06^WB}Q$#*kw{2N>C=a&S#SdWaOevMG0n`?6J@m)zsHten8r&=D z963E5@~Hk0cM`Fk*b(6Et+ZHTIKMm?44?CwOkVtO1!Q%2OYPBdR~G-pfw!(8#`-ZF z%Rq0dywwJn>&`EHl|_kovjOveAJi)&=FoP_{$S4Z#5T>7>45jj`>UsBAT=!$1D#cg zd^vJVLhXdtAT?v~75^uG>BQZ{44dZ{JCV>dQGF`$4Nc0o@YHIe7#;49FTg_tj$m^! zS<3mj_JPzfoVl!REw@x;2DPFD{$`VZnqzHJne_Zdm+l<(XdQ)+O?qJr^g+oCK*s-K zKfJMvnB2jk2y6TS>6xi0_wOS!!TydR@Vd;r3B1;rzvJatYGz}lg=s{S^lkeu5A;2P zFKRNq?AeZNg7sM{aewQ~=7l!y4C47dpR#+y%#)UIo6BB$1+gdd+mIiVew~wb_@405~`Iv42D|^GG8h(&EVOdKt7NZO9jEq5VH0ak>fYp!pcMPq0Z6$ zB#C0mih!wgjf8hf!01r7zZ{s1T>E&MM`4`yG(wShcp8*mqG%I$@l(jNIg{X)kA1Ab zCjG_rBHaqcn+!oxq1q$M(9Do62!ztM#O%0UpMQ0&aYpCwPhvGj?evaEQP0tH7lMx zd3MNR&%=gcn+{<(_dNQ$Q<5qb8_RxGlEPw>T0sR~!-QRhiXM&LxeB8?JPKN15o+F` zM3L*djBEZ`73|U19>fdQ5h%v4m(A?!X~a2QPY|@!H)rN<9MSCD?ux9-n6p1`^i4#!Dq2n<_*_GOQun>G?@^-@F zv-e1~X47~i(f%!~?2ld)=X`FYZO z)7Rp$&uuC?ZA#QjYAF;;jTb<7cbL5Q@q0e(t4Pnb8%X)}o|GCzv#N%eD@pkM{Lp-(11cwIMt4>wnF!96KA^H zGbZeRfGWCA_>RK~g;u_)CKsn#@N>CJcWP%2$K@C<_uv;yTAeEURUceLrAapG28X&B zJpvB>pg7OCCY|l~E5Zcu&#fL7=nBwcrx`4Ujd}LqCtNnmAaQbNt0VjnwVbw{Fv_(< zS!3fJrZn2aL_VT0uqKLuPL|;#(zISysxvRQFhh~ZmQ(fQg_qHz9CmGs$TFT-S8XKM z)nJlG&>Dv^yit80Voz>#r|4JFSIMZVV2wR;xAEex}N3pqHla8@Kaq5+i5VtBGYi6Ri)9u{cP5xhAKH35^Y&Jxf91vIz@Gra%q^&nQZ&&@q6M z+Rza|wg?_NNh6#tUt7556a?oSSB(wF3HUEsjPx_)O*_a%8K;rqQAAlvboXN%edMqcI=B65=vm5SvKYXD=XSj%}Y#xeF>4#YG@g(bLMxrM5 z29;Lu$`Yp~IRf0Z?&J9WjS%8SHX>@mTk$T=MtB1pKVh0but0Uocv}Q8>wn?^0sU{QOxcB<;3duGAXe$Rq(|>bGS-pt*m3*e{*x2(AMQ++=H0w3Wvty z!qy+#H&zvg4G+GqUj;cM{w0?%vi+-%drPyr85(lLIhqWmA?)~4=2GDRS{rf%&dOOkhM?&1SL9ic+m(!M7rC9PrAanX%rz zfOG1nWnNQk$`?b*RR))*0U*V)mlDtFkAI83MwvNl;d+->*SXe8|Pm*kOVbjFdx>P)3kh-&koTm z(t6g2*LZW`Z=0q-7;%%O+bD@8bwCG40{~115CPi-8CvE7F%0)$;8Q6!%n0 zBcZ)3dkgn;h9*4K!8@I0(pqQ`s)aCpyb!>coF(AENF%O;5-~bua3sdSI3Rpe@q2mn zboG4neD!qn^lGc!C2p@iIghP-@P2JbQ|E9b>($sW#)IiiC(^}lgKhWk6THT^t5C-F1(ic3y_GHM(==8T~%ec4yn|WlHfnq%Jj*6?$rE0%*dg zn_*w@n6hro&`DZ<%_z&j+M0K!^n9PS5By5XTd@YOM4gx59aW)NL6o&~yxYu#^+&c? zs-dCs6C!8E1N2AKFpz(kbj-UpDpkGH|8nP{LcDD_)FU%NO>K%p+dp-y%_Gq=Ep8e% zJXCPhwQ*F*IGgQSd1;XMdq4X35r9cALIwBo7H>f;Z&^JaXIfr}1~TkE9w0$CY=S6a zTD^1#Gd#?^^$`6AdOVvxl7hH>R|_%Hn`<;~eLCe!9atM!oTGfd8Q;9A5UR>0f&q`l zdM4-(t3lS3q$6AB1SRh;KVb)d_7W9&>^kYRvGUyK{L#?HbFy<5?IqK@iiyVrZn)PT zwTFAL;R7utFMnwd^O0X8YN~>Efx0avwtyusVyVJ<(4HNg5>G)?;%QAe*zGYLIH<>=f-lgrs3f;kr z07gxf3>apb+%K9IQl3$B%PIS%K;~wuUCKQWcZl z7&xQ0(Ly->aL9M(NPbt!53W)aFZKZAXXfO)*#*GLWybYgdf*x2qrT@V6bZVY5b)FyD@jg@P@Dlajx@ye=Tx$j_kYK104jMRBZ$ z-*eU?E(eH@U8GwM;hAF7S*d%m@Zz)RyWgJAo*6Cf{xN})E2(ZiVL2Z)E5Zvuu(^7WNk`Vy;MjOP7Nx|o$wx#YV zZ-G6?KKA$tfZyEuZH4sWvJojlum3XdK1rJbY+vi6fHKx!fFvjp#UJKTnRlMrBECWS z1AN|;Ah=kanwG+j*29fU2bn4GtBhOoeNajk8+Lv2=YJxrO&Fa~vucUlVYwBz|J=JD zuh(ri!wwtUnJufQ1lUudb$^`%vj7jc2A@p4tf4t;DkpS2yXYbzwG5^FGLe%}7(>Z6 z(9X;mc8TO6xsez-@QjCIvv&VwRi3Dps=KK#>~HDpcA{h`a*Gogv15#q32b43sdXQI z<(8_D zA$0SM`{`~?-R9HVrpztr3x36T(u8|AO;f{c6}(8qhHuKKd?Zfg@|^d6U;CEsiVi#= z{)i&1P~fFxfaz8$MPz~Fq|mFpJ`ynflB3%o50AXi-kp}^LBh$FM$L>{vd>h(OJp$naoz?erJ}l zXdjFX-(iBYQuX^8Pc_e--Up5xc1Tga)-p$LNK_a;Q>2Yze0bs#ERWUN?U$M&zIV&h z_nCZ=*iC`Dy%dj@+F@8cDkE*CZ`||+ zkpw@*EZLcr7cOb|eDZ3}s@O4`XJ+iYv9QPkzSKOqwte7Q&HB=W)K4%!JXZ-5J(Aj{@1ly<=2J>Oc z>z3u$2_2k=hkZ50iR#RTHKxoUbuH~e+A99yr843=2p3PggSbwDafs^~?}p7y>x|tV z?<2_F6!`t7v9dNN>$RCd<+Z<@oU2%ffFQB;2Wm@I1FGjihzf*`oZNIu0{r_|FqS zKP ziY<0P4z36Th~pPWVe}7bp_bpGJ3cTmUR?jAGC9ZR&n7DCQaqX zhrI-RsH^1>hp|;iou)A^0LmjB_3gdStqrKsA!~E z(Do%8d*FRUtuHvvhXSB@prQ?sYP<&hd~7k zNHk+MvP_BIT-#Hq_9uOz z`lo4TssM_Vh2fe9jn@J1`uwGqWB0lSydqQ({tr!npYFf@e{hotBu06FBjb`ccA-$q zl1FKuwFY9{^4J8AX7cIR&XT8Ow%$CSt^_x5p{>NJ58DD5g`bG#58UHO7)X#@!e;UX1mw=!WCo_H7-)LVh8fj)$P`l|lQ zOT~lhBDepJKDPXyfdBuOetmL}?xl!`h%SDwuQhbsN8fu1AfER!sRD0@zofpcm0tSA z)vC)M=CL85cJdjcc^{andGKC`0u6e|NWO{w7x=G+OxrKYQ<;eB7A3|PG~UW)aVb_> zYz1UyxQk|==~9I9Tn#aOZT?fnYzsM=8{s&Ayuc|d_qMc*Z1&9k*a#$i;3?)b$kFXt z9@Bz`E>Qn#*hi|!^y%|MD__@ZD?isOt1B<`nYjP!p-$u* zynkzVS&uFkxF|*1Bq$5UZ43j%ekK123 zLGKV*iDMTd!^8?H@moO~BMQp$8}WN+>Fj_}-4!9QQkYXNxRc6wF5O_R-vfyOp7%(A?3b7Bi|7ZPWNgRJ(qLG-Q6Ut=)`wX2 zCqG=+4#V!@tF?r z=fPZ>`(^P@1%e;x7hX4UrQxodBF%*v8%i&C&e?_kZ%6q*hQ#X%D#dU z>wG%Tz@pR0Mcgbk%4mo5?ID51*SEr>C!XJ>k2W)|2k|fN>w7I_D*OAE-imXkEr-7fTLk^QT+Nt-(72s4yg=tMl2NLa#%fmmsZ6B!;^x6_5HzUT7(=gmGB^LG z;R1X?3mqt(UeXocjgziP)=isIQA!~@FEfv$3xBrz?${F{Uzy?42wpR!5c6p%>?~|4 z^PS^9ct6(?(NN#{cU2f?;jLaKR3b%m7pugsC*dZ)vZu%`_fmG-vR1kRs72x-^9`cB zY~w{ABqM=p%i!&ghaeygf`@i0fx>z+$4|E2?sLGje8u+~%&l^=;W%A7aaxh)H&kBl zEq1iK)et*|tM#6#=d*#cXlci}PkZA*Nfma8(^`Nql-Ag}b0f_Xsf48Pr$qd9%w zSLj;SiF%>C+51fb5?IASzU)0bo9|6F6a~G(HtxV~+h_P%bD3RH&8ju4ua-;=86nRq zg9}fMfUI%TOBS2Iv1Zhhv$%If%u{w2+0c}@TO-r*9Y@J@x+l}yA16gTPcDt0#k@vp zgi;Lex>(L|OevZDHs&6rSu!8SUoRUOzmG9Q*3JU<7Qv8%t}W?9lO1S}ce1Yz#J{Fu z{*mDq{RbS#y|lH{|8BqE5QrY7!XB3lf4&Z;DYqb0cXPxae6-x%#jgAGGf}s-jq0`V zkrusyf}71Rqd02!0+ZD#%VlH7P^~Y)WM)%oW)w5eSe~@b76}Rnsh*&s?0aPp>R)EB zSYItw?hFi6zi$i(FzVM?ng2|*#6fzWUbv%xvW2hL13=d5f^=t@z$qxCi?m2Yl>(&? zwFg8wsIx&{$~m3=$3T;uW#9q}LcA;IcfgC#@M~?g9d*Md@&4x$o3{F?Zv)&<;GbkF z%d#v>j(Mq8vH&Gt)mGIbLxxdz`C)f;Jn>mFH35~f!}+t)w9Ka@U&qCdHSN^#18zb* z5|56#Dx)L|Do?!Vc$VN-4=2i;gLAH-AV37M@n#aVQ~Ub*Z!_gbs^GiuJ6mzE;E7$b zdT2}ksT?dV8oM<&p`uYEZ|r$6GTe*dzrq`_@rpo51eHKB!j zDA^oP*um@PuQQmx&5~EVrQhCs0o{1+&~NJ%^sD_#BVPEl-W0y(Rph&3AV9oCd%oze z>wS#R6aCX~B=_HjWO0^de>m&EZi#{M7JvK>Q)areZYmz9@Xtv_Sv8qTsrNzu17*ea A;{X5v literal 0 HcmV?d00001 diff --git a/BoostingTrees/results/result_medical_cost.png b/BoostingTrees/results/result_medical_cost.png new file mode 100644 index 0000000000000000000000000000000000000000..14f656f0622d27ddc1c1a3c669a904f24e03c036 GIT binary patch literal 11413 zcmb`tXH-*B*ENbLA|fajB3+OwO?n5F-a(KeAieh%2vt#kR|J*-!kC9}Zot$&l-e+g8x#nEq8fx++_bKn=;o*@eD#*OY!@I3| zZEM}Td;KmgwE6M+_twWTSnLBHo(nvh zC(`d$)u=#tTpcbvntXS>2^lFye`wO?TzSsI5FcOIf6J}t=n2L#_nOb1!%%$_M z7uPrb*WO;LUy%Hd{Q?i1XB=cclaiVlC4E5lpWfGk-ywO+0~Begjp||x;{=GsyD&lN zqXnZPVxgEmuOnG1%*y_vRD?&3!*s>INvKnqp!1{N!**LGFX^pFhLyaz)OE%}W>qM6%rd^#R0J5YhD=8+!O>Z0!afWBtpVFS-ID z;r2q$;H>)I67nzrz(X^ayCy){5^v1M)2urrR~^Hj3%^aY&bL{-MFh>&=8Avqiqoqoa9(4Vy$qdXF-u<8{w{{HbnY3Q(~A=Svst#O99d5S zJd^4M&v%e%NzW_l0PEEzk;`i3i)qr9z`VH&*_qYo&4BtZPkw_l*L-V$9&e4IwPOMq zeO~GX%Kg*fl7_u4=6F z7Y6^rKKqz0aoP`H2&LQD+`YexlD*1shbk_G^nCjrJ}a&krtvJqBKV1b|9#)|Rcn3Z zCuhs{nDa-HeEjl~`gIu}L#5-J-M}n!4Ah~<)u-E`^3$ebi`7a%s31)NW;s`q-SS`n zt*b~I0-#*oH|Ul@Pi-PK7L9wF?B?`&!6tfH_JB;uMo}STcB_H+9Ltgzxg30Wuu^rn z*Ie-XkrXAbo3zkCWqzx{&n+QIIC-RB8E1Yk&(N|dD@}J};h)v48Aa0rNz}_M^?Vfz zOO@f%{8`dPCjZMJFSMH}s(FRf05-xm8JI4n*qTqbFbf~8TD$%;;o;3vAG3Guoj>2# z$s^>xw7T+viR%TNnY-+F;eH-%f4-2ANV!~AusW+3(t{?Q@GqSu(z3sG=l3@CPqIu0 zdDD!RQ17J~s}YrOeTr77YT>FX190Ta)rB4npBo-%{#`XazxaJwVqyB}iT@+V;e!)P z-wTe!!g!V#HmaBU7yLLGPs1OfJ)McI3BmMU2UMTbn5utmS6N`*^9o@!{VVn-?`Y=R zN(;dKPdvlL3F?f}xRpvEN&O9eo8r*2J70KAG(VC`V*(1`ilCXgPN|rz(J5z7Bb>A8 zo;U&0ab*{N)OBIQdo$8sIkxAA&4tfsvyQ$s8Bf}vlKe!A$V_=-fVOAQreAvJEz+gV zc3w&q3P>HB2%iybr4md|vKs29XLPD^>!1*}B1s~ZS32qc5$hO3``gPo9j?9jHqwB- zhFpC6&tSs(srEwaA?nHD_LmBX0cH#&fLa1+r1AFryo*^ ze^b7kBwBE->}p?f-hCqJN}15^a86v`5{nouq*)Z&TLS+OA&g4@noqZ3Dqy8nAbkj8 zY8;);k%nJut?lK&+Mb(+aJP!GE%V zTj;TQU1QhNe2y;a+Bj30FUxOLsB=xG6Y0puksc-o5blJr$tWAmwSpwo#Cb^n5W`* z1o_AEoCc#rBGr+&SJ;r>yacDY_qp5*y-h*+-Xo&F9JApH@$O4 zlmJ^pij=orO>-y5(x-SDZGnHsf;NTF6g!s@x_PaG&0#mYIo_mf>L}yysr!Ggyi}dX ziRF0#tXhMjyfSKm^&UzPMe#2a#5{bJ!99k9vrNk{D;VxdgAC*y7Sk%ti0F6@I;71Q zD)YR26S_W@8BToV0TyQ}(4cj_`>s|$cZSR;2b)c*c`#AMH9$uKD@MUDB6H~hWo+j= zd0ho5fw=#|O3H5?tQA;P$(y$OlqSETf1(P}U|Y+RTZse)lw^NZeIk(}0^r z`7G8ao>8`={o)r>K4wNJpMF@IG|jvjIO}5Ix#J`B!kZTvaQCiz5zlWruXmeA)@lE- z@cy>m1~dPUt?+qA{C`cz|MueL-$dt|_V}0Wzxl+&`+UdczgKv1>;GN=FMmVo_wMS0 zxj?T%$uC!2T{S%J89;b(%)irL^rAi-;gj0@{8sYT8hd zIAcKijb$b^334=-%*hju!Gj1%z!Sw!n6^_$tf-x^3YZ#-?hkQY>Fs`Nqd+xzuYzJ6 zK6Vk-YGt(b6@UBev){Qmhh^XHo{h)6NvqLGum#8S(c1~yB4u#>`;z^yh8okm*jY3H z>Z*?IwWW{Gh^1b*(#dtuWlc5Jqx7r*1P>+gag~{ira>ToIb`AhacU%16MH^0}@k zMcpEjK;4vL`XZuFbIrX=HPuKV&a;shTrkJ~?P{$~_WZ)^wM2{f`bDuMU-V_lVVUZ8 zI_G4cW^-QmMNw&+@XR0$QL^q1kN_8yjsAt>ax8Ujlu z2(=eRo4PT5&I=WuB=Qqn&q1(#q8QHfos{QYewh|iHgi-I)ziGVL+#8>DAHCf8E)jl z>j_%sF;SlER#*f@7@RBmXBU?gil zwd8w3*5(DVq@3BxGoX1UGnD66k@BfK>svtl3F5Lhx&ra#GNHCQcY zbfHy;Z!_FndBKT{e>aVgBH?WO#f1}n_^5(r00mEl&r5S+PsjF9#U-2s!pct)p>ogCCd@DI%C zyn1F}=XN$U>(dt^_U)Z4Se&^3wIjH+XZ;Y;8eCYfSnQ~5b;rS0#_?s$xRoI5fhW`q zSu#J7GtN969VKnuCpzR*4pv}QCFLm`EE`sGh;upk>$rvyq^er#v8x`<&@-T+Kx_Aj zl&cTl{RIDzgtQ8oEbjnbgdH0!WHv1c7PxwDMWw!*b$d^LE0d`7U7w2rl07I?k(tG| zQO`!=6OR+6N|IUg;fA&f5fkXxti0XnOiqDeo32l5ZWDeqjmwg?XYa&@FGL z>#Xs7+#5>^bGLg5x#&3WXYE;bSD{OtE4vg7P+qJ4{N{Q{{*=7O{{1{Q=it+le;7CX>&9)|UeuUK}(RBN#F&K8Z8rE_{P%d;sj zIhwbP1{qogvsE;i@TZz)LIi@{XO^{Z6R2#HS-G1JwtE;d+23ZB6wSSDOk}V$ejH8j ziRm2~R%Zf?1}Ndi?om`?KBa_YE2qZzlTW_n{ccvzW;H09VL!_3>Dvw}*_Op2KgQ)V zSo1wIJ+b?J>Y!Fd?U?=Q&y3;G!gjqeJdL}*Sxth0snh+weg+rIYD3C_2L{%K7HSHMm;vTo_qSiLVZ0tvkdrn>1Kp(E0f20s`Jse) z7n_K|;S-oTe}O%9$4s%MU9CuA`TjX`_zFdzU#8>lArbY$GuM?*mdI}^Ni6^b;De-Q z!1+A1CL*p0|6<6pbM?45Cv()oV+6}8PZ7bXQ0jM}NKqb~8|gxuc^uYur_Uk`!}fBN zky(Zc#{H~lVcxTNb_j2;FaE9*RliHl@|*T5SHd953LT2ww#Va|Z{R!-SF?p+=8gm- znP(avo z#68U1KvxE4`gO+>2mr=H2O;NZsyFd>=l%w3szFOpHN!jiT z%sytwd^TCOL85S*p9yqFdH_HVVrwDnQ}nks#{_Hg8+YTDGupeG9>7?^=^j*`-=VcF zcPT^GY75*u7J_o$TPWAupM0`26hr({GPZJ|?p>JGF%W+G-FYM2g^G_H__Rd$ucBF( z=OjP!{fe`o7+LwZ2^`V4jA!)itZ_0H%bjV+rj)D$b-;dZ50L+%7d_wVC#T_P)h<$} zur#_E5oT|_H_nNq&xmBM+>FXg2Re-wbz? zc{spb&0r{TtvLB$&HjnqMK|#7PArR?9~+e;H{^ZjfNq^Xa*aGL?1$tTby&;;gTKzt z5)O8FJQ>=-(5`lR6ew<=VkFKzFB>9j=@|H;-2vD|HXkyabmZ@PiBs`am-P1#WJBG{c3)jz+cVlSu23Qb0FLd} zfQ>^x#q8EnOp2r*z3ZYPl_C#?p15nZH|OAC&VC;wx#}7&0^RWXSXU_A^EP zBprQ_uy?_SeFn9RYjRsl*!RAEj%-kwvWP~ZyNo360p5pl)N1&GVMrUOAX95IgoD&osD7|mTIAB{L2XlN zA5jhC!{HODepet^7xSwrEY<3BW^GF3#OrnP!^{WB+lq4Wtf(g*d-!H za)EdY9-x$lz7QHWjqBzE@AXF|S$NXQaBA>b6Uj`=8MSNTKEIA*LA@q2C>z|fl}Xo1 zm>^(+VW1-Wx_+ z-#)Fkg&-5UW5`m(m_Eu`0?F($lwYd@)ihiA&dA1#^L}n;1`w8^&JybnsH;egV=|kn zmzhn(XtOea6ev%D>Il~XK)@M(YxsfDzEG|-RqFx?n(`$NYzWJP)vlSY_F}^1I3}&| z+>4@m+sP%K9`C<{v+Al-?UoCk4N2j4YoeAn%H%DJFZN0k?hPwhd0zfBL1|X_#JOKQ zlUK&=Tk(v=Dp9REX`N_{?E@WyehZQ`AG~!7D(&vSFKu@{QEsk10ZN-lzBX2M|xvx9vpa&#Yc-4peg*>*^Z`a((49gudDk z&0Zd5E!WNvQR>~Dc{1@qXN{>Y5yB!+OD&D^-c$Q^i32@ua+^UVSz>;6aLw{ETp)T_ zeh$hV{$#5uFF_DHcD+0A+z#vk$5j(2FRn)Lo|!c^`&O0{C$jiRJ(x0i?W|~I{?lXL zb&p`>;K^4hg3QnJ2uF6@jj`n>e@;=WqTU)%Zt3pt861&Do_l35F$ew zXxrwA4Y){N6!SAmYkfS80T33%c<>p&_;=2a+iFk#8F+Y%Z@g*$YknTR^FJohU;Y~p zuG<@Y;Tz@Prv1SCzi0h_{nUh4ZS;tyNs3SUI-_2HZ&Wn2K(TQt#tj%=3`w-MT9w55 z=`Oh9qjqXs3*fqja9GAUJb@Xd4HAkOf0n*HpiR+LV>-siSKU@NwZ34`li(>M$dKxI ze`RlGWi@=?mb!tLt1=>U@3n`2<+k#U2U!J3EXKU+E>O~78;%IAAeK`U;YfD;`YFSZ z%F;FnsHr)fHM;tlM&1*>Qi~H{%f~}P+kMp6dIkx=kI#D78n2UeE86<9&j@|o3g5)Z zyGe>IFIOWrhx%Jq5Bbksvkw-6hRllI^oIlhaZ&YOmm%5?B3i<%&4;e% z3#jMGMk{9;F&hmD_`I}Yb`B*jR05lfGTp%EQ2({Cg!p_Jt48sn))19!QK1zww7F!A zU4*F^Zw#At;c^Z~r?Bz5;88P>wTP!AmyA|gAM#Kj|CpC1I%PJhNoKBYRu-D$c!DMF zqvxpRkM;{00ln$GUcpaZ>*R;4_xmtBjR#tpB_BuJ7HJa`VszbmT^8OW>dF_X(vQN9 z@U!J_MI6sJx$d}WpQUqjnh9;n2{nCIxs7V#C7F1M6K+bqw>2b${Ze^%Uq;@xHEbhaEfzK@_)7RFEg*H zdw=DG)(_R$_&g)(@WuH`O5*24vFgXCBKMEy^ZBa!Q1s+j|HGqtEzx9M96#$CZtlrM z@(1)C%WD!HfJ9;G*t=>DnwAhn+pv9iA&OZ3GH1ITT%bctPoLnq(hJ6JN4IQXCG8j9NC`BQ?K8{_<*B_@y@)~@+ zC=ItX96_Yt&XRv9U&GQ0-U~ccYvdSow*qV$Td#eoU?Qc;nCtYn!DGK7s$LjR#;BkP z?yM&C4f>8{7-c6i`#emDU%Sb;%(1&lS*1*%`|BCJEhQuEzGyya#M@0emJRQABhTB$?SsiEJS0V zA9D6gS0TUr8D-Sg;-TDlcqZ=*2P0k_tIBr?R;Lfz4H|X05iSP-w}G}_*7RqxYqKLh zOLqb;il~LuKF$iS7UcFmb499$1AQGbkt@uf45OPfOAb3R&uOmyIF)2lNg0&rULZOq zjp3Lo130GNb!{<7?Gr@PAYqspZKM~G_-CO(YpAwYa^9i33LV_jaeSG2IHd}QSE^l$ zN~;dd^JZ}q>jW(m(uz=?-vBQFjQ_~z?Yik=J0-;Md7a-i^U+{_ns1uid#iw)+b)w| zz0v(v?_tLg@mMY?OjnHi_hf$>~P6E)fVX3Dz*$@91m1|OOx#XlJ}Pl8;(V352K|0b9?lPc+j@x-ZEZTaCRdsN90;pkBW+?B zkx^KUa))!rgas$d)S+(OPjiskr&yQhlG{x>6dW|31%CjMTRG+AZ|B5VI2P`as^(F< zW_NRLQZjgPr7ZsyH#MH+JslX?dbuUuNu576`qq=r|5{3IrUsgm6EkQ9^s^0BO$v?2 zc%^{HC*!5DJ_A6T(H|@eJ+uBEKf&Tq=p%_$;_qp3;^xwv6NoANze`Ks8tMG#&AEFg zq$-2K8{Oh8AANJ+WhSS-();j{!t*HK7jt80JaIk?2&}D~+%}XRol#UbN4rMS|NbPIrYM@`LP%Tc>eu_l3PrV`+6ztVow$ zww~g|lNjt&FZg|e#7$ah} zV^7%O1L|*qJw?R z*?VMb#M53!M|NNkZzW1J4nZ>g&4LLjkkiuD`Mm*ghT0c00|+S5HkC7pI*V>wAWbx~ z_EH{P>&JK9UtVS~i-CWV7QfCYP%AC5%+UM3u;C_SC;(FLlnGOguYN&*3JZ)ssd1C* z%q*q}$x~-M(LxcBp#dNtG{Za2NSDO>7c!&UE+;z=cS?{EM`pz!Flft*Pi^1lZ9w}`%x|N6Bu>C{P$T6HL_Q! zBFN=$uG6)`{v=dfh8Q1Uw z4nr<1w8;vbXGQHlzj`4;$XzZiP_Yd<^%e8jqZb? zBMy;};)II2_O7xTvdd|bkReK7MLYbV>*g)Q#yW9Hr($Ws=;3a)p5$$z3&UY2jc{N z$M)*i4JQ7hEArGn_Hd1ux2g{z*Qq#Nmr2rR9d&OJqoHfy7_gyJ=dPPdbv zIJvh)v9U|%OFU`r0i6oI_k5x&!ekfH+y9b02w9BL?M}d7av#9r~{aQ zn(s+jvc2Rx#s83hF_)hzG0zWn|31033Fa+3VE}VO@-4W2Ow~Ps61sz`EWJe^_E@Rx z$^L?SRBe`+lvsOydVjY)J)^lXD88Ebz<;M+pi!hfy_Lbu$qA6@3WmizT^Ij3$ew-^ zsUpu~t}+E7|AEVRc*3(`eE$W{E?Qsy|3laRFCc!cwovi&@oD7`m>=8}@8JC!{9^&m z+ZOZ4;Eto+9LjC7SmesH+8RZ89ni>M%`09DR=!c`+!d^1^Zalx4BKiPkanf75@W_T z5g3B-y@I4KrwI1*S_w`)qbjF`HaE=*B2m{M-PzBYMIC`ZS7vId7nZH1EO`sIgR<5@ z9a$C>uDl)#g7cemc2NZVY1_0$)K@6^H`HzZ@el&?s9crdP1jUVLYClj^=j$3z<4T@cux#UPbyu^|u zL9PYd!F`jH(y~RHogjbcW%euCB>Osg4KJcB>g?HT*$8{c+uVeYE!4p3SydGw2V-%3 zE=*Q*xtR+bpB{F2dV9!I_0ZY>=+qjU9*|9C>lm0Q=!q3=8281?m~ zQPJySn&g{kyhdH?)H4YFv!FBH+WWs1IM)Iq#|SVcv3em<{j7Cc<6mVBCdYk;WdRm* zT5}{)DMn`EiV5PXBOhnUDohlZXuW-^C(+aTpQ0QcBY^#2``^(6^BHfSH^nVSHF;%Y zH$^MNr|%CGdsdOO{!Ude_XgQH=i(asx|3;Nbbp#7@H)8>B9w^{t#MkHb7^>s_1Bp< zX#HdUbpz95pM@9(v|c{1*RgR-THllYDYExgnG_0YP5Fzk`+#iPa4rVgwaC;Cc@TfXbIfgb#(IOo3R61~3TR?UUe5!$<2 zm9T#r*__X1NTD@mhIrfE_UN8`pL2PVJ>LcY8g7r)J!sM20PJVo!A-x&aFK&cD^SvPMEiRiQr)2VD{jgk#k789`x{Us4 zE(&Yr5_NOcTpNt*g`Hk@U*BvLABq3{pCKUO{im;8eKxFjz$Z}}y{ zd2@u?UqbHojMJ`Ni`qa15d~I7L+^Aa~Rzu^dl3QIdV~@7T+1<QIw|!$%_98~ z(Lo-;xy9&BxG-&&K^Gm!$K6{6=n)@_64A_a-v!$^j@{nqKhbl6B8U@~frsdCwI|;= zeH*oGxK1%H6(c)*jRvyw(c$-q`BvJcNny%XM*TdNyf0C|!uKbe^^Wg`V|j^K;weQy zFWWp0cI%srM+Cvi40?5y${m2MJfnMSL!_!6WH5ile7k#Qz&6e3Pe-KnQ5D(d=>3&l zsJYk(xm8jV|783{5|AdaO_nw=xkpCWRXKmm6nlc}zeoJEn~<)lB}-xe)5E5c%T?~!KTb*YePgpdR1{sY!1TSvK~XKs z%>AMLO`3lTTK)I+;6xwveJl#Uy>HvGZMBvP>xhjIa~r%{82s~@pmo;ojfE5quDGXq&1A~zz9G6k=WzS7JrlV)9( z#0i_{02$-UUq6hkiZI|@rR1@0pB{)+D*`!n|EXm06ttVCWUK^4CH!pXxe&Z3(SS&( z2;OfXYWe#wJpN67+al|{d0eiV^z9QnCob<(D2SA$v2)yKiq0CIuQ)pzEQ&nz(#vUsCO;jMk<RFSK_Fz%&ErBv5es@(J9plJtRqQmkU0AEuFdlcoPIpnbcRREhA zo`N{o>%(5f3n?*ANv~n6$@q^2dE{LOUIDyF)S5CUgJ*zP%*Tq5_e|MUJ}bWs^25#( zz!5b3^xOMEfsEAttJticoJ&ISE@?{GAe73C=})kUfgiHsAju}?!>3=j_FT|zdrdyC zhW@9f=Dh#EP{o8{2cR4#bQ!hBLGkZ-KXWB<9=v^H-h^kuYx?hV&oARRQ@F#w&c7@K qi=h8}d(8-n{TJW-KgdBD`qRKW@u^2L<*NU714UUinX-2#LH`HdO02s8 literal 0 HcmV?d00001 diff --git a/BoostingTrees/results/result_synthetic_data.png b/BoostingTrees/results/result_synthetic_data.png new file mode 100644 index 0000000000000000000000000000000000000000..b52a249aec2dbb6c3761c62572d9c669f3424016 GIT binary patch literal 8243 zcmbt(cT`i&w>F51f>K1JND)vFX;K73FACB^Z$jvyH>n~7M3JHt=`}=Yp_$NoQ=|m} zA@op05=!WS&_emp_r1UG`|GZ6-8*ZYIeX4JGjnF|Is2Js?`U11+I1>cDl#&%>*~** z=#!CA)=Qna6eKln=!~omMdE=s^lC}~VSw%ecvCXCP_EoQEW&P{X8NmDl;wg!xw3aKw1Q-IOG2tj zsXqm+?R%9g2@bRlAHWC% zUp3t6c=Yys>c8bR3qgS>@?Wio;=f`p{M$$ec&U>AEB|17{AXEzivvxz-havBlmqww zm0xF2IPPXSJi|~^S3~lF|MvV9@vuT%dfM#MyLY7O&|+b)xZ25@OO0oX8ld_>i9j?_{r$ zS;pBzIJMhPLWA`gesMt#DwS^6b@pBlPuY|UsP%W!29dwUbk2UDuli7j(~NFHru(S* z9#qEpr19|a^bc_m2gg^ek=4TuaL?j8-)Eduk$!Qtr)=mYIL`G=4QxDmU~Y)7jPQ49 zuWt{84=gjrww8z9YN}Rpxe&Y?Ho)Om+;JMPyMIaNZo@R3li<9yAB>dNn^J=?)V_HWnouxc!?%9QU1l-+pm>hZFYulwk_kM_$V@ivFiIoi5p zt|1)#^NK38+wkYcSz(-|VX234i}&zDK@g#%xXy{8*sjXsE1j26Uq4S|A3apGbY_`# zwM}bwF=%h|ke?+rn^z6E(7agWleN6YtsC%<{aeMJAH5!8^W*H*1##rMYF7fLKi8w- zxG*Yp?0k3~soDjQ|0D45-SU@41rAu0(H#-&R`$sTjtc4opj8_=yZ38Cb-q-cvU*^; zT6=yX9BQ_qIQhA`Sr+fWo}RRwKKp=W?eT`*(n;Z_R)s5d0I=8u+lg{~Y&1=eIUW|k z_v5kwpJA4nqDV(^RS{$AZjr@b+vUTfZ9&E@7Lmi>9DpHMn3J7+;j4F@GS>C2bujx*xCF5QyvPRrlEsD<5ig=0n-kSP~vz zQ{cEEQ6f9ANDMBAtNSYg^MDK4&so3G>kI3<#o7S}>TQRU^EgQl)X z*OXb>L187Nv;^PE4Dq?pxzDq%c@PhGz4%DK5W@nRf($ax!6JI$=k31FElh|6R#!7juo_1q(7^r#{%b=!dt# z12P#Rm*f$5t)jM=?oXS6LQmH>H~%;%GBPU#2I)K|-&cs!G#S<(N}tqbyt&Ju{4`dF z=p>hrX&ai7#sYeQC#so7i*!IHH2))GZX;%#27|(Q$H~;n1EOD6hTxZ>UKpbOH1t@WgShCPm=z_>xB7`ad>kPj+$#ODx9R++q~-u@#CVP}h1J zMIvcZ_jUZuw=avE=26m4Doh2oj@k$-S>wJ)5?tYt#xu7gNMie)*BpgtTBz=`WwXxb zOR-@Nv&og0%2=SZ=F#Qjk+fy5>fTt1eoe^8a@c~~H~N3I!XxxJZ&V=aH#IEmBwSs1 ze`R~bM3s^Id&+3O>1YZk;6Ymm3aSzC)F4Ew(BkBJ!FI!|oqDm@$Sa;-CT^FqEfaLs zwiqX!A?-!i?eAAM?fcYspqfYWpu9lFxwj~j*sS38sD{@vO~AnK9Q`!J5Wg9f!_NjL!bWzO6`ow_Q+iqOgReiGXeQ9Z)h!-;nNhmZ2DM- zYkgpxIUQE__`KTmSmUxhy2mp;m;!$+c4}{5;L^=`utp&8*ndC>D?3l88LvG=Ewo}E z#^(#?`VE6o{7Bhckq_@>vxq8n9!br~s6ZR%B}Yv9+`x<5F^h~Vw7<)D^=z0Xy(ON{ z-aX+3GiAK=NqH8Seblg?4rT&cinhRgJ@oUbtC8j$0l_|-I)#+c99H^!Ykk?)>}*4Bf(8R9$InW3jOqP?{2^t)Hug9q ztbfo-fusq2bLGsEwsB{C-%_d^aoa&A<>X0n+T{1uuf&$Z+U@u=^91ChTlN!{acl{N zwlTdxJG^PC=V_h3kFBgYM)=`kP22;LoI|LCS?2FiE^ADMgz>3m&?PU7+DYMvqoS~i zyi^W|HXNY>fe+Ld;KyToOWN1lEZN2Qr(Ex#I6S0AIUeQMRVq9tqELNLYn?MByM>kO zy*03#8A4KP;-mfvN}mQ@8VY4Yo4tD~s6~*vn310iJv_3vUg8)7;p-AkGJd+m1zc}c zg~aF{qm#lY?}}vVxC?ReqdbLStxaJzZ`7XH+NWaq&driF9gKmu(K1@vjou zpRW}8bXf$v1r@8Cdy6rj&ccWE<7efe1}0<6qt?)6h*hh5>ook7L_@UnOaLkcSPgyc zaE|jdsXo($IqeG(JxVnhD)+=o(TDt?BA>C`YT{D5JQH!ud3Ff?TZnWCn#151Vqv%x za}GtO`e&TsDJM9tp$(A8~rceWk>ICG@%YA-Az*60qYgC&*p|Fpdxim{}+BQx=x$4*m;iBM*6~u#BPzOSKZO~KWj97 z+?%t3oF8erlZQBA6Cm~00Ry|QANMTF6NZ0i#%PzxiY#D~f-%Jup~erjX=n9SVqYED zCH1k&S^Ke`xaZfOE+w96NmE*DybQ;Qc96)PtqonS9*FBk5k9Lx^ye{sH23xw|J#L z<+6ePWw|UffptoQ>TLs6+=UBuGoyTWubKyQq7@+*OZBzUZ&^}8IBG$!Q zSSnwNJ{nBIDBW{8uACa-I{MvtS7o4|&(ZQ>K5a^4Z)n^|CGsN(`-6QdckKOu4|rFM_haaMM@bKku6 z`(2XZBoM)7bh$2m^d2UJb$O`Zr>kz9jm%M0vH-tY3OaEC-zXM~rVSrBXlNGpqo)-` zxeQKCfJ$kM>$OckT>~V48^rMa*|A|CzUgSF0eo`=x6FgTg-=3wD22uPc(Ou`#J# zTr}f9lj$QaQ@P)tRqU&X5zkg-Hoz*eB=^#d^R!j;rl z=V5M{)R$F57Wsoq5@6Hc0;7o!)8ygwI;Wqpfs?R^=k0IM&r5Q#b2Dkk$%_811DH zivuSn@p>@bqX&#Jvp@D!Yz2kuu9x{1t%6g{cOStKE3)nxyw6i*O2H$~rDbO0D(g+MyMmHT= z`X*h;#ToRVVW~EFreAEba$(PEuvOWAe&US_te1GTP+QZcksZ&zimaU4UgLc_fp{HB z_SlLT+~yo9M8Ns^eTejl`Y0{F5q!fVz~SaMa5pk-1XCrtzbg)1yFuJs-pjC^aL9L` zE`MUqbZVJ5_H3$?`^$0*OB!sMeUAOkUhK1=3U}c!sz9n$l>KseK%`1wsk7$5b>(p0 zFX%9u_4)aSwr4m8iEvO1g=}mC-}hb`cl=EH|TA<@pA9za?i=}(*u1cm;f!)5{7+@a>FDQd;kuF)=`{sv~#&f z)Y1oI=l$n(UF1U;*Sl#ND4n4kS~oYArsA$qgE*_{ye->F#n;$NtKe0_{uz^|N7eT5x*!VIb(=?zk91jFnCqzDe#-WS*)`b^`{_TYM9|=Nk|Sy4Yhig~vkp1Hi2Wnd z_OL(K9+7eHG^6$)Z}@7gHeS|I@Yma;dN^Vu0!)@3JkK)Mancq5-|7+D$r0%UzCJ^gpgbeYM~X z@ju};OyqvO<!P0NfLfQQQ8h=)>%mxSJqpxw&8n#Fc5-BWPyqoi9mnK!k znPy8&#+uHhp7>|=B94hPYFn3LkDbER`XL}fo~qw|`H^WY&u*8MFtbSD_fxCU!bkh@ zgI)BGEDKqBUKONcac)HU7C|)$-pIC__O)I6QH-zXMCcAJg+t^?3I%tLT6PjgPs*>( zQ39=0Yh$D2f9a14+smYgAWQsm9^Hy^yj4Zs4M-Gurw=JbtUu$686Z_ZPgZM{9hJ^; z%jM+A68s+NJPlw7ja!t?y|Hh`zzyzz3qtb>nyDq-BHuHs*DWA4?|JS+f#!i@Kono274k zq?wLXEJ|kNmO7@G3w~eC0HoRMAFBu6(ct|0Gqq^_E($@Y!p}SbMnEs3UmluF_!l)B z+?9?f_BI|f|4I!jNGx+;Fyx_PahpeK?+O;Z9Y9LBDv1Tj{b?+&6&At z&ChE+@|wNx55M@)M(49aO6Xc|(c&5AVV?&}^xVinYr$n`3g`wO;9L zB@2IMKQA6^nX?_-v$3~#O*eG8u#2@zON6db;MWa2bUQ=lEk zcunU#)Rip!MzXWmnMn^oqa1Mk2p9))dVk6>RtHBb-hOpxwA?Fe>(Ba1(yPRG3;&o31wr~@N zBWmMAp0JO?wecfzs^!4n_rbV){$~?UbFy8auGJfSm3CcN?`g3r9ZB1$EM`6OQ^ZtjAEhfEJ zm*2Bn-kya#UD!5dqof^u^hXn~SIxG@t5y#W9ml)zyGO8dT6%c6>KIzQ<96D@;k$%f zYI?i+)srw6ItslX)*RO|$6=*l=e!sypm86~ymZ#u>Np<8g}^0$RUZBNksUSHDWqe5 z;I2n|ND3;8-2~B|>M;Sr{L|c*^L?(=RDFOIhJhYh007eC#K!$scYOUf{W?-zp90%c zsTv|=htAT4O)U|?yMf+MNacIX`M&u(s13~U9-2s-Pmj~Y=-(2G)y{FJ#C)zso4UWt z&ObS7e7_f|1;HCyvR7iC&5SsU)WQB3=@$tsDUkR3%Yndi1GsOg=55U-+xRzMmy=b?I*qSA z?UmFL&2M2^Gij13`110=nRW81BCuuv>2#JBQ2j!-a8PH*hj4!6_zx$&2Hw1urcxwr1Od7eXEE@!|1i3yf%Yd=}CoLUt+YUQfG(9g#4m= zaRRR+Mf!|hdB7p~p{rGB@3rD+W(8B2`14v;B@<5C`Q9n$$ZXOz%F?2GUrG*dM@h#81Yp1K#nEutuWar*+mFsH;aE!4me`3d zJFQUSTd4N&BCbHC0vWRRosE_{<0j-qm8^{nb?i-gCMlRE<~rGze}~vA*fHYdMI|e+ z0*|g6+rJa98_BC1Qs)n-@A9n-QqAH zdH~MCpWw_ANePjMmi++?g=~iFEn@zSnzL1<^^Pq#9XAF42Z-(rz(5MBB=u0f@c1q@S&Z@_GXI zM|nfa(tgH)?{#<&Fwx$L|BE;;@M zmQ0q26+(HFHvJS}h*Fl-Ix>I73s7~@X9RNd;N!J3%u8Dt!wRe~2L+-u!X7ScOpB~ax(;&#pmi2_w z;bitIi6cZ}-%ey0mDqqZ;674MJV@8S<2H4LZ*a)b@m;~4=b;{BIrPBK^Pvr*jg`{eKDdL_>| z5h~)j;4uNdUZdMjoklfIX3O4=d}*>xY$GI9WhT~spaRtR3cD9hzAscyVFPCY%{4Cg zuTC~8jUe#7(MUzq-lI?kozkn=^@IdoYtO*@lPnPaN0NcHLMR42gM)cbvw`Hzby%i# z%g*i!YR@l)uR9knuY%1Qk^1w!txOKTV{RqYx6cDP3>f6)wh6QWH<%ktK4stFfyxCE zHq+DqW=Tnag)6}F<{9 literal 0 HcmV?d00001 diff --git a/BoostingTrees/tests/housing.csv b/BoostingTrees/tests/housing.csv new file mode 100644 index 0000000..9bc1c69 --- /dev/null +++ b/BoostingTrees/tests/housing.csv @@ -0,0 +1,10001 @@ +Avg. Area Income,Avg. Area House Age,Avg. Area Number of Rooms,Avg. Area Number of Bedrooms,Area Population,Price,Address +79545.45857,5.682861322,7.009188143,4.09,23086.8005,1059033.558,"208 Michael Ferry Apt. 674 +Laurabury, NE 37010-5101" +79248.64245,6.002899808,6.730821019,3.09,40173.07217,1505890.915,"188 Johnson Views Suite 079 +Lake Kathleen, CA 48958" +61287.06718,5.86588984,8.51272743,5.13,36882.1594,1058987.988,"9127 Elizabeth Stravenue +Danieltown, WI 06482-3489" +63345.24005,7.188236095,5.586728665,3.26,34310.24283,1260616.807,"USS Barnett +FPO AP 44820" +59982.19723,5.040554523,7.839387785,4.23,26354.10947,630943.4893,"USNS Raymond +FPO AE 09386" +80175.75416,4.988407758,6.104512439,4.04,26748.42842,1068138.074,"06039 Jennifer Islands Apt. 443 +Tracyport, KS 16077" +64698.46343,6.025335907,8.147759585,3.41,60828.24909,1502055.817,"4759 Daniel Shoals Suite 442 +Nguyenburgh, CO 20247" +78394.33928,6.989779748,6.620477995,2.42,36516.35897,1573936.564,"972 Joyce Viaduct +Lake William, TN 17778-6483" +59927.66081,5.36212557,6.393120981,2.3,29387.396,798869.5328,"USS Gilbert +FPO AA 20957" +81885.92718,4.42367179,8.167688003,6.1,40149.96575,1545154.813,"Unit 9446 Box 0958 +DPO AE 97025" +80527.47208,8.093512681,5.0427468,4.1,47224.35984,1707045.722,"6368 John Motorway Suite 700 +Janetbury, NM 26854" +50593.6955,4.496512793,7.467627404,4.49,34343.99189,663732.3969,"911 Castillo Park Apt. 717 +Davisborough, PW 78603" +39033.80924,7.671755373,7.250029317,3.1,39220.36147,1042814.098,"209 Natasha Stream Suite 961 +Huffmanland, NE 52457" +73163.66344,6.919534825,5.993187901,2.27,32326.12314,1291331.518,"829 Welch Track Apt. 992 +North John, AR 26532-5136" +69391.38018,5.344776177,8.406417715,4.37,35521.29403,1402818.21,"PSC 5330, Box 4420 +APO AP 08302" +73091.86675,5.443156467,8.517512711,4.01,23929.52405,1306674.66,"2278 Shannon View +North Carriemouth, NM 84617" +79706.96306,5.067889591,8.219771123,3.12,39717.81358,1556786.6,"064 Hayley Unions +Nicholsborough, HI 44161-1887" +61929.07702,4.788550242,5.097009554,4.3,24595.9015,528485.2467,"5498 Rachel Locks +New Gregoryshire, PW 54755" +63508.1943,5.94716514,7.187773835,5.12,35719.65305,1019425.937,"Unit 7424 Box 2786 +DPO AE 71255" +62085.2764,5.739410844,7.091808104,5.49,44922.1067,1030591.429,"19696 Benjamin Cape +Stephentown, ME 36952-4733" +86294.99909,6.62745694,8.011897853,4.07,47560.77534,2146925.34,"030 Larry Park Suite 665 +Thomashaven, HI 87941-5197" +60835.08998,5.551221592,6.517175038,2.1,45574.74166,929247.5995,"USNS Brown +FPO AP 85833" +64490.65027,4.21032287,5.478087731,4.31,40358.96011,718887.2315,"95198 Ortiz Key +Port Sara, TN 24541-2855" +60697.35154,6.170484091,7.150536572,6.34,28140.96709,743999.8192,"9003 Jay Plains Suite 838 +Lake Elizabeth, IN 90622-0804" +59748.85549,5.339339881,7.748681606,4.23,27809.98654,895737.1334,"24282 Paul Valley +West Perry, MI 03169-5806" +56974.47654,8.287562194,7.312879971,4.33,40694.86951,1453974.506,"61938 Brady Falls +Lewisfort, DE 61227" +82173.62608,4.018524685,6.992698757,2.03,38853.91807,1125692.507,"3599 Ramirez Springs +Jacksonhaven, AZ 72798" +64626.88098,5.44335959,6.988753539,4,27784.74228,975429.4928,"073 Christopher Falls Suite 882 +West Cynthia, MA 89075-2814" +90499.05745,6.384358921,4.242191302,3.04,33970.16499,1240763.766,"6531 Chase Prairie Apt. 245 +Susanshire, MN 22365" +59323.7921,6.97782794,8.273697078,4.07,37520.65773,1577017.76,"17124 Johnson Squares +Lake Robertfurt, AL 61811-3832" +77811.52203,5.314460215,6.686686133,3.24,33754.7378,1246830.188,"1359 Mitchell Vista +Courtneyfort, NY 93065-7224" +68652.60921,6.1243421,6.290820167,4.42,39355.62573,1170720.894,"4343 Joshua Lake Suite 096 +Pierceview, NV 62614-9110" +55041.35158,7.127128553,8.591923294,5.36,30122.47348,1071279.21,"0057 Jacob Coves Apt. 932 +Lake Emily, VA 39465-6041" +50218.70846,6.118808131,7.333554072,6.29,16810.78331,534305.1323,"039 Jordan Pike +Emilyville, ID 27442" +55909.3223,5.419562911,9.289854372,6,22355.23541,936368.9634,"66338 Novak Curve Suite 628 +Taylorborough, OK 87142-6766" +74372.81021,5.500128573,6.593045604,2.07,39395.15118,1199193.831,"7167 Angela Park Suite 013 +Morrishaven, NH 66937-4811" +78667.9046,5.470652207,7.780836693,4.1,27637.65655,1233220.009,"34964 Sara Fields Apt. 584 +Port Raymondville, MO 63585" +78699.5151,5.652783637,6.756453856,3.01,22836.60757,1081150.125,"7585 Lynn Loop +East Judy, WV 73336" +53128.18545,5.180664125,5.426902859,2.39,32947.71196,524712.7661,"Unit 1388 Box 9350 +DPO AP 70848" +17796.63119,4.949557006,6.713905445,2.5,47162.18364,302355.836,"9932 Eric Circles +Lake Martha, WY 34611-6127" +58566.84936,6.579691453,5.034525352,2.17,39705.46496,1026817.4,"7896 Walker Spring +Loriport, MH 72956" +75537.79451,7.845215914,7.555660721,6.3,32778.19534,1762214.68,"549 Darren Plaza +Lake Kevin, UT 27155" +46147.05306,6.623332829,7.60683155,4.43,27161.12861,882057.1706,"90634 Michelle Valleys +North Victoria, WV 99370" +70421.47649,6.90708297,7.634318731,4.44,43183.92849,1744932.211,"580 Lara Neck Apt. 541 +Davidsonstad, ID 34638-9802" +62614.42062,5.499309697,7.440505218,6.32,26888.57956,1153871.47,"43087 Jerome Field +West Deborah, SD 49213" +66394.87159,7.069512154,7.204639709,3.18,39741.07751,1499988.88,"71956 Jenkins Fall +Brooketown, PW 67485-0764" +73946.85107,4.863154306,7.537182365,6.35,35261.12702,1109588.38,"8034 Pierce Prairie Suite 727 +Devonfurt, NE 33104-8027" +69144.74571,7.296224497,5.928223473,3.22,19030.61549,980177.3051,"Unit 8108 Box 5159 +DPO AP 04678" +77278.69703,6.238891015,6.919204136,2.13,21725.95429,1323952.027,"08639 Garcia Port +Anthonybury, CT 17971" +86754.19663,6.604439819,6.252454805,4.02,43017.44076,1662494.736,"91863 Curtis Point +New Richard, AK 99996-7554" +74399.84098,6.382452912,7.252665322,6.36,41084.66282,1417819.74,"03819 Lee Junction Suite 046 +Mooneyborough, WA 19656" +49408.19834,5.825920476,5.831738973,3.32,26881.1306,549976.1456,"7796 Joseph Burg +Danielsside, RI 70370" +62279.79005,6.108449991,6.30611635,4.12,35263.65314,1054770.981,"173 Mendoza Land +West John, NJ 57690" +73078.20409,5.92390639,6.445456691,3.32,54915.96178,1415647.553,"3288 Lee Pass +South Julieton, PW 02759-4964" +72942.70506,4.786222295,7.31988553,6.41,24377.90905,948788.2757,"86908 Marshall Port Suite 252 +Scotttown, NM 69143" +63819.62285,5.949839471,8.022469239,4.09,27825.57206,1159596.519,"951 Bryant Dale Suite 735 +Lake Jacqueline, NH 95266" +73265.44989,8.314761979,7.42559746,3.24,21030.96618,1547133.396,"00301 Bradshaw Avenue Suite 833 +Suzannefurt, IN 00654-8754" +68488.13117,6.116111748,7.18252748,5.08,18267.95471,1186688.506,"84473 Ochoa Pines Apt. 808 +Jamesport, KY 70207-2955" +55193.85745,7.186120667,5.096917456,4.01,32537.81877,772111.9721,"13706 Morgan Turnpike Suite 378 +Hohaven, NC 42699" +77434.68924,6.309271353,5.219754029,3.06,36252.34068,1172730.156,"4872 Delgado Ramp +North James, IA 36544" +66158.88159,4.476429066,6.91174261,2.28,37098.74217,1111085.017,"73202 Christopher Tunnel +New Roberttown, MN 08925-1536" +60502.90933,7.533380986,5.731824125,4.23,33579.63151,1022781.171,"8781 Olivia Port Apt. 225 +Thompsonside, VT 22884" +60910.89379,5.635466738,7.325973781,4.2,43347.804,1274474.546,"PSC 9354, Box 0703 +APO AA 58696-1278" +73931.97852,6.394107667,4.580839921,4.32,36543.06728,1213530.85,"271 Johnson Hills Apt. 001 +Mcculloughfurt, FM 70847" +59539.94845,6.018590243,7.007676166,5.43,58600.82715,1411730.477,"122 Russo Neck +South Kevin, KY 20712-5282" +56547.50719,5.435415183,6.515149877,3.13,37585.27458,858685.5659,"85225 Christopher Inlet Apt. 627 +West Calebberg, KS 76460" +65950.34702,5.476513158,6.717844306,3.28,40110.8476,1200961.821,"7125 Mullins Cliff +Maryborough, WY 66971" +74533.16208,6.67935313,5.919230725,4,49481.56581,1520234.229,"905 Lane Pines Suite 348 +Brownborough, DE 57196-3319" +66422.91905,7.12207185,7.078583745,6.36,31019.32482,1360908.32,"61090 Griffith Ridges +Craigstad, AK 28807-8602" +74334.49485,5.419012564,6.261535284,4.12,41640.43566,1360920.53,"270 Jennifer Loop Suite 343 +South Jesse, ND 60570-1483" +63538.34616,4.764499308,7.168662411,3.27,43282.183,1146532.455,"10973 Clark Trafficway +Meyersbury, LA 63237" +83953.10484,7.385134534,6.898846569,3.08,37283.35765,1789098.521,"91733 Baker Orchard +South Kyle, KS 37301" +57279.06358,5.118108905,6.561520216,3.17,44023.79068,852099.464,"024 William Course +East Charlotteview, DE 69073-3104" +56553.55025,5.691129213,7.021252354,3.15,29682.40986,746096.7289,"PSC 4455, Box 3268 +APO AP 45454" +75795.57598,5.786780024,7.327325343,6.25,33197.77774,1534479.907,"562 Brown Junction Suite 282 +Christopherborough, KS 20719" +70848.78866,5.28232502,6.766444664,3.27,40458.73587,1215608.531,"USCGC Thompson +FPO AA 13237-3887" +59787.4045,5.653120316,6.594592279,3.43,32402.10755,941594.3284,"65884 Johns Valley Apt. 621 +Ethanbury, NY 07783" +64826.37189,4.010907337,8.290419813,4.38,60286.0431,1204598.037,"Unit 2139 Box 3667 +DPO AP 49517" +65925.8538,7.605511954,7.070409541,3.28,34171.36007,1597655.258,"253 Golden Island +East Donald, CT 91882" +64419.25264,6.954422126,8.516160048,6.16,39318.17075,1492011.496,"4861 Steven Plains Suite 066 +Port Reginaland, MN 06152-7205" +58544.4603,8.562610576,7.276308629,4.28,30865.58695,1421216.504,"5255 Rebecca Junctions Suite 240 +Royshire, WI 85782-2398" +68791.79169,4.725552228,6.704201604,4.11,48423.32244,1132522.901,"2833 Townsend Cliffs +New Tommy, MP 86130-3426" +82061.5652,4.182828228,5.963031884,4.1,36271.4085,1102821.438,"708 Pena Ramp +Terryburgh, CA 31572-1304" +80659.52544,5.436306202,7.100753432,6.24,52947.03636,1856211.35,"8030 Ruiz Dale +Shermanchester, KY 56950-5684" +66668.09352,6.184965339,7.863127437,3.35,47075.21223,1687998.933,"Unit 3857 Box 9497 +DPO AE 92239" +64721.5645,5.677637527,6.971331701,4.48,36115.81636,1063423.007,"042 Mitchell Mountains +Adamsview, OR 44424" +65199.98994,6.445742898,6.937127028,3.2,28366.03543,1177289.886,"07420 Victoria Trail Apt. 904 +Port Kevinbury, OR 86759" +74579.98953,4.639654131,5.521489299,3.07,42806.14664,1173474.379,"38449 Shaw Glen +Pattonside, TX 98415" +76273.67033,7.879751801,4.500165348,3.39,46974.57879,1637259.999,"82387 Hensley Bypass +Danielmouth, ME 30791" +67561.94206,5.251400747,7.658576339,4.04,35517.54187,1238938.291,"02304 Brandon Stravenue Apt. 231 +Cordovabury, ID 36688" +48904.98327,4.844972531,5.44895603,3.38,32960.75307,201898.0866,"2124 Garcia Viaduct +North Kellytown, DC 30864" +72145.96721,6.39862599,8.258634923,6.06,28882.90085,1439506.102,"646 Nicholas Mall Apt. 058 +East Danielle, OR 53708" +70805.61068,4.443728924,5.809147306,3.3,29268.82674,585608.6326,"874 Laura Throughway Suite 350 +Port Michaelberg, PW 94284-9448" +65383.33792,7.512526779,6.640032004,3.46,35114.40246,1294685.159,"7373 Hart Brooks Apt. 168 +East Christianside, PR 72679-9159" +95450.29309,6.595060685,6.850361008,3.33,39388.51552,2014851.344,"035 Mark Bridge +West Craig, MT 78649" +73698.69636,6.372730932,6.578352074,4.33,51815.09642,1840236.006,"69600 Wilson Rue +Elizabethland, PW 17767-2884" +66263.9105,6.374930066,6.736974131,4.41,49829.9515,1441421.913,"001 Steve Plaza +Jessicastad, UT 25190" +75394.75958,6.933352468,7.834099801,4.48,22268.07531,1498640.551,"238 Anthony Drive +Acostahaven, AS 62753-6637" +65984.75064,6.512270085,6.31648002,2.38,21867.47694,954746.5764,"01818 Wilson Spurs +West Andreaton, SD 69568-7005" +66477.26279,6.982151725,6.038487979,2.37,32458.9867,1124635.932,"95779 Walton Square +Bakershire, PR 49599" +69284.25964,5.347447091,7.173425885,3.45,40282.72428,1169944.248,"124 Russell Mountains Apt. 591 +North Sharonfurt, OH 67836-4969" +70404.4961,5.544083726,6.001261362,2.02,37127.9255,1114430.953,"73080 Veronica Turnpike Suite 991 +New Debra, VA 61246" +74218.48902,8.069721867,6.506374302,4.37,46770.66097,1783534.839,"106 Williams Well Apt. 657 +Samanthaview, PR 87811" +63441.71465,6.471673727,7.064811136,3.22,48061.75267,1302933.248,"Unit 3405 Box 4348 +DPO AP 68816-2990" +57493.92457,6.893260157,6.734045416,4.41,47039.21532,1241483.612,"4007 Kimberly Crossing +Nathanielview, NC 72093-8287" +81543.77732,5.503923196,5.897052836,2.14,9816.300885,954114.544,"Unit 5889 Box 7282 +DPO AE 41177-0399" +78633.97376,5.465393231,7.531143012,3.24,43728.80349,1555320.5,"075 Andrea Green Suite 201 +Johnshire, KS 50389" +52202.85372,4.869306181,4.414380866,2.23,42165.81246,404976.3659,"6811 Spears Trail Suite 081 +East Troy, MS 43910" +67980.38878,5.562938814,6.159705222,2.44,25909.0792,1073183.76,"69401 Danielle Motorway +New Dennis, IL 53971" +78568.44916,5.47573732,6.291600796,2.29,41016.64709,1422195.879,"2276 Riley Flats Suite 975 +Johnmouth, NH 39983" +55472.65483,4.822147136,5.855972309,3.2,15353.95643,340605.2113,"91111 Crane Spur +Kathleenmouth, ME 43022-3191" +67579.23479,5.973219004,7.754357545,6.32,21762.94969,1170959.526,"744 Hill Ports +Mooreside, MH 20945-2825" +61456.1507,6.882954326,6.417572622,4.19,30821.41209,942838.1647,"019 Lisa Village Apt. 379 +Maxwellmouth, DE 26176" +60815.39039,7.17012853,7.984335122,4.11,31233.64935,1401613.92,"50933 Barber Divide Suite 927 +Jacksonborough, NE 46696-1788" +51217.18116,5.384841407,8.776160034,3.41,47089.47508,1175504.486,"USS Harrington +FPO AE 12326" +63027.67471,4.855968121,5.580905937,2.3,35991.72064,608794.2467,"246 Michele Lock Suite 093 +South Michellemouth, VI 62800" +62484.8553,6.496651466,7.322709774,5.13,26882.65179,946943.0362,"356 Madeline Locks Apt. 115 +Kaitlinland, MS 49150-0243" +73923.46627,7.005505785,7.135063347,6.04,58745.31203,1819900.637,"232 Allen Ridge +West Jasonview, CT 93021" +79737.60976,7.315957927,6.611096005,2.17,28307.31433,1463130.273,"5042 Ricky Road +New Candice, MN 40661-8809" +63890.47157,4.972306568,7.916386397,5.49,43416.49782,1252391.18,"60860 Griffin Streets Apt. 040 +East Catherine, NH 18346" +67310.03695,7.193792989,7.760732555,5.28,43310.61243,1714445.175,"89002 Robert Square Suite 028 +Port Jennyside, CA 38546-6307" +73145.73022,4.096517243,7.254217433,3.18,49463.37888,1291759.393,"8533 Sparks Lodge +New Kevin, GA 98179" +86924.35877,6.832939699,7.738295553,6.32,28719.41089,1809154.289,"922 Mark Lodge +Matthewton, ID 71131-3139" +74384.10563,7.411486571,5.164865476,2.3,17117.44367,1200539.361,"757 Sherri Shores Suite 744 +Jesusfurt, OK 73052-4985" +67477.78818,6.623528293,7.91617166,5.1,29763.92535,1300265.21,"PSC 8479, Box 0952 +APO AA 33741" +71202.95692,4.318869133,6.634954066,4.37,34207.39721,997448.7281,"5560 Michaela Spur Suite 730 +West Charlottefurt, PA 00463" +85845.3178,6.743652961,9.468766369,3.46,46477.67868,2152959.409,"255 Sosa Pines Suite 751 +Wilsonview, MT 31615" +72138.87048,7.163640935,8.485778263,5.45,35799.63827,1629983.847,"156 Conner Lane +East Brittany, MI 26733" +44806.00516,4.494570528,4.725325117,3.1,57390.89007,497579.4466,"478 Vasquez Fort Apt. 346 +Aliciaside, NV 37124-6408" +67504.17846,5.329798509,5.894411949,4.36,37441.12054,890112.5493,"67610 Smith Knolls +Brendaberg, MA 55188-7972" +74706.10053,5.003327764,5.661064127,2.05,39680.60932,1064685.699,"504 Robertson Streets +Jamesshire, WA 56754" +68898.34591,6.787648529,7.871352644,6.39,39515.57156,1530124.016,"777 Ross Crossroad +Kaiserville, RI 24445" +58118.01816,8.137214471,5.650900286,4.36,35598.39044,1246246.828,"2418 Samantha Green Apt. 016 +Port Keithmouth, VT 62207-0408" +77643.28309,6.070115922,5.381038359,4.45,35512.25505,1240754.932,"95957 Tara Hill Suite 428 +Huntland, KS 57002-5552" +67769.82559,8.074693668,6.761631408,4.22,33254.60341,1760734.69,"26906 Simmons Underpass Suite 444 +Port Tinashire, DC 13101" +74411.05989,5.534627544,7.210123361,6.44,43537.50295,1393746.76,"4930 James Flats +New Shannon, NJ 75829-8040" +73101.0788,4.104129923,8.920333221,4.35,29497.97129,1172385.898,"78212 Turner Ville Apt. 217 +West Lauraberg, MP 47353-3682" +58708.41716,5.083861036,6.262825884,4.07,15969.92604,483986.109,"33410 Smith Summit +West Kimberlyberg, CT 49785-3758" +63876.05991,7.080219326,7.187432975,3.37,38052.87644,1388530.157,"49940 Ramirez Mission Suite 136 +West Bryan, MD 95291-3904" +68343.15409,6.39244379,8.425112895,6.2,40653.87007,1721739.384,"4746 Morgan Forge +Diaztown, VT 79978" +73064.97996,5.994062799,7.204368895,6.19,30699.33971,1276448.792,"5808 Burton Viaduct +North Nicholasport, CO 32392-1208" +67367.26808,6.774710809,6.690894899,2.49,32547.27253,1161742.677,"8093 Lara Overpass Apt. 364 +Lake Brookebury, NV 30264" +66547.18175,6.350672042,5.305000412,2.04,16741.96499,786407.9451,"249 Susan Canyon +North Jessica, ID 13412" +73313.54538,6.414723236,8.492901229,4.46,37808.99667,1604920.973,"08091 Bush Course +New Michael, RI 47524-7511" +47681.36173,6.890508224,7.788267986,5.13,50908.97891,1230149.137,"PSC 6933, Box 3805 +APO AP 50576" +67910.94913,6.445851907,6.675937268,4.32,31379.78297,1051644.554,"6798 Smith Junctions +Wolfeton, WY 86565-5079" +69277.89125,6.142591681,7.811724471,5.15,43717.91309,1415073.614,"256 Sanchez Ports Apt. 057 +Johnmouth, PA 69763" +67946.71468,5.403175673,5.671136343,3.21,35197.94257,1043483.915,"68672 Guzman Ridge +Clinefurt, WI 04078-6179" +90975.11327,4.740683035,8.320351986,6.45,44426.21365,1544379.748,"4447 Steven River Suite 076 +West Karenmouth, DC 61561-8593" +61885.54644,5.405265969,6.91419577,3.22,48726.9513,1352135.967,"USCGC Hess +FPO AE 29193" +69401.84722,7.042354995,8.097044285,3.44,29293.07405,1505727.431,"0617 Neal Curve +South Daniel, AS 09326" +72969.12127,6.188575726,8.076943604,4.2,31755.72136,1416965.979,"412 Janet Radial Suite 115 +Kariview, NY 37073-8343" +75582.45976,5.506473429,6.774986419,4.33,31946.30387,1046721.976,"9155 Kayla Station Suite 233 +Natalieborough, SC 99093-8399" +56241.22677,5.623087016,6.818670754,2.18,32745.36812,939040.0036,"3062 Donald Inlet Suite 642 +West Matthew, GU 49340" +79412.83547,6.087360169,7.481321112,3.26,17568.73376,1383031.332,"764 Timothy Turnpike +North Audreymouth, TX 02395" +79618.23685,4.566166101,6.669888411,3.49,29636.50711,1072503.238,"862 Ryan Flat +West Larryborough, WV 11517" +67019.07405,6.487943167,7.3313301,6.26,24997.10871,1134397.758,"378 Evans Crest +East Shelbystad, HI 23326" +56063.48087,5.10693512,5.385339778,4.14,39129.2967,734827.508,"09897 Katherine Forge +North Johnside, NC 01211" +57077.5803,5.775467041,6.952026674,4.27,33393.9166,991892.3175,"2367 Noah Center +North Dakotashire, PA 99619-0890" +75954.81825,4.289916281,7.418750603,5.04,34467.7587,1057252.583,"19678 Noble Cove Suite 264 +South Elizabethfort, CO 13304-1647" +52575.81517,7.133719417,7.173698882,4.06,41828.57962,1237224.859,"8803 Jackson Ramp +South Thomasland, RI 09631-6361" +63312.80567,6.139115452,8.199615241,4.41,43230.35216,1442632.541,"87629 Shawn Crossing +North William, MN 71601-6188" +82526.9621,6.453073406,7.748248953,4.46,43947.68026,1877402.32,"2574 Shannon Alley +South Fred, OR 64217" +73204.94213,6.640915863,7.311912321,6.4,35090.50081,1394518.415,"676 Jose Locks Apt. 415 +South Cynthia, SC 89264" +56357.19314,5.707903109,5.240300887,3.25,38061.9983,953939.3299,"4160 Martinez Bridge Apt. 713 +West Ann, MI 89447-0160" +71316.62465,7.107767687,7.088992691,5.33,21651.69941,1219778.034,"26847 Weber Ports Apt. 767 +North Robinton, FM 43014" +75046.8482,4.983084629,8.877240042,3,32468.03115,1287325.382,"PSC 8891, Box 6475 +APO AP 28726-5123" +84474.16006,6.970854746,5.935909326,2.47,38677.81515,1739893.555,"623 Jackson Road Apt. 492 +Sarahville, NM 19973" +68162.68393,6.962206716,6.69735801,3.07,31843.87634,1213382.223,"0575 Edward Cliff +Miguelmouth, NY 06408" +62784.33295,7.572350215,4.652717554,3.31,35122.38947,1007478.748,"6660 Alex Park +Barkerfort, WY 52781" +67009.81567,6.849769937,7.610720856,3.22,39737.12261,1528756.126,"176 Parker Grove Apt. 591 +Nicoleshire, MO 83183-5326" +67437.25036,6.767363237,6.703917223,2.05,29356.22337,1182459.772,"203 Amy Ford Suite 158 +Kelleyfurt, LA 49990-9626" +65967.76931,6.847724976,7.777279444,3.14,35799.96255,1474546.762,"842 Jackson Parkway +Angelabury, MI 68188-8699" +42816.30589,7.603999923,7.04524851,4.18,47457.66221,1078016.94,"5339 Charles Road Apt. 570 +East Angelicastad, PR 36295-7649" +83347.6697,5.468158427,5.475252653,3.14,48226.71893,1453381.624,"0647 Ramirez Hill +New Crystalport, AZ 33060" +81699.88,5.47980183,6.476007341,4.41,39527.04856,1495012.965,"4233 Chase Fields +East Vanessabury, OR 85375-7861" +56143.78866,4.580122446,6.668979774,4.04,45084.03666,714148.4148,"0606 Ricardo Drive +Williamton, GU 79243" +59513.83492,4.885131771,5.57471435,3.18,44162.27921,894292.0474,"14157 Jones Parkway Suite 319 +North Haley, AK 18534" +78379.41224,5.985697151,5.681833507,3.2,31357.38821,1159841.831,"2579 Pamela Shoals +North Christianhaven, TX 95259" +70877.37574,6.766877154,7.213659075,5.07,36033.42685,1195986.299,"PSC 5171, Box 6452 +APO AA 44610-4655" +61526.97445,6.593962539,9.180401429,6.11,27307.94803,1381430.63,"23682 William Glens Apt. 920 +Lake Hollystad, CO 20067" +65316.99602,7.414875231,6.733084867,2,55799.49748,1534889.853,"32521 Martinez Highway +Stephaniehaven, NY 78577" +76268.81833,6.942797867,6.147907596,3.17,38649.85239,1494125.33,"9109 Omar View Suite 461 +East Sarahfort, WI 02969" +48531.36423,6.863184039,8.517401059,5.3,39731.15056,1356146.261,"5611 Chandler Mill +East Brianfort, AK 51236-0093" +82906.6548,5.901451656,5.767366136,4.26,38820.48194,1454943.074,"PSC 5599, Box 5942 +APO AP 55563-1953" +63117.84405,4.940396705,5.636779395,2.31,43091.84514,774118.1878,"2128 Shawna Orchard Suite 992 +New Melissabury, MN 22338" +75860.86115,3.69089057,4.788380207,3.48,41003.88008,889113.2389,"019 Moore Center Apt. 643 +West John, KY 54923" +68844.76425,4.860453,6.916808181,3.29,48392.49736,1211102.211,"Unit 3192 Box 6415 +DPO AP 76779-7624" +52446.26686,5.694610808,7.429639244,3.11,32934.5532,658646.1847,"20185 Mary Crest +South Reneeville, VI 91892" +69342.70684,5.804686752,7.805903702,3.36,37082.37422,1400104.871,"18067 Williams Roads Suite 683 +South Christineton, CO 76227" +55932.05268,7.218309145,6.020201205,4,42488.31,1262017.792,"089 Wilson Forks Suite 185 +East Gina, PA 98785-6132" +53306.92214,4.632267718,6.194794325,2.15,39063.33871,553077.2126,"9643 Oscar Valley +North Richardstad, ME 14629-9980" +56976.5464,6.061212241,7.259286709,3.08,46375.50249,1203247.89,"46619 Morgan Squares +Stevenfurt, FM 70548" +51296.48863,6.155259764,7.831766476,6.18,32078.9068,1115323.015,"407 Silva Inlet Apt. 301 +East Carolmouth, SC 73414" +63995.00489,7.59753322,7.090050637,5.25,24748.26827,1301881.417,"USCGC Friedman +FPO AE 57606-0743" +71915.14669,6.279753854,5.521216371,4.47,27714.29366,1006687.387,"038 Anderson Club Suite 485 +Richardsonfort, MA 22267" +62137.59721,5.440725043,7.235191288,5.21,19045.61951,749383.0726,"014 Shaun Gardens +Lake Todd, HI 08110" +78050.96983,5.234044768,6.290305888,4.15,27789.74852,1075596.587,"2606 Stout Inlet +Port Brenda, SC 59596-5906" +67371.42086,5.333820712,6.624951289,4.37,24797.76476,739870.7936,"94952 Hall Cliffs Suite 366 +West Jessica, MT 23902" +59362.76638,7.482630242,8.003006746,3.49,44723.35373,1442945.145,"8581 Johnson Ranch Apt. 905 +Jacquelinefurt, MH 08716-8228" +57003.10964,7.01058346,6.356258719,3.14,29594.69337,828497.0671,"089 Jessica Dale +West Melissa, PW 59364" +68989.31221,6.075426018,7.879588245,6.37,32629.60383,1373290.861,"USNS Hamilton +FPO AA 90003" +70969.9021,4.901817799,6.396268006,3.18,24833.64615,925566.3313,"8016 Hicks Alley Apt. 735 +Nicoleside, WV 73615-4795" +82251.65301,7.741091334,7.636653827,6.49,18408.79864,1552536.764,"04952 Michael Terrace Apt. 414 +Port Tammy, GA 56924-1868" +71306.4573,5.773717163,6.68823017,2.04,43284.39716,1335904.501,"3890 Hunt Trail +Davidhaven, OR 04793" +70921.56857,5.665185385,6.375371505,3.28,29390.21727,960808.2911,"8398 Sanchez Gateway Suite 937 +Mccoyburgh, PA 32814" +70739.4601,6.710699576,7.166501646,6.28,35148.66775,1405933.019,"67095 Jeffrey Islands Suite 573 +West Elizabeth, MI 33061-9433" +58097.84182,6.386347996,6.144038119,3.04,19903.00008,619087.6936,"31995 Moore Brook +New Melissa, MO 19787" +51273.50885,7.032317226,6.888205629,2.09,53811.89491,1329273.228,"Unit 5683 Box 5483 +DPO AA 78774-2982" +76326.59232,5.02469487,4.936329009,3.44,42779.8313,1261843.844,"77194 Carlson Causeway Apt. 904 +West John, KY 70976" +63584.04588,5.832827571,6.029160867,4.29,46340.18858,1175781.418,"73601 Donaldson Squares +Port John, VI 73473" +86340.28729,4.930051,6.183440077,3.01,35630.56045,1437053.557,"6864 Michelle Field Apt. 339 +Madisonmouth, KY 99033" +79471.23882,5.867269778,8.197289421,6.21,36616.16883,1594415.226,"35165 Haley Falls Suite 341 +South Elizabeth, VT 29143-4442" +55879.50379,6.407946258,5.370386614,2.07,37360.06356,931357.9954,"54993 James Place Suite 797 +South Kenneth, CA 86457-1211" +40503.54133,6.881778623,6.566175293,3.14,45979.47754,798639.6542,"6799 Downs Plaza +Randallberg, NH 17910-5241" +83394.40783,5.601486668,5.905024344,2.08,30487.52462,1451739.625,"79098 Brandon Island Suite 624 +Horneshire, MA 35281-8110" +64501.22645,6.001641691,7.293476754,5.33,43869.30998,1278991.689,"8173 Rush Wells +New Stephanie, MS 56356" +59569.53734,6.279536891,7.325379539,4.24,31294.65246,885920.5532,"762 Corey Landing Suite 528 +Billymouth, AZ 48958" +69280.31627,6.861548028,6.923618932,4.33,40290.91149,1425632.542,"077 Laura Curve +New Christopherview, AZ 15138" +66342.48968,5.857266082,6.94910892,3.06,11792.81516,901881.7427,"5342 Dean Overpass +Matthewville, MI 08613" +73367.04599,6.173290661,9.054709888,5.25,23684.78795,1521730.791,"469 William Shore Suite 726 +South Krystalchester, MP 47720" +57122.22484,5.70765003,5.929733805,2.4,41972.77154,716771.0057,"566 Brown Grove Apt. 886 +Cardenasmouth, IN 87042-1285" +61978.84805,7.912276047,8.437966416,5.37,56957.18775,1696717.107,"017 Bowers Field +Williamsstad, OK 15934-8122" +54299.96882,6.635899749,6.851535828,2.49,39512.66371,819598.0078,"05946 Wong Spur +Susanshire, NY 67746-2473" +71424.40601,5.59893322,8.522538378,3.49,37242.56159,1584213.957,"9297 Cole Highway +Patrickhaven, DC 02945-8988" +57353.15436,8.07544792,5.678555483,4.44,16906.42172,798892.515,"88404 William Cape Apt. 249 +Dawsonhaven, MA 21219-3496" +44731.1098,4.188658329,8.942797164,5.12,39633.47304,601973.0017,"4896 Jennifer River Apt. 180 +Shafferberg, MN 77619-4214" +76175.49393,4.524140652,9.524973612,4.28,30760.99496,1456486.293,"82014 Stanton Gardens Suite 664 +Lake Dawnborough, DC 86197-4191" +66574.70999,5.550264729,6.844150153,2.17,69575.44946,1702406.039,"551 Macdonald Viaduct +West Stephanie, TN 55360" +91731.15438,5.184810712,7.94387972,6.3,33102.09542,1566471.008,"860 Thompson Skyway Suite 901 +Kimshire, AR 37353-5106" +75487.0326,6.453931678,7.737095684,4.02,41105.39063,1592210.176,"5036 Peterson Throughway +East Megan, GA 08456-4696" +58088.43813,6.017831001,5.790005274,4.21,51925.41161,937628.3467,"Unit 5584 Box 2763 +DPO AE 40544" +76319.2186,6.873130198,6.294054951,3.45,48026.30837,1558547.578,"09437 Carolyn Mountain +Knappview, CA 70608-7504" +60575.16244,5.907565592,6.964616002,2.29,32158.9679,1156329.274,"5052 Chloe Lights Apt. 374 +North Scott, IA 81431" +69607.13367,7.077680826,7.833081192,3.35,34609.04022,1514349.692,"8781 Robert Lakes Suite 880 +East Wendy, ID 51813" +67056.84048,5.222168522,7.163517523,5.25,25134.68148,1039107.326,"3440 Cannon Lakes +Port Melaniehaven, WA 60324-0399" +60640.93188,5.165921529,5.355113624,2.32,43119.54066,809089.6719,"0956 Isabella Lodge +East Valeriefurt, CO 64441" +69031.90888,5.779976246,5.501755138,3.23,15660.40301,675536.3915,"36736 Kristi Radial +Port Carl, ID 35292-9269" +80356.20939,4.660417824,9.710216896,5.02,16215.41728,1373589.804,"10492 Reed Track +North Ericstad, IA 78774-8363" +60081.17662,6.768523696,8.204552838,4.3,60195.74627,1690091.019,"Unit 6269 Box 9041 +DPO AE 13073" +61881.47931,6.519463053,7.114083652,5.38,35597.37289,1253370.149,"1486 Elizabeth Plains Apt. 235 +New Cynthia, MD 73729-5878" +59590.96529,6.891731041,5.736029404,2.03,24153.88252,774073.5619,"239 Anna Locks Suite 853 +Lisaland, GA 31515-2260" +89831.31929,5.20196372,7.719652764,6.37,45335.36028,1741959.834,"77610 Evan Field Apt. 712 +West Shannonland, WI 30751" +72175.2835,7.421738946,6.828247305,2.09,50305.79541,1705762.788,"11385 Thomas Ford +New Karinaton, HI 01691-9923" +67589.04884,6.21484263,6.060884656,2.34,33203.38392,1071109.917,"385 Barnes Lock Suite 561 +Lake Kellytown, NJ 74310" +77300.03144,5.260974726,6.936548024,4.49,29499.04095,1118047.991,"039 Chan Meadows +South Amandahaven, TN 78068" +65382.88832,5.39681918,7.648386114,6.08,41723.05474,1165253.033,"945 Schneider Villages Apt. 519 +West Brittneyburgh, ID 36371-1622" +71145.2127,6.152109975,6.765832563,2.31,35642.53034,1280910.19,"15288 Steven Extensions Suite 209 +Zacharybury, KS 87707-6205" +61053.038,5.787890692,5.687062576,2.02,40675.77383,841122.8824,"8559 Cooper Cove Suite 935 +Katherinemouth, NE 81147-6595" +65125.94787,5.928483443,7.057757992,4.19,37642.78527,1228810.745,"90043 White Lane Apt. 673 +Williamburgh, DE 67265" +51949.2957,6.209803037,8.051118256,5.28,35336.06305,1086072.071,"40094 Yates Lodge Suite 008 +Fergusonborough, LA 87592-4342" +75897.98884,5.316933287,6.768229399,3.33,34162.67061,1204372.295,"17853 Michael Motorway +Danielfurt, MH 28095" +71468.3505,6.158043453,6.361238405,3.35,43269.03337,1345004.12,"48466 Brown Port Apt. 116 +South Chelseatown, CO 28752" +53287.99207,5.755609227,7.162322376,3.32,45152.01427,1116902.345,"0205 Rose Crescent +East Ritaside, MD 10967" +61503.0406,5.13081313,7.015317326,3.12,37650.86971,822431.7303,"18941 Ray Ports +East Nicoleland, OR 67363" +68896.04856,6.38632518,8.365074594,4.47,28394.60978,1360623.694,"1515 Watson Fort +Christopherberg, MP 90562" +91159.41833,6.536045428,7.373850919,3.01,54861.0911,2298379.487,"170 Smith Wall +South Christopherhaven, AZ 87521" +63375.34848,6.67234006,7.883780977,3.41,45633.19224,1400498.268,"064 Kaufman River +Danielburgh, CO 09090" +59695.57147,5.44538285,6.032795265,2.04,20702.80267,566848.7321,"295 Angela Harbors +East Patriciaburgh, GA 95388" +63183.88974,5.570561937,7.541807496,5.08,58691.20066,1367586.278,"950 Luis Avenue Suite 364 +West Nicole, OR 03658-3559" +61177.80813,6.998928282,7.088385883,5.13,26396.29111,1113373.52,"27945 Clark Tunnel +Kleinmouth, NV 19751-3095" +58642.31122,5.209923093,6.275371125,3.42,35131.57815,721974.5515,"6163 Michael Orchard +Gallagherborough, GA 48395" +53112.27806,5.138651815,6.325363471,4.25,40367.38387,685503.9903,"4158 Drew Plains Apt. 975 +Ericaview, MP 60784" +40366.61629,4.902939589,7.6171181,5.07,16349.36539,152071.8747,"503 Howard Pass Apt. 427 +Fernandezborough, GA 02514" +62207.47581,7.297532823,7.002864274,5.38,34317.53831,1280431.574,"2084 Carter Highway Suite 935 +New Stevenmouth, DE 67121" +57477.95076,5.405444821,7.207172822,6.35,23649.96887,568703.1838,"2105 Lauren Radial +Lake Michellestad, FL 92096-6812" +55630.48896,6.283122836,8.933119985,6,38943.09599,1200764.844,"3407 Preston Pine +East Mark, NY 86626-3319" +72399.30556,6.740676312,7.552269769,6.15,41662.00007,1607161.637,"719 Raymond Route +West Diane, ME 60200-7803" +89868.89193,4.504274579,7.234479887,5.45,30101.72457,1421715.415,"310 Paul Mill Suite 863 +Pamelaland, AS 20202-1133" +59801.49103,4.210462758,4.954387464,2.03,33534.9264,311111.2006,"47705 Bethany Forge Suite 965 +North Heatherhaven, ND 10371" +61957.1543,7.841080502,7.472966963,4.19,38448.49148,1338044.383,"791 Noble Port +Michaelland, OK 69198" +71123.43282,6.685810937,6.16923837,3.43,44020.1441,1417870.983,"143 Thomas Rapid Apt. 929 +West Laurieport, ND 69617" +55202.70547,4.375933244,8.259044318,3.4,28424.95165,796389.438,"690 Lozano Inlet +Michelleville, AL 07048-6472" +79298.12201,7.188208135,5.336841156,3.44,15753.26664,1310207.133,"3591 Pham Spring Suite 077 +Lisaport, CT 43572" +65070.56701,7.143558507,5.579766055,4.3,24852.56515,994897.7278,"Unit 9227 Box 8732 +DPO AE 73770" +68494.98255,7.230364893,7.265462684,5.46,13998.57121,1202987.829,"530 Johnson Circles +Cathyborough, MN 30306" +55702.20538,5.551957132,5.648555397,3.08,40087.79561,768751.9005,"029 Patricia Bridge Apt. 540 +Tranmouth, MP 59378-9231" +57233.60849,7.893834161,6.036621215,2.27,37374.91924,1211655.305,"880 Julie Union Suite 360 +Sarahchester, LA 70074-3596" +85313.88545,6.033157792,6.633757595,4.21,23974.43557,1540418.222,"85227 Kevin Stream Suite 299 +Lake Todd, WV 65286" +60224.65171,4.675940133,5.428846667,3.23,42182.86211,712228.4243,"97544 Williams Unions Suite 893 +South Harry, ME 21119" +73873.81919,6.789870886,6.630909086,3.17,33336.32735,1525533.407,"844 Hanson Points +East Lisa, ME 83883" +63149.48523,7.156294433,5.518835024,2.04,37578.84687,1034218.402,"171 Rocha Via +Cassandrafort, RI 90064-6234" +58593.79404,4.662980906,6.333616932,2.04,39287.5279,874103.6606,"2758 Joshua Mission +Lake Chelsea, AS 18304-4644" +73839.87242,6.446181952,8.274063584,4.19,47602.51021,1912825.285,"75441 Ritter Corners +North Roberttown, UT 52401-4300" +75984.83111,6.725721311,7.887775836,4.31,42248.68586,1754770.59,"7815 Burns Skyway Suite 637 +Melissaborough, TX 51087-6056" +82145.36942,6.54096795,6.876150329,4.23,25736.09605,1340066.913,"885 Veronica Stravenue +Wilsonland, FM 77249-8036" +69017.1828,5.777106148,5.783612779,3.11,55830.75284,1446756.863,"42822 Billy Lights +Tranchester, TX 45052" +75429.17898,6.818759161,7.570447111,5.48,36769.24968,1592768.242,"39474 Steven Fort Apt. 881 +Kristaport, OR 79397-4419" +69513.53892,4.122901533,7.641107312,6.08,14054.05343,660364.9813,"030 Jason Coves Apt. 387 +Lake Christophershire, CA 88567" +57782.41708,5.159300978,6.332626733,2.46,33426.84938,861321.5807,"Unit 2107 Box 1980 +DPO AA 76733" +74372.13845,6.56237959,8.184510518,6.35,34321.96015,1648246.774,"111 Wilson Cape Suite 484 +Hernandezton, VI 53808" +63522.12193,5.538042849,6.952195766,2.04,31995.52529,977135.8857,"720 Vasquez Crest +Roberthaven, OK 57313" +61193.71483,7.647150882,9.086807717,3.21,33196.05984,1591934.19,"518 Gilmore Stream Suite 013 +Lake Donald, ND 18581" +60316.79073,4.308730208,5.564352875,4.12,33831.89363,695386.331,"126 Kim Mount Apt. 763 +Mariemouth, TN 60875" +58469.9122,5.408899965,4.807387458,2.26,33547.98482,568977.0728,"43340 Thomas Mission Suite 671 +Longport, VT 28226" +75179.90299,4.595920956,7.201635799,5.13,23978.0933,935590.8043,"38138 Carter Shores +Lake Felicia, OK 96739-7550" +56186.96329,3.992027946,8.960742515,5.2,41855.65474,984311.7745,"569 Jeremy Orchard +New Randy, RI 27359-4665" +73225.0663,5.933498536,6.868603895,2.3,61830.53972,1796245.808,"81623 Jenna Brook +Davidfort, PR 76020" +74338.92771,5.084714868,5.186852796,4.07,18057.17178,720080.2321,"6548 Christopher Pike +West Adammouth, NJ 07199" +52188.11873,5.636892091,5.807401479,4.03,42495.75468,783808.4025,"56449 Walters Forks +Port Juliaburgh, DE 80081" +83311.10394,6.690551405,8.297556745,3.16,30386.36631,1598615.974,"2172 Jensen Lodge +Porterport, NJ 82686-8071" +72288.6752,6.599434697,7.979877824,5.11,39146.9205,1564125.238,"20276 Kelsey Plains Apt. 162 +New Angiefort, DE 15768-7899" +54866.21569,6.986763275,7.285434147,3.46,35192.84403,929480.6299,"193 Green Causeway Suite 635 +Sotoburgh, NJ 15816-5656" +85759.65776,4.789357418,8.965705366,6.22,25897.75802,1414495.343,"222 Kevin Walks +North Robertoton, FL 87877" +59453.34204,6.29111354,7.482571479,6.08,29697.64481,837668.1026,"809 May Mills +Yoderburgh, NH 42375-8927" +69878.7742,7.218330987,6.249192235,4.02,26814.17475,1197515.454,"48635 Burch Pine +Lake Ellen, KY 06268" +59243.29763,6.729520552,7.058764828,4.26,51405.35248,1232004.83,"63891 Rebecca Stravenue Suite 746 +East Vincentland, NV 30237" +57853.3302,6.500094306,7.316551003,4.36,47688.2266,1285933.408,"507 Dorsey Harbor Suite 445 +North Jacobbury, ID 07463" +66643.31463,6.392834115,7.698007536,4.41,30971.15711,1361521.983,"475 Robert Road Apt. 547 +Charlotteburgh, CO 82148-4460" +69248.29959,5.958735587,5.652694477,2.21,35990.10339,1090826.374,"1249 Rodriguez Skyway +East Laura, UT 81039" +75129.72116,6.287836931,7.447318296,3.37,41620.2893,1475319.699,"9699 Gilbert Trail +Port Marymouth, VT 17881" +76209.99531,7.009045648,5.464338971,4.22,22721.6494,1066659.383,"3283 Wu Greens +West Michelleton, AS 48620" +69342.37657,6.069486987,8.018121333,3.43,21641.97286,1117432.98,"814 King Fords +Ortizton, WY 09795" +77630.95508,6.80962742,6.829667441,2.29,31739.88912,1420283.559,"003 Steven Port Apt. 012 +North Michaelbury, UT 27451-2671" +68929.15807,7.590878456,6.891969493,3.24,172.6106863,840272.8649,"178 John Fork Apt. 779 +East James, VT 90132" +70990.80491,6.014814127,4.651974294,2.46,30904.25303,1024907.94,"USNS Fuentes +FPO AE 40375" +55860.68084,7.751794757,9.02450267,5.12,40335.22028,1494241.226,"4458 Cabrera Plains Apt. 502 +Mezamouth, MP 58250" +56380.9884,5.706260589,6.650904529,4.37,43994.24411,1125880.487,"3167 George Knolls Apt. 993 +East Loriside, DC 16819-7638" +64306.33882,4.806617647,7.879677057,4.28,30762.36021,1082455.018,"74367 Howard Cliff +Antoniotown, CO 92048" +76547.9567,6.50322147,6.974804487,3.08,40564.64489,1554634.995,"9453 Kirk Summit Apt. 368 +North Lukechester, PA 24710" +57101.71705,5.493161996,7.650205974,6.09,41104.46662,1011365.365,"7958 Mills Lock Apt. 983 +Brandonville, DE 25191-2184" +76192.65604,7.303749826,7.337589917,6.33,21245.84162,1432756.517,"22588 Brian Forge Suite 588 +South Michelleside, NE 62469-4467" +79585.55223,5.778524695,8.430787826,4.32,31773.3374,1612717.553,"53578 Rachel Estate Suite 891 +Daviesstad, MH 60772" +70759.8558,6.367973326,5.493294013,4.2,25981.831,973299.8618,"1981 Green Fall Suite 828 +West Kimberlyburgh, RI 99528" +76907.23816,5.205508259,6.462700239,4.21,21658.40932,679228.9927,"433 Patterson Parkways +East Ryan, RI 32244-3823" +64744.94244,5.900247576,8.467599729,6.03,28880.01759,1270999.939,"90703 Isaac Path Apt. 296 +Lake Leonard, SC 34290-2341" +51976.02393,5.354922556,7.375559651,4.42,36360.16875,910211.0189,"258 Joshua Village Apt. 843 +Jamesborough, HI 72801-0033" +61252.63767,5.189911336,7.191572627,4.43,40890.26603,1026271.796,"3505 Smith Spring +Lake Ashleyville, WY 32703-3550" +58841.14292,7.754160967,6.916338174,4.05,39555.07059,1496729.536,"78312 Martin Terrace Suite 957 +New Kimberly, ND 49455" +79112.64141,6.357250993,7.8515296,5.27,33771.74049,1490539.058,"8923 Theresa Corner +New Annefort, KS 04537" +76056.28911,6.480979871,8.245224408,5.4,28470.70147,1491838.494,"648 Mark Green +New Aaronberg, MD 57319-9128" +52399.64822,6.804016971,8.971111959,3.11,18092.13036,996771.2482,"4118 Gallagher Cliff Suite 158 +Lake Alejandrochester, MO 76400-5583" +77551.6278,5.535920946,4.679134254,2.03,35834.493,1064854.309,"23662 Tiffany Oval Apt. 301 +Stephanieburgh, NM 67091-0155" +64160.81595,5.67760881,6.534959524,4.05,32339.00628,985749.7874,"6049 Jacqueline Centers +Elizabethberg, WA 74545" +71167.03414,7.328943583,9.442325018,4.35,35174.87134,1952622.402,"51952 Nelson Radial Apt. 701 +West Joshuafort, ID 09690-7341" +84963.66341,7.068466766,6.207145314,3.02,40447.01075,1754969.162,"758 Chen Ramp +North Angela, IL 06000" +59712.82231,5.735499522,6.979752379,3.23,42601.84262,1122240.364,"USNS Webb +FPO AP 49097" +77733.73119,5.624500144,5.967832307,3.23,32074.57599,1236931.728,"672 Larson Ramp +Robertside, NC 16903" +85707.07875,4.374148491,6.350156836,4.47,10424.41625,966084.4204,"052 Robin Ridges Apt. 575 +West Shelbyshire, MN 47834" +70280.36135,4.728804322,5.012885306,4.4,39662.74187,852268.6717,"Unit 0180 Box 6419 +DPO AP 42418-5393" +69330.74122,7.31890726,6.252757358,2,30097.83559,1280669.873,"3556 John Mountains Suite 339 +West Michael, KS 02710" +72988.70597,5.95937925,5.74843726,3.36,50566.6448,1190213.513,"6925 Sherry Run +Mcdonaldville, VT 76937" +65697.82067,5.728201697,7.282106847,4.2,28742.12595,1123851.141,"5916 Wendy Lake Apt. 451 +Lake Julieborough, FL 94486" +76245.21847,7.955766597,7.826124971,3.12,32016.23476,1689120.427,"7683 Susan Circles +Jimenezview, ID 13223-8250" +53546.87214,7.174569183,8.343557927,3.49,45504.20369,1573347.788,"7336 Joyce Street +Ryanberg, OH 51245" +73643.0573,6.766853185,8.33708535,3.34,43152.13958,1696977.663,"127 Sharp Well +North Bernardbury, IA 84600" +84774.45122,7.019666733,5.450658517,2.27,32383.55544,1414286.724,"Unit 1747 Box 4835 +DPO AE 80269" +58140.94032,5.064855375,6.649447661,2.27,49337.53152,755292.1144,"420 Miller Green Apt. 769 +Amyview, NH 15629-9831" +61881.16372,6.293585382,6.048295389,2.31,21397.4486,714706.4289,"499 Mcintosh Parks +Alexandraport, MN 57727" +75312.25951,5.364982406,6.667365547,4.09,9487.921585,944001.5583,"004 Susan Lights Apt. 864 +Ericstad, SD 18478" +81328.8073,6.483153394,6.908829672,3.01,31231.5444,1523136.485,"38412 George Forge Apt. 680 +West Erika, MO 03932-3322" +77931.47646,6.501686215,6.647662431,3.33,23182.60485,1422916.811,"8073 Miles Shores Apt. 760 +Garciamouth, AK 75136" +84602.59697,7.097245831,7.00842733,6.11,39683.438,1945618.658,"1391 Kimberly Port +Smithhaven, WA 19630" +72445.0333,5.488196879,6.509449186,2.48,69553.98833,1726719.067,"2763 Victoria Pine Apt. 066 +West Stephanie, OH 49110-6029" +57497.12815,6.674070665,7.524542188,5.17,43204.15762,1051123.833,"06882 Snyder Lake Suite 677 +East Tracy, VT 49709-4496" +87266.34023,8.248959366,7.234261404,5,45161.18768,2249122.541,"03567 Scott Fork +West Lisahaven, ND 55466-3035" +62431.9381,6.798993828,8.599555446,4.48,44115.98342,1523915.145,"9249 Robert Cliffs +New Susan, AR 48038" +72107.42807,4.54230638,6.981984299,3,29981.34654,1039517.534,"Unit 5105 Box 8178 +DPO AP 03939" +55577.07175,6.533916122,7.162535697,3.47,19560.01241,818057.8953,"931 Bradley Locks Apt. 730 +Justinborough, KY 10998-7603" +62327.89441,5.233977928,7.285225482,4.43,43364.42819,1115466.585,"7909 Freeman Plains Suite 223 +Griffithside, OR 90674" +73931.14266,5.662286845,6.9812466,2.46,29568.95886,1258178.804,"4901 Michelle Estate Suite 734 +New Aimeemouth, MH 31261" +63429.27469,6.362565275,8.441119043,3.31,37998.99693,1435423.708,"Unit 1395 Box 3341 +DPO AE 13371-5663" +73423.90295,5.975373486,5.810942512,3.49,34711.78242,1153470.44,"0831 Kathleen Mill +North Connieside, TN 84541-4719" +75175.87311,8.561761657,5.197253905,2.07,22367.48207,1425603.495,"9491 Parrish Springs Suite 070 +Staceybury, OK 75939" +56636.24613,6.257028601,7.863188943,4.5,28139.36846,1048350.692,"631 Jessica Throughway Suite 879 +Elizabethfort, OR 35556-5686" +67665.93963,6.467126893,6.333920562,3.41,24758.48906,1214482.379,"3632 Lacey Course Suite 840 +Kelseyview, WY 57348-0308" +65986.81794,4.531777656,6.860860394,2.15,24056.60447,821859.0657,"559 David Mall Apt. 334 +Port Mark, MA 66518-9630" +54273.91488,5.550543628,6.798805806,4.44,24233.06146,753652.2718,"59380 Jordan Forge Suite 680 +South Angela, OH 93823-2369" +75547.84162,3.992420475,7.332769653,6.12,40043.10216,1220001.334,"914 Harry Bypass +Mccannborough, FL 87366" +70151.08661,6.724123387,7.706580735,5.41,15255.23776,1075675.108,"USNV Williams +FPO AA 55365-5477" +74449.12174,6.223626136,7.392675062,3.1,24837.59073,1396082.352,"408 Davis Lakes +Arianaton, TN 06641" +66919.64032,7.826435952,7.320562834,6.03,18867.78162,1137801.933,"91853 Ford Drive +Princechester, PW 94622-8419" +68473.86312,5.74650959,6.232295865,2.19,43146.98202,1159953.593,"196 Brian Village Suite 689 +Christensenland, NV 93801-8912" +76113.21733,6.377936931,7.736294493,5.07,26481.51177,1487849.876,"8231 Douglas Pines +Michaelbury, IN 40415" +61212.19548,6.408500651,5.538058083,3.5,32045.55987,1103072.439,"08136 Sparks Common Suite 382 +West Rachaelville, MH 17135-7024" +59768.80592,5.805732788,7.425903425,3.48,26202.63146,897291.1153,"637 Jesse Mountain +South Amanda, ME 03675-4416" +78847.53637,5.573231808,7.027355369,3.26,20653.89831,1214320.574,"530 Anderson Mill Apt. 727 +South Brendaborough, OR 37626" +75735.3429,5.761755985,8.065659921,5.28,37268.26997,1364363.375,"7874 Reynolds Road +Rileystad, WY 26189" +77847.34897,5.23965341,7.282521302,3.21,30231.80829,1249092.928,"USNS Beard +FPO AP 37680-7514" +56231.1618,5.459845342,5.014916517,2.47,52657.03375,946479.2349,"427 Melendez Court Suite 745 +South Misty, PW 59633-0548" +89163.49859,4.692855436,6.010742815,2.27,44016.14744,1659805.184,"24016 Smith Crossroad +West Sherryburgh, NV 03282" +62377.06447,6.289993194,7.21840033,4.46,39075.95638,1285399.565,"7508 Alyssa Mission +Mccartytown, AL 15250-4289" +68864.2823,6.00205394,4.9673884,4.17,29802.32138,898281.9025,"9596 Martinez Parks Apt. 781 +North Larryborough, AR 08957" +82440.89576,6.291501388,7.037477117,5.04,27545.52954,1483848.169,"55087 Debbie Place Suite 789 +Sarahburgh, WY 35157-7341" +60948.88088,7.161865646,6.22497133,2.36,39754.38814,1353488.416,"366 Nancy Lock Suite 459 +Grantland, FM 70532" +69729.60586,6.168255827,7.24149204,5.11,31719.74264,1268703.811,"029 Smith Plains +Lindseyville, NV 06256-8392" +75491.79999,6.299268667,7.33029276,6.14,26013.68048,1448573.845,"USS Walker +FPO AP 95931-9404" +80648.06571,6.35533372,5.881851885,3.49,35091.95553,1343605.8,"998 Munoz Terrace Suite 265 +Jacobstad, ND 61608" +84036.59865,7.73383489,5.740479724,4.21,32766.60197,1511537.745,"PSC 5629, Box 1683 +APO AA 30380-2875" +76590.37671,5.940325276,7.691535725,3.31,40643.07833,1662038.759,"55849 Jenkins Walks Apt. 940 +Benderview, KS 44342" +63534.45596,6.46969413,8.017692368,3.23,38128.9837,1166673.195,"85930 Gardner Underpass Apt. 339 +North Mandytown, VT 93457" +67269.99554,6.325821835,7.472849853,6.39,41780.47369,1375633.373,"31512 Karina Street +Lake Aaron, UT 10919" +50887.44007,4.458997393,7.063683439,4.16,47731.01076,839638.461,"93436 Robin Greens +Combsside, KY 24257-6372" +80597.1118,6.440796383,7.661280263,3.1,34487.57476,1638265.395,"2608 Penny Stream Suite 360 +New Brettport, WI 37004-4215" +66041.12358,6.493916521,8.219394258,5.15,40163.97083,1385400.456,"1993 Gibson Freeway +Lake Michael, WI 24423" +81316.38029,4.13269444,7.204458615,3.36,35589.59472,1153233.241,"54406 Matthew Ramp +Travisshire, MI 61690-5478" +67877.02913,5.322287408,7.958894134,5.28,43300.95464,1370178.474,"8077 David Isle Suite 263 +Rodneyborough, NJ 18874-5386" +69306.95842,5.562622947,6.938908153,2.02,36851.38401,1181877.183,"9573 Tina Rest Apt. 034 +Simstown, AR 51547" +61200.72618,5.299694,6.23461464,4.23,42789.69222,894251.0686,"45153 Salas Hollow Apt. 148 +West Erica, SD 93725" +70619.16697,5.890269353,7.935510756,5.15,37865.64855,1421135.815,"15057 Larsen Locks +Mcmahonview, SC 51585-5774" +69910.85188,5.899946659,5.630525332,4.04,38440.73729,1028964.474,"08194 Shelby Overpass +Gravesfurt, VT 41650-3581" +64889.21934,3.727083933,7.655452911,3.2,25904.97991,923508.1257,"9324 Miller Throughway Apt. 765 +Millsside, PA 86470-2619" +69900.13396,6.327089456,8.366505984,6.34,32679.18766,1599634.465,"00985 Michael Fields Suite 034 +Wandahaven, CO 62328" +79045.0398,5.53968589,8.20329527,5.26,24721.95904,1369186.07,"96627 Trujillo Via Apt. 159 +Connorville, DC 88114-9490" +76460.22067,7.030844864,6.629940742,4.16,46851.04219,1748782.809,"0091 Park Junction +Port Leslie, AZ 49290" +58307.72788,6.381029538,8.308603108,4.07,25509.06978,1150877.735,"478 Charles Trail +West Christopher, NH 85839" +56679.01602,5.096643486,8.971411852,5.49,40785.0273,1110598.755,"361 Stephen Burgs +North Michaelview, AL 42767" +58823.05019,5.711384515,7.168189941,4.21,38682.56933,1159207.085,"278 Mccormick Brooks +New Margaretland, NC 90315-1115" +80836.34486,5.7673672,7.421920927,3.02,49864.46977,1811377.221,"81773 Hunter Ridges Suite 347 +New Annstad, AK 53180-3670" +67710.11298,5.854378134,8.48252252,4.18,25222.46242,1267443.398,"566 Eric Ford +Jasonmouth, CO 83797-1879" +70027.64713,7.336016031,5.360885834,3.22,40512.81685,1352547.693,"69659 Owens Path Apt. 651 +North Michael, FM 93545" +36100.44423,5.778489499,5.497449839,2.29,44901.85734,599504.0193,"842 Duane Brook Apt. 380 +Monicaview, AR 01639-3032" +67217.48614,4.617497453,6.264975083,4.19,23999.75522,717213.2688,"0302 Laurie Curve +Johnnyfurt, SC 53321-7866" +63657.27563,6.415066656,5.810728687,3.43,36391.92539,1008712.575,"0022 Young Rest +Lake Kevin, CA 25438-1821" +71468.2717,5.483242752,5.49031182,3.25,36377.83735,1071596.112,"7235 Tammy Islands +Dawnfort, NM 54549" +62989.5114,6.550682933,6.60035835,4.46,36913.35067,1397341.856,"668 Holloway Garden Apt. 481 +Richardberg, UT 70614-3350" +69327.2601,6.162767487,7.109924045,6.45,31054.77532,1313304.588,"778 Gomez Centers +South Meagan, DE 82655-5020" +94902.23722,6.370867095,8.423788158,3.01,41662.08363,2106510.863,"2055 Rodriguez Light Suite 472 +South Davidview, TX 70637" +79579.20471,4.826564705,7.111526404,3.44,31756.40564,1306458.906,"Unit 4693 Box 5974 +DPO AP 07885-8587" +73756.11862,5.250630616,6.404905702,3.29,59485.06632,1354928.95,"PSC 3969, Box 0709 +APO AE 18919-6165" +65873.93941,7.309462287,8.56260323,4.49,39785.62784,1582765.592,"25551 Barrera Roads +New Teresa, MI 82737-9223" +52934.43579,6.027445797,6.464112096,3.44,46520.69219,847155.0413,"12129 Felicia Ville Apt. 850 +West Jessica, MS 20172" +82830.59353,5.933625869,7.124916623,4.13,32026.91225,1342245.969,"363 Frank Stream Apt. 529 +East Lucasmouth, KS 62133-6540" +73930.83995,5.281560667,7.681342023,4.16,42702.40328,1363086.905,"6182 Hannah Locks Apt. 664 +Emilyside, PA 31748" +58557.13128,5.30217342,7.035171036,6.4,54167.34162,1275318.562,"8947 Allen Stravenue Suite 234 +East Alexandraburgh, NM 55053-2423" +51718.35461,7.509043842,7.10931161,3.11,49639.17324,1285923.734,"855 Carol Burgs +Frazierchester, MS 46812-0037" +69807.72336,7.424253139,7.25760419,3.38,51453.26516,1789607.526,"595 Daniel Manors +Jamesstad, CO 07651" +79627.62859,4.692580036,6.287424348,2.15,31638.85497,1196064.33,"73634 Mcintyre Pass +Tammyside, AL 76708-8615" +97112.36125,5.914724659,6.133645727,3.1,51470.06764,1917583.999,"35841 Christine Shore +Wallmouth, NC 98956-5357" +74354.23018,6.85020814,6.147313624,4.39,30091.11684,1370274.387,"59942 David Brook Suite 114 +East John, DC 09236-7627" +72481.02619,5.980419348,8.459144706,3.07,45160.10161,1677204.246,"817 Barbara Ville Apt. 469 +Port Mary, CT 03068" +73093.48649,5.695144684,5.780350789,2.37,41796.12563,1439714.281,"514 Martin Ford +Smithmouth, OR 69870" +51992.74329,7.186340287,7.138233914,3.32,21759.50613,1012262.712,"073 Martinez Neck Suite 992 +North Sara, MA 27515" +66484.04819,4.825804425,9.069530122,3.37,51712.14409,1511743.129,"5035 Daniel Port Suite 074 +Port Jordanbury, SC 46334-0480" +81182.15391,5.251586751,7.188679025,4.42,34141.18824,1131154.518,"9758 James Stream +Port Bryanview, ID 99846-0784" +79103.94328,3.786709298,7.420949611,4.47,25767.8186,764860.4627,"247 Betty Mall Suite 117 +North Samantha, DE 69390" +75070.26257,6.680451317,6.261276083,2.29,44682.75733,1681316.362,"138 Coleman Parks +West Travis, PW 22854" +44688.56382,5.480142489,6.485365977,3.17,25120.99203,291724.2456,"5460 Shawna Throughway +Lake Jermaine, MS 94725" +73726.17986,3.994323302,7.105746768,3.13,28666.77112,1013252.209,"9222 Gross Cove +Lake Davidshire, CT 71099" +64038.99388,4.025767576,7.526834227,4.28,54130.97595,1194709.628,"32536 Brown Square Apt. 331 +Thomastown, AK 08587-4493" +69896.51919,5.980047679,7.992009255,4.25,38180.82233,1463003.056,"99806 Darren Mount Suite 505 +Dawnborough, NH 07786-7190" +73723.45535,6.5290827,9.152072899,6.5,24723.27865,1453327.916,"Unit 5439 Box 2269 +DPO AE 18066-3647" +79996.61103,6.11384862,6.744617688,3.2,28067.63161,1291506.386,"988 Moore Underpass Suite 690 +New Elizabethburgh, AZ 76937-4021" +61538.90779,7.23397367,7.380798426,6.29,51154.13258,1625508.013,"4078 Christine Passage Apt. 095 +South Ethanland, WA 16373" +47065.0533,5.76757471,7.266027597,5.49,24125.87581,566896.2123,"006 Miller Orchard Suite 211 +Port Louis, WY 09440" +82381.54875,4.695568136,8.045728241,4.14,36655.12894,1468513.244,"06207 Dean Parkways Suite 455 +Lake Haileyfort, MI 73004" +80857.44245,4.801958518,8.837002372,3.12,44385.31241,1573105.981,"7652 Nicole Extension Suite 206 +Lake Angela, KY 89831-0175" +60893.76408,4.128879951,7.522948688,5.18,49076.75735,968360.5234,"2220 Sullivan Shoal Apt. 664 +New Gabriel, UT 12666-0446" +66356.05996,7.48094133,6.725864179,3.19,38022.8382,1309985.887,"8220 Cindy Land +Brownland, MA 40384" +78438.36946,7.475217032,4.994689786,4.26,35220.38316,1361219.3,"653 Amy Ports Suite 817 +Lake Calebstad, TX 33969-7942" +61215.57661,7.488368606,8.791775366,6.14,36495.17095,1465120.47,"4542 Sanchez Stream +New Steven, IN 42368-9011" +64907.98025,6.766015619,7.80646322,5.4,46677.2744,1571464.965,"4037 Wolfe Mount +Alexanderburgh, TN 66040-2962" +80008.66783,4.847002321,8.672978876,5.41,45889.89049,1629098.182,"40592 Joanne Meadow +Lake Ericshire, MS 82383-5094" +71356.30273,5.156588693,7.175189117,5.18,36998.47979,1182335.68,"20215 Chase Groves +New Frank, IA 76417-4251" +72432.70034,5.877126915,5.761669848,3.2,35039.46939,1010813.709,"553 Debra Corner Apt. 716 +North Douglasland, OR 61608-7223" +67284.47485,5.435725734,6.449025947,3.3,24942.88585,924728.5374,"62937 Katherine Roads Suite 190 +New Richardmouth, ID 32823" +62653.09246,6.543983828,7.884325909,3.28,41467.86766,1382110.278,"882 Carrie Drives Suite 866 +Heidihaven, VT 22098" +63968.60858,6.42853384,8.599781516,3.32,27404.50027,1366727.663,"9111 Amy Landing +Port Andrewbury, PA 60420" +74233.94584,6.495344396,6.618398933,4.02,32875.76905,1297849.764,"495 Weaver Skyway +Jenniferport, OR 77808-5741" +59729.2526,7.560599416,7.270138268,6.47,31202.18742,1196687.687,"43128 Kevin Lane Suite 880 +Lake Brookeborough, MI 16269-0938" +81132.00429,5.646510162,6.896793461,4.12,32311.85324,1281113.315,"57811 Crystal Road Apt. 465 +New Courtney, MS 95601" +68500.81624,5.84297074,7.031799423,5.36,51746.72764,1530729.578,"03124 Jessica Prairie +Lake Edward, DC 65069-7385" +55050.30809,7.20944363,7.153039164,6.2,29423.82757,1208664.863,"06369 Amanda Way +Lake Thomaschester, MP 71633-2350" +76840.45801,5.533214496,7.447127443,5.2,29860.07831,1417275.667,"71104 Cross Path +Sandramouth, NY 69229" +63428.91645,5.328192738,7.311134732,6.13,42996.60608,1195601.962,"605 Collins Islands +North Elizabeth, TN 76959" +90592.46961,7.70013211,9.708803015,5.19,37223.87617,2469065.594,"USNS Vargas +FPO AE 56319-6904" +56685.01444,6.958044864,7.502115314,3.38,43322.16685,1223100.542,"8584 Darrell Groves +Bennettberg, SD 72404-6826" +69230.74974,6.472118818,5.042575354,2.27,43072.19661,1220276.551,"7200 Tammy Place Apt. 727 +Morenoland, DE 51392" +68916.65376,7.002128568,6.285246737,3.09,42744.82854,1311765.141,"93435 Grace Oval +Pamelaland, NE 21006-4512" +60509.04459,7.126074829,8.527952465,6.29,28410.30375,1198313.598,"PSC 4610, Box 2354 +APO AP 02895-8370" +85719.31562,4.537668422,6.029203977,3.19,32058.35624,1187609.122,"812 Munoz Fords Apt. 233 +New Kelly, IA 54531" +62134.02206,7.445436394,6.808878929,2.2,32157.13169,1399662.584,"7892 Ross Garden +South Keith, NC 32349" +73435.17519,6.372610689,8.869466561,4.23,36239.55617,1597776.771,"606 Mejia Land Apt. 238 +Brittanyside, NY 78170-7389" +55612.76294,7.691464822,7.186177831,4.22,42258.53738,1355022.283,"31143 Wendy Overpass Suite 905 +Robinsonmouth, NY 94261-0324" +70879.9083,6.739317782,7.626799142,5.47,22431.60626,1137059.188,"2430 Samuel Stravenue +Port Williamtown, NM 37798-8316" +67461.44623,4.891102691,8.002542521,3.04,34573.11218,1053815.097,"09328 Jacqueline Roads +Andersonport, VT 62322" +84439.85575,4.313977841,7.698764603,4.48,19835.24732,1242421.532,"125 Jesse Spring +New Benjaminberg, NY 16741" +67802.30909,6.006171337,7.794364246,3.11,36129.69101,1222041.016,"359 Davidson Ports Apt. 177 +Andreaport, MD 43672" +62685.27075,6.057649472,6.766129639,2.17,42018.93857,1025461.134,"7708 Hays Spurs Suite 994 +Port Jasonport, TX 65571-9046" +71392.47389,3.997533151,7.839552495,4.26,36009.70034,859427.9793,"67217 Andrew Bypass +East Jonathan, KS 49221-7797" +59050.53429,6.053873157,7.267597143,5.01,37741.35882,1279803.95,"329 Lee Mountains Apt. 592 +West James, NJ 36320-9547" +87895.86521,8.057346518,5.637279177,4.13,23876.13221,1671669.452,"76805 Soto Avenue +Masonburgh, PW 85098-2368" +70276.40492,7.073681923,7.13254045,3.08,26630.48373,1525601.791,"PSC 4275, Box 9478 +APO AP 64444-8885" +72640.26405,4.441899293,7.906105021,4.27,31470.61746,998773.9973,"6484 Kayla Mall +West Isaacburgh, MO 37193-8366" +62894.12724,6.775334135,6.641306834,4.22,20317.21375,1012321.574,"0551 Crystal Trafficway Apt. 141 +Richardhaven, MT 91357" +50846.00806,5.272233698,7.937358365,3.12,45357.00431,1252419.196,"9627 Maria Forks Suite 794 +Davisberg, NE 50806-5808" +78688.29319,6.359688876,7.349121497,6.39,47812.01849,1869313.107,"72754 Nguyen Extension Apt. 174 +Woodland, PR 57096" +76397.04314,7.616643686,6.764442872,3.23,45281.18657,1800685.922,"0155 Julie Club +Andrewberg, KS 37344" +62162.62813,6.223896597,7.289358525,6.43,47747.3639,1393100.423,"71010 Parker Mountain Apt. 263 +Carterburgh, GU 54230-0036" +75090.75512,6.062755515,6.368791728,4.29,39456.87209,1166558.374,"9282 Campbell Glen +East Patricia, MO 95742" +61801.46537,5.064611431,7.481091173,5.49,36326.69694,988175.0074,"8863 Christine Extensions +Port Suechester, MN 59441" +77429.83343,6.961396906,7.199332031,4.41,30108.24133,1540480.613,"76135 Shannon View Apt. 267 +New Michaelland, PA 52372" +74388.60126,4.273992745,5.57526046,3.05,33763.08394,866142.1839,"52319 Derek Ports +Buckleyton, AL 80725" +62566.56264,4.937434807,6.346327564,2.41,29365.60761,557362.2043,"260 Samantha Mountains +Charlesbury, NH 59219" +68894.84507,5.930501633,6.974340367,4.47,28851.6014,1033290.975,"52228 Debbie Lane +New Davidtown, VT 50549" +68738.36521,4.186458038,5.987896444,3.44,47445.35917,1084945.4,"71654 Brown Summit Suite 194 +Bonillaberg, VT 79693-8592" +74277.7199,6.987280238,3.236194023,3.42,50233.79031,1365081.178,"9835 Kimberly Street Suite 318 +Murphyview, ND 81320-7591" +81280.91056,5.875971757,5.227988168,4.12,34933.19629,1239459.815,"9117 Abigail Island +West Thomas, ID 72774-3622" +86305.36514,8.064452551,7.203915755,4.17,37854.37345,2056692.768,"272 King Mountain Suite 538 +New Jennifer, NC 65688" +59302.22958,6.790821808,6.431430338,3.4,25296.73583,1045395.329,"723 Kimberly Common Suite 520 +East Nicholashaven, UT 70709" +81385.22312,6.119687512,6.083928892,2.31,47897.15663,1679204.741,"610 Thomas Way +Martinhaven, TN 31117" +64115.06377,5.858157004,7.336340464,5.39,34312.41251,1158742.83,"0121 Dana Isle +Lake Kathrynside, OR 02802-5932" +90436.98217,6.821881251,7.630184981,6.06,13340.49243,1647278.685,"PSC 8841, Box 4711 +APO AA 80496-2707" +75940.76389,5.561739644,8.583309247,5.24,49974.87944,1702090.635,"7426 James Lights Suite 255 +Lake Corey, MP 92475-3283" +70102.72634,6.646559611,7.110696223,3.21,28280.9992,1379386.383,"36939 Christopher Common Apt. 022 +Ruizburgh, ND 80482-2594" +69950.96252,5.48771254,9.462719992,4.04,23733.79424,1358526.741,"474 Anthony Freeway +Port Sharon, AZ 72803" +65736.34642,5.639329458,6.299807262,3.13,32964.01822,991398.8219,"294 Hunter Pike +West Terri, PR 55185-6417" +53825.01308,6.486062242,6.458296196,4.42,27373.15328,957117.6472,"5697 Lisa Springs Apt. 927 +East Nancyport, HI 76955-3187" +86625.48184,6.830319022,5.64536314,3.38,42758.66645,1638969.269,"0928 Ritter Manor +Johntown, DC 55876-9213" +69376.19257,5.038331737,6.050791519,2.15,18226.17943,714142.2407,"PSC 9187, Box 6463 +APO AE 06624" +68423.02319,5.594251333,4.458940625,2.21,13345.56449,760876.0222,"376 Jennifer Orchard +Sandraside, PR 21095-8831" +68720.92171,5.404097947,6.699021847,2.05,45887.34562,1343537.178,"3605 Kathleen Crescent +South Gary, AL 74671-9718" +70005.85362,4.516448215,6.470649695,2.27,40325.17418,1056993.649,"09057 Garrett Prairie Suite 802 +Lake Leahland, ND 40383-6632" +66614.62913,5.702618665,6.66750525,4.5,16654.26131,1088222.421,"USS Hayes +FPO AE 34089-4213" +58978.22219,6.65834561,7.889947558,3.01,44071.60463,1308983.632,"606 Williams Hollow Suite 289 +South Travisport, NV 63358" +64538.57112,6.189855327,9.166350403,3.46,36678.06362,1548322.501,"77662 Francis Vista Suite 479 +East Johnshire, GU 21880" +76008.08024,5.457043917,7.756919908,4.41,39842.86297,1411749.107,"597 Amanda Skyway Suite 015 +Johnberg, KS 46247" +87119.12147,6.831473302,6.654884952,4.17,34671.59841,1601904.357,"377 Kyle Vista +North Laurieberg, WV 02838-1280" +62850.31598,6.249503548,7.474265068,4.31,37764.36224,1277297.483,"26853 Brown Ferry +Normastad, OH 05696" +66295.08116,6.19439163,6.914308887,3.31,28112.16904,1061552.022,"7311 Andrew Coves Suite 377 +New Rhondastad, NH 31943-6491" +63185.83685,7.095153274,6.8242861,3.01,40080.6906,1115013.147,"025 Taylor Point +New Kayla, CO 57215-1414" +74256.17524,4.259876465,7.483565029,3.02,34684.09713,1020842.531,"55447 Ryan Path Apt. 201 +Robinhaven, PW 29113-4769" +71668.30003,7.513542037,6.703125019,4.3,31352.40923,1440961.857,"50776 Harris Stream +Elizabethton, SD 61391" +54476.23769,5.659123168,6.41017391,2.45,33533.91966,817377.311,"226 Jennifer Isle +Millerville, AS 59657" +85281.68718,6.860059982,6.807331848,2.47,22887.72189,1381536.934,"5037 Peterson Unions +South Robertstad, CO 27533" +72137.83744,4.853665891,8.675574518,3.46,38259.2238,1273067.036,"3894 Dunn Crossroad Apt. 849 +New Benjamintown, IA 04280" +66112.53645,8.236623014,7.009803231,6.31,20795.15006,1376714.674,"640 Carlson Tunnel +Port Jimmyhaven, NC 48866" +67047.181,6.44025247,6.699206813,2.08,37937.1943,1293746.876,"08575 Kristen Circles +East Lisastad, PA 42221-4091" +89358.86602,6.147845579,7.378950007,3.46,34063.60356,1750908.224,"505 Adams Walk Suite 510 +Aarontown, LA 91877" +50189.1408,6.925375603,5.1947819,3.3,35043.81895,555811.4067,"8155 Danielle Circles +New Sherimouth, OR 62430" +73119.72041,7.058045773,7.146514915,5.44,35426.69013,1578829.012,"523 Paula Drive +West Iantown, NV 50432" +67972.63008,5.496668278,6.337285588,3.22,27865.33079,911202.1683,"8689 Nathan Cape Suite 323 +Davidshire, AR 24822" +71739.61218,6.571495853,7.719301234,5.18,37030.72731,1628751.935,"97852 Julie Ridge +Colemanborough, NC 47602-0807" +67292.60387,5.611772057,6.867242299,2.11,41837.85872,1245400.955,"40588 Kristi Divide Suite 657 +Valerietown, VA 96820-3267" +70243.43512,6.21027074,6.363084014,2.13,24647.90591,993725.2172,"9702 Stephanie Street Suite 051 +New Courtneyhaven, AZ 93784-4192" +78274.52643,4.910953601,8.621772096,4.08,56299.7726,1816099.138,"889 Michael Springs Apt. 647 +South Thomasburgh, MH 33971" +84332.50332,6.182493965,8.756044656,4.07,33107.34283,1570583.34,"080 Coleman Park +Craigburgh, AS 18489" +79550.64138,6.637633898,7.531227671,4.05,43636.50449,1626321.321,"4126 Walker Meadows +Lake Derrickton, MD 06453-1751" +79698.22092,4.102335552,6.912506242,2.29,42046.3404,1262494.287,"5142 Bond Rapids +Spencerhaven, NE 03017" +71188.83351,5.695897215,5.856581441,3.08,40656.12969,1185226.617,"42039 Ashley Extension +Elizabethhaven, WY 73367" +74605.03536,6.872089194,6.105858132,3.1,31638.22991,1360329.359,"5577 Merritt Drive +North Brookeside, VA 14645-3679" +71222.59783,5.217987014,7.758415332,3.37,54677.97282,1350459.116,"USNV Guerrero +FPO AE 55568" +80972.99647,5.470850799,6.913134346,2.22,48036.61012,1556987.724,"042 Miller Expressway Suite 049 +South Breannaborough, VI 77689" +51044.2917,6.067487348,7.783690871,4.17,37730.00709,886036.1295,"5327 Jack Fords +East Benjaminport, AS 22091-8691" +65066.54356,6.200391541,7.579479162,6.4,27940.28442,1129613.01,"76952 Powell Road +Scottland, WA 13076-2686" +76259.82522,4.946107518,7.12451931,3.32,19262.61425,1070240.02,"795 Kendra Summit +Jaredmouth, ND 92571" +77456.40573,6.394246586,7.205733258,3.48,37997.54792,1587015.357,"0287 Heather Centers +Thompsonborough, VA 47145" +75376.9516,4.227764832,8.182415082,3.26,25548.51424,1146321.581,"8809 Michelle Groves Suite 767 +North Kathleenchester, VI 79958-5109" +79674.43426,6.334673345,7.991329323,5.41,17862.7275,1377447.349,"60818 Buckley Curve +South Walter, MT 25854" +64408.08587,6.311198444,5.903083907,3.06,40817.89,1113570.852,"09446 Julie Walk +Lake Justin, MI 49996" +67932.01032,6.77233639,6.222862551,2.16,51145.32062,1593836.785,"4472 Gerald Dam Apt. 382 +Ortizchester, MD 60839" +75146.80359,4.454425782,8.509775274,6.1,55577.96645,1560746.866,"38973 Jeanette Lock +Shafferville, RI 86582-2504" +55378.10435,7.044519672,6.565375468,2.26,41416.97915,977980.9211,"42298 Nguyen Creek +West Michelle, KS 42800" +78113.49969,4.844146012,6.747509818,2.41,43345.60758,1292592.392,"377 Sean Radial +Alyssaville, KS 67805-4183" +81516.98657,5.397718982,8.504044902,5.24,33263.14435,1458912.584,"61699 Taylor Lodge Suite 689 +West Linda, CO 75760-0545" +70306.6799,6.792255503,6.132714372,2.49,29572.38924,1037780.48,"604 May Island +West Brenda, NE 03966" +91392.41934,7.320676246,7.498418863,6.24,33379.6764,1792254.818,"52423 Christensen Lakes Apt. 063 +Lanehaven, TX 43151-6951" +51110.93411,6.068556846,6.906695715,2.1,38408.27206,882170.3184,"45611 Cuevas Prairie +Brendamouth, OH 02630" +99629.01358,5.431862976,7.351397521,5.45,36950.73906,1883481.075,"PSC 0420, Box 6835 +APO AE 08359" +72656.92618,6.652657092,6.231167774,3.06,38568.07963,1268600.361,"46960 Aguilar Skyway Apt. 043 +North Charleshaven, WA 21673-4970" +71938.00237,5.139113766,7.572943157,3.17,20097.1385,1157189.438,"004 Mary Landing +Noahmouth, VA 94749-4193" +69503.15045,5.258393115,6.873655818,4.12,45266.52944,1180989.324,"8720 Anderson Causeway Apt. 812 +Moralesview, TN 52369-9594" +75287.52728,6.796332429,8.493990921,3.29,39219.52988,1813043.926,"458 Jonathon Plains +Clarkside, PW 13227-6404" +56753.73014,4.945615214,6.240884739,2.04,52718.24234,866666.0554,"296 Jones Mountains Apt. 854 +Brownburgh, WI 19676" +78044.35165,5.686293112,8.05074733,6.12,43771.64636,1671350.14,"24545 Aaron Coves +Fieldshaven, WV 94273" +74838.65747,5.919090479,7.543276404,6,23637.25637,1137467.586,"43929 Valerie Forest +Terrellton, DE 21808" +51580.09906,6.446352759,5.070184059,4.24,37511.33915,711499.2446,"5731 Gallegos Crossroad +Walshburgh, NM 20508" +85260.65515,7.578855091,6.119832859,2.14,52358.79317,1940195.374,"154 Cassandra Junction Apt. 200 +South Lynnfort, WV 03030-1329" +49733.31051,7.817418542,9.410156957,4.18,43558.8253,1496466.357,"790 Perry Motorway +Greenmouth, VA 65766" +76751.88142,5.255407345,8.205980045,3.16,32295.76549,1448995.115,"3793 Marilyn Junctions +Erinmouth, AK 45337-0177" +64595.71155,5.857966088,6.075797822,4.02,29668.87669,924271.7911,"85304 Ramos Plaza Suite 734 +Lake Ethan, SD 63811-2590" +88794.59963,6.323865593,7.060329951,6.11,37994.97385,1747004.583,"22109 Parker Green Apt. 323 +Graytown, IA 19584-3525" +69909.07866,6.434539658,8.301310137,4.05,39347.13568,1576286.214,"097 Vanessa Manor Apt. 486 +Brandonchester, NH 78706" +89908.77306,7.030649618,6.506991389,4.39,37295.99683,1712280.706,"582 Kimberly Courts Apt. 379 +Knightfurt, MA 52525" +76278.75269,7.11005271,7.340614471,4,49250.7059,1852375.507,"22801 Skinner Isle +Mooretown, TN 01957" +55405.12012,8.334376723,6.084508514,4.38,18257.14925,1007596.043,"871 Kimberly Ports Suite 157 +West Patricia, NH 03110" +68270.75669,5.675103554,6.795504431,4.42,31159.28871,1034779.19,"2530 Willis Plains +Michaelville, ID 35987-0000" +71275.3149,6.311996291,6.40694457,4.45,28922.95889,1006544.527,"6994 Elizabeth Spur Suite 235 +West Jeffreyside, DE 48010-1597" +53079.79601,5.24116251,6.393980784,2.33,33083.43471,736798.5333,"47510 Blackburn Fields +Lake Davidborough, TN 94944-7693" +66690.97247,6.801245634,6.677087285,3.32,22619.11464,1109006.287,"99274 Sawyer Loop Apt. 575 +South Nathaniel, GU 86101-2181" +61644.17361,7.163657225,7.75175405,5.17,27809.13508,1384140.227,"PSC 9115, Box 6211 +APO AA 90999-6054" +80015.54973,6.14098961,8.848999368,3.15,52469.76545,2084883.79,"728 Willie Radial +Yorkstad, IN 28387" +62591.86149,5.308936928,6.767455055,4.42,32210.42844,801194.6198,"06826 Bradley Loaf +Brittanyport, SC 61251-5917" +70673.84254,6.204022608,5.877785179,3.06,58256.11476,1412242.755,"5097 David Radial Suite 697 +Lake Juliestad, PA 45160" +82535.28052,7.250403733,7.506903351,4.14,43272.31005,1890789.177,"1281 Peterson Springs +West Brookefort, DE 52618" +82610.44538,5.879915504,7.438630683,5.24,34880.77042,1841904.243,"3847 David Circles +Lake Kristichester, MH 60325-0465" +84776.70849,6.077935134,7.131393662,6.31,26952.55681,1467075.169,"7588 Anthony Parkway Suite 702 +Moranville, AS 64015-9416" +51918.54687,5.892496999,6.708809212,3.37,24734.40652,661043.3565,"476 Jacqueline Fields +West John, GA 54419" +68858.03162,5.527126902,6.282827422,3.21,28846.95052,978035.3448,"1027 Blair Viaduct Apt. 415 +Port Tamihaven, KY 49759-0002" +53418.53531,6.334282673,8.424079331,4.01,33572.74697,1250882.292,"USS Robinson +FPO AE 47460-2918" +70696.40245,6.515076987,5.87583185,3.33,43313.16512,1409238.798,"1098 Patterson Passage Apt. 935 +East Jessicaburgh, IN 87581" +70902.30487,5.613920924,6.415893843,3.42,36768.63393,1162746.621,"9874 Scott Unions Suite 367 +Nguyenborough, PR 29909-1595" +62043.17585,5.824410874,7.043611453,6.44,23249.82461,878862.7457,"1293 Jones Lane Apt. 214 +Nelsonville, RI 33413-0734" +61411.41703,5.669181494,7.091345492,3.29,49175.33938,1338424.788,"USNV Shepherd +FPO AE 34548" +58293.43194,5.709771696,7.404870424,5.13,45033.389,1094347.968,"17568 Pena Port Apt. 211 +West Joseph, PW 61547" +70851.59901,6.232564644,6.900568875,4.07,27024.98663,1195897.741,"5821 Kelly Ferry +Deborahtown, PA 82936-6211" +65669.98453,4.73235732,8.105671724,5.05,40115.76381,1050239.904,"441 Robinson Landing +Richardstad, NE 77920-7065" +64823.01584,5.079006175,7.053927147,5.12,36481.32775,914231.2923,"754 Williams Ports +Kellyhaven, MA 73748-7863" +68363.25907,6.30636892,6.35862933,3.35,20667.90293,864483.7585,"03675 Gallegos Spur Apt. 390 +Johnsonfort, MP 70097" +70596.85095,6.548274287,6.539985895,3.1,51614.83014,1599478.986,"0032 Turner Ridge +South Thomas, WA 66562-5367" +67947.39745,7.097452091,6.920409265,4.38,35681.15262,1336356.233,"6376 Jackson Key +Jonesshire, AZ 55526" +96807.43691,6.182167977,7.301723912,5.07,29269.13734,1808341.466,"1388 Logan Ports +North Johnstad, SD 46743" +66733.63181,7.402303153,7.219763304,3.27,35193.2115,1424283.373,"5170 Dakota Meadows +Grossshire, IL 63959-6036" +80665.00157,5.69805435,6.645553737,3.47,40952.01693,1471799.676,"3109 Campbell Highway +Port Paulfurt, WA 67614" +75378.62764,6.596081195,7.103157515,4.15,28300.6076,1347622.483,"9552 Brittany Estates +South Douglasmouth, AZ 87584" +65198.94339,7.1079515,7.61216851,5.1,23580.86919,1163741.658,"17880 Briana Parkways Suite 157 +West Blakeview, MI 29268-0734" +78739.2246,6.528647477,6.332676905,2.28,28884.04164,1450624.524,"16110 Ashlee Lock +Solomonchester, OH 75313-3236" +66697.53134,6.532590685,6.014092419,3.12,25896.99089,982298.0366,"USS Maynard +FPO AE 60758-7254" +58822.04321,5.131804628,8.500956441,5.28,34141.83201,868314.4736,"153 Adams Place +Jessicaton, SC 29102" +75093.95694,5.624360626,7.391411758,4.08,27247.95256,1231511.931,"0824 Cox Centers +East Danielstad, LA 78947" +68709.27916,5.118864117,6.449323694,4.34,16668.26686,663128.8401,"427 Brittany Point Apt. 285 +Edwardhaven, TX 40439-5255" +68192.53017,5.75933535,6.194613051,3.17,46821.31972,1210496.625,"98894 Michael Landing +Gonzaleztown, TX 16625" +84090.36174,6.419298756,6.88291844,2.06,25127.54884,1409033.071,"503 Edward Bypass Suite 138 +Chambersborough, OR 12706-9089" +69277.75898,5.322269839,7.206177863,5.32,57408.31289,1356384.668,"1401 Martin Drive Suite 582 +South Dennis, NE 67169" +63833.38804,6.93008843,5.722587426,4.06,28928.91819,1125476.202,"748 Russell Unions +East James, RI 35745" +70698.78409,6.746762462,6.749401542,4.01,22987.66824,1129975.817,"1220 Ann Stravenue +East Lisa, FM 01139-3975" +68258.10605,4.425809431,7.487692924,6.35,36205.14863,1003642.627,"239 William Way +Ericton, IN 58422-1731" +62699.43922,6.358746643,7.460134655,4.28,37816.3377,1306367.811,"0454 Humphrey Forks +North Paulville, NJ 17081" +76933.60611,8.540364464,7.43854426,6.43,33433.33877,1775874.76,"7504 Wilson Lake Suite 052 +Hallfort, RI 91245" +65959.78116,6.666783161,6.08764965,3.42,29803.17135,1036685.241,"246 Cameron Meadow Apt. 767 +South Maryfurt, PA 02596-5120" +78020.03953,7.042713319,6.573968615,2,49601.23864,1869929.202,"35483 Patrick Trail Suite 303 +North Jeremy, GA 11382" +69559.4963,6.520454687,6.80432412,2.49,42013.7324,1381085.729,"PSC 8601, Box 1581 +APO AA 41916-7543" +90890.48581,7.510170525,7.595486546,6.21,45519.25627,2252243.34,"05117 Williams Isle +Mariaton, DC 32652-0435" +56901.09377,6.805948234,6.474248437,3,13704.35075,787039.6447,"484 Adrian Circles +Aprilberg, OH 84325-9197" +59206.16527,6.043693161,7.78061454,6.02,28805.35549,957283.6564,"0200 Webb Ports +South Alyssaville, FM 52001-5170" +65302.37247,5.89459679,5.842130449,2.49,43818.67866,1173695.292,"79816 Jones Glen Apt. 117 +Richardland, TN 90546-5133" +86369.24033,7.126819682,4.807452587,3.4,43683.30256,1713161.699,"0267 Martinez Divide +South Brianport, PW 60170" +71499.91566,6.024763926,6.511808719,3.04,41870.90839,1325503.454,"6034 Stevens Key +Jessicabury, ID 53712" +69312.98192,6.611320094,7.562436938,3.27,44237.12104,1501497.532,"0229 Andrea Lane Suite 680 +Ashleytown, AS 08599-9593" +77797.39496,7.440520777,6.229360043,2.06,33847.01451,1573580.234,"4595 Moody Plains Suite 844 +East Christopherhaven, OH 04150-4444" +55631.29777,5.349931577,5.768682534,4,30884.45099,693566.7573,"583 Barker Point +Adamsport, MP 05206-8557" +70836.01135,7.0712945,5.988527098,4.49,37047.88256,1524586.787,"Unit 5864 Box 4435 +DPO AA 82418" +62152.60603,7.034052002,5.569340161,3.17,42785.08178,1048818.21,"35191 Perez Lakes Apt. 571 +Lawrencefurt, WV 74353" +66919.91548,6.371179256,6.673256383,4.21,38858.87649,1310764.112,"54032 Davis Prairie Suite 029 +Walkermouth, TX 13603" +79868.12243,4.455360136,7.40360063,5.05,54228.0749,1537329.57,"3186 Michael Glen +New Cody, FM 50294-1790" +73145.4597,6.426441855,6.708181952,2.19,41209.03078,1244881.363,"360 Cook Road Suite 265 +Obrienmouth, OK 05534-6066" +54535.45372,5.278065149,6.871037561,4.41,30852.20701,732733.2363,"146 Christopher Lights Suite 182 +New Kathyside, NC 68483" +72240.12696,4.7702735,8.599319668,4.19,25012.86978,1095806.626,"0079 Paige Junction Suite 813 +South Grace, MT 18138-9365" +47266.34392,5.414565601,5.379363225,3.4,33421.95541,476006.4445,"1190 Jeffery Key Suite 654 +Warrenside, NC 21795-9556" +82551.53961,7.746032249,5.216144084,4.43,40086.08586,1599911.368,"USNV Murphy +FPO AE 22020-0133" +72232.36595,5.791634958,8.460741393,3.37,49668.50107,1675825.721,"9067 Flynn Mills Apt. 904 +North Stevenland, WY 91580" +71624.58537,5.646393371,7.438335529,6.03,29089.78359,1175868.999,"9822 Theresa Spur Suite 629 +North Vicki, AR 88326" +71670.4485,6.630034548,6.529723046,4.41,31709.34046,1135079.345,"6055 Theresa Knoll +South Garrett, FM 08472" +86157.17573,4.986312079,6.475843395,2.28,62963.75539,1833208.579,"1427 Jennifer Landing +Blairfurt, TX 86287-9948" +82416.13226,5.379463351,7.148236136,3.41,15290.31706,1120349.773,"97242 Kayla Forges +Smithfurt, MA 85494" +69566.74303,5.784637307,5.654256368,2.36,37491.14691,1080735.984,"532 Tanner Forest +North Andrew, UT 94792" +66684.34727,5.553655007,6.965764486,2.04,37226.30715,1168574.666,"8961 Guerra Motorway +Stephensburgh, AR 59803" +71743.48382,8.182597765,7.658973254,5.01,44674.89103,1919693.23,"06874 Scott Causeway +Melissastad, FL 21288-1643" +55473.73632,6.368083311,8.177970777,5.26,48021.89287,1466605.774,"USS Steele +FPO AE 47380-9293" +66261.61649,7.116363924,7.766273201,6.03,26264.32179,1234037.236,"2843 Benjamin Lights +West Stacy, NJ 76379" +65380.31624,7.525690557,7.346028356,6.15,21641.4762,1269486.337,"4896 Sandoval Plaza Suite 098 +New Robertchester, KY 58588-4690" +73431.52793,6.373574216,5.548952363,3.33,31148.10331,1176111.788,"736 Juan Fall Suite 950 +Christianmouth, MS 32548" +76169.72844,5.772571885,6.429240597,2.23,50352.41648,1371298.425,"388 Hudson Views Suite 672 +Dylanshire, GA 06408" +72630.65101,5.368865349,7.193351833,5.34,34119.16671,1246509.14,"8592 Tanner Junctions +Port Patriciastad, OR 41830-1527" +64601.80273,6.035878341,7.630095678,4.15,24117.45838,1020268.855,"18780 Park Locks +West Douglasborough, DE 70878-3747" +55995.00731,7.797744345,7.03104064,3.5,20895.67945,1130415.41,"43116 Taylor Drives Suite 771 +North Michael, TX 96312" +58301.73272,4.923842083,8.058463315,6.39,32759.44783,890559.861,"USCGC Harris +FPO AE 57943-1887" +66579.51999,7.861372123,6.990591389,3.12,35826.71023,1417158.537,"463 Green Street Apt. 202 +Alicefurt, MP 05063" +73829.77774,6.130262508,6.182842582,3.5,51385.52324,1376492.925,"PSC 8985, Box 4540 +APO AP 99342-8231" +86640.8016,6.047921744,5.652140784,3.03,22432.13983,1306207.111,"542 Fleming Lakes Suite 229 +Lake Jenniferborough, OK 25958-8585" +80535.00342,5.659574664,7.556496736,5.37,25691.68458,1275208.577,"8664 Barbara Ways Suite 599 +East John, TX 89790-2123" +51474.30702,5.572671932,7.50901234,5.11,38952.18917,902520.94,"086 Pham Plains +Michaelhaven, TN 89309-1566" +69333.68219,5.924392329,6.542681826,2,17187.11819,872312.1738,"675 Baldwin Well +Larsenside, PR 93064-3226" +55554.79675,5.849590798,7.753369654,5.03,44903.44532,994517.0453,"206 James Point +Leslieville, NV 63556" +64055.28418,7.552890547,7.337229454,5.21,27804.60516,1289008.217,"Unit 7578 Box 5315 +DPO AP 21782" +76811.40182,7.932389745,7.3729051,4,27770.24891,1610006.605,"338 Karen Prairie Apt. 341 +Murphymouth, MI 56611" +78030.06933,7.070276512,7.089957773,3.43,42432.70958,1843720.648,"838 Hunter Mountains Apt. 655 +Lake Jessicashire, TN 18218" +76921.67563,7.397609154,7.097598214,4.47,44920.65789,1891949.348,"935 Norris Walks +New Joshua, PA 84565-5279" +63833.84316,5.667070098,7.983210474,5.28,34481.67331,1451078.093,"USCGC Johnson +FPO AA 08988" +69120.09299,6.724576165,7.114040067,5.21,36631.92686,1481940.762,"Unit 6352 Box 4009 +DPO AE 83854-5561" +65454.97423,4.443153288,8.005585409,3,47740.63899,1144477.879,"18153 Michelle Street Apt. 150 +North Julieburgh, CT 81526-8507" +53067.1696,7.798946099,7.226648713,5.21,46132.75451,1279945.51,"55158 David Garden Suite 849 +Joshuashire, NH 08358" +59519.20835,6.160150424,8.764793543,6.27,42176.86419,1193021.312,"53197 Rowe Brooks +Anthonybury, DC 36875" +64724.68649,7.225162105,4.869230945,4.41,43833.66369,1167119.109,"11769 Vaughan Lakes Apt. 083 +East Daniel, VI 57715" +83936.74963,6.689880078,5.584221042,2.15,25569.36831,1225612.763,"065 Christine Stream +Lake Sarah, NY 49190" +70298.13952,6.579477075,4.43244788,2.31,33457.74573,1131618.913,"21680 Jeffrey Heights Apt. 199 +Davismouth, ND 55667-5634" +79337.32565,6.261758249,8.296472748,3.21,41521.38461,1697501.605,"8538 Johnson Lodge +West Sharonberg, NJ 82474-6273" +63578.82315,5.783592751,7.172294917,3.17,42322.61326,1365496.885,"USCGC Anthony +FPO AE 75578-8273" +65124.65602,4.886833901,6.370539309,4.1,19161.7809,622449.6452,"6859 Brown Forges Apt. 352 +Schultzstad, VT 26911" +84364.70733,4.698058035,7.107708222,3.46,50521.10423,1551094.815,"8285 Thompson Spring Apt. 597 +East Stephanie, NY 77685" +76287.4682,6.654227602,4.985136207,2.27,35212.74388,1299126.83,"USS Jones +FPO AP 83668-4924" +56433.01085,6.479053952,8.542278467,3.13,46058.86914,1290324.649,"4025 Roberson Turnpike Suite 615 +Brianburgh, TN 31726-6186" +83406.74332,5.280738899,7.341589191,6.29,25350.73547,1183884.005,"32631 Lucero Trafficway +Joshuaborough, WI 15469-7710" +74867.50582,5.568082321,8.426960904,4.42,33768.51285,1305934.325,"98193 Pierce Crest +Lake Michaelfurt, KY 99821-3879" +55698.37442,6.957262275,7.575850909,6.32,49506.83061,1279117.965,"PSC 6252, Box 5970 +APO AE 99235" +59575.62144,4.030105163,6.979466291,3.35,37153.85262,786559.0249,"54194 Richard Mall +Johnfurt, SD 79157" +69605.56602,7.58863366,7.400270375,3.07,35427.14865,1588196.233,"74421 Horton Manor Apt. 121 +Lake Edward, SC 75278" +67663.97161,4.661541159,7.790517503,3.01,30546.448,976649.0166,"567 Gomez Hills +Amyville, NM 92900" +75354.4149,6.77431736,7.36243939,3.35,21574.47109,1250866.567,"7844 Juarez Green +Melissaview, KS 67281" +63750.21601,5.525518295,6.941237828,3.03,40582.00027,1046627.052,"17488 French Prairie Suite 496 +East Williamburgh, GU 44258-8729" +72263.21441,5.91722707,5.336456813,4.04,28428.30127,1115935.277,"60205 Tammy Corner Apt. 791 +West Lisastad, HI 54302-1058" +69246.15092,5.763367118,6.492639033,2.24,35005.79155,1077813.593,"451 Pratt Walk +West Josephchester, OH 68420-3256" +65465.53989,5.809591752,6.735937383,3.38,31297.52713,1047689.266,"88878 Ramirez Street +Fordville, NV 54980" +107701.7484,7.143521708,8.518608175,3.29,37619.43993,2332110.74,"41017 Eric Village +Jonathanport, CO 37205" +58829.37333,6.846644529,6.462523336,3.2,31236.58232,956435.2633,"8136 Lopez Cove Suite 606 +Thomasview, MD 87052-0869" +94650.54944,7.191396842,7.354176826,5.15,27797.78112,1892623.546,"3232 Martinez Spurs Suite 594 +Paulview, IL 73971-9525" +49851.13478,4.684995683,5.259695412,3.04,32511.84627,283208.1322,"03837 Burton Run Apt. 741 +North Casey, HI 32920" +61522.93112,6.154820119,8.70703545,6.46,30398.57294,1176021.375,"249 Wall Stream Suite 514 +Lake Cynthiaville, WY 10462" +59082.00095,4.980779889,6.77289269,3.43,33462.67269,783818.682,"776 Shawna Port Suite 508 +Burkeshire, DE 16725-8223" +80732.1713,8.151365564,7.106488519,6.23,28954.69773,1625703.075,"4131 Jones Neck Apt. 808 +Lake Jamesmouth, VI 37688" +88222.04239,6.986028567,6.879693934,2.15,34795.32008,1961846.905,"9951 Kevin Knoll Apt. 557 +Piercefort, CT 70599" +70651.68514,5.47517822,5.740486568,2.26,35339.56993,1084556.029,"70172 Harding Burgs +New Elizabeth, GA 31809-6568" +79289.10799,6.045377972,6.031407265,2.3,41321.11197,1428247.074,"99993 Miller Mall +North Shelbyview, CO 19948-1105" +73969.66467,6.446537103,8.216773467,6,39663.85423,1634945.808,"23210 Vaughn Plaza +Patrickview, FM 32471-7299" +62857.07813,5.060886422,5.861576421,4.17,48339.9406,915992.5578,"2061 Edward Circles Suite 191 +Lindseyborough, GU 82013" +72991.48165,3.412865926,6.49408094,2.48,50626.49543,1042373.524,"0618 Richardson Mountain Apt. 253 +Jasmineport, DC 78574" +62794.96597,4.206346468,8.480848339,5.33,31162.06331,879618.3222,"54038 Warner Mall Suite 306 +Sarahmouth, SD 61528" +71806.36195,5.725585477,6.220975939,2.45,47563.23158,1210431.684,"13963 Anderson Fork +Port Dawnside, NV 79521" +69584.65691,5.367761195,8.048969161,6.19,17045.80773,1059262.039,"27634 Bell Mission Apt. 748 +Whiteshire, FM 13329-8305" +62357.03095,6.725271357,7.126592432,5,23382.53939,972417.8089,"PSC 9682, Box 5865 +APO AA 11465" +59716.73664,5.447704768,7.336633321,5.06,41273.00907,1242979.154,"7099 Shane Trail Apt. 259 +Pinedaborough, GU 91864-3525" +71093.69196,5.874953196,5.871745805,3.26,37143.39873,1096846.086,"19371 Laura Mountain +South Sergioshire, PA 45947" +76336.06984,5.575612395,8.032757197,3.45,37258.19982,1392685.285,"69486 Brenda Island Apt. 827 +Sarahborough, CT 52727" +54762.0543,3.802598991,7.554406493,5.47,58460.27986,1080464.852,"84075 Jeffrey Tunnel +South Amymouth, KS 13318-7131" +61666.1515,5.77058657,6.178077704,2.35,34605.02957,821413.1935,"4484 Estes Bypass +Bradleystad, FM 70703" +92280.49747,7.258627482,8.222633273,4.31,38004.14521,2237778.026,"9032 Hernandez Passage +Lake Karenstad, NY 24477-7673" +74312.89823,5.543698858,7.957794538,3.22,43906.74417,1518319.641,"067 Lucas Walks Suite 450 +East Marcland, VI 00144-8724" +70026.92525,6.078591256,8.190954956,3.14,38102.46556,1503552.206,"171 Wayne Flat Apt. 324 +Bartlettside, IL 19674" +68524.19436,6.312452422,5.564721388,2.05,48112.39408,1219154.403,"85915 James River +Leblancfort, TN 61922-6111" +87927.96606,5.586270688,4.7844429,2.13,34724.16282,1276259.018,"01358 Barton Ranch +Lawrenceborough, SD 60884-8281" +74082.02275,6.757647964,6.942989831,2.44,32617.47347,1400496.655,"4120 Jason Path +Lake Rebeccafort, ME 80907-9585" +72245.3376,6.094814233,5.870545006,2.01,25508.78544,1127174.713,"271 Larson Corners Apt. 496 +Andreaburgh, TX 00062" +63555.45973,5.223108351,7.528388439,3.16,41839.48396,1251663.851,"502 Willis Village Apt. 935 +Port Lawrence, IN 49301" +74170.66239,5.853493968,6.674787231,2.1,40719.23735,1469354.782,"158 Christina Junctions Suite 137 +North Justin, HI 69723-6199" +70005.69443,4.915490826,7.387976068,4.3,25136.21543,946556.2637,"93827 Gonzalez Rest Suite 278 +Luisville, MH 13877-8429" +67547.87107,6.524721338,7.381224842,4.18,28131.71902,1150658.595,"639 James River Suite 931 +West Denise, KY 32288" +61776.61566,6.834478651,8.285496304,3.05,27970.52173,1325819.913,"999 Lewis Fork +South Stephanie, WV 50293-8967" +69200.66427,5.609022494,6.571301756,4.28,31085.32304,1150093.889,"976 Tamara Course Suite 169 +South Donna, MP 27394-3313" +66887.15243,6.032404649,7.397905268,3.35,23806.23576,1009142.338,"652 Debra Ramp Suite 784 +Port Stefanieside, KY 51547" +83201.02149,6.375424294,7.041855436,5.15,43837.42476,1705276.19,"45434 Craig Shore +West Justin, AK 33316" +59944.64516,5.573279881,8.019014599,4.19,28999.12825,829794.8233,"4788 Kristen Bypass Suite 131 +West Michael, SC 22980" +53676.37215,6.017914884,6.709152749,2.31,47027.06248,1046442.634,"7655 Weber Square +New Jaclyn, MT 85582" +64074.96149,5.432982248,6.652975581,4.5,40211.10647,1152269.431,"Unit 6626 Box 7561 +DPO AP 16790" +77324.39733,4.738891648,6.842773256,2.4,32839.90146,1091479.56,"3269 Sherri Corner +New Jonathan, MS 39820-0357" +76870.35628,5.359763922,5.892953879,4.32,25655.86712,1039915.341,"60046 Destiny Port Suite 618 +North Nataliehaven, WV 64258" +55897.31438,3.995153644,7.705864803,5.27,31094.11082,565732.8175,"79244 Lee View Suite 312 +Wendyton, MO 11893-3330" +87765.52423,5.406981272,8.244632763,6.41,39910.33971,1739628.383,"168 Phillips Row +New Emily, CO 16308-7553" +78331.93253,5.892961875,8.489496905,3.27,31032.85907,1442128.732,"3350 Morris Road Suite 424 +Maymouth, DC 48494" +74569.85807,3.744902467,5.370162144,2.06,39183.9578,1004124.909,"8850 April Lock Suite 431 +North Janet, AR 53662-0663" +87314.63582,5.070005756,6.684680096,2.18,25224.64592,1143621.36,"639 Christopher Squares Suite 686 +Reneetown, GA 47710" +78019.85596,4.618789366,6.180845251,2.25,36689.234,1060241.2,"234 Mary Vista +Port Jenniferhaven, AS 50660-3651" +64432.61434,6.954520829,7.006551311,4.09,50851.06038,1548962.888,"3133 Stacey Mountains Suite 240 +East Kayla, AK 86549-5044" +74332.85047,5.284318166,7.518827433,6.35,30212.43884,1056984.182,"7004 Monica Locks Apt. 668 +Brownmouth, PR 36675" +74664.33664,7.796604331,6.412060235,3.25,23817.9026,1447353.264,"4241 Reed Keys Apt. 890 +Snyderburgh, MI 24927" +73406.21728,5.531907671,5.995248573,4.21,38073.5192,1251566.478,"2758 Harris Canyon Apt. 514 +Bakerburgh, PA 60893" +58464.30507,4.964391034,7.410521157,3.26,25157.45429,751969.2117,"024 Caleb Parkways +East Matthewborough, LA 94636" +61600.92573,4.913081801,6.508818009,2.38,37457.80723,764955.4982,"5274 Brown Ridge Apt. 421 +East Robintown, DE 26378-8119" +75155.18265,5.825465356,6.139857974,4.46,51562.59493,1539958.931,"1157 Jasmine Grove Apt. 934 +East Craigside, AZ 99194-1973" +67828.91266,5.616237027,6.251224246,2.32,27127.62794,962747.1639,"39341 Wise Ports +Lake Laura, KY 62351-5064" +50144.73988,6.121600252,7.647020069,3.24,43233.325,1353854.478,"781 Townsend Mountains Suite 207 +Joneston, NY 22169-4842" +86557.25246,5.016626686,8.720522984,5.25,42757.44428,1850525.573,"5442 Mcdaniel Hill +South Joe, TN 50468-3763" +87733.86256,5.662564675,6.409772532,3.15,43943.47926,1778411.665,"3034 Sarah Stream +West Patricia, CT 37525" +65846.40694,7.315088749,8.235833085,3.29,22355.22119,1369006.115,"939 Atkinson Vista Suite 208 +Kennethton, GU 36352-1328" +45551.40297,6.91702898,6.441014974,2.48,49839.32178,1197975.085,"27317 Lloyd Radial Apt. 985 +South Kevinview, NJ 72757-4701" +89946.9002,6.601665974,8.29257598,4.17,40502.7397,1930143.831,"03913 Brian Skyway Suite 719 +East Michaelfort, FL 88693-1834" +72792.67074,7.835039543,6.876103638,2.4,34104.36601,1481946.194,"8339 Claudia Port +Brianberg, LA 70084" +68709.10049,5.99444191,8.583188696,4.38,31659.70025,1347578.53,"900 Eileen Prairie Suite 346 +South Melissa, WV 86173-2956" +87506.73197,5.430800355,4.947302123,3.13,32699.65258,1358646.746,"20330 Kendra Throughway Apt. 798 +South Timothyville, OH 90558-4977" +62862.48802,4.606130739,6.724241154,3.37,37254.69839,931768.0455,"4468 Haley Meadow Suite 401 +Amandamouth, LA 51503-8671" +59054.13026,5.350416528,7.019923508,5.24,51384.43323,1205962.995,"6879 Rogers Squares +Port Christine, PR 15758-2368" +45978.39092,5.215220595,8.425840675,3.02,36062.78846,792146.076,"497 Olson Rue +Port Scottbury, MD 24573" +80281.41683,6.213365521,8.32510576,5.27,45424.22353,1618670.884,"363 Meyers Island +Lake Iantown, MP 83262-3375" +65908.73975,5.296992962,6.830251968,3.29,24080.58935,864446.7942,"907 Maria Branch +Jamesport, VT 98208-9060" +55930.14482,5.538518713,6.586596188,3.09,24898.73888,662630.3439,"559 Megan Summit Suite 325 +Obrienmouth, OR 18396" +77587.94723,6.13879433,6.819864844,4.37,37280.44201,1485145.661,"2326 Amy Plains Suite 061 +Dawnfurt, SD 64522-9268" +62636.8301,5.863607067,5.796622943,3.18,51456.29763,1047226.967,"84212 Christopher Knoll Suite 747 +Codymouth, ID 33963-6108" +76142.11983,4.050263913,8.53440979,4,41931.4683,1392793.814,"96599 Santos Causeway Apt. 231 +Port Paula, MA 16824" +63524.21761,6.295071682,4.811622635,4.31,48123.70594,943575.1307,"136 Brown Mills Apt. 509 +Fletcherfort, IL 45521" +85673.3062,6.592507214,6.368278688,2.14,33110.5602,1793398.718,"59400 Theresa Well Suite 331 +South Sandraland, MN 59076" +49268.37307,6.269166301,8.091053212,6.44,41349.04041,881273.1168,"USNV Hall +FPO AP 47103-2429" +87978.41434,8.157806215,7.657627412,5.11,39586.43071,2138713.943,"926 Rose Rapids Suite 479 +South Jacob, AL 52129" +78785.27727,6.60606667,6.533764769,2.12,33603.48416,1540869.872,"99061 Justin Mission Suite 452 +Johnhaven, OR 27004-7494" +79271.90498,8.369497314,6.559628742,3.5,28904.21789,1707650.436,"2627 Ford Spurs Suite 995 +Christopherton, KY 30003-0171" +62755.45277,6.109440991,6.79627685,3.07,41525.3777,1025705.134,"713 Jason Plaza Apt. 927 +Coreymouth, MA 50325" +81944.65491,6.065352411,6.913781564,4.46,34262.32384,1541186.254,"6975 Gabrielle Shores +Lake Kelseyland, CO 77085-1324" +67384.00037,7.224280911,7.809918772,6.43,48918.05536,1930344.449,"9380 Kimberly Mission Apt. 786 +Buckmouth, PW 12882-2996" +67282.57297,5.997033358,7.746836473,4.44,42768.9123,1481146.95,"9131 Cline Prairie Suite 607 +West Trevor, ND 38795-2007" +57869.98449,5.13588336,6.232450675,3.13,44474.70188,1099725.283,"05589 Aaron Prairie +Bakerbury, MP 64630-4394" +64967.78483,7.054468389,7.316483227,3.26,28164.22161,1190867.437,"917 Black Prairie +West Elizabeth, OH 04452" +69700.74131,6.570369194,5.335758659,4.37,21934.89864,1070318.815,"8649 Elizabeth Hill +Port Erin, WY 52957-5435" +74490.63924,5.408652545,8.457362267,4.1,35563.45613,1358213.906,"238 Julie Parks +Christopherton, NH 95146" +54827.03231,7.042026516,7.844325517,6.01,45027.11401,1198725.487,"59647 Matthew Harbors +Sheilashire, OK 81154-7934" +74369.6686,6.840974542,8.225972138,3.27,45991.85697,1774715.484,"PSC 9368, Box 6505 +APO AA 78606" +81357.86976,6.09113683,6.464254235,3.5,51019.21242,1538903.993,"0052 Murphy Motorway +New Maria, TN 69580-8439" +73185.62021,5.814261735,6.967134875,4.5,54680.64442,1462360.601,"Unit 1448 Box 4395 +DPO AA 25685" +53526.93343,4.581133357,6.426074813,3.1,51611.11364,953261.9162,"64535 Billy Mountain +Moseston, TN 48447-9761" +64736.28408,6.863400475,7.010253183,3.15,47717.13619,1427108.501,"7956 Cassandra Union +Lake Ann, OR 51456" +68488.61746,4.742984602,7.445724233,4.03,28298.49476,769576.8637,"08119 Regina Hollow +Ianport, SC 23292-5020" +49424.26712,7.05347343,5.110956386,2.27,18656.64243,668255.4804,"02795 Wendy Point +West Shannon, DE 72326-4625" +62032.95947,5.235210947,7.083483134,4.39,25267.10761,800809.1317,"1728 Erickson Ferry Apt. 348 +Johnborough, WY 10598-1489" +64506.79006,6.384603897,7.5514293,6.07,41521.43993,1427202.279,"57349 Paul Wall +Port Kelly, MD 28873-9792" +51178.14802,6.591952428,6.988851757,3.1,31822.06604,783566.3279,"74931 Rogers Wall +Julianfurt, IN 78140" +64290.20571,3.648545707,7.368073057,3.44,54157.29516,949072.2496,"519 Avila Road +Jamesbury, SC 76217-0455" +61482.24479,7.090474728,8.101403538,3.06,50245.27162,1693591.835,"53979 Derek Road +Carrieville, DC 45078-8600" +70130.56063,8.195316829,9.570048159,4.07,26794.25502,1675557.271,"72654 Jason Plaza +South Crystalburgh, MS 24864" +84923.39536,7.203931668,6.363733643,4.35,43231.6173,1943359.768,"995 Carter Haven +North Raymondchester, PA 75389" +63233.73313,4.920192289,6.528068683,2.37,49272.461,1106261.274,"05706 Ochoa Points Suite 263 +North Craig, MH 98488-6772" +53776.63203,6.765543807,5.945896722,4.24,29324.00264,978766.9139,"75906 Marissa Ville Apt. 047 +Robinsonside, MN 51149" +67125.14983,4.96994317,7.639188434,5.37,22651.11135,997827.2538,"3703 Mark Stravenue +Jenniferland, VT 47784" +66007.93861,6.353734757,5.185860953,4.02,45399.55912,1062206.321,"9606 Sanford Villages Apt. 846 +Piercestad, CT 72842-3325" +64838.4929,6.437157062,8.699543873,4.02,32921.01007,1382172.294,"Unit 2193 Box 7909 +DPO AA 47323-2101" +83889.43598,6.531948057,5.921215989,4.5,17957.86337,1281741.163,"4641 Romero Branch +Port Adam, OH 48769" +78846.27009,6.723852343,7.647121762,6.1,41261.18878,1592664.7,"89757 Mcfarland Cove +South Ronaldport, LA 62288-5973" +72556.20088,5.382984046,7.245610106,6.42,31487.03672,1247557.695,"796 William Skyway Apt. 402 +West Tyrone, VI 81186-6677" +62069.76279,5.535626528,7.347449707,3.35,27098.84396,779207.5546,"47492 Phillips Trail Apt. 262 +Mariohaven, MH 00956" +88697.61952,4.735162617,6.602560307,3.48,29935.90416,1222760.858,"649 Brandon Ways +New Jennifer, GA 81262" +57216.21282,6.855447634,8.234530691,6.32,35046.01314,1380715.315,"773 Zachary Turnpike +South Vanessamouth, NJ 83757" +53712.14081,4.229270472,6.875062831,2.38,31913.69653,704884.1544,"151 Luna Landing +Brandtmouth, RI 02975" +77330.79471,5.93523864,5.78641233,3.45,49571.1057,1530480.688,"26425 Tasha Trace Suite 683 +North Kristinbury, UT 69027" +66556.38765,6.321891117,8.369451056,4.21,45325.65586,1780415.438,"7287 Mullen Burg Apt. 284 +Housetown, VA 71506-7091" +74864.37031,6.337004614,8.035623147,6.21,46250.65372,1709667.189,"19834 Rodriguez Lights Suite 480 +Parkchester, MS 20288-6598" +62561.56095,4.727889358,7.928356117,3.23,37446.16768,852565.6269,"993 Lowery Villages Suite 537 +Warnerhaven, MD 10412" +77821.62437,5.259911725,6.660626274,2.36,33932.54516,1185310.267,"58847 Mccormick Isle Apt. 081 +North Patrickborough, NJ 31166-7988" +79579.993,5.805388791,8.692723427,6.08,43214.76502,1795093.034,"USNV Walker +FPO AE 81668-3821" +69923.34867,4.095953719,5.932069891,4.49,45202.13987,956241.9913,"65132 Sharon Manors +Maynardmouth, MI 60210-9659" +63879.68073,4.877193259,7.117112139,4.39,56266.97406,1224454.547,"85285 Kayla Walks +Garnerberg, MA 84386" +59154.68474,4.486941357,5.936286875,2.49,26567.50608,552279.214,"0880 Torres Views +Lake Seanside, ND 47671" +52835.26226,7.741143614,7.520857506,5.28,34537.001,1186357.179,"1813 Shawn Canyon Apt. 761 +East Kennethfurt, LA 37064-8900" +63750.37363,7.378244345,8.791163731,3.4,47248.05759,1582261.701,"079 Cruz Walks +Gregoryfurt, IL 39580" +81741.63202,5.488727065,7.874564489,5.25,29755.50821,1478028.174,"508 Watson Motorway +Kirbychester, NJ 76201-4719" +77594.60276,6.547168411,7.015781826,5.35,24293.63308,1386306.103,"878 Shawn Ford Suite 912 +Aaronburgh, NC 90513-9301" +79843.14633,5.775992038,7.304337593,3.24,42452.94119,1424786.509,"006 Benson Camp Suite 290 +Lake Tracy, AL 36317-8259" +77081.68075,3.644175062,7.197069085,6.42,40080.43542,1206937.316,"72956 Jessica Stravenue +Bethanyshire, CT 67149-6278" +70713.64043,4.817919945,7.773536289,5.22,29436.45405,1209287.535,"809 Harrington Forges +Smithstad, PW 59127" +63797.99896,5.750618205,6.860745166,2.38,26626.53416,1029869.764,"2765 Smith Mission +Baldwinton, LA 68900" +45914.01122,4.897860862,6.119878765,4.16,26309.23832,300464.0987,"7976 Richard Plains Apt. 958 +Lake Abigail, IN 02827-4222" +88190.46896,5.149776773,6.769516686,2.1,25177.48795,1294278.118,"002 Katherine Flat +Hartmanland, AZ 37973-3049" +72010.79507,5.648822124,8.100920819,6.43,16376.64122,1251757.193,"456 Nicole Canyon +New Valerieside, CA 37155" +52420.52553,7.326976844,6.010627933,4.29,39766.41957,1128403.366,"35923 Melody Union +Huffmanville, AK 21375" +74748.15451,5.429629503,7.424722959,5.43,36071.7552,1363669.069,"467 Emily Rapids +New Bradleyside, MI 74897" +80913.46083,5.562565511,7.143813449,6.25,30034.33954,1177744.973,"642 Ashley Burg +Jennifershire, KY 79760-6173" +59480.04567,5.205825325,7.748963785,4.33,43703.77758,980274.0699,"99990 Miller Way +Russellberg, MN 31202" +80951.28339,5.450699153,6.323822116,4.14,38990.80712,1524115.891,"3027 Pamela Trail Suite 457 +South Veronica, NC 79350" +63856.3085,7.456390109,6.844399336,3.41,31114.8974,1311902.534,"9912 Smith Roads Apt. 591 +Lake Stacey, AR 95418-6029" +74727.88857,5.793124435,7.124513456,5.11,27639.05883,1119992.619,"68583 Allen Centers +North Masonhaven, ME 51493-3022" +78095.35263,6.837193059,7.119862076,3,32346.43499,1538922.903,"165 Rebecca Run +South Hannahport, LA 92436-6494" +69689.6297,4.065513078,6.311314926,4.46,27438.68941,843633.1982,"5831 Lisa Road Suite 705 +East Nathan, VI 05521-1350" +54973.19372,5.426987047,7.136285579,5.45,40412.72218,903301.9933,"5073 Spencer Station Suite 444 +Toddfort, MO 95614" +62571.35286,5.945193547,7.176352932,4.37,41465.11563,1161995.728,"86533 Gould Hills +Garciachester, DE 09135-4735" +69370.93005,5.140142495,4.658690271,3.42,33732.46287,733299.7945,"1732 Barbara Overpass +Hillmouth, DC 64884" +82415.25237,7.050921403,6.456360286,3.08,46297.58121,1837930.801,"8901 Lisa Isle Apt. 035 +North Tammiechester, NC 23048-4036" +52864.75931,5.994728233,7.852066885,3.16,39156.98102,962028.7008,"15502 Hailey Courts +West Melissaton, GA 00663" +65855.86324,6.564119268,7.709617653,6.4,45528.53724,1477765.148,"88428 Campos Path Apt. 890 +North Joshuashire, AZ 84342-5757" +61310.28003,7.951206605,7.13125578,4.39,33201.05371,1419345.607,"29337 Gabrielle Mission Suite 631 +Loganfort, MS 10959" +39411.65279,4.385844659,7.047435339,4.44,45851.3983,539483.3966,"1085 Michele Glens Apt. 517 +Sergiotown, VT 20367" +77265.7483,5.387078609,7.600015977,3.46,21558.37575,1097701.943,"270 Sarah Vista +North Jessicatown, MP 84920-3221" +74777.76433,6.338634231,6.650801681,2.2,30013.29805,1412274.486,"300 Larry Drive Apt. 188 +Maychester, GU 63293-8809" +67474.2798,3.278227596,7.938421221,4.12,34971.53955,1013443.438,"6700 Burns Summit Apt. 752 +Munozmouth, PR 33205" +68848.19668,6.778112479,6.085627686,4.16,25880.41441,893919.0388,"140 Alvarado Center +Hessview, OR 63586" +66148.03832,6.326840293,6.842533838,4.14,31574.41047,1234531.601,"77597 Connie Harbors +Robertville, DC 21128-0453" +63595.95836,6.124785472,6.682731041,3.22,19345.40638,864702.9339,"904 Jennifer Pass +East Carolyn, NE 80148-8850" +60741.56973,6.252128678,6.715733778,4.38,24534.37105,977024.1102,"5432 Walker Island +North Richardchester, AS 42587" +73540.62894,4.421746778,7.049997801,5.24,39756.36603,936148.5119,"12715 Short Squares Suite 017 +Leahburgh, PR 77137-6937" +74633.9417,5.745854007,5.627387829,3.4,30600.60461,1056976.975,"132 Allison Rapids +Yvonnefurt, NC 14633" +62016.68605,5.762634689,7.791948979,3.45,35750.28631,1040607.312,"PSC 0939, Box 2872 +APO AE 84646" +84249.8608,5.862843292,6.160323135,4.14,44571.37813,1641101.519,"3067 Monica Junctions +New Jamie, NY 50202" +44247.14904,6.453832512,6.166052316,4.38,22011.94593,503065.5056,"1377 Moran Wells +Richardburgh, IL 33834-1305" +59473.98832,6.926414489,7.772294448,6.19,41215.29823,1296146.939,"27645 Kline River +Port Samuelside, GU 06730" +67839.38147,6.902937655,6.927319958,3.46,26377.26824,1164209.619,"43918 Carpenter Village +Lindsayborough, WY 68856-0092" +62972.00399,7.161397225,4.626558167,2,33869.89954,999814.8898,"76984 Adams Stream +Jamesview, AZ 00532-4427" +61162.58025,5.896315848,7.880521416,6.04,36033.70143,1060897.689,"06275 Ross Mills Suite 054 +Lisastad, DC 67330" +87472.25699,5.543774149,7.340992379,3.32,48306.7974,1848633.724,"29279 Jermaine Plain +Morrisland, SC 37248-4063" +48692.97596,4.597834172,6.25906992,3.02,36239.39412,617157.9103,"520 Love Hill +Port Scottview, NC 38932-2657" +67858.50166,4.948624044,6.228655544,3.34,29708.75808,857697.1255,"PSC 8501, Box 9843 +APO AP 98266-5428" +72332.05826,5.744597578,6.869613492,4.41,45804.32891,1253434.398,"87019 Russell Port Apt. 950 +Rhondastad, KY 27693-9413" +80775.9033,6.148563983,7.744385348,5.29,26601.55793,1635092.433,"62969 King Junctions Apt. 619 +Maryton, NY 45618" +75151.10555,7.299214839,6.596280173,3.3,32032.14109,1524845.422,"PSC 7794, Box 7590 +APO AA 40047" +62095.03681,5.954461825,4.707758996,3.24,36183.2878,763869.6667,"94007 Luis Isle Apt. 081 +Port Jesse, IN 51991" +75759.48996,5.254822469,7.510711574,4.11,46188.16509,1376637.506,"14841 Jeffery Passage +Lake Kyle, WA 90337-7454" +64374.30729,8.389992287,7.063085614,6.23,23251.0467,1244440.135,"95798 Elizabeth River +Benjaminbury, VT 03318-9619" +48147.87075,5.972172601,7.877403593,6.44,32050.57593,693931.5015,"PSC 3778, Box 1575 +APO AE 50445-2100" +64127.44061,5.611310138,6.992732532,2.25,42628.71074,1277744.739,"3840 Timothy Walks +West Deborah, VT 14535-2467" +83921.90733,5.525295192,6.821687363,4.06,39569.83006,1539329.319,"805 Brown Land Suite 726 +Jenniferhaven, GA 61596-1119" +54617.88615,6.234743605,6.782860704,2.18,29613.844,903881.6639,"548 Alec Keys +Daniellemouth, PA 02241" +45493.20843,7.381580819,7.266475345,3.2,38938.2712,896944.2443,"PSC 9294, Box 6252 +APO AP 46111-7806" +72780.15123,5.259416171,5.725266904,2.48,44953.52365,1184758.842,"60075 Rhodes Summit +North Crystalview, VA 40652" +96395.3218,5.460823005,7.52809801,6.5,35036.19213,1731437.416,"389 Michael Knolls Apt. 891 +Reyeshaven, WV 22646-0966" +47467.42392,5.821678083,7.015252974,3.33,37341.62134,762144.9261,"753 Kline Street +New Cindyland, MI 13424-8203" +61807.48493,5.60685891,8.203353428,5.46,44586.72495,1270905.02,"876 Woods Circles +North Sarah, OK 34668" +54794.42399,5.625066678,8.00318507,4.21,39385.6836,1000043.903,"043 Tyler Oval +Lake William, AS 62856-9836" +94923.40619,5.70927131,8.039282316,3.3,43818.81314,1967637.287,"8068 Curtis Glen +Anthonyfurt, VA 17191" +62058.50246,7.030593803,6.175147479,3.23,28954.49749,1114779.247,"034 Parker Unions +Lake Thomas, MP 99522-4945" +46952.22944,6.061124984,5.728597316,4.24,31628.22805,671661.7134,"727 Gonzales Fork +Jonathanborough, ND 57809-1961" +67003.62956,6.505040047,7.406529543,3.02,28464.33389,1214986.886,"003 Erica Passage Apt. 274 +East Ritaton, KS 97261-8617" +87835.27161,4.302756122,7.458554034,3.39,16250.76883,1053236.6,"1215 Dawson Locks Suite 788 +Port Elizabeth, NH 66530" +73433.62623,7.107788624,6.227752216,2.05,44544.23046,1515005.384,"62721 Stewart Mount +Marieburgh, WY 37987-7127" +70124.38688,6.740554121,7.346570952,6.32,51673.96267,1732196.217,"3222 Alexis Square +Leetown, MS 07616" +84366.24462,4.750904287,7.865276959,5.27,43445.0159,1587122.369,"30682 Perry Ranch Suite 253 +Tinaport, CT 17781" +60343.59941,7.827794857,7.267249766,4.38,24199.05275,1184893.56,"8042 Jasmine Ramp +Charlesborough, IL 29751" +71308.86039,5.806519014,8.598246883,3.25,22710.19219,1314348.699,"6049 Ramos Fork +Vaughnmouth, MN 39214-3093" +65430.97914,4.324962702,7.200581808,4.41,33320.39672,717825.3597,"7646 Joshua Tunnel +Christinaton, AZ 69071-6657" +73591.48889,5.430302262,6.747876001,2.5,51662.31774,1441736.761,"960 Diamond Mews Apt. 150 +East Donnaview, MH 67321-2363" +52805.83596,7.460307854,6.799866021,4.48,37161.1126,1119542.311,"4122 Bradley Turnpike Apt. 551 +New Carlaville, KY 15412-2546" +58187.0494,6.084778056,7.256935779,4.08,31551.86373,850977.0123,"0227 Walters Haven +West Wesleybury, MS 17227" +70506.22247,6.067423246,7.947610774,3.14,44706.71849,1655466.736,"6998 Jason Hollow +Kleinbury, KY 02969" +77412.45431,7.264613698,7.067327828,4.29,33258.83439,1641739.518,"793 Cynthia Shore +South Randy, MN 75770-8233" +65087.71793,6.684347864,7.456185045,3.45,40283.24977,1369976.501,"31241 Johnson Prairie Suite 452 +Hancockshire, AS 54797-5444" +72547.04742,5.606278582,7.046825652,3.32,39218.75914,1465835.843,"PSC 6728, Box 9260 +APO AA 33818" +78864.05341,6.378901779,7.348649923,3.3,50194.10811,1789334.851,"8374 Colon Isle +North Yolanda, SD 47070-7137" +67335.75773,6.785460273,7.377845327,6.26,10311.00139,863297.1767,"493 Beth Tunnel Apt. 276 +New Mitchell, DC 10981" +79552.39015,5.191222752,6.537351508,3.32,50113.83691,1425366.413,"5131 Tapia Gardens Suite 886 +Christinaburgh, CO 75023-0787" +89089.43207,7.146246355,9.179993536,5.29,49782.15207,2271112.744,"8252 Murillo Mountain +Glennshire, SC 33179" +67110.33438,7.197138761,7.236402011,6.1,31998.76325,1370699.722,"965 Wilson Ridges +Holmesland, VT 81072" +80778.90088,6.484438121,6.386486309,3.16,34431.16874,1566740.128,"3753 Dean Island Suite 773 +North Dennis, OR 90936-6820" +76624.14812,5.074271516,6.265051496,4.17,47039.09365,1436995.2,"678 Patton Pass +Guzmanberg, MA 60510" +80011.58352,6.448675361,6.489267832,2.49,26576.39199,1345962.955,"51202 Perez Squares +New Kellytown, WV 38886-7802" +70472.79238,6.010153598,6.110191694,3.24,34894.15883,1265180.909,"4821 Christopher Park +Lopezside, MH 21430" +57456.99716,5.378244758,7.857343016,6.22,37378.95089,1061222.537,"278 Tina Spur Suite 751 +Jessicashire, PA 60756" +80000.76417,5.612801653,5.91001256,3.17,42245.4464,1383967.463,"50664 Kent Haven +Christopherchester, KS 50822-8146" +66387.6838,5.677748504,7.788138382,5.22,22552.53591,1051519.066,"0896 David Islands Suite 115 +Lake Patriciaburgh, MD 03928-1885" +64699.39397,6.848939033,6.956937821,4,49083.66618,1550359.548,"31018 Park Square Suite 876 +Normanside, MA 65696-1725" +84777.30248,5.421143531,6.079424489,2.22,42038.80335,1375057.083,"88259 Amanda Valleys +Carrollmouth, OH 35308-8073" +81196.61131,6.865788207,7.181116046,3.01,49574.70781,1882978.9,"6983 Tyler Mission Apt. 984 +South Nicholasbury, DE 26628" +60690.71865,7.5960077,7.021787448,3.42,35528.50391,1274053.64,"814 Elizabeth Square Suite 264 +New Brenda, DC 70173-4108" +72000.91793,7.16654825,7.869974067,3.13,27699.04897,1426434.644,"02930 Kenneth Glen Apt. 117 +East Michaeltown, NC 02319-9280" +51144.77077,6.748781492,6.767066347,4.04,39369.30084,913587.0974,"572 Shelton River Suite 617 +Reyesland, DE 48811" +57683.84762,6.557164042,7.060080868,4.3,43348.48868,1116730.867,"014 Cheryl Plaza Suite 493 +Lake Melinda, MH 07175" +63759.0507,6.13572675,7.614217985,6.23,35071.99599,1226586.921,"4976 Shields Mount Suite 333 +East Michelehaven, CT 44471-9324" +68615.76709,8.76478554,6.122465225,2.47,51791.80812,1836978.483,"4518 Caleb Hills Apt. 029 +East Shannon, VI 80699-6731" +66823.4329,7.52333072,6.142730956,4.29,30852.29111,1452153.849,"365 Sue Place Apt. 092 +Lake Davidport, VT 70760" +67564.16592,6.701112226,8.039700873,5.16,21880.05031,1294750.368,"8783 Cristian Vista Suite 144 +Lake Tiffany, HI 82995-2929" +68008.61543,4.357088276,7.879544727,5.41,28908.08678,1059870.965,"USNS Hernandez +FPO AA 27512" +73715.42371,6.210744515,7.983172003,3.09,45540.93836,1615346.75,"Unit 1515 Box 0124 +DPO AA 13767" +50813.70267,7.161978239,5.942275646,2.1,30767.31362,1107692.003,"49703 Joshua Camp +Port Brianbury, OH 78964" +83814.10116,8.571796672,7.392164066,3.39,51538.0568,2330289.701,"125 Gillespie Plain +Whitefurt, MO 18599" +51666.77275,7.730949556,7.55757585,3.45,41926.02443,1116193.293,"016 Ashley Locks +Mortonstad, WY 58148" +69236.93433,5.816532436,5.861133737,4.18,39399.93645,1072253.834,"8534 Gina Route Apt. 739 +Davischester, GA 71300-1917" +81099.57815,6.433839889,7.13508385,4.33,29780.17308,1626941.788,"81304 Jonathan Camp +Lake Tannerbury, RI 29349" +59303.82319,6.930752508,9.098979835,3.44,43609.46243,1669681.231,"90568 Garcia Vista +North Marioville, GU 75958-1328" +69610.9725,4.137278576,5.627663434,4.04,39210.48262,806121.8394,"02315 Franklin Crescent Suite 962 +North Peter, RI 58237" +77402.40158,5.648700181,7.856053644,6.14,39351.01562,1680252.737,"031 Garza Springs Suite 573 +Perryville, CA 13499-5935" +73386.40734,4.96635994,7.915452714,4.3,38413.49048,1186441.756,"USS Williams +FPO AA 31030" +70961.58131,8.598382722,6.185950711,2.02,38251.81217,1766248.403,"8749 Matthew Row +East Markport, IN 41253" +81181.5688,6.636742301,8.201423572,5.27,26690.70991,1641055.939,"619 Ralph Key Apt. 220 +Josephberg, AZ 58966-3248" +57272.32797,7.577254753,6.59669477,2.07,30099.39506,1120894.804,"9048 Deborah View Apt. 049 +New Laurie, PR 61237" +58871.79001,8.174270417,7.074322473,5.16,25091.82355,1325706.901,"7579 Walter Curve +Hartfort, VA 37328-6949" +74029.34982,6.618516283,6.414579249,4.31,36360.2738,1593347.849,"055 Tina Roads Suite 878 +North Aprilshire, PW 13402" +56849.22111,4.043752332,6.78153687,3.19,43522.68518,605073.4908,"225 Brandi Avenue Apt. 147 +Lopezbury, KS 51049" +73587.04646,5.944492108,6.53014678,2.3,25271.93098,1064509.523,"PSC 3878, Box 6882 +APO AP 64687-9459" +49728.43703,5.844846445,7.531572717,3.19,37608.67975,872365.8799,"77621 Michael Fork Suite 487 +Port Lauraland, AZ 23400-9348" +60631.11084,5.956718133,7.628030848,3.11,40928.28419,1117741.757,"98660 Williams Lock +West Jamesland, HI 66797" +78404.3633,7.066791632,6.858624507,3.03,49398.25748,1935172.995,"62128 Taylor Drive +New Frank, SD 32477-8796" +86611.17802,4.849506719,8.303301694,3.01,45359.02795,1668670.656,"4800 Flores Inlet Apt. 293 +South Mary, MO 35793" +58914.48624,6.590092351,6.311064909,2.46,35282.71403,1072704.89,"1787 Paige Path +Justinmouth, DC 31345-4841" +75867.02443,5.539850454,8.061729885,4.18,56294.43444,1914746.582,"8893 Barbara Camp Apt. 439 +Jefffort, VA 89472" +66581.57483,5.419607067,5.884307666,3.25,18230.51893,839194.0689,"456 Mitchell Causeway +Georgefort, NE 04481-1083" +62820.17908,7.63974101,7.681443787,6.07,23734.16959,1285157.87,"109 Smith Park +Laurachester, MP 38007" +69711.90393,6.073168346,8.090746781,3.45,36291.1452,1433614.967,"29718 Simmons Shores Apt. 119 +Andreafurt, IN 14150" +82710.58982,6.236986667,5.086433684,4.43,44768.68811,1459342.887,"USNS Barrera +FPO AA 45323-4290" +58828.04163,7.236786459,8.749000788,6.08,44277.30064,1652845.981,"2260 Torres Crest +Lopezburgh, AK 74728" +53161.83239,4.879253961,8.678774415,4.07,30535.2556,725830.602,"196 Robinson Ways Apt. 994 +Toddmouth, PW 54975" +79361.02651,4.572241077,6.866564918,3.23,53875.28901,1378863.688,"9881 Olson Drive +Alexanderbury, PA 91436-2120" +58325.69569,6.30432228,7.299320698,6.31,31256.22333,1003941.929,"1535 Debra Expressway Suite 755 +Moonmouth, AL 23444" +55772.89874,5.641007686,6.826893598,2.07,41638.65687,729882.6249,"1968 Estes Turnpike Suite 663 +South Carriefurt, NY 13185-2445" +71893.42934,5.826870236,7.103995531,3.39,40364.19315,1270047.528,"05664 House Tunnel +New Morganshire, MT 38939" +75922.88558,6.689121255,6.341246108,2.16,49458.66507,1695706.132,"86827 Castaneda Trail Suite 315 +Lanceville, UT 64420-1882" +54648.28607,5.531123591,8.46138084,4.09,20270.54195,714822.5872,"80371 Timothy Views +Abigailborough, MN 16645" +71857.57141,6.425892565,6.225548367,4.05,52563.97982,1462899.031,"9817 William Drives Apt. 676 +Port Michaelmouth, IL 88737" +67424.18822,5.367615821,7.601754384,6.11,32412.84314,1127260.126,"23133 Parker Spur +Brianland, ID 10645" +70564.86258,5.146618085,6.59799426,4.5,38376.46825,1014226.299,"3862 Jones Plains Suite 613 +Lake Linda, ME 52695" +74237.26128,4.663506201,4.705015387,4.35,37651.01453,852982.5644,"238 Samuel Haven +South Michael, AL 99621" +58004.2709,5.174346635,8.327776474,6.36,29182.7206,830286.7066,"43128 King Branch Apt. 349 +Mckeeview, NC 89358-6768" +101928.8581,4.82958619,9.039381544,4.08,22804.99194,1938866.49,"856 Harris Centers Suite 940 +Nicholasport, IL 91064-1080" +55809.49459,6.854522409,6.330243408,4.2,49001.90125,1247645.41,"748 White Underpass +West Michael, CT 11080-9522" +48357.06347,4.727645965,7.98951567,3.03,45206.72551,813415.1281,"7278 Wiggins Square +South Nathan, FL 72804" +65017.74563,5.000504143,5.945759611,2.37,26910.32075,679373.4015,"319 Denise Run +Stephenview, PW 77941-4444" +66949.0012,5.494535087,5.945900039,3.18,30323.73988,814879.2063,"402 Steven Greens +East Terrence, FM 76774" +82848.55863,5.729198183,6.281916393,4.47,40338.11037,1489540.135,"66118 Torres Pike Apt. 446 +West Kevinland, ME 01431-0177" +65851.26289,6.517096671,7.181912393,5.09,36110.06309,1468738.755,"5412 Smith Ports Apt. 902 +West Jonstad, PA 43101-8130" +93579.11668,5.821447363,6.490128894,4.49,38977.93739,1859883.661,"258 Cummings Burg Apt. 469 +North William, NC 21455-3269" +76114.15936,6.769699197,7.32160966,5.02,42601.8153,1558758.796,"674 Todd Ports +Parsonschester, VA 49485-9488" +84289.795,7.762059263,7.946184619,4.09,42768.4581,2120888.345,"3999 Laura Lakes +Barnesport, FM 49833" +57715.53989,5.549062595,7.648730581,5.16,19844.17257,790598.827,"11190 Robinson Extension +Fieldsfort, CA 51614-8941" +85825.85915,6.614755417,6.25590011,3.36,13983.30125,1137465.336,"546 Mitchell Village Suite 737 +Lake Vincent, OH 05404-1179" +62765.29405,7.678891205,7.459908516,4.08,22272.18604,1369753.282,"31651 Hale Walks +Port Henryfort, UT 45989" +70205.72154,5.83835012,8.657342635,5.37,26973.43343,1433221.122,"0247 Kenneth Burg +Port Angelica, WI 77878-6142" +66595.66324,4.786484164,7.476142093,3.16,42385.40082,1373048.099,"7793 Bradley Trail Suite 924 +Nicholschester, OK 05492-7126" +64303.64009,5.626372535,6.583251654,3.42,20214.598,941950.5795,"43275 Knight Walks Apt. 856 +Jamesville, FL 18420-6564" +57358.62333,7.353131745,7.096839816,3.14,22061.58541,948279.9394,"16028 Sarah Isle Suite 386 +East Clifford, PW 67999-0591" +74216.12905,6.038763092,7.004803041,3.28,45068.59934,1365036.084,"5976 Amanda Grove +Ritterport, SD 08541-1686" +68503.48554,4.403549081,8.419559831,4.42,34699.25818,1289082.363,"80906 Michael Grove Apt. 103 +South Denise, KS 86144" +55481.28674,5.733547356,9.699773329,3.46,42179.67004,1398979.249,"20960 Leonard Loaf Apt. 902 +South Lisabury, MA 55466" +75265.99827,8.312847295,7.494591244,5.33,13108.01789,1559678.613,"PSC 8409, Box 5628 +APO AA 76710-9573" +68854.09085,6.745795742,8.194305101,5.23,37482.54576,1485677.064,"8938 Jose Lodge +Emilyside, CO 97593-5472" +74854.10011,4.604998734,7.679230572,4.06,50538.01354,1553592.98,"041 Claire Glens +Samanthaside, KS 70716-5226" +54634.31766,5.743186901,8.04578157,6.3,41564.0063,1179278.094,"572 Kayla Port Suite 910 +New Catherine, UT 56845" +57098.2024,8.172130124,5.759739522,2,42721.28569,1262465.989,"7928 Evans Inlet +Port Sherriland, SC 82783" +68035.56212,6.487102994,8.810883649,4.06,34174.74428,1663509.393,"05890 Robin Brook Suite 649 +East Bethton, MI 72561" +63128.60652,5.459418735,6.953525108,3.02,39536.8097,930011.5709,"065 Helen Oval Apt. 756 +Kathrynborough, UT 72714-6759" +62937.04797,6.171802299,8.931184559,3.14,38082.48344,1584167.851,"678 Howe Lights +East Bryan, OR 66067" +82915.91143,7.078994202,7.882700548,5.2,50445.64737,2185480.091,"38531 Anna Estates Apt. 937 +Kevinfurt, AZ 71789" +70138.53362,6.459764363,6.844556793,4.05,44684.73719,1529028.714,"67263 Garrett Knoll +Hineshaven, IN 52693-6366" +75611.47181,5.692877721,7.174165695,6.18,22047.19911,998240.8508,"576 Moore Stravenue +Stephaniemouth, OK 66676" +42822.3111,6.612989198,4.993759778,3.34,29670.20231,513215.9882,"43074 Armstrong Wall +West Timothychester, NH 29497-5681" +60145.23086,7.349184292,8.012062753,5.19,25198.78667,1136448.409,"USNS Reyes +FPO AA 35029" +87853.8483,6.524727389,7.571808331,6.43,42302.261,1898668.844,"22912 Taylor Island +Brianside, MA 36738-0637" +66392.57099,5.380618603,8.023288282,5.13,26623.18416,1255576.273,"614 Leah Row Suite 729 +Marissastad, NM 00794" +58204.22309,6.301814027,7.375616033,5.41,46663.40274,1367641.27,"97004 Gutierrez Greens Apt. 332 +East Deniseview, RI 21012-8300" +88244.61487,6.548375433,8.765481292,3.36,25791.99499,1788285.239,"61508 Taylor Turnpike Suite 751 +North Sherry, SC 21980-1722" +68737.59871,4.50065575,8.450083754,6.18,34216.69172,1230363.234,"46722 Avila Ford +Lake Sharonland, NY 80569" +56423.03428,4.670846603,8.109865287,3.03,40155.74285,1000216.858,"460 Morales Islands Apt. 118 +West Jeffrey, NE 35494" +66678.06217,3.90784119,7.496088659,5.02,23031.17032,587007.8442,"827 Ferguson Isle +Rosebury, AL 61416-3167" +71517.01424,7.90559502,7.731386357,5.02,40239.28257,1734373.044,"653 Parker Overpass Suite 506 +Susanshire, AZ 00328" +66097.62203,3.979496081,6.15177134,4.19,37467.59631,762167.2533,"41962 Castro Groves Suite 053 +Jacquelinestad, PW 32378" +76423.31757,7.561878816,7.672937209,5.25,24402.23731,1532845.723,"66807 Johnson Prairie Apt. 849 +Hernandezhaven, NE 29672" +72660.15764,5.447651333,6.130976571,4.39,48711.5547,1243501.651,"98734 Sharp Shoals Apt. 825 +North Sharon, CA 40445-0695" +92787.28248,5.193719807,6.825129553,2.24,36590.45042,1628878.094,"2574 Richardson Trail +Villarrealland, MD 90258-8822" +78535.64072,7.036043262,7.111496767,3.33,44280.07606,1767330.934,"7069 Barajas Brooks +Martinezbury, VA 51924" +58110.57429,5.87836948,6.825453188,2.41,49355.97879,1308752.504,"97379 Erin Tunnel Suite 230 +Wilsonside, CA 62038-2300" +71614.59305,6.357683901,8.339420059,4.38,29922.1702,1311681.42,"914 Ramirez Valleys +East Mark, NM 09382" +76813.78015,6.97543555,6.914477692,3.11,31822.48585,1567368.285,"4134 Susan Fords +Port Andreatown, DE 39559-2783" +73508.35912,6.27170472,6.772989767,3.49,34894.57633,1126821.109,"8580 Caleb Rapid Suite 109 +Karenchester, AL 04190-4237" +63805.7006,7.120304395,5.907901094,4.35,48433.82079,1473761.532,"9731 Bryan Estate +North Teresafort, MA 43089-0152" +67651.53322,6.307915969,6.29716031,4.42,50823.45978,1366000.57,"12163 Carter Shoals Apt. 326 +Deckerland, SD 16294" +69086.60579,5.649168399,9.079234562,6.41,39890.29704,1677612.442,"7303 Amber Locks Suite 812 +North Kelly, IN 94856-6427" +93822.30848,7.307595976,6.739136455,3.39,28555.78775,1789973.205,"16991 Theresa Trace +Port Matthewshire, NC 66272" +89808.62859,6.99119997,8.428816539,3.19,30847.09161,1961715.867,"114 Michael Wall Apt. 387 +Lake Taylor, ND 17489" +64896.62337,5.746925014,4.713907065,2.01,33201.07787,673225.1119,"4363 Tara Bridge Apt. 728 +Rivasfurt, ND 04123" +61853.86388,7.216355831,7.672624694,3.5,23811.23365,1230391.468,"PSC 1123, Box 2566 +APO AE 12036-0836" +64205.8632,5.608289646,6.107278834,2.28,48649.61039,1124818.114,"96480 Taylor Mews Apt. 138 +New Justinmouth, PA 25004" +74872.36119,6.743717223,7.129029836,3.17,20068.15522,1090996.143,"933 Morgan Via Apt. 871 +Nicolebury, AL 14624" +81980.58906,5.625005408,8.456793269,3.33,41393.59402,1570154.414,"79023 Ramirez Isle +East Jeffreyborough, CT 45650-3126" +52801.97917,5.869786444,6.175532974,3.18,21518.04492,685123.1393,"962 Brandon River Apt. 829 +South Jamie, GU 95398" +54510.2001,5.052580013,8.723667665,4.15,20211.43699,845553.3695,"713 Anderson Lights Suite 346 +North Katie, FM 72098" +61868.60746,5.787124106,4.774978251,3.17,34967.07563,974805.9937,"76329 Eric Mount Suite 495 +Whiteville, AS 79813" +63655.18163,7.537023749,7.29278248,3.17,16409.11628,1247660.99,"960 Ferguson Ports Suite 436 +Lake Denise, OK 51103-4597" +86031.51275,5.293498422,7.372989952,5.16,35417.76965,1381417.25,"519 David Ways Apt. 059 +Port John, PW 73151-6724" +72748.51296,6.879262946,8.783143977,6.28,40137.50244,1726364.398,"231 Rodriguez Extensions +Ramirezview, UT 82819-9826" +61839.76786,7.740112579,5.937846802,3.24,26064.82032,961539.0599,"PSC 9596, Box 0250 +APO AE 81289" +76519.68207,6.455825141,6.6449069,2.17,28961.42776,1359978.16,"117 Harper Harbor Apt. 891 +North Harry, TN 24136" +76774.85779,6.232921557,6.396693318,2.05,34313.8277,1384466.437,"604 Angela Crescent +West Timothy, MP 45493" +76659.74948,5.901324628,7.0392267,6.37,41717.72069,1531447.285,"9224 Phillips Villages +Jamesbury, DC 07921" +71371.43363,5.969905376,5.298417823,3.38,52265.60116,1418595.727,"98797 Miller Manor +Kristinmouth, ID 05829" +83460.87131,5.736539506,6.980713061,2.43,31385.46298,1476386.996,"Unit 3589 Box 1542 +DPO AA 16271-0224" +74740.73288,5.625513375,5.78726116,4.36,29954.61762,1168355.32,"3777 John Canyon Suite 968 +Amberborough, WA 31105" +70229.01584,6.660558254,7.642843664,6.25,28829.00883,1222701.012,"238 Turner Cliffs Apt. 239 +Amyburgh, PA 71224-5090" +72950.86354,5.320368742,5.112099012,4.27,38711.03466,987447.7775,"84076 Anderson Hills Apt. 983 +South Justin, OK 66516" +58515.94609,5.954475954,6.322715919,4.43,33776.47845,982790.871,"22469 Amy Valleys +Edwardsberg, MD 02773" +52207.44393,5.273512348,7.451826651,5.06,21095.58569,527749.4039,"97665 Clark Roads +Brianmouth, ND 02995-1068" +72821.24766,6.480819122,7.116655028,5.33,40594.0593,1391232.527,"5869 Suarez Locks Suite 297 +East Jonathanton, DE 82931" +66250.31669,4.858519689,7.758691601,3.08,24201.75308,1094321.883,"63443 Wesley Haven Apt. 970 +Maryburgh, CO 32233" +74275.50405,6.001426337,8.494696638,6.32,38535.72643,1610217.177,"7587 Mcdonald Common Apt. 738 +Elliottshire, DE 90107" +81167.4411,8.1006516,6.340960207,4.5,28713.96202,1768705.125,"372 Angela Summit Apt. 043 +New Tiffany, NJ 35579" +56119.33253,7.809405065,7.372744223,4.4,36041.27531,1236258.08,"334 Robert Inlet +Thomasshire, CO 09495" +84998.45891,5.898870691,6.25899478,3.5,28623.41032,1329007.203,"173 Heather Extensions +Peggybury, AS 89149-2125" +69604.42775,7.006155746,7.568819656,6.37,40684.07772,1704126.876,"50340 Parker Islands Apt. 276 +North Alexis, NV 71995-9163" +70775.43488,6.131732514,6.909074636,3.2,40561.29711,1321888.268,"0965 Walker Port +East Jennifer, MN 53589" +66236.84056,6.856135081,5.066614326,3.22,38906.85736,1113936.638,"2929 Rodriguez Pine +North Gregoryland, WY 79081" +57451.86827,5.116175663,7.945878305,5.08,38532.98003,1043628.37,"146 Margaret Drive +East Taylor, AR 62664" +66293.8844,6.839681373,7.328415491,6.13,48877.50097,1663653.71,"76518 Kristen Expressway +Bennettstad, NE 55780-9958" +69100.99031,4.272456648,6.248338851,2.29,46139.13676,969678.5673,"USNS Chaney +FPO AP 87928" +75729.76555,5.580598537,7.642973331,4.21,29996.01845,1183014.509,"11252 Waters Expressway Suite 333 +Savannahtown, WA 87924-9404" +58599.6156,5.666214458,7.067574669,3.43,26569.65872,957814.6031,"2590 Warren Walk +Robertsport, NY 09253-2552" +59498.07937,5.522134705,7.429202325,3.43,25401.10188,912891.6806,"09767 Alvarado Rest +Donnaland, MP 95960" +72409.66649,6.1166841,8.47291577,6.33,40605.96743,1479758.318,"098 Melton Cliffs Apt. 580 +Madisonmouth, SC 04285" +69316.79689,6.300408888,7.873575892,4.28,24448.21146,1431507.623,"PSC 3490, Box 0556 +APO AE 04921" +68656.90677,7.354457916,8.78790783,6.36,43833.85344,1747911.496,"6258 Shirley Lock Suite 916 +North Craig, HI 86453-3624" +71240.25164,5.924127417,8.885191793,5.09,42566.50177,1563083.336,"1191 Tate Islands Suite 460 +Smithtown, ME 11150-3233" +73223.9423,5.085558366,7.706760787,6.14,41113.00677,1425745.297,"154 Lee Tunnel +Smallland, NC 15747-5815" +60968.33291,5.925172881,5.758391006,4.29,28483.81174,804453.8698,"0542 Brandon Mountain +Silvafurt, NE 88050-3603" +65935.61261,5.073181886,8.261632226,4.16,36262.4269,1060440.596,"7168 Morgan Viaduct +West Paulchester, KY 61596" +62773.52098,4.496843653,6.803529579,4.06,41389.36487,954737.1411,"1880 Samuel Fork Suite 830 +Lake Elizabethfort, UT 41369-0237" +69304.57095,5.331355553,7.310473469,3.4,29465.99961,1152604.142,"326 Isaiah Isle +Stevenfort, UT 18732" +73218.99741,4.417082516,5.876852141,4.19,31619.5817,955943.809,"232 Andrade Cliffs Apt. 325 +Lewismouth, VI 87172-1000" +63787.53635,4.643253525,6.007780226,3.25,22449.534,433247.1566,"4619 Doyle Causeway +New Gilbert, WY 70871-5578" +76613.08008,7.393603183,7.34670366,5.5,43250.98997,1718876.795,"2499 George Stravenue +New Pamela, AK 46876" +64461.39215,7.949614163,6.675121348,2.04,34210.93608,1236874.809,"24231 Woods Alley Apt. 225 +Ralphfurt, PA 09827-4337" +41533.01296,6.853578269,5.055628639,4.24,31685.40269,682200.3006,"059 Morris Summit +New Whitney, NY 73137" +79575.64154,4.970709348,5.850243433,4.04,31050.10281,1141916.525,"4827 Kelsey Glen Suite 220 +Michaeltown, MD 34529" +82185.4699,5.219917755,5.343181926,4.19,29258.98876,1162735.272,"Unit 4395 Box 2223 +DPO AE 68423-9498" +69853.42418,7.224586621,7.867622397,6,41913.6369,1681340.635,"8408 Lam Mountains +Robertside, SD 61154-0104" +51519.61854,6.94474747,5.543896647,4.13,43258.6446,945981.5296,"15429 Janice Lock +Jessicaville, MD 71946" +48616.85537,7.080939775,6.843022938,4.45,29770.08343,854045.0138,"69330 Vasquez Square Apt. 177 +West Douglasland, NV 48332" +63324.58162,7.725265633,6.213020579,4.42,43281.57274,1372994.29,"PSC 5511, Box 3978 +APO AA 43113" +65016.22381,2.644304186,8.306304082,6.05,15902.58202,414571.2229,"584 Rick Cove +Leeberg, ND 15540-8557" +76855.86579,4.740995838,6.091630777,2.37,45388.31358,1240319.692,"6948 Michelle Tunnel +South Christopherville, NM 47337-9117" +75302.08258,6.75932479,7.822847038,4.48,42382.75153,1640646.67,"63283 Simmons Meadows Apt. 194 +North Amandaville, MO 55928" +69438.70006,6.119530257,7.403375101,4.48,57775.26139,1537335.897,"898 Craig Ridge Apt. 204 +Coryfort, GA 66710-2535" +75764.20019,4.837669717,6.592119906,2.38,36712.20014,1337966.927,"97282 Moore Knoll Suite 107 +West Megan, AS 39793-7339" +68814.92561,5.42843466,5.486194341,3.2,42285.98468,1085113.451,"49682 Brett Square +New Andrea, NH 32549" +60912.31622,6.313147371,6.298966339,4.21,20915.81605,905328.7691,"2378 Christine Oval +North Michaelborough, CT 83476" +41007.45867,5.305041691,6.033643138,3.39,39526.56631,494742.5436,"682 Lara Hollow Suite 021 +South Shannonmouth, KY 33314-3669" +61949.88399,6.108984095,6.454836099,2.34,42092.88416,1237360.718,"50415 Julia Lane Apt. 645 +Lake Emilyfort, KY 92027-9820" +67421.66705,4.638742025,7.664160226,6.04,20167.03999,864899.485,"9641 Jackie Brook +Timothyshire, PW 16107" +68428.39428,5.266863096,6.140596673,3.22,31074.12492,1002192.582,"3228 Kathy Shores Suite 923 +North Nathaniel, RI 37530" +61839.6479,5.677800695,6.662371844,4.48,17244.97025,800110.1189,"802 Lauren Locks +Scotttown, KY 33922-1795" +62835.25696,7.095849854,7.156463409,5.16,50097.95083,1410331.825,"2144 Jackson Path Apt. 300 +Charleneland, NM 58522" +72485.19746,4.205495168,5.706925272,2.45,43134.03806,1036382.766,"1608 Andrews Rest Apt. 672 +Richardshire, IN 92603" +60945.7218,4.781651489,5.628334764,3.08,34162.95673,437146.0204,"53074 Alexis Village Apt. 437 +Floydland, DC 23157" +83729.79177,4.403196998,5.213234052,3.19,12906.25485,624432.966,"914 Beasley Pines Suite 756 +Lake Phillip, VA 85426" +57605.79912,7.409833867,5.637925148,2.33,49411.4113,1179440.832,"USS Thomas +FPO AA 60174-6263" +75358.4826,8.991399331,7.282679841,3.2,21319.9943,1740404.967,"84910 Lloyd Green Apt. 744 +Lake Lynn, AK 73257-6707" +53927.41281,4.528065613,5.675535153,3.35,37875.55012,706135.1446,"880 Lee Groves Suite 157 +West Jeffrey, HI 92567-7167" +60776.38714,6.855932512,5.572610331,3.5,28318.75042,870252.411,"698 Julie Shoals Suite 296 +Christensentown, WI 62082" +69648.51395,5.444737202,6.960605519,3.17,36038.95905,1106149.686,"66285 Drake Hollow Suite 740 +New Shannonhaven, VA 07026-9938" +59295.68011,4.730911869,8.0911663,4.44,46784.53859,1192677.55,"5115 Anderson Plains +Wilkinsonbury, ND 95001-4548" +97548.31041,5.460972751,6.609395871,2.5,39089.41571,2026303.098,"349 Sean Forges +Whitakerville, WY 85138-4153" +61688.68294,6.842834633,8.335806592,6.15,35552.99118,1311473.323,"Unit 6166 Box 9012 +DPO AA 29420-5875" +72469.54178,5.606394944,8.044576292,3.07,27227.81339,1123386.531,"69260 Brenda Overpass Apt. 620 +Port Nicolestad, UT 49247" +76048.37232,6.642756994,7.658408706,6.43,22469.52253,1205750.232,"981 Melanie Route Suite 924 +South Johnny, VA 94359-3209" +79186.45041,6.218852677,9.047861281,6.38,17840.11679,1582140.06,"448 Middleton View +Jenniferton, GA 83163-3132" +49220.03779,5.396988245,6.110021469,2.33,46981.9261,573434.6642,"90759 Beth Manors Apt. 532 +Williamport, RI 50228" +80040.17331,6.44955474,8.453261625,5.5,29699.01164,1735826.005,"8337 Cody Fields Apt. 592 +Tinafurt, GU 56684-5907" +51995.58286,6.766777857,6.746500585,2.3,47073.79792,1052185.176,"019 Richard Mountain Apt. 282 +East Melaniebury, IN 51530-5215" +52711.11815,7.874124275,8.254120394,4.49,25594.16903,1151281.847,"36330 Rodriguez Cape Suite 137 +East Ashleyshire, HI 61481-1240" +56934.46081,8.078703471,7.808643282,3.08,37076.19846,1531216.894,"USCGC Sanchez +FPO AP 77447" +66760.70176,5.696410259,5.870675013,3.06,42292.5646,1103352.601,"76265 Morris Walks +Lake Jamesland, MN 54821" +52376.61152,5.361088157,4.377965509,2.2,34189.14346,308199.8912,"951 Richard Ford Suite 733 +Oneillside, NE 17071-7757" +70224.3205,7.03747734,6.587236568,4.38,40274.16665,1423296.118,"236 Kramer Oval Apt. 169 +New Crystal, NJ 58341" +62612.9093,6.949391112,6.658163483,3.32,40789.82581,1315684.457,"027 Brandy Plaza Apt. 534 +Hendricksmouth, PW 87092-1532" +80284.99543,5.029474722,4.049320548,2.2,23457.1264,637951.9056,"9488 Wood Hill +New Jesseton, IL 19753" +66811.70125,6.035255424,5.478595655,2.06,33499.33275,1027191.029,"39656 Julie Ways +South Richardshire, WV 91991-0615" +51142.40602,5.379707221,7.309721788,6.25,41872.64328,729678.6262,"USCGC Williams +FPO AE 95935-4246" +90535.16522,5.722843373,5.833625637,2.24,42249.32493,1676770.331,"9912 Anderson Bridge +Port Chad, NY 38307" +93185.81349,5.807346311,6.842294506,2.16,23723.07475,1569121.917,"719 Yvonne Station +Patrickfort, MO 43725-2826" +70743.19551,5.379595574,5.220527709,3.31,26897.71205,874969.6969,"7526 Kara Club Suite 242 +Deannabury, KY 79535" +56024.54774,6.575305941,7.468447701,4.15,36215.96255,1172413.197,"428 Jacobs Overpass +Bradyville, NE 27399" +76224.72735,6.402864377,5.441022978,2.39,50003.26101,1538985.189,"85934 Stephen Passage Suite 880 +Kramermouth, KY 23168" +89671.01982,4.384029823,8.88036332,5.07,15625.55284,1286572.979,"7557 William Plains +Tamarabury, PW 76806-8720" +89825.65567,6.604135986,6.577160392,3.46,18598.25608,1646033.41,"09777 Ortega Drive +Leefort, AZ 98396" +61013.71988,6.831285142,6.135518448,3.04,34771.65985,1147313.02,"33137 Amanda Shoals Apt. 794 +Burnettview, MH 63625-7023" +63362.22547,6.140522639,5.917064458,4.02,34971.82435,976483.5805,"14640 James Freeway +Lake Nathanchester, HI 32651" +57086.37459,5.893367315,7.33156687,4.03,39002.90125,1073350.044,"97843 Jessica Drive +Stephenborough, AL 57418-2908" +69044.94212,4.312275647,5.600072675,4.09,34764.29222,1084255.678,"937 Singh Greens +Bakerfort, HI 27291" +81438.58143,4.757793137,6.963085077,2.29,43340.29356,1432252.081,"1509 Courtney Islands Apt. 510 +Port Kenneth, IN 97618" +78299.64248,6.876501364,7.805954394,3.37,39298.23552,1676070.943,"60626 Lopez Circles +Jonathanberg, NV 15215" +87386.38473,6.038075114,6.024768371,3.5,31735.76329,1580557.01,"59562 Edward Creek +Katherineborough, CT 42078" +83149.78405,6.297568899,5.585896782,3.45,45985.94575,1549873.88,"0306 Hernandez Club Apt. 883 +Aguirrechester, HI 88830" +94085.47298,6.305651284,9.108893289,5.15,31011.36681,1989672.524,"61316 Julie Turnpike Suite 237 +Williammouth, AL 52135-3954" +60710.16208,5.399849594,7.920511375,6.41,44101.24053,1286980.807,"54528 William Streets Apt. 691 +Anthonyhaven, IA 31543" +71309.25017,7.513611344,8.409302633,4.35,32356.99738,1752967.605,"701 Michael Courts +Lake Diamondchester, ND 59260-2575" +93303.68385,4.7205807,7.793745989,3.42,38162.61295,1529711.14,"8619 Brandon Coves +West John, SC 38987" +85631.08446,5.624841038,8.783750005,4.4,42811.78159,1710612.03,"242 Scott Fork Apt. 801 +West Brianhaven, AS 10256-3621" +51359.96759,6.374120812,5.860630265,2.28,40796.67545,774009.5476,"1939 Ortiz Springs +Rogersfurt, KY 08574" +75868.77233,5.901981112,6.330875764,3.42,39295.70265,1536143.592,"37770 Travis Way Suite 466 +East Cynthia, FM 20131-8633" +82733.05492,5.806661015,8.02345257,5.5,39060.76508,1662939.097,"06954 Shane Fort +South Jamesfurt, RI 46652-5410" +67043.19535,5.954845799,5.935618621,4.22,53738.6269,1443027.263,"60943 Travis Station Suite 213 +Jacobton, NM 98775" +67037.2691,5.768077004,6.802139151,3.06,41042.43087,1282258.093,"96065 King Loop Suite 246 +Kylehaven, SC 68949-5123" +56696.5107,6.736575336,9.145614111,3.06,26083.32069,1245967.799,"131 Weber Plain +South Brittney, KY 62380-9095" +65837.11694,6.30458529,6.503945884,4.09,18249.7206,1025908.914,"098 Marissa Village Apt. 996 +Tinatown, SC 06354-8234" +79477.86951,5.83328934,6.933969226,3.17,30411.18439,1380070.45,"4638 Brown Ridges +East Victoria, WI 18252-6242" +55048.33202,4.302477241,6.191885162,2.14,25092.6697,288708.9121,"PSC 6367, Box 8767 +APO AP 41574-6578" +80613.46057,4.809727597,7.670966483,5.46,35692.27654,1247581.212,"09890 Jackson Circle Apt. 190 +New Krista, AR 82878-0303" +76848.1888,7.451312943,7.565735158,6.12,43978.25754,1767399.29,"1109 Poole Estate +New Kathryn, AR 21503" +83586.90156,6.616144283,7.483347141,4.5,34277.63076,1588549.501,"6638 Patrick Mountains Apt. 899 +Reedmouth, IN 33047" +86343.43787,5.513337858,7.246699864,3.26,35780.35499,1685217.105,"6881 Michael Knolls +North Deborah, PA 22711-5716" +65846.17104,6.385373647,6.804130904,3.18,28214.36355,928950.0032,"12315 Johnson Corners Suite 788 +West Tyler, WV 04839" +69577.13762,6.019581363,8.103829663,5.05,48122.10195,1565931.192,"8363 Michael Manor +Welchbury, WY 49675" +61581.04805,4.993286513,6.529445635,2.2,43070.51539,926882.9195,"360 Gray Shore +North Cherylside, PR 98151-1382" +79097.134,5.873083771,8.007304843,5.09,43950.66238,1770616.93,"PSC 4708, Box 5599 +APO AA 90727" +68988.29046,5.854885928,8.366570439,4.36,28734.93792,1279353.925,"85057 Steven Common Suite 196 +Jamesmouth, RI 95375" +46926.37115,4.842152843,5.183636552,3.16,53820.13278,530764.6725,"9551 Rhonda Inlet +West Jeffrey, AL 23901" +84708.41206,8.465513953,8.239426552,4.09,28218.62328,1874895.602,"39963 Dustin Garden Suite 315 +Porterport, FL 25335-2659" +79619.35414,5.726314645,7.347288004,6.17,34605.39462,1422890.021,"33640 King Via Suite 489 +North Michelleside, FL 74030-0766" +61795.47654,7.055011858,6.905424846,4.01,40719.12679,1245788.303,"16804 Patrick Lodge Apt. 946 +East Bradley, SD 93895" +54621.01694,6.387486244,7.083957588,5.25,44500.35194,1248130.521,"8393 Raymond River +New Francisco, KY 28146-9843" +70153.87583,7.443973586,6.714850223,4.17,31863.40005,1535564.552,"708 Ronald Lodge +Wallberg, NC 99284-2612" +79292.80759,6.562633101,8.02971989,4.26,27772.67247,1709441.806,"7763 Anderson Summit +South Ashleyport, KS 30939-6959" +67348.10334,4.953919678,8.541768445,4.11,52158.01714,1433260.228,"0942 White Key +Cynthiaborough, MN 74981-2216" +73355.69291,6.533470231,7.594528757,6,28007.89573,1282758.903,"Unit 0474 Box 5567 +DPO AA 77678" +68958.02128,6.024209849,7.724723373,3.37,46682.34049,1682708.617,"Unit 0375 Box 5726 +DPO AE 97365" +44088.27418,7.557642673,5.581040692,2.44,31032.9203,624482.7636,"71471 Mcgrath Passage Apt. 044 +Mendezville, NV 28559-8349" +80650.40398,5.023471383,7.515135601,6.1,54516.28746,1651684.774,"52214 Bruce Island +New Pamela, WY 80939-1528" +57945.32298,4.893833852,7.343874274,3.14,23040.41358,768034.5331,"95430 Leach Hollow +Gordonview, NE 01088-0293" +63625.81215,5.188699501,5.821203852,2.31,35778.45867,1001876.606,"0285 James Crossroad Apt. 384 +Jessicaview, TN 23865" +60684.04453,6.877542801,8.214978295,6.26,42643.14291,1500821.469,"USS Cortez +FPO AP 24063-2965" +90160.69097,3.395758659,5.942341759,2.15,34010.04983,1273988.483,"8934 Kristen Fall Suite 814 +Gibbsview, DC 34096" +62016.07654,4.979011434,6.892072493,2.09,48896.82012,1031046.365,"505 Gonzalez Villages +West Holly, HI 79586-9203" +79261.14911,5.146489985,7.510371291,6.45,36128.9901,1508198.672,"64087 Chad Ford +Weissside, NE 91504" +49205.82261,6.397770389,6.88409687,4,30395.77604,773996.4762,"70252 Jones Track +North Carlaville, AK 16083" +84973.88843,6.552889235,7.628022299,6.08,38072.39536,1723706.759,"PSC 8482, Box 8446 +APO AE 38902" +80573.79195,3.962770297,8.037072086,3.02,34411.86808,1260826.638,"1911 Kathy Creek Apt. 339 +Lake Craigshire, DE 27255-4685" +71062.07957,7.187575282,6.570481347,4.41,30770.84682,1367142.717,"333 Eric Avenue +Josephmouth, AS 16402" +85828.01284,5.195096532,7.414641935,5.49,29248.28287,1303091.91,"4258 Johnson Square +New Christopher, GU 59235" +67868.79881,7.147581007,6.373991613,4.04,32732.16105,1341870.354,"98552 Scott Street Apt. 104 +Port Jennifer, RI 77598-1581" +72778.91697,6.223545454,7.775335702,4.01,24559.01379,1188416.806,"17598 Dennis Brook +Greenton, WY 81859" +73304.90271,4.604883433,7.835780186,6.24,24283.86989,1155077.131,"238 Delgado Center +East Charlotte, GU 19126-4603" +68025.57066,5.248054681,6.945083997,4.23,35478.58299,1048969.493,"05581 Thompson Mountains +Lake Darlenefurt, NH 44102-3505" +81024.78205,5.796985083,6.715110725,2.05,25837.86448,1319478.287,"02827 Alexis Landing +Rossside, GU 67047" +69289.18068,4.931634488,6.364756684,4.44,40695.79786,1022408.901,"16295 Wood Motorway Apt. 541 +Sandraview, IA 95516-8640" +72695.11514,5.363776862,6.871980381,4.24,48115.42078,1394970.599,"459 Hays Squares +Isaacborough, MN 74557" +67568.93163,4.996248973,7.594158658,4.17,36474.988,1183343.566,"86766 Susan Ridge Suite 556 +East Theresamouth, MH 09051-0041" +76503.55092,5.638387737,6.556620309,4.41,42154.3566,1259919.983,"6822 Pamela Centers Suite 537 +Seanmouth, AZ 48832-2451" +66273.74016,4.972758566,6.973151031,2.01,12950.56691,579585.698,"PSC 0675, Box 5018 +APO AP 00437-2898" +57736.42839,7.409373374,7.450340624,4.29,45688.1025,1591188.348,"5181 Michael Springs Apt. 305 +Gomezport, UT 25664-2756" +73505.12616,7.207803988,7.510832973,6.05,31536.84908,1437153.959,"6790 Kelly Flat +Yorkborough, OR 63137" +60537.86806,4.649565371,6.797159355,3.43,31247.58047,851018.9558,"702 Melissa Key +West Lisafurt, WV 54879" +66544.73679,6.395475417,6.289812908,2.25,34141.69988,1321037.414,"568 Jennifer Falls Apt. 236 +South Nicole, IN 15411" +60754.63362,6.478394832,6.040314057,3.21,29425.4062,1112286.046,"9613 Edwin Mews +West Jacobfurt, MH 44303-7441" +86160.98932,4.199195527,7.691026671,3.23,47757.31798,1509968.985,"Unit 5763 Box 7057 +DPO AA 43894" +44577.15263,7.904985967,7.172952852,5.45,27835.53654,959625.5302,"2480 Preston Lane Apt. 815 +Sandersfort, AK 98217-6991" +61951.48993,5.019270716,7.060692324,5.5,38737.28386,1032180.378,"3484 Lee Meadow +North Tina, AS 81526" +79027.73784,5.994030336,6.915672322,3.02,21387.62999,1232014.527,"785 Christina Drive +Darrylfurt, AZ 27606-0832" +69186.62252,7.328275439,6.499033463,4.38,49505.7837,1575100.913,"5281 King Motorway +Tinafort, ID 72673" +84268.22448,4.495821065,7.187602266,4.23,31182.38802,1257433.086,"03370 Angela Forge Apt. 416 +South Charlesberg, WY 44653" +93719.47075,6.555055387,7.59827623,5.49,39900.44995,2173808.628,"039 Allison Brooks Apt. 116 +Jonesmouth, PR 96253-5344" +65218.34826,5.70798508,7.094981816,5.28,34863.85935,1115549.268,"6478 Harris Bridge +New Rickeystad, UT 82195" +78169.52469,5.540375012,5.169303401,3.32,44503.91741,1397956.196,"PSC 9170, Box 1232 +APO AE 46839" +63907.71655,5.15505616,8.060010956,4.14,28299.46331,1003905.06,"2001 Stephen Plains Suite 265 +Jonesmouth, FL 96973" +74867.52659,6.442123908,6.296933085,4.27,57841.21935,1614373.964,"PSC 8544, Box 1991 +APO AA 54210-2865" +73950.97623,6.369461421,6.728787101,2.11,30518.81801,1463367.821,"2568 Elizabeth Ferry Suite 833 +Nelsonborough, KY 90566" +74158.85755,4.150388618,8.178143473,3.35,32580.53936,966620.5141,"7972 Snyder Fort Apt. 686 +West Benjaminside, OH 81904-1054" +63280.70798,7.247298517,7.875224036,3.09,43031.5617,1453663.252,"5889 Cindy Land Apt. 882 +Port Johnside, PA 35545" +75869.23511,5.93277452,7.635630305,5.22,32436.28634,1321388.619,"30865 Rollins Burgs Suite 242 +Cortezland, HI 41003-9434" +61171.88271,4.069428648,7.171853554,6.16,41919.9011,910512.6354,"59631 Miles Wells +Lozanoview, GA 23655" +66120.41947,5.795875455,7.504901929,5.03,28439.35889,1029354.495,"26319 Lisa Tunnel Apt. 076 +Davidhaven, FL 69932" +79566.91698,5.496428165,7.114411314,5.06,49311.75778,1608889.263,"536 Thompson Turnpike +West Toddfurt, VT 33903-0801" +84020.49759,5.37784555,7.328435046,4.24,25975.50583,1458009.211,"371 Frank Squares +Smithshire, VA 41884" +83936.34197,7.704505201,6.193617968,3.19,55471.78338,2198564.573,"02264 Rebecca Spur Apt. 938 +New Tomburgh, NE 93284" +60007.1358,7.397698539,6.119938321,4.02,47734.40706,1281777.581,"8611 Swanson Lodge Apt. 186 +Conwaymouth, RI 31621" +60125.80627,7.145795227,7.065881856,3.22,25424.03483,1196643.385,"5424 Lopez Hill Suite 805 +North Sandra, CT 29555-5745" +70580.43789,6.355133907,8.006449128,3,36626.70399,1578493.708,"1123 Price Rest +Patriciafurt, AR 17057-1938" +53029.35326,4.29185583,6.74487309,2.4,34472.30374,430088.2507,"58197 Anderson Squares Suite 899 +Sarahburgh, MS 28271-3171" +55289.10814,5.675773582,7.217068019,5.11,30773.25899,677988.2555,"7808 Michele Meadows Suite 816 +New Donna, CA 17319-8250" +71776.6176,5.221308503,8.228464157,5.04,29802.46229,1085534.179,"20269 Elizabeth Course +Heatherside, NJ 41595-0901" +75999.69752,6.490186036,7.241035565,4.21,35183.72026,1634781.274,"1503 Allison Freeway Apt. 398 +Lake Gina, AS 58599-4858" +56265.97431,5.838423325,7.894150415,3.2,40493.06398,1167449.99,"06789 Pollard Extensions Apt. 768 +Danielville, MH 43252" +61590.89403,6.823123993,6.412440489,4.07,34460.00827,1067727.095,"97941 Anderson Crest Suite 575 +South Shawnside, MD 87126" +71172.48906,5.780419273,6.102667947,4.16,23264.37052,887739.4321,"93861 David Village Apt. 086 +North Richardshire, OR 12991-5274" +57925.00217,3.49042996,7.346264663,6.37,40177.87672,842924.5538,"607 Ashley Square +Simmonsville, LA 76219" +75025.96429,3.386003829,6.1197813,4.07,33970.36011,864067.0615,"76711 Laura Lodge Apt. 211 +South Chad, PA 10027-9358" +53080.44345,5.474835964,6.365536271,2.4,23763.19723,508951.5669,"012 Daniel Isle +Lake Brianshire, MH 44798" +64629.46279,6.292189109,4.708243289,3.13,46877.14557,1223777.498,"1014 Chris Lakes Suite 741 +South Brianfort, VA 41541" +62559.29882,4.457029773,8.020450047,5.02,44521.76285,1029037.429,"Unit 2965 Box 1848 +DPO AE 20627" +90691.208,5.233093357,7.02405797,6.11,20846.53982,1487997.879,"4402 Perez Way Apt. 084 +Harrischester, PR 82109" +77700.59421,6.775568399,8.877867826,6.13,38827.40581,1836419.641,"16886 Jimmy Field +Jacquelineton, NE 37257" +66141.1916,5.030561702,7.876116096,3.5,37355.86464,1148066.813,"0934 William Centers Suite 482 +Joyceville, PA 64628-1607" +79990.0533,6.050239646,5.703481955,4.06,37816.79808,1318681.04,"569 Wilson Heights Apt. 290 +Alexanderchester, TX 22003-5887" +76293.94432,5.287862867,5.873194053,4.04,40712.39777,1174481.066,"110 Fields Viaduct Apt. 289 +East Kathy, HI 18687-0225" +76255.78958,6.017827235,7.985199783,3.15,41297.07496,1522954.939,"4363 Michael Port +Alexandraton, NE 06643-5514" +76365.18056,4.540182059,8.553343472,3.4,19991.6334,1132146.32,"4882 Jeremy Ferry +East Sharonberg, ID 41904-9783" +73438.58707,6.448721281,6.293756864,3.38,33285.95091,1212461.526,"4718 Lewis Mountains Apt. 367 +Williamsfort, VT 57366-8184" +46474.31697,7.281983303,7.925986271,5.13,28182.0961,864132.0331,"887 Jennifer Union +North Jacqueline, GU 08025" +68562.02453,6.317285888,7.305647049,3.22,35476.1688,1336377.825,"11493 Miles Port Apt. 517 +Bradleymouth, IA 22614-9226" +63785.55128,7.196313571,6.357873553,4.5,67353.9652,1747244.863,"USNV Roach +FPO AA 76691" +71320.8678,4.196803531,7.212451501,4.17,47871.97184,1398353.591,"35038 Mary Court Suite 134 +Port Heidi, MD 85316-8496" +93128.72101,6.192746315,7.658264876,4.17,42100.83412,2020158.363,"Unit 7507 Box 5089 +DPO AP 22014" +71833.87358,5.876269762,4.630230328,3.04,31326.33864,877779.3441,"82010 Michael Manor +Hunterborough, OK 66490" +51815.36419,5.742902931,8.680403583,3.01,43604.79288,1255202.11,"850 Costa Trafficway Apt. 350 +Turnermouth, OR 44156-7826" +69245.88578,5.707599613,6.308777182,2.1,37597.86841,1173413.55,"229 Wright Meadows Suite 586 +Jamesville, CT 35091-0067" +63765.49622,6.778756691,8.289254005,5.34,34303.41035,1326680.244,"346 Brian Island Suite 100 +Martinview, LA 68388-7139" +81844.45584,5.11652218,7.215354749,6.19,51937.43709,1585521.989,"84036 Quinn Islands +North Debraland, MS 31006" +62798.23298,5.890872364,6.481651399,3.05,34652.25789,1106336.838,"Unit 3403 Box 1145 +DPO AA 37345" +56281.20523,5.269657863,7.85138367,6.27,29141.73978,962501.9015,"8263 Shaw Ridges Suite 890 +South Evanland, AZ 95568-4663" +67059.96664,6.935358622,7.683749076,5.22,51237.3884,1408074.53,"810 Stacey Causeway +Jeremytown, NV 90167" +58385.21537,7.58855882,6.406117577,2.3,41930.37501,1266209.753,"1669 Evans River Suite 294 +Millerport, ID 81544-1368" +70259.06839,6.757345321,7.684911701,6.05,54050.64469,1741052.96,"4985 Tony Pass +Port Zacharyland, NJ 64442-8584" +87929.45357,5.521132723,5.664879908,3.06,44486.38307,1636559.241,"98883 Troy Glens Apt. 152 +North Glenda, LA 96590-2034" +94733.97128,7.885828811,7.162372646,5.41,46314.69005,2318285.703,"4393 James Springs Apt. 818 +Margaretview, ND 18572" +73504.88839,4.841392987,8.5050868,5.5,47118.42063,1409892.09,"506 Solomon Gateway +Michelleville, OH 48329-3260" +78643.17171,7.127209146,5.725930316,3.36,13889.07602,1166198.116,"USS Barnes +FPO AA 33522-4639" +78318.81449,5.500200083,5.845243834,2.05,41569.39645,1393995.962,"487 Pierce Islands +Port Shannonfurt, MO 93719" +63639.91745,6.171113263,8.318443079,5.22,41448.75225,1462608.696,"1545 Larry Haven +Lisaburgh, WI 82443-7047" +81728.43857,5.527612234,7.666779637,6.1,51629.31874,1922281.305,"94005 Nicholas Throughway Suite 032 +Jackhaven, VA 24159" +89551.73165,5.802162211,6.915264205,2.14,43964.65845,1587406.303,"7561 Best Place +New Michaelton, CT 81304-0841" +49493.29608,6.312558344,7.586942826,3.29,39909.1753,967868.5146,"919 Walker Drive Suite 425 +Haroldfort, NY 03461" +61461.49681,5.312148808,7.508754673,4.23,49688.03647,1426545.967,"1669 Gray Meadows Apt. 793 +South Christinafort, MN 47180" +72692.59086,6.26282262,8.606953993,3.06,33125.49643,1725429.749,"6340 April Orchard +South Craig, SD 65854-3373" +79702.38615,6.76379225,8.465664367,6.29,46270.33064,1753820.622,"492 Hernandez Hollow +Vargaschester, AK 64306-1547" +54994.91829,5.186801232,6.063933311,2.2,15444.48261,321058.9607,"821 Potts Spring Apt. 878 +New Janice, AL 55178-7547" +57327.98859,6.615403774,7.784817971,3.32,28945.546,1089601.882,"0703 Harding Rest +East Jo, LA 45172-7688" +74585.8398,4.49290428,5.736896365,3.3,48051.64765,1137523.111,"6665 Victor Cliff +South Davidburgh, ND 97340" +77334.28651,4.866818955,8.509336774,4.35,37905.98378,1371670.389,"270 Bonilla Mountains Suite 148 +Brennanfurt, OH 46989-4992" +77132.79554,7.256820704,5.655271415,2.12,47450.66815,1595620.557,"07646 Jenkins Glens +Philipville, UT 70049-6737" +96778.12107,4.56941137,7.827748483,6.31,37480.70005,1899948.059,"715 Armstrong Burgs Suite 894 +East Christopherburgh, NJ 68031-3600" +52046.54354,5.821221323,5.580975022,3.37,41715.54558,674657.9107,"378 Reyes Courts +West Joseph, ME 85342-6948" +78350.59665,7.461460905,7.803351176,6.18,23052.84681,1555490.621,"193 Terri Bridge Suite 747 +Lewisport, NE 78007-9185" +61602.03813,5.430074691,6.653459081,3.16,45188.13964,1194191.879,"88076 Cooper Station Apt. 476 +Whiteland, MP 67794" +84452.45507,5.103683065,7.981941647,4.48,38221.13575,1482107.37,"PSC 7487, Box 2783 +APO AA 75396" +84712.91002,5.953310167,7.432141763,4.01,11072.49853,1154917.394,"9563 Martinez Road Apt. 461 +Loweville, VI 15095-3171" +61492.92159,6.202397054,6.295968675,3,37743.40275,1050838.704,"8136 Stephanie Knoll +East Ashleymouth, MA 20672-6561" +37971.20757,4.291223903,5.807509527,3.24,33267.76773,31140.51762,"98398 Terrance Pines +South Joshua, MT 00544-8919" +73158.73965,7.937686823,8.698234807,3.15,25175.43125,1748864.715,"2341 Rachel Turnpike +Lake Julie, DC 21341-5283" +74622.16435,7.481984603,6.059717136,3.42,30736.52839,1287030.932,"566 Tracy Lodge +Alexastad, IA 27350" +58956.26185,7.369808666,7.494758368,6.08,38529.64117,1237246.145,"005 Kent Lane +West Elizabeth, NE 84405" +69253.90435,6.187822918,8.513970633,3.44,22524.57848,1259733.644,"355 Zavala Field +South Josephview, GA 19634" +47549.63997,6.369259281,8.027166288,5.28,43526.16153,1028914.315,"573 Christian Village +Andrewbury, IL 41004-2204" +73271.88723,5.89536032,6.809012996,3.33,39446.31306,1388218.529,"318 Hernandez Burgs Suite 441 +North Brandi, NY 50592" +61478.63393,4.269445989,6.231330171,4.26,36837.81793,637189.9594,"48724 Ryan Estate +Berryfort, DC 89338-7003" +62317.21427,7.565375444,7.003715445,3.35,47836.24614,1717570.53,"6928 Christina Inlet +Sabrinaton, MD 21635-1363" +65464.19839,4.675987349,7.350130839,4.09,26065.69266,729688.5926,"8041 Donald Villages +West Harold, GA 09192" +87883.58429,7.609905323,5.889038038,3.39,41012.62101,2049146.63,"PSC 2506, Box 1317 +APO AE 26084" +67819.25458,6.545699268,6.835480534,3.47,37515.539,1340705.119,"6243 Harding Summit Suite 030 +Fordmouth, GA 31912" +65659.58698,7.155652805,4.620870486,2.43,40337.23425,980983.211,"869 Acevedo Cliff Apt. 769 +North Michael, NM 00441" +68827.55503,5.870183983,6.728670338,2.37,45935.96164,1518169.444,"081 Maria Gateway Suite 913 +Davidville, TN 53584-5691" +71152.75617,3.055370327,7.487300003,3.3,40951.2393,1002840.229,"31678 Kevin Garden +Jamesside, LA 56516-6482" +80939.63457,6.334545748,7.647145425,3.31,27771.54451,1499920.594,"7084 Turner Crossing Suite 917 +New Mary, AL 17062-1557" +66860.59191,7.838577317,7.165037719,5.39,36035.5419,1496577.459,"054 Corey Shore Apt. 224 +Nataliemouth, MA 44975-6855" +64314.5062,7.617993929,7.065709574,6.49,37217.64338,1526915.349,"96225 Evan Springs Suite 707 +New Traviston, SD 22484" +63867.10459,6.39422996,8.958300172,4.02,14522.65907,917610.8884,"615 Alexander Plains Suite 955 +West Alisonberg, VA 45700-1303" +81220.07057,6.268010007,6.776983485,2.49,32859.51765,1572990.374,"638 Lee Stream Suite 784 +Mcclainview, AS 53593" +60880.58387,6.083347825,7.102109113,3.06,42877.51749,959416.4367,"3052 Karen Rue +North Mark, MP 46431-8517" +66553.39912,5.649453339,6.876883493,2.15,23632.23041,960083.9969,"49944 Antonio Bridge +Spencerchester, VI 61152-1552" +72896.248,6.052128807,7.993383501,3.41,40426.5267,1526025.659,"6403 William Alley Suite 863 +New Laura, LA 86502-4020" +59160.09335,6.265218079,7.046225211,3.17,23252.90621,1006885.844,"PSC 6566, Box 9029 +APO AP 49388" +66412.82665,5.433850089,5.564071863,3.27,50996.64476,1105105.053,"74810 Luis Freeway Apt. 770 +Shannonbury, NE 37690-1587" +67026.44049,5.622596911,5.560293965,2.41,27677.88278,625880.7321,"3881 Brown Vista +Sharonburgh, DC 35897-2870" +77151.91217,7.70004014,8.177380329,4.12,27117.79843,1799827.22,"80069 Potter Stream +Lake Brandon, MD 94232-0817" +69799.15198,5.684122076,5.96631833,4.14,38340.7314,1152798.579,"Unit 9088 Box 5092 +DPO AP 61699-0044" +55768.79192,5.353215988,6.007036494,4.16,47989.68021,846095.9673,"0041 Brett Heights Suite 519 +Annefurt, ID 69704" +81699.17667,6.347296492,7.333742044,3.43,19502.02714,1387864.89,"762 James Lake +Philiphaven, FL 02184" +57367.83189,5.71678948,8.861871792,4.34,47734.10221,1414286.722,"9546 Harris Drive Apt. 086 +Lake Daniellechester, VT 75670" +80488.78931,5.158354668,4.956271805,2.41,36743.26834,1273308.71,"67397 Thompson Plaza Apt. 728 +Lawrencefurt, MS 06637" +68091.17968,5.364208038,7.502955795,3.1,44557.37966,1489648.018,"1836 Shaw Lane Apt. 733 +Gracetown, PW 83118-5264" +82587.58644,5.710321906,6.674060503,3.46,55932.22273,1765988.264,"0870 Dylan Islands +Jameschester, DE 28165-2437" +57407.72341,7.072261244,6.473828032,2.19,27117.8921,934111.6355,"984 Ford Run +South Paulberg, IN 71636" +64332.46664,4.181184313,8.11018676,5.37,30812.59819,1095879.443,"183 Joshua Squares Apt. 379 +New Cory, GU 09591" +66039.73844,4.876921107,9.067212171,6.48,15612.67721,876348.8176,"4725 Briana Hill Suite 003 +West Ashley, CO 79945-8862" +62397.07973,5.873184775,6.428539208,3.41,40739.87735,854945.5067,"26518 Hunt Manor +Ellisfurt, MD 25316" +84810.86807,6.247342401,6.876552908,2.21,28392.29036,1349743.146,"25483 David Loop +Jeffreyport, ME 55376" +67051.25027,4.457760479,7.306146377,3.18,39735.70449,970825.5964,"2340 Anthony Hollow +Freemanside, MT 89267" +83907.37141,6.002190879,6.580437421,3.28,46091.78913,1796009.504,"8244 Shawn View +New Michellebury, ND 54800-0758" +62345.8226,5.36318709,6.408996608,4.25,41982.90667,934492.3424,"704 Christina Parkway +Rebeccatown, ME 17081" +60960.46354,3.696844062,7.768933628,3.4,28171.98501,584061.2474,"238 Garcia Station +East Kevinfort, KY 10500" +68353.72575,5.184548388,7.424003894,5.41,27804.83013,895845.5655,"5833 David Avenue +Joseland, PA 37286" +58661.5568,6.568708836,6.606602317,4.46,17467.94423,696040.1299,"2947 Debbie Landing +Williamfort, ND 81224-4007" +66131.00223,6.420431489,6.649610243,2.48,40979.53039,1204137.323,"2919 Cohen Locks Apt. 284 +West Jeremystad, MP 90078" +67351.23819,5.7809688,6.380818199,4.4,47175.78766,1413729.757,"420 Cooper Centers Apt. 190 +Oneillton, PA 12326-4566" +59933.13799,5.4688135,6.457118896,3.2,28593.00921,607873.7728,"43007 David Viaduct Apt. 280 +Hinesland, GU 59831" +60840.49097,5.409933765,6.501809752,2.47,36241.30099,971099.4754,"653 Elizabeth Haven Suite 794 +New Gina, NV 81990-3134" +94712.11582,5.433654041,5.136280126,2.29,49411.88783,1714055.837,"9627 Marvin Roads Suite 413 +Annetteberg, GU 40249" +74469.21357,6.680687591,7.969953133,3.02,46500.05743,1956438.651,"712 Donna Place Suite 070 +South Heatherton, WI 38056-6074" +78753.39011,6.183385747,8.928096102,3.43,50350.27065,2013015.746,"57421 Martin Union Apt. 932 +Sheliabury, AK 80914-6049" +80233.2283,5.33407185,7.034765988,5.3,26263.05496,1390497.566,"085 Solomon Avenue Apt. 122 +Owenschester, HI 58030" +84473.27338,5.335011365,7.001099727,4.42,31608.06227,1529452.062,"3637 Snyder Flats Apt. 168 +Dawnbury, WA 31077-5026" +78049.60465,3.525267865,5.931333447,3.5,42857.37096,1143215.029,"26958 Doris Turnpike Apt. 520 +Gordontown, MS 10798-7400" +93178.4867,6.319831312,7.253842719,6.45,42808.64778,1949577.954,"968 Thomas Dale +West Adrianstad, HI 03715-0829" +69949.35407,5.21606795,5.959743409,4.32,37358.20127,1057799.242,"30791 Johnson Passage +South Chelsea, GA 08403" +85903.37586,5.66211514,6.747627878,2.07,25593.11792,1585873.833,"043 Castillo Extension Suite 128 +Robertton, NH 79785" +65283.63689,5.576406098,7.399011014,4.08,37824.71167,1168993.759,"781 Erickson Plains Apt. 195 +Ryanfurt, CT 69748" +79191.81762,7.145613977,5.873084078,4.01,35107.13908,1431915.977,"63414 Barbara Lane Apt. 338 +East Amandatown, CT 45499-4725" +72242.59666,4.760142523,7.513012843,6.43,43987.87713,1409439.076,"626 Phyllis Pine Apt. 081 +Lake Samantha, SC 71938" +63125.75538,7.167703013,7.877242793,3.29,51218.99899,1496724.381,"82924 Cindy Islands Apt. 673 +Amymouth, MD 33351-2292" +78581.2619,5.55806725,7.303732185,4.31,50891.20239,1566567.883,"2205 David Coves Suite 961 +Medinashire, LA 81653-3099" +59481.78201,4.776719387,7.545438447,4.31,31200.96783,986113.2395,"385 Cameron Drives +West Tiffanyfort, FL 72018-5556" +66770.22003,5.053486344,6.619484577,4.47,33238.33274,885611.5783,"69794 Gutierrez Forge +Derekton, KS 52626-5730" +75368.58869,5.745297007,6.634890167,3.24,32075.26752,1102259.539,"PSC 9750, Box 8010 +APO AE 32543" +60419.89076,6.850527928,6.963875476,2.36,38272.92156,1268125.838,"3518 Justin Locks Suite 561 +Bridgetport, VT 61702-9277" +78555.1295,7.604253501,6.439048721,4.34,34514.15856,1580691.617,"00149 Raymond Knolls +New Jason, UT 75026" +82073.52162,5.003089091,7.089930194,4.23,36337.02712,1128644.462,"59227 Caitlin Village Apt. 363 +Jameshaven, SD 84032" +64254.16327,5.094476307,8.629541561,4.19,58051.03905,1524689.063,"9055 Underwood Extensions Suite 383 +Parksmouth, AS 32380" +53432.58657,6.676447492,8.553895393,5.3,36804.94867,1176420.559,"33116 Guzman Extensions +West Jacquelineland, MA 77004" +67883.12867,7.143956543,7.584188396,5.41,34639.41154,1456273.724,"528 Mary Stream +Hernandezfort, UT 06463-1898" +91832.98969,6.127772147,7.598933045,4.45,31105.11339,1777516.449,"6789 Jacqueline Mount Suite 847 +North Susantown, IA 57584-3307" +70670.87889,6.581627437,6.477494893,3.17,23592.15759,1237902.82,"5319 Martin Gardens +Shaunburgh, MN 99631" +70315.42927,5.878218173,6.486461751,4.33,49697.93279,1385783.517,"29012 Jordan Islands +Wolftown, LA 74799" +48362.98195,6.151659517,8.252002288,4.19,49354.12973,1035125.857,"472 Hicks Park +South Michelle, VT 13422" +74022.13942,6.744098524,5.57541385,4.2,30053.43719,1358899.686,"Unit 7807 Box 8697 +DPO AA 50317" +65182.71263,4.854051621,8.197046931,6.11,48109.1123,1311145.968,"8336 Williamson Mountain Apt. 487 +Caseyshire, ID 82582-8714" +54048.69105,4.391004045,7.841066299,5.2,42177.96629,919926.9985,"855 Kimberly Flat +North Brenda, RI 86613-4043" +72283.94853,5.272670247,5.632025807,4.09,40277.39454,985866.0316,"440 Anthony Mission +South Sheilachester, NC 81707" +82476.02893,4.920560166,6.32000113,3.39,30985.33652,1196204.886,"5431 Jessica Expressway +Wrightshire, AL 12862" +79771.83047,6.486915564,7.212339702,5.05,30611.54333,1435981.22,"44050 Baker Light Suite 940 +Mcdanielchester, NV 62238" +57236.16689,3.942530861,7.974419343,3.28,24726.10474,752800.1475,"085 Hall Hills +New Frederick, WA 81713-3087" +43952.33621,5.416065414,7.327671148,4.41,25139.44994,324981.993,"672 Samantha Stravenue Apt. 802 +Emilyshire, TX 04694" +56721.45495,7.14824024,7.54168795,3.46,22904.14664,1127637.557,"41545 Peter Expressway Apt. 766 +Carrstad, SD 26832-7957" +56654.96239,5.187860246,5.336778219,3.31,25801.96593,239319.9342,"3677 Gamble Road Apt. 473 +Lake Laurie, MO 96320-4134" +40185.73389,5.949763033,5.753579051,4.01,37766.66757,529282.0844,"551 Bradley Lock Suite 096 +Shanefort, MH 03266" +71227.38881,6.996436453,8.006614296,4.21,20096.29142,1455691.797,"10454 Gonzales Summit Apt. 065 +Chambersstad, AL 93059-4957" +52444.86386,8.190784778,7.162284528,4.38,39288.46015,1371527.327,"95608 Nunez Cliffs +Millerland, PW 96516-2702" +56825.74733,6.558666036,7.792875895,6.46,43474.77738,1231452.189,"09035 Yolanda Lakes Apt. 617 +Camachoside, NV 38241" +55621.8991,3.735941791,6.868290757,2.3,63184.61315,1102641.114,"704 Davis Valleys Suite 264 +Collinstown, DE 61159" +66510.00932,5.04681834,5.52758659,2.47,29293.61895,758262.6121,"108 Wendy Heights Suite 575 +South Dawntown, FL 32058" +62639.15981,5.550184071,5.457060935,2.27,27812.68591,476971.4559,"4540 Henderson Canyon Apt. 901 +Turnerton, GA 09258-6031" +79452.82306,6.149033107,6.907296632,4.49,44852.0925,1706689.94,"548 Lawrence Wells Apt. 239 +West Emma, AK 13256" +83137.39364,5.395238142,5.790228359,2.46,30482.56459,1079745.119,"Unit 1552 Box 3165 +DPO AE 06786-3524" +69143.47076,4.982273043,6.811614747,4.28,24405.28272,766594.3397,"5762 Davis Islands +North Bradley, IA 86152" +68277.67278,5.930549621,5.411953103,3.46,38099.86749,905045.2177,"24421 Lang Terrace Suite 680 +New Peggy, WI 56339-7796" +72251.03755,6.669852608,7.147346333,4.3,34878.59725,1425114.718,"821 Thomas Lock +West Pamela, ME 68927-5573" +71373.97904,5.466350329,7.104610565,5.32,51509.59929,1512542.441,"206 Hayden Pass Apt. 154 +Mendozastad, SC 79371" +81503.47406,6.776381473,6.72443917,3.15,46674.36501,1650342.131,"474 Sanford Creek +Seanmouth, MA 72287-3448" +60569.19993,7.606682442,8.416866964,3.23,16351.20287,1112548.479,"99704 Carroll Squares +Lindatown, NH 36394" +72683.52988,6.033750501,6.753219361,3.47,18539.1007,942508.9622,"1512 Jamie Inlet Suite 784 +Grimesside, ID 88370-3426" +73763.56611,6.416791877,7.721937078,4.43,38550.70736,1642844.649,"769 Alexander Ranch +Clarkberg, MS 67017" +75780.62112,5.100682906,7.090924494,4.45,34944.98176,1078713.227,"514 Hanson Garden Suite 188 +Hamiltonstad, NC 25641-9151" +77882.87702,6.105278889,7.036667012,6.01,27528.74642,1333865.438,"4594 Megan Fall Suite 136 +East Jaredfurt, MA 40874" +70608.37229,4.438005316,7.281183442,3.36,24387.6079,684049.9193,"4178 Mcneil Lights +North Dawnshire, PA 34945-8793" +67782.87109,5.670682598,8.02778505,6.24,46608.22612,1311067.446,"57864 Andrew Ranch Suite 556 +North Alishafurt, AK 32981-0368" +57714.75253,4.964759603,7.798048421,5.4,53100.99891,1172133.487,"107 Reid Estate Suite 323 +Johnstad, MI 66292-5193" +88613.8699,3.479985415,7.559136434,5.17,42905.09538,1419536.259,"611 Lauren Flat Suite 569 +Lake Mary, IN 77960-4493" +73559.42856,6.156990736,6.962139586,4.39,34374.5912,1288426.694,"37058 Chris Route +South William, VT 39597" +81775.62655,5.772011878,7.496476798,6.34,30070.72806,1500939.827,"879 Jones Dale Apt. 502 +West Kristin, UT 41479-6892" +42462.09959,6.039003284,8.058236768,4.18,42191.77602,1000087.121,"5860 Angela Landing +Port Phillip, RI 06555-6716" +72096.85211,6.398037242,9.32133413,3.32,31584.37937,1457767.533,"44822 Little Lake +Waynetown, PA 79649-4781" +43921.99999,5.859730235,7.405887952,5.08,42250.79603,747933.4869,"3112 Wells Parkway Apt. 414 +South Emilychester, MD 63012" +64114.95832,6.615282097,7.33696283,3.32,25273.20785,1024738.285,"092 Melanie Vista Suite 316 +Lake Kathystad, ND 52672-8629" +77573.87071,4.977367374,8.005913674,3.09,39055.11426,1517666.855,"6481 Cox Island +Angelastad, PW 67519-1207" +70036.83153,6.294500495,6.169512175,2.33,25064.26712,953840.6976,"537 Petersen Common Suite 992 +East Marymouth, MP 64010" +71183.73751,5.409874135,7.401814643,4.09,46955.01013,1375497.973,"1442 Elizabeth Rue +North Jasmine, ID 74627-1634" +67315.59537,6.639948342,8.854531011,4.15,37811.20888,1645530.056,"30425 Steven Loop Apt. 820 +Alexiston, VA 51592-3127" +72813.80169,8.543764348,8.204047154,3.42,35014.84821,1727006.951,"309 Ortiz Burg Suite 125 +West Lisa, VI 49031-0820" +73023.32561,5.691798358,8.156580335,5,40512.89327,1597330.411,"981 Tabitha Point +Candiceland, IN 88442-5459" +67569.87705,7.058241204,6.702655681,4.11,49054.8713,1688279.308,"27060 Angela Pines +South Amber, IN 40642-8983" +69972.85225,6.444044968,7.295573322,4.3,37815.49404,1398310.2,"8056 Angie Plains Suite 840 +Hallbury, AK 63242-2700" +73231.05159,5.452384484,5.108517592,3.08,40788.10928,1100093.909,"27298 Lauren Square +Jenniferchester, AZ 53597-7001" +80577.73068,5.900963185,7.690169183,5.15,36463.03327,1505560.54,"9947 Williams Mountains +West David, MT 44384" +64754.56545,7.561983037,5.672823579,2.16,27143.01692,1105990.694,"000 Todd Pines +Ashleyberg, KY 90207-1179" +55435.64378,5.134472646,7.882091495,5.12,23503.16064,789043.8512,"791 Kelly Street +Stanleyton, NV 10317" +65510.66003,4.340528836,5.43258873,2.26,45111.81139,756319.734,"PSC 2733, Box 2603 +APO AE 48198-5637" +82855.94,6.813064895,8.213717355,5.37,36954.33556,1856782.783,"82519 Natalie Divide Suite 931 +North Alfredside, AR 41817" +89338.45337,3.983346134,6.611314226,3.22,41264.90672,1222020.821,"15919 Anthony Center Suite 276 +Cunninghamville, IA 87691-3881" +45990.12374,6.788986819,7.207150836,3.36,41553.83956,1043968.399,"237 Stephanie Corner +West Thomas, FL 46330" +76801.49678,6.264613212,7.343435592,5.44,48481.66451,1673294.246,"69955 Kenneth Garden +Brandonstad, GU 24710-6505" +61606.92174,6.89584933,6.004365015,2.06,40496.06977,1325860.533,"Unit 9785 Box 0790 +DPO AP 60371-0797" +65428.3117,6.528543309,7.640040242,5.41,33141.30823,1236044.316,"89223 Walter Roads +New Michelle, NE 63488-7495" +56697.58515,6.396024279,6.463455068,2.13,37973.36334,1030759.7,"981 Gray Way Suite 788 +Juliefurt, SC 97233" +92151.66658,5.640918859,6.509836777,2.21,37067.68246,1609581.804,"53516 Michael Greens +South Scottbury, MP 82773" +78555.93285,5.904536932,6.211583196,3.39,29758.99972,1292287.095,"6513 Terrell Camp Suite 520 +South Tiffanytown, TX 35726" +72204.15622,5.33803219,7.617082958,5.25,28943.15764,1057697.703,"565 Lee Glens Suite 921 +Austinland, MI 07393" +51741.87097,7.694068722,4.406835938,2.45,32730.92971,768152.791,"107 Archer Inlet +South Megan, ME 03090" +71082.11278,7.608168693,6.69972914,4.36,31327.51888,1513427.551,"967 Susan Union Apt. 653 +Costastad, IA 98079-8428" +71328.70444,6.62166574,6.93275635,4.36,28053.0164,1429497.617,"510 Williams Inlet Apt. 674 +New Timothymouth, TN 72339" +67150.06069,6.442420803,7.842278374,3.01,39917.87889,1376969.929,"16913 John Fall +New Lisa, NM 04867-0517" +59777.37269,4.681452167,5.709652814,2.43,37836.51782,614700.7371,"73229 Andrew Trace +Alyssastad, WA 60269-5659" +62725.40054,5.960139167,7.053248076,5.39,19750.68908,780608.9935,"812 Salazar Ford +Tylerhaven, MI 62448-7958" +65533.41492,5.948015641,6.727120954,4.37,25002.19225,856548.9441,"PSC 4589, Box 3480 +APO AA 84355-0532" +78293.70356,5.967157157,6.600855739,2.23,47125.53294,1656080.089,"3114 Garcia Centers +Bettyport, SD 06524-6877" +74371.33688,6.720799207,6.728642775,4.27,33186.70176,1249914.079,"784 Gray Gardens Suite 341 +West Michael, WA 27160" +56664.40439,6.924423085,6.236005985,2.13,28364.28666,817460.4216,"7022 Smith Cliffs Apt. 317 +Moseschester, MI 12476-3003" +60058.90615,6.367112535,5.982669477,4.38,33581.82371,990893.1601,"37513 Robert Courts +New Sarahfurt, PR 15188" +63757.05147,5.805475824,8.084123474,4.1,27244.43911,972079.5876,"5098 Pittman Spring Apt. 987 +Heathershire, CO 24944" +81026.60678,6.27811119,8.133307932,4.29,24407.24318,1349989.647,"USCGC Johnson +FPO AA 50443-5069" +83683.36054,6.083634063,7.167066817,3.48,38399.83571,1303542.283,"715 Jones Glens +New Melanieborough, DC 66078" +56103.917,4.725540703,4.129733361,3.4,41330.60856,593766.1848,"7291 Tammy Run +Farrellside, HI 31913-1175" +67454.2131,4.832160529,7.573134684,4.1,49237.40432,1243918.811,"206 Huang Junction Suite 611 +West Samanthashire, NH 29756" +67631.23514,8.301924703,6.491297609,2.32,24624.6478,1395855.656,"3127 Melanie Neck Apt. 951 +Davisbury, DE 43748" +52988.0296,6.995183898,7.098708924,3.44,37791.01751,1112314.303,"775 Leach Shore Apt. 133 +West Donaldside, FL 03465-3770" +59549.91391,6.609092096,5.943765122,2.34,14906.24662,850010.1816,"2196 Lowe Glen +Mitchellfurt, ME 99955-5825" +58832.50404,5.819522121,7.559578681,5.13,30200.10651,931787.6179,"93907 Gross Mall Apt. 112 +Randyport, ND 03786" +76717.37134,5.44085015,6.061395449,4.45,34944.0686,1011140.799,"39152 Henderson Lights Suite 980 +New Michaelfort, MH 75123-0177" +73422.8322,5.327629541,4.69394693,3.42,50997.64971,1190442.123,"71055 Margaret Stravenue +Jesusshire, FM 69643-5179" +59128.31877,5.88630988,5.571042791,2.23,45592.38758,916140.2212,"2497 Williams Meadows +Lake Meganton, OK 76795" +65614.78487,5.343725251,7.610386208,6.5,39353.68393,1222045.091,"55752 Erica Springs +South Deborahberg, AK 58067-2651" +68851.402,7.060172147,6.771951062,2.34,22121.54729,1232156.012,"4756 Christopher Lane +Lake Lauraborough, MT 35794-4306" +43531.85659,6.451254749,6.885661622,2.14,37388.8526,652752.9727,"12008 Lee Parkway Suite 046 +Summerston, CT 95726-5540" +53763.52801,7.336375104,7.533218756,5.15,32306.66852,1219846.919,"34265 Coleman Flats +Rothfort, KY 38490" +68948.40633,8.485443766,8.258065887,5.06,40078.54357,2050988.497,"61907 Jeffrey Street Suite 887 +Cummingsberg, IN 54323-4230" +70795.29885,6.210044557,7.582601532,3.35,29887.45168,1359052.846,"370 Huynh Turnpike +Troyfort, NH 25371" +72443.69473,5.045013623,8.000120823,6.22,31190.6707,1308773.078,"795 Mathis Valley +Lake Judyhaven, OK 97082-1217" +82781.64934,5.668081747,7.511383044,4.14,39587.95296,1573998.902,"064 Eric Isle +West Carlos, MS 38813-0363" +67428.64356,5.494795166,7.565060629,6.36,40897.02521,1182980.604,"PSC 1211, Box 3865 +APO AA 83963" +65841.30879,5.587064649,6.490281845,2.07,48253.27664,1029861.623,"92901 Ray Green Apt. 953 +Ricehaven, FL 10526-1650" +72257.50957,5.046905795,6.713334011,4.32,33543.04806,1085943.076,"894 Kelley Forks Apt. 702 +Port Joanne, AR 01028" +74243.74684,6.25881632,7.802437608,4.27,40328.23344,1713351.394,"PSC 6960, Box 0333 +APO AA 78454-0482" +71758.58762,6.17278582,6.909676901,2.2,42115.14602,1297619.348,"PSC 0599, Box 0119 +APO AP 10621" +67511.12733,6.671741423,6.801278162,3.36,23162.54734,1096052.868,"3419 Smith Orchard Suite 230 +Port Jacob, DC 58275-0126" +71301.00707,7.281558213,8.452274921,4.03,44869.50695,1920527.53,"1039 Douglas Creek +Lake Sarah, RI 65939-0004" +55784.47534,8.118399939,6.176659565,2.34,29304.17222,1035171.06,"424 Crystal Landing Suite 616 +Port Garystad, KS 50589-4622" +66840.69532,6.705514007,7.044911118,6.28,32705.94933,1218011.061,"628 Peterson Locks Suite 809 +Meyermouth, KY 45309" +58098.04984,7.356870637,6.449420818,3.42,43299.01077,1106705.011,"USS Noble +FPO AA 64897-0998" +66252.14479,5.238126269,5.709671826,3.14,33656.23096,664978.8738,"38431 Gomez Motorway +Patriciahaven, AS 32966" +73226.20051,6.723350218,7.194271726,4.03,30464.04404,1316129.309,"77306 Ann Plains +Toddchester, VT 06518-1374" +70138.51256,6.319456523,6.599789184,4.37,33434.11259,1398760.047,"PSC 2070, Box 5168 +APO AA 16531-0242" +65041.69131,6.202875145,6.088335078,4.17,14486.82595,759799.8758,"949 Joshua Route Suite 675 +Luiston, AR 44078" +68167.07984,5.981856487,6.658310366,2.47,13977.62978,776906.3269,"227 Willis Divide +Petersview, ID 30955" +61300.75352,5.662525533,7.869698636,4.42,29408.94639,971928.9869,"791 Emily Key +North Alexandria, GU 40441-0920" +65175.54822,6.578546624,6.711383337,3.45,29829.0628,1180091.498,"5837 Aguilar Parks +Tanyashire, FM 11641" +79037.52157,6.043842699,6.572367699,2.24,30037.99135,1201785.667,"04705 Pacheco Fields +West Stephanie, SC 35286" +75985.80472,6.439202554,7.385555041,5.34,50003.08659,1591234.773,"2680 Jennifer Extensions Apt. 775 +North Mike, AK 44839" +35963.33081,3.438546514,8.264121726,3.28,24435.7773,143027.3645,"166 Terry Grove +South Michaelhaven, PR 18054" +65069.90172,6.169046083,5.729563124,3.45,36778.29264,1091143.399,"77298 Tracy Valley Apt. 122 +Whiteville, WA 04277" +60712.19769,6.266859797,7.010051889,3.29,47783.30489,1249173.691,"318 Erica Dam Apt. 542 +East Kimberlyborough, GA 75984" +77456.1916,7.188786556,8.038649955,3.29,45581.92161,2002028.632,"9073 White Hills Apt. 440 +Port Ericfort, DC 95391" +61370.32349,6.529605446,6.606743697,4.3,20600.511,824540.8964,"7756 Martin Row +East Kevinside, IL 31478-4239" +79863.28594,6.697263672,6.376060218,3.05,35048.26334,1511526.921,"622 Duncan Stream +West Timothyberg, AZ 17463-7935" +57980.95419,6.150067074,8.195579098,6.31,25053.9749,994257.5352,"0379 Hale Path Suite 053 +South Hailey, NC 34885-9166" +63600.68699,7.403052279,5.728417583,2.03,53539.19695,1345296.554,"636 Bryan Light Suite 972 +Port Daniel, MT 80278-9913" +62113.52207,5.000496142,8.328555995,6.02,29401.14446,1166399.672,"3978 Jacob Expressway Suite 998 +Port Philipchester, ID 93126-7393" +82810.89479,7.089076786,6.806536055,4.39,39779.64723,1820981.219,"55494 Robin Orchard +East Nicholas, MP 49146-3130" +69380.83777,6.185505942,6.115470081,4.16,25327.6867,1023965.403,"5119 Hess Circles +Gouldview, FM 26660" +69632.04046,4.691106301,5.563805068,2.22,34641.56508,889385.9016,"USS Harris +FPO AP 57241-4816" +60377.60711,3.987009788,7.035223614,4.06,29114.28814,616738.2083,"688 Hernandez Place Apt. 978 +Marisaland, NJ 30710-3277" +82103.49934,6.650746733,7.343427611,6.19,49015.28465,1784260.849,"112 Bradley Knoll +North Tylerburgh, IA 39925" +49856.2305,6.81845289,7.080153739,5.38,51528.83585,1050541.314,"Unit 6923 Box 8144 +DPO AP 20812" +68386.9825,6.758728424,6.808714574,2.11,37894.64968,1389223.607,"USNS Beard +FPO AA 45652-4890" +78288.95759,6.401757145,7.912674755,5.17,29197.3365,1423908.258,"USS Levy +FPO AP 10092-3601" +60762.46566,4.76898851,8.298090336,3.05,46303.3646,1069238.5,"35040 Mark Via +West Stacey, FL 16909" +58913.30315,5.482266406,7.99448863,3.21,45563.71701,1007856.266,"058 Megan Circles Suite 646 +Joyceland, CA 71806-0166" +65580.05597,4.632527413,6.561204277,3,48220.31523,924346.1648,"140 Whitney Alley +Mccartyside, AZ 49843" +77021.4165,6.269371897,7.665643101,3.35,27855.39454,1453312.468,"170 Erickson Keys Suite 106 +North Cheryl, RI 98322-7567" +78276.57243,4.386270795,5.218507156,4.27,21371.92379,782656.0804,"5534 Lang Circle Apt. 477 +Port Brianshire, MT 26767" +71336.15008,4.893013125,7.701407169,3.22,25377.13674,803689.1519,"711 Brown Streets +West Christinahaven, MA 80655" +77528.123,6.860067598,7.739400146,4.26,23976.71385,1439875.64,"23394 Jacobson Rapid Apt. 025 +Davischester, AR 89328" +68195.03375,6.621485857,7.801897069,6.11,26921.60365,1270869.783,"714 Snyder Ways Suite 823 +Port Patriciaberg, PA 43026" +70834.02071,4.304375946,7.481930316,5.47,53490.13478,1347279.207,"48921 Jamie Radial +East Lorihaven, PA 07539-1028" +94670.04592,6.926414307,8.340524425,4.41,39522.90957,2186194.793,"401 Michael Drives Apt. 391 +Port Lisa, TN 44690" +48524.42769,7.398109966,6.604115958,2.13,41554.0704,1082486.679,"368 Christine Mews Suite 162 +Port Justinchester, NV 08842-1981" +83403.44525,7.005353144,9.404851241,3.32,26319.72001,1700109.608,"USNV Myers +FPO AA 04299" +75219.09502,7.25142968,6.614439024,3.36,37863.58218,1623100.84,"16051 Jared Centers Apt. 104 +Port Greg, AL 02346-6849" +68145.92039,5.474098801,5.786855348,3.22,39187.76583,943309.4486,"0470 Marquez Forest Apt. 954 +Gutierrezfort, ND 37099" +84913.97675,4.759494793,6.514700261,2.17,46136.0299,1409684.485,"53800 William Causeway Suite 602 +Wallaceland, TX 92881-0851" +82336.99245,6.553922091,6.289606881,3.06,37965.37421,1326481.675,"1470 Angela Bridge +Taylorton, DE 05823-8649" +51962.16124,5.510917604,6.977103332,3.07,17403.09075,404643.6022,"613 Walls Motorway Apt. 209 +Allenshire, SD 47296" +57169.41546,5.959288964,6.373969072,4.36,47966.91683,1176655.085,"14455 Jackson Point Apt. 513 +Davisside, ND 07029-4712" +57925.0447,3.214868146,6.988817742,2.33,43867.84454,633875.9302,"1383 Cathy Common +North Tinaborough, RI 63027" +77905.82719,5.041209203,7.881143832,6,29282.57381,1390251.42,"PSC 8265, Box 9914 +APO AP 20327" +62714.55443,4.861475959,5.34005839,3.06,41998.56888,861138.1836,"485 Whitney Shoals +New Nancy, NJ 50907-1426" +64901.03107,4.460276088,6.734748724,3.41,47452.38543,1151233.095,"1158 Beth Hills Suite 739 +Kellybury, TN 88438-6320" +51156.73943,5.594270942,6.976381319,2.39,25753.28312,686644.6104,"23708 Klein Stream Suite 762 +Saratown, AR 52517-8911" +63766.77164,6.951789882,7.427873073,6.36,33036.19962,1261681.961,"19279 Nelson Road Apt. 815 +Kennedymouth, FL 66666" +61460.93949,6.682596212,7.40003792,6.21,40814.92851,1327811.343,"0562 Kenneth Road +Port Joshua, FM 86787-9400" +61907.59335,7.017837825,6.440255755,3.25,43828.94721,1339096.077,"7521 Gregory Meadows +East Johntown, CO 93230-5255" +72805.14665,4.665514927,7.100443568,6.1,30874.69886,987355.9609,"USNV Cantrell +FPO AP 40438" +66204.56507,5.594183137,8.589659889,5.1,36185.05006,1384478.305,"23596 Hamilton Avenue Suite 837 +Matthewmouth, MS 95493-2590" +74548.1431,6.353116423,5.116256419,3.23,40444.19117,1168919.401,"USNV Stanley +FPO AP 27028-3977" +76453.79463,6.221479752,5.899690352,4.22,51497.66578,1522099.831,"493 Murphy Corner +Michelleport, NV 33967-4123" +79354.6176,6.194584199,5.364679403,3.32,31568.89569,1260374.966,"Unit 1144 Box 0152 +DPO AE 59378" +70064.23658,5.360253242,4.747499792,3.12,28122.23338,857762.317,"Unit 3834 Box 7401 +DPO AA 64737-4858" +74559.71664,5.17016265,6.859309643,2.2,29892.06843,1126450.426,"969 Phillips Club +New Diana, MT 40096" +82321.73111,5.911488489,6.813649608,2.33,48616.26463,1574084.927,"537 Gonzalez Plaza +Mccarthyland, ME 81042" +43526.81459,6.11901907,6.274272191,2.5,39760.2064,469262.8156,"5684 White Brooks +Port Josephtown, AR 95549" +71769.85888,6.067195467,6.849294596,4.18,28173.39447,1114169.037,"96301 Allison Falls Suite 515 +New Courtney, GU 66573-9604" +89056.92119,3.410785658,7.121999355,5.5,60658.29587,1792368.627,"Unit 0303 Box 1245 +DPO AP 90327" +66418.43057,5.737583091,8.051738727,3.49,45319.99304,1383842.185,"7082 Mosley Crest Apt. 431 +East Walterfort, MI 80069" +44439.87401,5.604261416,7.824070198,5.38,37934.96743,691318.2401,"47971 Larry Ville Suite 410 +Tylershire, NC 68512" +69343.00931,5.921443805,9.141241979,5.3,30113.83269,1245070.338,"173 Richard Well +Rachelbury, OK 77886-1242" +95997.6711,6.685863208,6.993422378,3.43,47128.88099,2220799.069,"86892 Webb Trafficway Suite 809 +Angelachester, UT 84457-8708" +62616.16582,4.844336296,6.80310024,2.3,31010.22142,854815.1175,"547 Howard Alley Suite 447 +Nicoleville, ND 59356" +76393.84648,7.306675205,9.428035064,3.17,46361.69458,2092348.377,"581 Derek Coves +Josephburgh, PW 37956-4189" +55840.1656,4.950202585,7.650712389,3.04,30795.10799,781213.0669,"Unit 7278 Box 9019 +DPO AE 72927" +69882.27393,5.646557664,5.64764585,4.35,19544.75196,726883.8689,"074 Davidson Row +Lake Davidbury, WV 44303-5567" +87099.18849,6.756372213,6.400685049,3.18,44581.74758,1640990.378,"50864 Chang Manors Apt. 505 +Kimshire, KY 55244-2271" +67716.74822,6.431119287,7.753988755,5.28,40562.18895,1535781.96,"3914 Gina Turnpike +East Valerie, GA 59492" +69624.78634,6.565275901,7.462821323,4.18,57644.20907,1737759.05,"283 Mcdonald Keys +Colemanmouth, WI 15244-6859" +78706.67574,5.922854638,8.33451397,4.2,36414.72945,1550702.478,"120 Peterson Place Apt. 673 +West Aaron, OH 93623" +61321.58936,5.458032475,9.502520111,5.05,29888.76471,1348873.427,"43045 Felicia Ports +Crossbury, VA 62660" +62709.71267,5.732425466,7.060947189,3.22,34182.49617,955445.8537,"10208 Kimberly Flats +New Jasonchester, TX 11608" +66300.50528,6.671579548,8.282587474,6.13,38501.9551,1467910.569,"27274 Gordon Street +West Loriland, NC 74388" +75126.80508,8.008209502,7.845971202,5.09,36544.31859,1742938.776,"383 Joseph Road +Natashahaven, FM 16085" +68251.83533,8.335360241,7.072024549,6.02,38203.17353,1795630.913,"42685 Donna Prairie +Andersonbury, OK 38121-2420" +85175.20063,7.750851661,7.271163222,3.11,3285.450538,1305972.22,"792 Angela Forks +South Tylerfort, WI 00472-1022" +62381.92329,6.777764029,9.794898314,6.19,31391.26847,1433542.021,"0405 Miranda Bridge +Roseburgh, MP 42100" +69099.40351,5.600101651,5.40860478,3.49,37540.31003,921396.9753,"136 Linda Manor +West James, MI 99577" +73246.82218,4.936845339,7.536187342,4.15,47332.13862,1405399.855,"046 Emma Brooks Suite 819 +Lake Christine, OH 38576-3876" +59901.82895,5.685544439,8.043199844,6.49,30210.76466,1088548.827,"343 Samuel Pass Suite 476 +Kimberlyberg, ME 70939" +55038.05911,4.469567273,8.852673819,5.09,27701.02065,738030.6499,"USNS Greene +FPO AA 65033-4012" +69505.11151,7.352350453,10.75958834,5.14,48112.20017,2235294.718,"0665 Dawn Overpass +East Sarabury, CA 82390" +67964.83178,7.025035017,6.210030142,3.27,52831.15311,1564252.526,"8911 Ashley Mount +South Brian, TX 93120-1212" +71112.3503,5.612677071,7.419542404,4.26,24134.414,1309937.399,"818 Huffman Manor +Bradleyberg, VA 36874-2726" +76759.26928,7.983741985,7.613237025,5.26,23752.36101,1660770.002,"97953 Martinez Tunnel Apt. 675 +Williamstown, IA 03085-1191" +82988.42745,6.099322338,8.47338077,5.12,31142.84203,1485418.102,"48349 Garcia Cove Suite 251 +Port Jessica, NV 82266-4694" +71106.73804,5.460238285,5.962612283,4.39,25861.92823,886124.7256,"65540 Deborah Lakes Suite 696 +South Williamburgh, MS 36354" +75516.46278,6.186440468,6.288751536,4.47,35521.04918,1411024.044,"858 Melanie Ridge +Port Elizabethland, WV 46546-6515" +60805.1033,4.170949099,7.347941423,3.16,31185.88333,671343.9418,"29430 Garza Mall +Smallmouth, LA 27750-6274" +61865.42322,5.890156539,6.220692269,2,41492.18017,992585.3823,"07367 Jason Square Apt. 543 +Lake Jenniferburgh, DC 91157" +64241.79223,5.328137978,7.253737124,6.01,27768.58455,944590.1588,"9425 Chad Ways Suite 792 +North Melissa, MD 26354" +77697.23565,6.138120631,7.267847632,4.35,40523.2893,1399909.049,"3426 Tamara Circles Apt. 239 +South Mauricefurt, DC 47214-8682" +63044.4601,5.935261391,5.913453615,4.1,32725.27954,865099.5234,"392 Jonathan Divide +Donnaland, ND 01024-1699" +74102.49086,6.206707265,6.682487909,4.38,43971.51414,1394423.556,"PSC 9526, Box 2287 +APO AE 35608" +62514.10856,4.931569621,6.194068363,3.35,40891.61563,813807.6997,"119 Nichols Flats +New Robert, MS 49220" +63237.56576,7.426296989,5.300989403,2.06,55849.94806,1316180.494,"USNV Cunningham +FPO AA 38594-5290" +75951.45249,5.440611043,6.999579342,3.09,31125.55873,1212205.341,"100 Garcia Track Apt. 378 +Schneidermouth, KY 87806" +66803.01636,6.251245416,8.75087217,5.07,57970.24279,1769484.893,"PSC 8784, Box 4657 +APO AE 65551" +45347.15068,5.521608814,7.088619391,4.43,31335.59502,541953.9057,"620 Fletcher Hollow Apt. 171 +North Catherine, NC 45245" +67722.84636,6.89577421,7.397590147,4.27,37869.93681,1494101.445,"48910 Lyons Forge +West Dillonmouth, VA 62094" +58108.48878,4.633538535,5.495635406,3.24,37642.02655,856022.8625,"USCGC Jones +FPO AP 12026" +60871.60378,6.029590406,7.282537332,6.2,38111.35302,1427842.506,"7535 Adams Square +New Leonside, DC 29202" +76087.15419,5.039400288,7.854884014,5.03,27616.09545,1228138.129,"17616 Nguyen Cove Apt. 639 +Osbornetown, RI 61768" +73965.37027,5.121333052,6.931703177,2,34440.64065,1168627.651,"355 Black Villages Suite 934 +Chadhaven, PR 31957-1566" +69931.4011,6.099506571,5.178628479,2.28,52079.18818,1389287.474,"26984 Kathryn Vista +Scottborough, AZ 97504-1679" +77316.19135,4.128267302,5.715441059,2.36,51096.88855,1243981.946,"46648 Gaines Plaza Apt. 852 +Jordanmouth, WA 20962-7889" +76896.78703,4.349592232,8.608456811,4.4,52733.98798,1584439.713,"24523 Reed Passage +Watsonside, CA 24610" +76919.30072,4.778495431,7.551058857,4.05,52945.84342,1622837.353,"3780 Diana Parkway +Nicoletown, PR 80300" +64402.12825,5.601503368,8.274193678,4.06,24965.90216,1031146.755,"806 Matthew Locks Apt. 999 +East Kurt, LA 14831-8346" +58410.57191,7.89377834,5.908601199,4.42,31189.36407,1098518.134,"995 Lisa Prairie Apt. 742 +Carolinebury, KY 11086-9016" +53427.87537,5.804315611,7.665601844,3.26,34538.75492,909781.4668,"479 Little Isle Suite 536 +West Anthonystad, FL 30893" +73649.39696,6.471256486,5.667117321,4.07,47992.34474,1431517.439,"571 Fletcher Mountains Apt. 828 +New Vincenttown, AZ 06781-5577" +93455.95296,4.754963035,6.80690822,2.15,31135.51349,1636996.074,"67689 Christopher Viaduct +Normanshire, PA 32369" +75843.30304,5.768478785,6.989189234,4.1,61126.73207,1658974.567,"85431 Berry Ports +New Ricky, VA 30468" +62021.20355,5.951022992,8.351675153,5.19,35276.65257,1168887.459,"76096 Sharp Branch Apt. 712 +Christinahaven, MA 53631" +77064.25763,6.680591866,7.734862028,3.38,43570.94202,1720258.777,"207 Edwards Locks +Coreyshire, DC 57303-1553" +77785.19261,4.254128346,5.865544034,2.09,43301.32596,1129408.87,"21900 Jonathan Roads +Stephensonport, CO 55102" +61784.06494,6.016967885,6.031560914,2.35,27725.85566,778836.9229,"674 Renee Rue +Angelaland, VI 02616-3040" +78827.00526,5.864956336,6.465128863,4.41,32865.02798,1276471.581,"USCGC Patrick +FPO AP 08538-2530" +64767.8677,4.676070219,7.132170434,5.3,26414.74742,839426.1222,"63382 William Pike Apt. 544 +West Jenniferborough, ND 25679-4569" +51457.3763,6.011529119,6.84053592,3.46,42889.6661,794075.8615,"7068 Simmons Drives +Hendersonberg, DC 57978-7303" +66233.86226,6.907393959,7.09020352,6.33,29548.18989,1372549.782,"4855 Tamara Brooks +Wendyfurt, DE 65495" +72196.33549,5.47890656,5.986455183,2.19,32255.9083,1084539.387,"59229 Allen Viaduct Apt. 806 +Lake Brandy, NV 30525-7585" +50926.77663,4.507953424,6.154788048,4.01,33663.66924,211017.9705,"707 Richard Unions +Larsonstad, OR 98013-1254" +56086.57393,7.119264731,7.836759091,3.02,33454.08428,1186372.179,"48614 Martin Causeway Apt. 157 +Alvaradofort, AK 75999-0775" +68985.15274,5.754108522,8.382275147,6.45,16288.31457,1140918.805,"062 Villa Spurs Apt. 442 +Whitefurt, NC 88100-0382" +48855.85135,7.723274916,8.391225256,5.12,49890.50828,1471828.129,"584 Walker Harbor +Smithfort, NY 92619" +63499.83517,4.397922947,6.134831392,3.39,38263.48423,803259.6126,"55294 Christopher Field +Forbeston, AK 68753-4955" +73218.35136,5.433298628,6.572988175,4.33,34818.71842,1124719.49,"4720 Lynch Ports +Edwardsmouth, CA 77989" +83637.53309,6.430984273,6.257289049,2.13,25962.77118,1396401.022,"75962 Kyle Dam +Robertside, CA 92136" +48879.09809,6.157261017,8.040754516,3.39,30730.40151,802274.1289,"5220 Katherine Drives Suite 091 +Haleyberg, VA 25994-8952" +77187.84835,6.269795191,6.774004675,4,35106.54614,1646662.911,"9218 Dixon Square +East Staceyshire, TX 34468" +72441.37701,6.343953016,6.571655417,4.26,38368.28028,1202621.178,"4912 Margaret Rapid +North Lindsay, AL 24424" +57812.84383,4.312820313,7.773969252,5.1,46060.36993,1066768,"347 Howard Mission +Mariashire, CA 60692-1256" +64811.17139,6.193441139,6.952699366,3.46,40549.35681,1153135.22,"Unit 7075 Box 5001 +DPO AA 66418-2839" +86563.09684,5.245242456,7.984941298,4.03,44920.24555,1706110.86,"322 Todd Extensions +New Christineberg, MT 39027-6684" +86586.87244,4.83694235,6.986339202,2.1,40282.03664,1543913.433,"1550 Stout Harbors +Lake Ashleyhaven, AK 92441-4004" +49601.06163,4.48211105,5.617544353,2.08,33836.92806,302307.4011,"4544 Timothy Coves +Barnetthaven, TX 93635-9944" +71920.67878,6.726672923,7.614547384,6.17,26341.09557,1134055.403,"5784 Cole Ridge +Nixonport, OH 64190" +68355.44217,7.007744694,6.610356603,4.29,38950.15522,1352756.753,"USCGC Brewer +FPO AE 97523-6665" +64350.28457,6.761202557,7.128709606,3.03,69592.04024,1772390.553,"48205 Bass Viaduct +North Victormouth, VA 26521-3726" +61481.20521,4.822577579,7.427780103,3.4,39586.38351,1014450.654,"20726 Victor Alley Apt. 746 +West Alexisstad, KS 72242" +39294.03652,5.928585443,5.960675668,4.36,43183.5161,781137.4618,"829 Bonnie Rue Suite 653 +Yorkville, MP 35797-3131" +59078.51429,6.042080099,5.921795631,4.1,34655.93991,921238.3583,"52556 Peter Roads Apt. 021 +Josephton, GA 38105-4827" +57972.56183,4.97877301,6.548997789,4.36,40092.5162,790555.5204,"9886 John Burg +Bentonville, RI 07315" +79689.72338,5.916946406,6.784153511,3.44,38313.82892,1420648.281,"USNV Rhodes +FPO AP 56575" +47018.06711,5.286433379,6.767379403,4.1,23925.62147,377618.9699,"665 Ellis Meadows +Oliviatown, ND 83301-0274" +56252.24324,5.479987314,6.404475409,4.16,44305.72216,945079.5323,"396 Blackwell Parks Suite 376 +Ramosmouth, OR 84067" +65741.39764,7.429961382,7.129217811,4.05,37647.66604,1630952.884,"9477 David Courts +New Michaelstad, AS 51513-3648" +53066.37227,6.75457107,8.062651631,3.23,19103.12711,1009972.083,"72496 Davis Street +Port Daniel, NY 98546-2576" +71368.04402,6.014408815,7.025588107,6.21,35376.99073,1372806.616,"903 Owens Avenue Suite 924 +Lake Lisaville, NH 80934-1465" +40752.71424,5.507106334,6.503331288,4.12,41565.02608,560598.5384,"44981 Rachel Ports +Port Robert, AR 93456-0617" +64296.50418,7.125630492,8.084430401,5.4,37562.54806,1484653.884,"46929 Butler Springs Suite 977 +Bakerstad, OH 04777" +50172.57073,6.33456811,7.346448516,4.38,32764.43591,940138.9614,"59958 Austin Heights +Lake Julie, MS 90545-5499" +70564.72035,6.720829754,6.754620969,2.42,37339.5559,1354077.498,"4188 Shannon Divide Suite 008 +Port Joseph, MT 37093" +67866.89993,5.393977714,9.359022454,5.44,43122.57418,1400961.279,"94209 Hamilton Crossroad +Newtonhaven, IA 49698" +77106.50012,7.123866349,5.832411835,2.28,36215.15942,1426832.049,"388 Diaz Tunnel +Coxberg, TN 50335" +74418.47389,5.667783745,6.164151449,4.32,27089.04917,1031737.385,"66754 Reed Village +Boyleshire, MT 92664" +58002.71531,7.278803441,7.775049238,6.36,30249.03042,1244248.525,"21205 Elliott Vista Apt. 083 +Port Kathryn, MA 14562" +63217.17243,6.981741643,5.139219089,2.07,31925.67536,1070868.067,"21055 Carroll Ports Suite 218 +South Joseph, IA 28239" +49740.18209,4.748619773,6.756554547,4.42,25545.92394,493350.0312,"64092 Mcdowell Squares Apt. 321 +Colonchester, AL 06000" +75361.23757,5.546206589,7.770046179,3.24,23530.90631,1228323.225,"28154 Jessica Neck +New Steven, AR 34931-0581" +62594.97909,5.493365974,7.962687651,3.35,46459.251,1427026.945,"033 Lisa Highway Apt. 341 +Deckerbury, PA 37661" +62212.55965,7.346083967,7.798975121,6.06,40620.663,1504664.281,"0010 Gregory Loaf +South Ericfort, VA 34651-0718" +60610.61064,4.019356939,5.539636424,4.09,49512.90932,689155.5684,"PSC 8596, Box 3570 +APO AE 98699-4988" +82777.06932,5.23519491,7.896371961,5.26,42582.93467,1481171.234,"19322 Jason Stream +South Erikmouth, FL 73773-6900" +50716.04388,6.437928611,8.06369476,5.36,35879.91367,1092649.709,"57489 Jennifer Spring Suite 154 +East Elizabeth, ID 65823-9817" +61905.95943,5.685730962,7.483381611,6.15,36380.57033,962581.6883,"780 Clements Corners Suite 052 +North Sharon, TN 24966-9986" +68246.92783,3.907090367,7.175401501,3.28,24553.45987,688479.2926,"759 Alexander Cliffs +Port Bruce, VA 20003-6583" +85174.04176,4.977651242,5.987958372,4.01,38773.02082,1363106.125,"USCGC Paul +FPO AE 56892" +63342.84981,4.999189324,6.239560863,2.36,25009.06052,826328.1084,"26725 Rodriguez Locks Apt. 364 +North John, MO 97315-7256" +74022.05327,5.896128881,7.521358532,4.14,36533.83778,1434575.11,"PSC 8414, Box 7571 +APO AP 04809" +78866.66525,6.331004889,6.83423618,3.44,39816.74911,1509422.58,"56299 Angela Center Suite 035 +Thompsonstad, OK 51190" +71721.42138,2.683042903,7.583527004,6.26,10704.82191,395440.2022,"92426 Bennett Islands +Clintonberg, PW 44484" +76076.2907,6.213168556,7.953781094,6.49,46298.31611,1765809.432,"148 Steven Port +Morganville, KY 04720-2788" +52568.67932,7.147855954,6.561958811,2.33,38555.06758,1135676.183,"4682 Brett Canyon Suite 969 +Josephshire, WA 50894-5205" +69851.70581,5.817615375,7.629224694,3.03,19560.21349,1006227.535,"1233 Dave Burg +Simsfurt, MO 70012" +58068.9055,5.443883946,6.263176695,3.15,29519.88477,576387.1752,"93524 Barton Plains +Haroldtown, MN 92953" +60134.26609,4.259678188,8.337627487,3.09,39200.86657,1044615.522,"76054 Brooks Oval +Kennethshire, IA 79803" +72967.54123,6.021239385,6.97573331,4.02,49140.66901,1765352.366,"37874 Hernandez Point +Paulberg, NH 37527" +63820.39648,7.31980876,6.287213171,3.31,28737.11076,1049632.181,"948 Jordan Parks Suite 211 +East Shannonbury, MP 57202" +78700.97127,6.927794005,7.266297176,4.35,35193.91648,1456969.577,"50073 Karen Radial +South Lorimouth, MI 99290-5854" +62806.29516,5.614666403,8.335418626,4.45,33498.93176,1331374.948,"935 Heather Shore +Gonzalezmouth, MT 66865-3409" +71595.17728,6.628833582,8.050035966,5.26,37271.15603,1779874.754,"006 Matthew Cliff +Carlosfort, VA 53572" +85441.48887,4.798258666,7.127673979,6.13,46302.40159,1601152.932,"8518 Duffy Lights +Garnershire, PR 85489-2577" +86562.17887,7.188637589,7.360455285,5.19,32621.10485,1702528.794,"04612 Howell Lodge +Mortonchester, MD 16392" +74646.84656,4.530556542,6.451146228,4.36,36679.18743,1123765.346,"0168 Allison Stream Apt. 386 +Port Amandaville, VI 47676-7237" +63686.25989,5.938427862,8.763599419,3.49,18163.77362,1042144.231,"USCGC Mckenzie +FPO AE 67107-3112" +60530.7319,4.436177367,7.670800219,4.3,34043.22655,869026.582,"4599 Smith Estate +Richardfurt, MT 90720" +74826.30556,5.505002199,7.399877695,6.08,32639.63803,1352993.625,"59827 Joyce Path +West Thomas, NJ 39644-7157" +71639.29691,6.569124436,5.614572016,3.44,28995.09305,945931.1936,"81945 Adams Cliffs Suite 280 +New Mason, DE 40217" +81439.20002,5.809960591,7.282240151,5.26,37565.54052,1653381.313,"66537 Bradley Road Suite 049 +South Tanyaport, NJ 51929-5090" +85297.19886,4.861034546,5.596366581,2.26,28319.63343,1258957.62,"PSC 0855, Box 0799 +APO AP 77305-9461" +64044.18962,4.581613523,5.875689352,4.1,32940.79478,724121.6734,"23881 Paula Point Apt. 188 +Blairtown, AS 70161-8820" +67828.47986,5.018114508,8.636107723,5.17,34981.394,1067871.687,"920 Hernandez Vista +Randallstad, NM 54144-7957" +60028.08245,5.121560597,6.173060324,3.29,36651.51947,842235.8034,"7891 Amber Springs Suite 295 +East Jonathanstad, WV 87494-7507" +63700.26247,5.375149492,7.723659864,6.2,38397.56695,954154.2069,"6804 Alexis Terrace Suite 131 +Robertside, GA 20350" +74010.16361,6.447052039,6.245523075,2.04,46239.17013,1356691.387,"9936 Robinson Avenue Apt. 959 +Joannton, MI 18340-1649" +67094.19707,5.346436832,7.374606574,4.18,30022.53717,1202992.884,"0555 Erin Crescent Suite 520 +West Joshua, CT 50309-9080" +66714.67588,6.928767557,7.907488631,6,53185.20035,1502447.917,"Unit 5035 Box 2191 +DPO AE 45785-6213" +72745.45473,7.642474303,7.083621576,4.14,53000.76809,1947338.44,"691 Vanessa Prairie +Santanamouth, SD 08884-3154" +79923.81188,4.971327902,7.00318762,5.48,33828.45488,1153516.919,"411 Hobbs Bypass +North Susantown, SC 22009-2061" +48510.91013,6.410976784,4.729553626,3.22,31451.09301,414165.2204,"796 Newman Bypass +Walkerhaven, TN 71532" +50534.34598,6.664544241,5.014301356,4.18,26627.38647,723089.9525,"10327 Lisa Via Apt. 970 +Burnettshire, IL 42501-3262" +55543.52009,6.793799381,7.87230271,5.41,40063.4211,1193482.503,"9361 Stephen Stream +Port Meganfurt, AR 82577" +85466.39026,5.594194544,4.794561406,3.19,38191.03227,1380602.556,"91961 Barker Plain +Richardsonstad, AL 90756" +48735.92451,5.543729665,6.091906,2.43,19682.34729,151527.0826,"3426 Vicki Track +Lake Rebeccashire, TN 53858" +76388.55196,5.588038153,6.845532332,2.2,36841.17614,1114729.725,"PSC 1483, Box 6662 +APO AP 78821-4369" +73279.0309,5.902295849,8.077577938,3.01,13981.43549,984421.2253,"3465 Latoya Well +Nelsonmouth, MI 55741-4287" +64661.93028,4.656695745,5.660253117,2.44,49457.17937,875904.5286,"3737 Hartman Rue +Reneestad, ID 69250-7718" +59390.34682,5.664970501,6.750871993,4.31,28995.96414,788427.8399,"8460 Kathleen Mission Apt. 482 +Port Amytown, KY 72016" +66064.53282,6.65956175,6.881398143,4.4,44561.33359,1444701.328,"054 Carter Crescent Suite 674 +Glennport, WA 11140" +72488.15969,5.643639139,8.205294206,4.03,41199.25223,1450393.53,"974 Austin Loop Suite 256 +Thorntonberg, NH 82286" +70793.71967,4.608455549,6.394093592,3.43,19908.13074,921321.015,"USNS Miller +FPO AE 14408" +78241.07538,5.642006715,8.983474499,6.28,20547.61864,1160146.171,"4841 Gonzales Cliff +Jessicaton, ME 01252-0631" +72752.68045,6.09860088,8.246621014,6.34,24944.34177,1222689.523,"USNS Davis +FPO AE 01516-7753" +78963.89414,6.859245122,5.734998914,3.2,59974.62659,2004396.372,"9461 Matthew Summit +North Kathleen, NC 35103" +49775.40595,5.305107848,6.178535053,2.24,23557.36165,454055.6559,"7952 Hubbard Port Apt. 171 +Scottstad, FL 50931-5306" +87768.40474,5.053542724,6.541375695,2.31,45801.43319,1698198.751,"USCGC Bowman +FPO AP 06884-6883" +65449.35478,7.176349294,5.911953083,4.05,34828.42852,1193106.94,"124 White Parks +Paulashire, NH 45632" +85193.98157,6.072995729,4.43037246,4.42,38784.85686,1275403.464,"3812 Jonathan Pine +Russoburgh, NY 32637" +67933.03112,3.640221786,6.637068549,2.37,42772.16329,810751.725,"7526 Kimberly Dam Apt. 283 +Balltown, MT 35720" +50316.88697,6.877123174,7.238912329,3.5,25201.55049,642862.7138,"767 David Shores Suite 114 +Penaport, MO 96682" +53974.54595,5.767672653,6.600037145,4.13,41441.75254,1086825.754,"2670 Mcdonald Ferry +Ashleytown, MO 71304" +63049.97489,5.560578582,6.194545542,3.42,24985.978,773360.698,"PSC 8678, Box 2297 +APO AP 71550-8900" +85906.91211,6.538092759,7.059952049,5.36,21331.98252,1500962.615,"Unit 4414 Box 5798 +DPO AE 87388" +62355.35378,5.443119457,5.424239418,4.35,23767.85633,768301.802,"4270 Stanley Rest +West Alyssamouth, WA 88463-6602" +64749.79548,7.221284713,8.408981112,4.39,49537.34531,1781211.414,"4293 Abigail Tunnel +West Brandi, ND 75636" +75072.99461,5.635390224,9.053748361,5.02,27494.29641,1420469.727,"031 Smith Valley +Lyonsbury, ND 76645" +79345.39141,5.27382605,7.205994888,3.25,37573.57542,1380215.515,"53093 Robinson Turnpike Apt. 294 +East Shelly, WI 61227-4427" +67682.72889,5.939367843,6.46801691,4.05,37028.69622,1090805.374,"PSC 1769, Box 1709 +APO AE 77664" +57869.26848,5.625298604,7.601621871,3.39,31818.93257,886815.9436,"67127 Castillo Row +South Brittany, GU 31115-2304" +60027.56086,5.09845805,6.0318426,3.34,54738.62969,1007224.929,"3429 Morgan Mountains Apt. 501 +Markchester, IL 44595-8192" +71146.48933,6.651755441,5.914977244,3.44,22875.69334,1077754.226,"7099 Henry Underpass Suite 488 +Ambertown, MH 22779-8940" +52455.36584,7.374075502,7.230652645,6.09,35143.20338,1253648.324,"43213 Allen Lake +Morrismouth, SC 66122" +66967.39846,3.930198546,5.982743948,3.46,51554.76141,1102943.351,"77365 Brown Pass Apt. 691 +West Erinhaven, ME 73313-1203" +59013.40347,5.443617288,5.854419882,2.16,28264.0066,744132.7042,"2842 Walton Harbor Apt. 624 +Port Matthew, GA 15870-2401" +70370.50368,7.442513107,8.023025989,6.18,53832.14155,1845630.071,"287 Jonathan Forks Suite 171 +Marcfort, MT 01752-8912" +66989.73178,5.126392437,5.54403175,3.13,37017.09635,873588.1297,"Unit 1169 Box 9437 +DPO AE 46067-0818" +64050.3508,5.17624248,6.543412681,3.15,29083.72171,755678.3301,"0173 Mark Union Suite 970 +West Jacobhaven, WV 11076-0353" +71195.26284,6.270889733,4.970758233,2.38,29508.49053,1101826.315,"2692 Kevin Highway +East Daniel, MN 81963" +82866.39918,4.605077351,7.82640273,4.03,41166.86031,1618994.276,"6490 Mary Mill +Murphyburgh, IN 82508" +60826.60596,6.383383417,6.255855255,3.18,36892.6233,1127873.577,"2012 Jamie Stream Suite 731 +South Amandahaven, WI 85011-1378" +65543.33854,3.945932446,7.424296722,6.38,28939.03884,749847.1904,"15144 Ponce Track Suite 937 +West Brian, PR 23989-3606" +62902.25549,6.577966455,6.711162807,3.4,27321.03293,984672.2998,"18878 Harrison Mission Suite 409 +South Matthewton, FM 94469" +59030.17255,6.157624922,5.300798456,2.26,22803.09971,534077.4555,"PSC 8691, Box 0969 +APO AE 04060-9945" +66320.45082,5.289123362,7.534536505,5.06,36145.20983,1242114.101,"77139 Adam Courts +Christopherville, AS 59841-0766" +68964.67686,6.413978321,6.969909983,3.39,37587.94431,1273631.267,"97930 Franklin Lights Suite 149 +West Nicholasfort, OR 26956" +68994.17845,6.190475601,7.105546436,6.45,30609.65271,1095597.944,"91466 Rosales Mill Apt. 487 +Leetown, CO 99154-8718" +58517.06201,7.616703734,7.648963666,6.35,30888.80272,1364738.296,"892 Meyer Square Suite 671 +Jamiemouth, WY 88591" +65018.54121,5.981192808,6.449329987,3.2,32580.78018,1037147.467,"02637 Fernando Landing Suite 709 +Kristastad, OK 10295-9448" +74656.89424,6.115160124,7.721848678,4.17,22602.13357,1228517.207,"4432 Andrew Ville +South Christopher, TX 56693-9237" +57697.07538,5.858178751,6.806409387,2.15,18281.73777,759360.6548,"54614 Guzman Wells Suite 563 +Kevintown, NY 58622" +69234.7226,6.39900372,6.162871422,3.24,38322.09803,1140579.618,"39178 Montgomery Garden Apt. 084 +Stephensonburgh, AZ 47755" +63015.68746,5.797958848,6.087284207,3.39,26673.88189,810741.5185,"75963 Harrison Overpass Apt. 325 +Gonzalezton, ME 98635-8215" +52022.15897,5.523318653,6.377634867,3.21,31320.91642,642855.1696,"8593 Elizabeth Key +Robinbury, GU 72533" +80058.99835,6.851265731,6.806975701,4.17,23360.9483,1562950.322,"073 Christopher Rapid Apt. 413 +New Nathan, VT 16689-2914" +87332.29323,5.845099211,6.720339894,3.3,43754.45294,1599851.895,"93504 Jensen Mews Apt. 315 +Wilsonhaven, AK 27251-3724" +63658.4284,6.568437796,6.748590368,2.05,39591.2565,1332669.235,"3424 Melinda Ridges +Rhodesview, WI 12271" +46517.17527,6.326332927,7.570722638,5.01,26452.36789,665160.0759,"92380 John Branch Apt. 316 +New Loriside, KS 11077-3819" +88305.92082,6.772239093,6.832860157,3.38,32190.41772,1591383.735,"Unit 3294 Box 9388 +DPO AP 80733-4870" +49784.89123,6.500751339,8.663669121,4.12,36564.73349,1144507.423,"71963 Smith Port Suite 436 +Chelseaside, SD 53803" +84054.45185,6.136224658,7.68513739,5.38,23023.04505,1619721.716,"78750 Jenkins Forges +Lake Dawnside, VI 90324" +66774.99582,5.717143201,7.795214821,4.32,36788.98033,1251688.616,"50319 Kathryn Mill Suite 946 +West Calvin, HI 96409" +70981.27869,6.741729037,8.191410351,6.24,53542.85751,1882806.934,"26200 Anthony Mountain Apt. 669 +Escobarborough, PA 80969" +70767.32966,5.488057127,7.453195862,6.41,26925.95481,1016163.177,"5480 Melanie Summit +New Margaret, SC 24919-4038" +77103.14304,6.195614402,8.664643191,4.26,45746.93321,1721005.42,"24415 Benjamin Circles Apt. 851 +East Brianton, NV 23279-7101" +67742.54926,4.513528509,8.156727195,5.08,30678.37073,890138.2114,"95611 Petersen Extensions +New Larryview, MI 42870-4215" +76443.23184,6.004825721,5.600872972,3.29,40128.8535,1272719.632,"975 Zamora Mews Suite 866 +Christopherfurt, SD 58513-7345" +78115.63189,6.334101643,6.973586841,4.15,45024.29718,1582605.535,"405 Veronica Ranch +Gomezfurt, VI 42186" +69500.89346,5.056598058,6.063146041,3.2,48767.40104,1170204.339,"388 Scott Path +Catherinestad, NV 87040-6522" +81535.14988,3.205828407,6.222769257,3.21,50999.85133,1166750.313,"60734 Trujillo Circles +Loriview, NC 26839" +41240.05728,5.81593446,5.211695627,4.15,40888.07856,319495.6676,"40561 Amanda Trafficway Suite 870 +Timothystad, DE 65577-4746" +45073.89518,8.333101975,4.635161108,3.3,38066.1613,704698.3621,"649 Adams Viaduct +Dustinland, MD 91269-0163" +53173.34528,5.503955342,6.879953963,2,43600.36093,945614.5659,"24973 Smith Park +New Jamestown, AL 82152-5568" +80900.43969,6.495664079,9.0381508,4.12,40268.51842,2054897.009,"895 Michael Loop Suite 312 +Mossberg, VT 04614" +69227.60726,3.858766446,9.114772966,6.02,42582.62587,1280230.625,"03563 Ryan Ford Suite 238 +Millerland, AK 68004-1318" +54858.82363,5.964918211,5.659969092,4.42,36228.83614,850114.5963,"411 Janet Island +Samuelmouth, IL 41084-3705" +77098.86887,7.75739033,6.246758845,3.5,46478.52161,1637649.905,"586 Lori Rapids +South Melissa, SC 90542" +104702.7243,5.575523167,6.932106078,3.22,22560.52713,1742431.663,"14230 Douglas River Suite 570 +Conniechester, MT 04172" +50473.02312,5.990390366,6.968282497,3.02,50145.43371,942093.9245,"Unit 1700 Box 9996 +DPO AE 67217-1120" +75675.1659,4.907284282,6.908681661,3.4,45103.57164,1388782.887,"58890 Mack Hollow Suite 313 +Alvarezside, WI 54048" +72727.22579,6.024013165,5.660723946,3.02,27159.33879,996506.0709,"4919 Torres Mission Suite 121 +East Megan, NC 00957" +56428.97367,3.654666982,6.950730815,4.27,44877.56511,790802.801,"109 Campbell Mission +Cynthiatown, IN 03495" +43496.72566,6.076352847,6.743361593,2.11,35726.60563,718650.6438,"PSC 9565, Box 9639 +APO AA 70543-2899" +77875.98739,5.286413074,7.191444354,6.46,44452.64411,1517141.623,"Unit 7924 Box 2038 +DPO AE 52259" +58511.34988,4.020978811,6.807077577,3.15,28270.43444,496359.9708,"395 Cassandra Branch Apt. 558 +Woodsfurt, AS 12901-9826" +69167.94747,4.760053372,6.836747645,3.02,26517.30768,820611.4709,"6788 Michael Forks +Jonesport, WI 40533-0181" +65687.10668,7.036174701,6.57406578,4.41,17386.47595,1122320.933,"608 Wright Oval Apt. 996 +South James, AL 79256" +57814.84583,5.345949188,6.672672496,2.02,32880.78811,846939.4288,"8029 Emily Extension Apt. 827 +West Dylantown, GU 96283" +66234.68081,5.949311844,8.437665652,5.16,35130.38128,1540762.269,"PSC 1615, Box 0080 +APO AP 64313" +65431.66476,4.401142472,7.283060937,4,38499.37693,963531.9152,"58828 Williams Rue Suite 120 +Lake Sarahmouth, NC 02335-9287" +76009.54276,5.642354239,6.765189075,2.36,52832.00406,1590804.044,"8109 Walter Turnpike +East Brenda, PW 06750-8134" +78997.46094,6.520774408,6.256624835,2.28,30165.92264,1283415.266,"35468 Grimes Wall +Port Melanieland, IN 98129" +64720.05821,7.529197954,6.394185043,3.34,37203.71544,1447920.68,"800 Melanie Walks +Lisafurt, CO 51209" +56652.41884,6.553940573,8.104529732,5.35,11037.38768,742858.6356,"34286 Monique Forks Suite 822 +North Lisachester, WV 40065-7494" +68311.9965,6.833040609,5.955943931,4.36,39724.18881,1400609.034,"26695 Coleman Ways Apt. 973 +New Michaelfurt, WI 63617" +73462.68344,6.622908642,5.829703684,3.04,47637.51525,1638577.417,"04062 Gibson Inlet Apt. 618 +Christophermouth, SD 08482-3032" +60731.8823,6.225719363,8.545832091,5.46,35341.06782,1235475.55,"2700 Taylor Valleys +North Isaac, GA 68514" +74655.63476,5.853516746,7.915264179,4.07,22169.81837,1249417.897,"3863 Turner Wall +Amyview, IN 64669-3605" +75823.57065,6.679186516,6.911302586,2.35,35783.75473,1499356.12,"4256 Myers Loaf Suite 534 +Jefferyview, LA 41444-7451" +78988.20285,3.545706487,5.956463605,4.04,31677.32836,1005843.917,"PSC 0138, Box 6392 +APO AP 95791" +52868.32302,5.823225673,3.969631652,4.38,41849.05508,623721.613,"3669 Nichols Crossroad Apt. 092 +Vegaburgh, VT 81695-9820" +64251.5372,4.808593948,5.758866925,4.3,45172.75709,922514.088,"PSC 1505, Box 9998 +APO AA 09484" +74555.76808,7.776563644,6.613059311,4.27,32938.14935,1638606.834,"2640 Garcia Underpass Suite 068 +Bennettberg, AZ 13005-5094" +70355.77481,6.032226964,7.204937602,5.02,39882.81773,1249223.831,"004 Hebert Wall Apt. 438 +Port Todd, AS 29441-5110" +92052.74763,5.529209121,7.545662803,5.35,47343.37139,1928301.782,"312 Peters Views +Jeffreystad, MO 63030-8714" +82073.85542,6.712376565,5.884169743,4.38,34317.61799,1487729.592,"299 Jensen Isle +Allenfurt, NV 80137" +52699.66757,6.385036059,8.588217916,3.17,30299.2827,896303.7992,"19136 Sheri Place Suite 841 +North Karenfurt, LA 49356-4270" +71792.28685,8.26472565,8.110670736,3.39,48266.21717,1903813.793,"062 Paige Extensions +North Linda, AK 44973" +58655.8541,5.857893814,6.630831721,4.02,40740.78015,1069851.162,"983 Schneider Camp Suite 563 +North Michaelfurt, GU 92884-3694" +71088.66891,4.527999083,6.344943636,3.01,28750.64146,829868.2304,"58894 Chapman Skyway Suite 476 +Port Kevin, ID 07728" +74984.66675,4.330577499,7.805452718,4.47,29287.49814,1181338.161,"Unit 1215 Box 1465 +DPO AE 75206-0330" +59081.98555,7.231266171,6.972863895,2.12,42578.42763,1401767.904,"PSC 9942, Box 7298 +APO AA 44420-7366" +71329.00273,6.389930497,5.958260743,3.13,25974.45323,1235501.486,"4972 Collins Glens Suite 751 +Aliville, MT 39392-7727" +76698.57302,6.407963302,6.030097992,4.13,52881.06048,1522083.944,"01531 Carpenter Extension Suite 630 +South Cheryl, MH 27754-1554" +61504.26463,4.503692824,6.641016366,4.17,24804.65731,656971.5307,"23089 Joseph Burg Suite 653 +Morganstad, DE 48152-4576" +68386.82247,7.866885829,8.087219331,4.4,39138.87628,1660678.035,"5620 Edwards Mountains Suite 093 +Cruzburgh, PR 50913" +64427.37437,4.751360343,6.394383439,4.45,25653.68792,606191.8669,"170 Denise Shores +West Kyleberg, IL 67228-2100" +63920.38949,5.313060495,7.875734866,4.04,31034.82616,1011331.164,"32935 Jones Key +Ashleyton, FM 70367-1730" +76835.95793,6.822667495,7.744187006,6.29,27622.34129,1529830.368,"6245 Simon Trail Apt. 717 +Joneshaven, MA 01499" +65173.05044,7.679468812,6.602617895,4.23,44125.54078,1489520.019,"4287 Jeremy Island Suite 935 +Geraldmouth, TN 04627-8015" +61025.39026,8.973440775,7.905595187,6.3,34730.7668,1468267.23,"04858 Toni Stream +Vargaston, AR 13958" +76783.35466,6.102947458,6.328047603,3.15,26703.71868,978312.7484,"438 Angela Ports +Natalieside, KS 61342" +69336.42523,6.757390576,6.124800989,2.29,37592.84506,1181637.949,"5310 Watkins Burg +West Kimberlyton, MO 92895" +57824.96715,5.482703956,7.250184907,3.09,45555.33649,1015233.032,"171 Krista Motorway +Gilbertchester, IN 45261-4696" +69585.89479,4.482788279,7.409634026,3.24,36099.24291,1139615.72,"25225 Rachel Springs +Port Chelsea, WY 06509-0487" +62340.2552,7.005697263,7.19729308,6.11,24962.10002,984349.6142,"PSC 2879, Box 5105 +APO AP 94829-7837" +75040.81543,6.4528811,7.506590888,5.11,34733.08699,1765281.093,"67722 Taylor Route Apt. 253 +Samanthatown, NV 06426-8497" +87113.7922,5.36063246,6.384181936,2.42,31172.88017,1327975.249,"206 Hays Underpass Suite 167 +Zacharymouth, ID 28214" +56827.21709,5.695537775,6.249293574,4.22,29506.48735,804170.2016,"01590 Dominique Springs +Randyborough, ID 02762" +71824.15458,5.752139663,8.27693333,6.26,41186.57451,1467271.556,"785 Patel Knolls Suite 740 +South Stacey, VI 42709-5391" +68662.41461,5.339895707,7.899477079,4.25,43795.62543,1478823.647,"134 Mary Via Suite 921 +Victorialand, NC 90122-4081" +66006.17956,6.107907982,7.370410989,4.06,40691.23866,1367312.132,"1147 Kimberly Vista +Sandraview, WY 40555-7596" +69266.7921,4.919727098,6.452741614,4.19,40588.41954,1162469.887,"384 Johnson Oval +North Ericstad, MH 96639" +68089.56111,5.759339963,6.247076987,3.49,57097.67332,1473278.441,"726 Chris Station +New Larryfort, AK 18157" +62745.03284,6.417465138,8.158035375,4.19,16737.55224,897479.9502,"5504 Wagner Mountain Apt. 189 +Thomasside, ID 89781-6585" +85526.62094,5.720212674,6.335377325,2.13,32635.75655,1568578.512,"5694 Anthony Throughway +New Stevenburgh, IL 15612" +68561.66043,6.849179009,7.869893327,4,31796.75881,1421518.602,"USNS Howard +FPO AP 62646-3735" +67100.06891,6.884826407,6.478152193,2.44,27456.64493,1199144.788,"5829 Tucker Landing Apt. 091 +Lake Dennisburgh, SD 85755" +74056.99593,7.579897089,6.478789638,4.34,37521.81322,1596180.568,"85811 Anthony Causeway Suite 974 +East Paige, WY 97156" +78159.95403,5.122002568,6.177536468,4.08,31111.62291,1264972.442,"3276 Harris Pines Suite 433 +Port Paul, NY 66202-6795" +58348.79711,5.686845562,7.182291988,6,59129.49783,1135465.473,"09890 Davis Vista +Lucasview, TN 51476" +60975.08796,7.080128054,5.719328415,3.19,43752.88954,1359838.999,"42564 Derrick Knoll +Butlerstad, WY 67426-4700" +60167.67261,4.590613171,3.950972653,4.06,16811.30329,88591.77016,"97009 Annette Vista +Michaelside, AZ 39867" +78063.24199,6.62093276,8.21719757,5.17,37838.66199,1822448.617,"2745 Winters Island +Jacquelinefort, MI 90614-3062" +66658.96791,7.729789733,7.130497891,4,57563.58574,1720734.403,"14654 Nelson Brooks Suite 884 +Michellemouth, SD 61060-4201" +61475.25536,6.578330675,7.656511671,6.37,31437.51486,1224397.427,"597 Brock Haven +New Alexisberg, MH 24498-5838" +59762.88225,6.589726273,7.893098862,4.31,28571.35712,1209571.072,"PSC 6424, Box 5072 +APO AA 04729" +87596.16655,7.237115963,5.225281601,3.3,35392.05151,1698820.102,"989 Ortega Plains +Victorhaven, PR 54566" +79426.04018,6.699803504,7.565241081,4.19,49009.69328,1860358.468,"915 Melissa Isle Suite 588 +South Martinmouth, WA 79052-7323" +66426.89344,6.315632964,6.737995794,4.48,40761.35131,1168444.882,"7065 Brown Cliffs +East Sydneybury, PW 07220" +61264.20153,4.944535979,7.32206761,3.32,43208.35656,764756.0935,"0995 Olivia Land Apt. 728 +Alexport, CA 92200" +55224.3434,7.114160836,5.079670606,4.13,44915.71414,977242.2697,"98842 Mark Corners Apt. 679 +New Justinport, MA 39950" +58660.89241,7.600071471,6.79717311,3.09,33515.12293,1079158.653,"60437 Jessica Ridges +Lake Steve, GA 53591-0204" +70193.33979,5.202471496,7.679174992,6.29,48417.34806,1383395.287,"978 Cheryl Rapids +South Mary, HI 59367-0463" +59691.06761,7.089530057,6.324137676,4.11,27769.5023,992053.0502,"13365 Huber Lane +Woodston, AR 38916" +75613.13949,7.199375691,7.475337121,5.11,29146.54292,1574919.906,"0867 Humphrey Common +South Johnville, PR 56742" +59789.73643,5.490922273,6.398561271,3.08,49200.07957,1174311.556,"996 Frederick Bridge Suite 989 +Port Lucas, OR 91671" +60494.11984,5.288328665,6.771063984,3.08,31693.61017,795082.8102,"79749 Gabrielle Port +Irwinborough, NC 61780-4657" +76517.35177,5.540170599,5.376733697,4.03,29788.64265,1170573.77,"220 Harmon Gateway +Elizabethtown, NM 99925-2737" +67724.04775,7.951003194,6.524053598,4.24,61916.13554,1998368.741,"7655 Gomez Plains Apt. 360 +South Karen, IA 23499-8371" +61458.54727,4.254254339,7.195894481,3.39,36220.12371,842086.6733,"840 Kelsey Glens +Evanstown, NM 13622" +61704.34216,5.320240167,7.249122096,5.07,19148.03971,849656.9232,"7185 Susan Island +Port Mary, HI 31939-9575" +62224.01009,6.692664317,5.040349931,3.36,21689.12354,908616.4826,"45287 Kevin Walks Apt. 303 +Velezport, MT 84362-2342" +68603.88942,6.936071297,7.780051691,6.04,44508.97561,1524257.706,"96488 Brittany Center +South Alan, IN 75134" +53902.93487,5.357426598,8.59775984,4.01,21075.50992,685880.3213,"3944 Smith Vista +North Brendanland, ME 22625" +69624.25527,3.854617568,6.893908707,2.04,29292.12943,771310.0004,"1645 Flores Crest +Lake Lindaview, WY 93993" +75690.69544,6.241328646,5.192787773,4.05,46183.10737,1308243.922,"7796 Morgan Expressway Suite 373 +Port Madelineberg, DC 21561-8649" +71902.80788,5.618340136,7.052194979,6.4,42200.26209,1312063.756,"582 Howell Crescent +Bushside, SC 26412" +67684.42503,6.617874634,6.194836049,2.23,52999.83821,1467849.818,"30378 Brady Mount Suite 478 +Biancamouth, AZ 96265-0141" +69320.32912,4.312327918,5.90492797,3.39,32668.93492,902350.4197,"27953 Charlotte Inlet +Valerieside, ID 67284-0286" +65423.24692,5.75682588,6.35315741,3.13,28914.79146,926880.8506,"88662 Schaefer Lakes Apt. 253 +West Kiaraland, CA 07920-9198" +62083.03561,6.261965688,7.377710969,4.31,43485.68064,1323326.403,"3212 Virginia Alley +Churchfort, TX 42291-6669" +81844.02711,6.161583148,6.214868825,3.09,36242.10575,1504026.27,"USNV Thomas +FPO AP 37448-8621" +74090.42534,5.760358566,6.375204649,3.17,25694.36818,1003266.876,"PSC 6990, Box 0012 +APO AA 52858" +59200.25436,4.925351457,6.109934625,2.34,22926.43546,592397.7261,"453 Morris Junction +Ashleymouth, MN 53178-1590" +63873.62802,7.325844476,7.560732515,3,27587.39642,1339142.805,"PSC 1882, Box 8240 +APO AP 98603-8591" +69677.41932,4.850512519,6.111099734,3.11,50524.95541,1212939.954,"54047 Miller Pine +East Savannahville, MS 13589-0506" +49032.99778,5.84347617,8.025349287,4.13,36292.99616,753930.5825,"0580 Adam Turnpike Suite 906 +West Steven, MN 18954" +62819.31128,6.532362732,7.103716459,4.46,38527.81714,1538401.817,"8639 Raven Haven +South Claytonberg, MP 34615" +64624.3159,6.263865774,6.33312338,2.36,37117.55506,1295728.088,"31989 White Parkways Suite 817 +Coxstad, HI 31365-7311" +63665.39442,6.729104618,7.732958945,3.43,44029.68182,1472887.247,"197 Richard Dale +New Natashastad, TN 06670-3331" +50760.35373,6.440641902,5.754531583,2.44,34685.18071,831762.7909,"74620 Harrington Road Suite 666 +South Angie, OH 45852" +77235.57059,6.311020028,5.873414594,4.15,47328.81061,1610577.497,"08819 Cheryl Crossroad +West Sarahchester, PA 67447" +55245.33729,3.96574483,8.961105506,4.38,43557.94344,881446.1155,"62277 Wall Radial +Macdonaldburgh, WA 43820-7164" +82982.76423,6.333260676,6.860573239,4.38,44531.75946,1666462.622,"636 Joseph Walk Suite 052 +Robertview, MH 98978-1111" +78754.39366,5.909380137,5.525708756,4.17,35323.78792,1085218.859,"8486 Steven Mountains Apt. 835 +Port Coryhaven, ME 44707" +82268.08199,6.357539658,8.095024774,3.5,39549.801,1712929.654,"816 Hernandez Camp +Stephenhaven, LA 39337-3239" +74166.39203,6.266666891,7.282469927,6.1,30237.77486,1444403.664,"0518 Morris Hills Apt. 619 +Shawfort, NY 19278-6898" +83179.58405,6.60039782,9.715722673,3.44,38587.7211,1884674.241,"36121 Christopher Keys +Johnstonhaven, KS 80741-4004" +48176.2264,7.483738828,7.497299569,4.12,33216.60108,1014548.233,"76005 Anderson Orchard +Christophermouth, WI 48254-2388" +79023.72048,3.606331313,8.942770576,6.37,22984.03653,1084013.785,"17800 Garza Valleys +Beasleyfurt, SC 44798" +73135.02161,5.816000008,6.329661762,2.15,36401.37571,1279777.379,"02238 Mary Port +Brianbury, GA 26390" +75323.0582,8.513233389,5.929421503,3.39,51528.48105,1967384.778,"10265 Hanson Cape Suite 575 +Griffinfort, DE 88966" +63191.7671,5.656329034,7.571221642,3.41,33816.12473,1002974.215,"PSC 4506, Box 6663 +APO AP 72610-0674" +51554.92453,7.281978903,6.522220479,4.22,36830.08035,979568.6285,"5492 Guerra Plaza +Jessicaland, FL 69456-1301" +55340.60874,5.231696666,5.614293707,4.3,34112.97062,565937.2006,"489 John Locks +West Kylestad, IL 55787-7291" +56296.49973,6.345097994,8.177879468,3.15,31165.04595,1092130.981,"8317 Karen Ranch Apt. 775 +Duranhaven, RI 51074-4650" +73491.26581,7.51040004,6.798878568,2,55169.37911,1869113.611,"1425 Jeffery Corners +Lindseybury, CO 52909" +68334.78256,8.688434074,8.296461691,4.23,36621.75954,1817829.53,"9424 West Ports Apt. 071 +Harveychester, NH 87650" +50666.24697,7.814769565,8.426940033,6.34,36940.8591,1392207.648,"956 Joel Ferry Suite 812 +Lake Veronicaburgh, MH 02222-5793" +60307.01766,6.232470845,7.959815248,4.46,37739.99032,1389773.873,"431 Carey Extensions +Cynthiamouth, DC 87878" +65132.47159,5.415519451,7.736373161,6.28,24199.63947,956009.1436,"78895 Angela Springs +Rioshaven, FM 26837-1313" +72139.646,3.105751238,6.070059216,3.07,52601.11684,945833.1891,"51270 Katelyn Motorway +Vasquezton, CT 39511" +71313.03134,5.354619416,7.228602277,4.25,42302.5479,1383766.082,"3541 Anne Lights +West Phyllishaven, MH 22680" +56647.8825,7.499317992,7.903674878,4.35,39780.92727,1400268.142,"2400 Davis Stravenue +South Emily, AZ 87538" +60288.47592,6.170239154,7.014314641,3.28,34651.07232,1144937.614,"0163 Samantha Coves Apt. 848 +Port Heidiville, NM 43609-6558" +67022.77922,5.631565659,6.94646556,4.18,33891.30518,1118165.866,"173 Erik Glens +Jessicabury, OH 74442" +58188.18629,6.294160879,6.068655889,2.34,38104.49401,1047012.271,"591 Ryan Garden Suite 038 +North William, GA 71549-7538" +69350.18307,4.822111808,8.463520436,6.13,28747.09441,1096069.287,"709 Boone Trafficway Suite 732 +Johnsonville, FL 14665-1294" +68450.26242,5.474150936,7.376389507,4.08,36474.39183,1386473.365,"965 Kelly Coves Apt. 212 +Johnsonport, IN 68706" +70784.05258,4.560457849,6.257963587,3.02,41230.18626,945831.1863,"292 Willis Trail Apt. 539 +Justinville, NY 76619-4545" +70309.30682,4.829750206,6.943591233,4.12,34945.47446,1311379.596,"PSC 2808, Box 4823 +APO AP 59900-8421" +46737.59801,4.886380224,8.172473256,6.41,42351.30363,885661.5908,"635 Richard Haven Apt. 323 +Lake Marychester, MP 29999" +69345.72167,5.959681799,8.362731723,3.31,47386.26774,1507331.288,"43134 Holt Cliffs +New Susan, MI 78385-5957" +89157.61293,6.286086725,7.192237739,4.46,33834.92173,1643291.722,"394 Brown Landing Suite 941 +Lake Maria, ME 97461-2471" +72568.71446,6.850824464,6.108848404,2.04,18896.12294,987746.924,"8272 Gabriel Isle +Johnnyville, NJ 54309" +65051.21627,4.357995066,6.077607451,2.3,25191.40739,612211.5924,"3322 May Village +South Nathan, GA 03369" +56780.50427,7.648392612,6.163236778,4.29,11019.05378,836235.0305,"4345 Castillo Hills Apt. 222 +West Adrian, FL 41997-9669" +87678.03656,5.122697838,4.65244912,4.13,35781.17461,1495518.624,"691 Harrison Neck Apt. 305 +Medinaberg, OK 56016-1552" +65817.20028,5.268005224,6.65029888,2.2,40674.78377,911071.8336,"4552 Steele Falls Suite 760 +East Daniellefort, ID 71749-4245" +70561.55882,7.32195133,7.520463799,3.4,25029.20574,1360787.871,"5178 Sonya Stravenue Suite 390 +Collinsville, SC 82851" +73801.02176,6.495309081,7.212254273,4.49,30504.81491,1455107.451,"8473 Blackwell Spring Apt. 102 +Aprilfort, MN 24072" +72143.42949,6.984684002,7.157023912,6.5,23823.81702,1327969.286,"7933 David Track +Stanleyburgh, WA 07016" +78002.06277,5.662619316,8.610420549,5.47,47763.27751,1838503.994,"995 Tiffany Flat +Guerrerobury, MD 77381" +83443.2639,5.446503903,8.360906893,5.06,44900.7931,1727211.089,"2564 Stacey Field Suite 469 +East Derekburgh, ND 43793-5596" +77057.17924,5.207715005,6.637287948,3.38,24459.79703,1093344.577,"329 Gomez Passage +Williamschester, WA 41931-6896" +60509.60604,5.511947845,7.031684469,6.13,27080.03549,943485.0473,"02717 Levi Tunnel Apt. 083 +West Laurie, FL 91687-3587" +80305.20645,4.966293764,7.314402945,3.39,22267.1593,1100632.391,"64739 Cummings Village +Danabury, ID 56756-0145" +56324.62301,6.353593572,6.716500806,4.02,41354.43599,1269811.089,"4364 Gonzalez Row Apt. 406 +Bryanton, ND 71386" +59794.61678,6.438586774,6.474732498,3.27,54149.39033,1321008.593,"9750 Nelson Run Suite 892 +North Amytown, NM 27274-8695" +60812.86453,7.157498968,6.276444356,2.22,26411.14228,978241.2891,"5008 Amanda Road +Fitzgeraldberg, WI 08145" +57982.78548,6.686300741,7.887473354,3.11,15065.04661,952533.5782,"144 Alice Valleys +West Ashleymouth, TN 98658" +75367.07495,7.357510671,5.565494073,3.23,31669.61701,1434015.033,"USCGC Smith +FPO AE 71439-9407" +54447.68605,6.148758826,6.077188813,2.4,50200.61011,1008649.929,"185 Carson Green +Lake Clairetown, PA 77596" +101144.3239,6.350845135,7.231771036,3.09,35772.52401,2007556.286,"233 Wilson Ranch Suite 086 +West Christine, IN 98334" +48963.29615,5.440333831,8.454207452,5.26,35431.25154,882666.5815,"3563 Todd Islands +Reyesview, PW 68088" +77412.16309,4.077536844,8.034790804,5.31,39030.07772,1246218.31,"USNV Jones +FPO AE 44345-0119" +57972.41595,7.68947618,6.722328315,4.37,13683.47964,880682.302,"6867 Cruz Radial Suite 273 +North Audrey, OK 05386" +64882.15625,4.898796695,7.569374864,6.05,32807.8544,840124.8423,"USCGC Keith +FPO AP 73230" +66330.60572,6.966125283,6.724826745,3.41,38240.97788,1469767.647,"7298 Larry Ridge +North Christian, TN 58581" +76681.25993,6.657110323,6.511746963,4.47,55292.2208,1824987.706,"05066 Bradley Estate Suite 777 +New Meghan, WA 71783-8143" +80744.44028,6.209654961,8.115599042,5.1,27185.75722,1404896.376,"837 Adams Rest +Lake Jonathan, NH 56323" +77158.16601,5.727120468,7.668465841,6.45,28713.93152,1290043.367,"5486 Conley Islands +Heathfort, SD 91390-8070" +69351.47742,5.468522726,6.458904504,2.09,46833.13129,1410362.613,"267 Victoria Well +Allenville, PW 90300" +58159.41778,6.657548834,6.098219274,2.35,36083.82377,1058269.019,"310 Todd Fords +Cherylland, IN 22175" +76275.33255,5.185436372,6.972646086,2.22,40354.70525,1464929.162,"021 Katherine Ranch Apt. 263 +Murphytown, OH 50187-1031" +84114.29072,6.081558141,8.360860711,4.2,38702.33927,1777009.712,"2780 Pam Motorway Apt. 339 +North Christina, DE 50068" +58756.18233,7.619776439,5.470050058,2.11,23272.35502,826194.6782,"385 Garza Views +West Wayneport, MH 30304-9234" +81030.83577,8.012087696,6.301235187,4.2,44372.94405,1851575.868,"866 Jasmine Ferry +Nicholschester, SD 40370" +87003.99576,5.225235339,8.497163916,4.32,24269.05676,1552915.164,"287 Lewis Run Suite 404 +Burnettfurt, OH 39485" +56788.03128,6.740115935,5.325036955,3.5,36204.71114,922478.9145,"PSC 4792, Box 6118 +APO AE 05332-2402" +88767.5336,4.821669962,6.003521846,2.13,58349.11759,1753427.937,"56180 Joshua Rapid +Bellport, MS 82670-3301" +70394.95155,6.484729861,7.253349093,4.46,31928.81018,1387701.111,"0531 Mann Oval +South Michael, KY 13351-0617" +86818.56589,6.336434462,7.094253422,5.14,47663.14375,1801916.346,"51460 Mccarthy Rapids Apt. 936 +Huberburgh, MO 90547-9553" +60769.98733,7.2105722,7.401434533,4.25,35204.80714,1237115.741,"0210 Scott Landing Apt. 319 +Atkinsside, WA 50500" +66774.18195,5.476415899,8.060545196,3.12,23793.33704,1009606.284,"98841 Jenna Fields +Lake David, CT 06886" +74542.63701,5.656113961,9.40164523,4.21,38039.59856,1601678.263,"6487 Keith Shores Suite 729 +Michaelview, OK 00164-4857" +46361.58327,4.406831198,7.95998257,6.33,37548.2649,483458.5483,"79100 Rivera Loaf +Liustad, OR 71668" +63059.34425,3.979703619,8.483791649,4.3,25390.45914,925394.135,"653 Odom Squares Apt. 489 +Andrewview, NY 75475" +63288.04057,4.762273143,7.083527016,6.23,39626.51608,1143377.602,"Unit 9664 Box 1605 +DPO AA 30902" +78646.88235,4.599014308,6.404430465,3.25,41268.25953,1283401.789,"91985 Michael Parkway +North Eric, WI 92077-4532" +64989.78396,5.162645346,7.462080083,6.06,34819.4283,1031367.589,"48441 Christian Rest Apt. 971 +Lake Christopher, OK 04397-2119" +78190.14178,4.937298476,6.503605809,3.45,35279.61694,1153605.031,"47908 Carter Haven +North Taylor, NV 99636" +69528.55743,6.058146032,5.664155885,3,33176.03845,995137.2024,"13830 Sharon Forge Suite 609 +Barrettton, DC 75212-8907" +55935.78141,6.081828535,8.572006643,6.41,37567.07634,1006580.48,"434 Soto Springs +East Christinefurt, OR 66805-0800" +60940.70797,6.932926063,5.953346666,4.37,31113.4864,987434.7498,"USNV Stewart +FPO AP 14871" +55774.73384,5.037051828,8.249580316,4.04,38812.50605,897013.181,"676 Carol Pines Apt. 671 +Lake Jerrybury, NV 90225-2793" +85337.5516,5.416746592,6.425835416,3.04,31219.48869,1560838.45,"619 Luis Rest +Port Jenniferland, MD 87173-4829" +74438.95591,7.700859388,6.466910235,3.5,22954.78452,1349818.25,"011 Michael Harbor Suite 611 +Davisside, CA 83435-0364" +67071.83062,4.935155354,7.632398394,5.04,32084.7434,883147.471,"2681 Simmons Meadows +Lake James, KY 17286" +76822.43487,4.894642053,6.320035897,3.28,24966.18816,926482.4677,"317 Rebecca Junction +West Sharon, UT 51606" +68375.01615,6.455804507,6.238272814,2.28,41562.7495,1100152.088,"5267 Jeffrey Lock +Parksstad, IN 42771-6269" +56983.90282,6.04484346,6.638223174,2.25,27207.32169,674197.852,"5954 Chambers Isle Apt. 093 +Port Tiffany, MD 80411-8043" +72750.48451,8.105157807,7.265063058,4.11,36050.83958,1587350.294,"235 Thomas Hollow +Wilsonbury, KY 47401-6920" +80156.9857,4.473606695,5.924214538,4.35,43328.34367,1276987.492,"8384 Davis Neck Suite 013 +South Jasontown, TX 20572" +72432.26466,5.827764498,6.752228928,2.5,23947.51003,982344.8121,"2202 Hubbard Divide Apt. 972 +Brownview, NM 98855" +62128.78493,6.598323295,7.969451831,6.45,37889.76139,1153433.081,"223 Paul Shoals Apt. 026 +Georgeshire, VA 83084" +60434.35499,5.346338425,6.696267302,2.41,29551.13773,799124.8492,"900 James Flats +Adamsview, PR 83717" +75393.12118,6.778777872,6.135948234,2.39,27536.9379,1169640.324,"591 Jorge Brook +Vincentville, AS 27540-3272" +85994.28637,7.505427762,6.420641902,4,20303.81392,1591203.49,"297 Garcia Curve +Codyside, NE 95207" +66644.29034,8.156846515,5.864071286,3.19,36858.9677,1450769.841,"39749 Jaime Brook +Lake Amanda, MS 62810-2464" +76784.1184,5.519534662,7.430563415,5.03,40277.77263,1381442.758,"64348 Cheryl Tunnel Apt. 642 +Matthewton, IA 70043" +71965.62103,7.964115419,7.523354623,5.22,48873.99434,1930805.947,"39310 George Forge +West Caroline, VA 41040-3222" +78898.80229,5.850681911,5.501980069,4.16,29958.71786,1280548.089,"5666 Lindsey Creek Apt. 249 +East Monicaton, NC 26803" +58321.56896,4.905564113,6.905502817,2.28,45979.79121,916344.2938,"50532 Max Parks Suite 225 +East Davidshire, PW 60274-7425" +51446.28425,6.498700717,7.706538613,3.43,39900.13679,1170892.98,"9789 Robert Road Apt. 745 +Ewingfurt, WV 91075-6812" +79936.22535,6.546235494,8.647990923,5.02,23655.47879,1616382.932,"097 Ochoa Trace +Joseborough, PR 76696-1567" +49589.12205,6.782556861,7.825850044,4.13,31733.65463,1056518.913,"PSC 3120, Box 4004 +APO AP 28912" +72055.68017,7.030760574,6.974087971,4.09,43542.66322,1583897.538,"314 Hernandez Plain Apt. 270 +Arielfurt, VT 49988-8347" +70125.76584,5.051254333,4.765903084,4.34,22063.21062,619407.4863,"4138 Brooks Mews +Danielleton, GU 02274-1581" +54839.41018,5.67487134,7.249613741,6.07,48345.47415,1043415.992,"8938 Kimberly Stravenue +Justinland, SC 31130" +66832.28775,5.81928426,7.00232662,6.15,33075.80807,1222344.208,"0473 Williams Shore +New Lori, WI 76161" +72121.32456,5.006414712,8.215412526,3.3,45905.5921,1433538.321,"8133 Mark Overpass +Lake Ricky, MN 53896-2096" +69516.09356,6.375076429,7.750643485,5.37,28373.17055,1474417.272,"438 Cox Roads Suite 282 +Davidhaven, TN 97380" +86310.09015,6.357274544,9.379949193,6.37,29776.66077,1827899.186,"8452 John Spring Suite 590 +Gutierrezberg, DE 05330" +69325.09405,4.447461899,7.576879559,5.09,36345.82978,1130537.993,"49584 Tamara Shores Suite 197 +Marilynton, IN 34938-9428" +62390.3331,4.676550551,5.348048645,3.36,37535.64382,758886.6888,"13142 Molina Shoals Apt. 657 +Nathanchester, AS 56000-0238" +70185.74428,6.336228681,7.462577459,5.4,26052.64684,1210400.127,"1721 Darrell Shoal Suite 646 +West Erin, MO 09594-4514" +46991.78622,5.146227225,6.722626328,3.1,33234.57083,674817.5428,"8192 Roger Islands +West Vanessa, NC 85335-6851" +69269.93815,6.186291072,6.181705423,3.26,32699.49026,1232209.476,"74115 Logan Unions Apt. 434 +Cannonport, PA 71153-5901" +96290.15967,5.16664844,8.31760044,5.15,45801.17223,2105205.856,"Unit 4093 Box 6395 +DPO AA 76428" +63085.21132,6.856726326,9.300622599,5.27,35193.33694,1662585.938,"1088 James Shores +Traceyfurt, LA 31588" +76788.62439,5.472493192,6.395768938,4.21,35936.05672,1443907.747,"52045 Darrell Walk +East Shannon, WV 79583-1252" +58054.09948,5.408101904,7.143542253,6.13,35257.71759,781482.5832,"63418 Darlene Brook +West Gregory, MT 04666-3953" +68654.10153,6.413690325,7.900517933,4.17,41729.59849,1557794.021,"6346 Valenzuela Streets +West Robert, MN 42756-3383" +74756.93253,6.784282448,6.738385233,2.33,24491.92284,1476277.527,"5361 Taylor Plains +East Susanview, VT 73748-8130" +75390.249,5.185297664,6.310754589,2.28,49401.12149,1412449.479,"665 Patrick Shoal Suite 523 +Josephchester, DC 66472-0044" +63272.13067,7.534723194,7.301820955,3.02,46311.9563,1438290.851,"634 Steven Trafficway +Lake Staceybury, NE 91068-8520" +63884.92641,7.722145949,5.791957574,4.33,64566.68738,1667560.879,"42051 Jeffrey Plaza Apt. 613 +East Katelynview, MI 10825-3446" +61654.69888,4.132176739,8.807527232,6.26,41909.50349,1131532.919,"46268 Adams Vista +North Tanya, MA 11229-3420" +52204.39948,6.345546843,7.890650429,6.34,40056.27286,1154270.485,"030 Marc Pines +Port Michaelmouth, IL 71537" +72177.59695,6.447184831,9.228808643,6.4,28394.00625,1650770.93,"483 Courtney Mill +Ashleychester, IN 02878-0101" +82816.56094,5.087438797,6.840219074,2.44,36855.66935,1387987.803,"2803 Hall Garden Suite 357 +East Carlos, ND 24006-0791" +60005.63206,7.580729704,7.677480336,6.4,25480.41696,1325294.121,"36236 Travis Shoal Suite 858 +Lake Anna, GU 82041-3833" +71323.14013,5.939007321,4.474535672,2.31,28795.75507,825095.1086,"281 Cooper Bypass Apt. 273 +Michaelfurt, LA 22609" +74111.64223,3.70833623,7.976279018,3.48,30078.65863,944186.1591,"086 Thompson Path +Katherinefort, NE 92321" +68163.11524,7.230201662,7.626444055,6.17,36546.08012,1608726.681,"23366 Mary Harbors Apt. 296 +North Cynthia, FL 19202-9244" +60272.76756,5.1179932,6.905514143,4.5,35890.39605,1050223.668,"8775 Angela Flats +West Jasonchester, CT 06251-9759" +61310.27641,7.087086717,8.019536429,5.4,43992.28509,1417691.113,"154 Johnson Mission +Port Cynthiashire, UT 58197-9118" +73370.74215,5.347823184,6.090956383,2.24,56541.40988,1386351.145,"9632 Price Freeway Apt. 884 +Harriston, IL 41810-0642" +66718.40189,6.235983679,8.094418215,4.35,20155.97949,1015546.309,"Unit 5509 Box 8951 +DPO AP 65100-0476" +61687.8698,5.418324641,7.334991821,3.48,34760.76027,991934.0654,"253 Marshall Manors +West Karenmouth, MH 73741" +83298.18337,4.695041507,6.06120811,3.33,33657.2392,1267433.909,"026 Travis Vista Suite 058 +Arnoldbury, VI 63132-3223" +79647.16524,5.288196337,7.039477183,3.32,48360.69436,1491811.661,"Unit 5350 Box 3288 +DPO AE 68325" +53042.22787,6.897184737,5.677937886,4.3,60300.84828,1222887.121,"687 Hart Keys +West Kenneth, FM 70173-8594" +59867.84278,4.266359654,7.866833678,4.01,47726.25417,1114901.973,"50050 Gibbs Shore +Tateville, OR 19410-0443" +68570.08228,5.489699257,6.406176135,4.09,44476.81929,1024787.942,"Unit 8667 Box 6237 +DPO AE 76811-0261" +55456.77324,5.805462291,5.340590655,2.14,37009.33602,675489.7527,"USNS Hall +FPO AA 28619-5770" +70021.16153,7.143144087,7.748337749,4.17,44935.88483,1515157.081,"161 Aaron Points Suite 953 +North Ricky, OK 76842-7978" +51797.30318,4.69282127,7.373720468,4.14,30640.17617,491085.826,"USNV Price +FPO AP 84761" +40394.03913,5.132972758,7.600035411,3.15,40852.29089,737147.0943,"55489 Hardy Summit Apt. 183 +North Jasmine, DC 28961-0760" +68597.93034,4.760833718,7.022529075,4.27,45358.63927,1208875.084,"867 Lindsey Burg Suite 870 +West Allisonport, TN 11634-2334" +41518.77939,7.028231823,7.906134096,3.16,40432.04524,1073355.784,"16529 Farmer Shoals +Graymouth, HI 13778" +67186.26237,6.369107047,4.393191978,3.4,16292.53215,554702.6802,"3602 Brian Flat +South Katherineborough, KS 22066" +64316.12886,6.208898547,6.441304335,4.39,38159.2141,1225796.414,"04197 Billy Green +Ericchester, TN 24477" +69048.16297,5.03948742,6.114323195,2.5,41773.51464,1282339.35,"9707 Robin Groves Suite 519 +Browntown, MA 39144-3070" +70036.30431,5.526226444,7.542909952,6.34,47618.51858,1409824.638,"9107 Ruben Rapids Apt. 704 +Garrisonstad, VT 67980-5474" +79710.19507,5.093114005,8.241880137,6.24,39830.05126,1448668.424,"317 Deborah Terrace +Barnesmouth, OH 79653" +52799.78886,6.746738869,7.315886025,6.5,20438.41484,728402.0001,"30346 Roth Square Suite 379 +South Scottton, KS 95914-7684" +64634.63095,7.065143944,4.583646388,2.35,52131.81151,1381482.685,"5904 Hernandez Flat +West Dawn, MP 80987-3220" +69467.9013,4.887027334,7.345656591,4.1,55700.44166,1424994.375,"922 Collins Corners +Martinberg, KY 42192-6166" +79504.65959,6.505108814,7.554076285,4.1,42677.28492,1741105.641,"106 Colon Courts +South Brittanystad, MO 22511-2522" +73789.89048,6.614955944,6.259546627,2.29,47039.09228,1361230.121,"3403 Jacob Shoal +Olsonton, WI 83296-0881" +55813.29647,8.318991991,7.726406758,6.04,22779.36995,1164497.019,"65858 Simmons Coves Apt. 430 +East Garyshire, LA 01286" +75947.47173,5.329159284,7.093561645,6.23,37455.31756,1375736.957,"2198 Green Pike +South Nicole, KY 29768" +58615.1456,4.791109049,5.712521056,3.43,40187.32733,636506.0006,"5802 Hudson Crest +Elliottstad, UT 03084" +56868.10768,6.474246,6.58902797,3.32,31060.20473,775957.6721,"7086 Sheila Curve +North Amandaburgh, DE 08791" +70586.59589,4.775051388,7.310313039,4.22,31798.68515,976540.0985,"287 Fields Falls Suite 212 +Wellsside, WY 48741" +64494.47976,6.058062233,7.528962417,3.44,29404.06758,1048302.409,"335 Adam Key +Port Luisport, WY 56139" +61808.02739,4.081277465,5.802756598,4.49,40774.67977,575694.1732,"055 Willis Cliff Apt. 822 +New Patrick, AS 92805" +78748.02509,5.826192901,6.495379953,4.05,30640.83692,1365437.489,"9766 Brandy Cliff +Ashleyberg, VA 00360-7364" +71534.81599,6.081355533,7.955950422,4.33,37402.42749,1403219.371,"661 Jackie Key Suite 126 +Jamesbury, CA 17905" +72386.54873,6.826790751,6.680177582,4.04,49846.9954,1723424.672,"2188 Derek Orchard +Port Katieshire, IL 81640-8404" +80258.11862,6.716375584,8.072685987,6.08,42014.82529,1987332.217,"25489 Ortiz Corners +Port Kirsten, LA 78616" +60831.35617,7.101769921,7.227600021,5.45,33623.51311,1285202.337,"91286 Small Shoal +New Jacqueline, CO 84213" +74325.0844,5.989045632,6.302285243,3.37,32034.98243,1306056.565,"73203 Kristy Pine Apt. 726 +Randyview, VA 26110" +54562.86872,6.106186378,6.126718904,2.45,39735.64512,778546.1621,"394 Jeffrey Walk +Lake Stephanieton, HI 16250" +74367.54263,5.356907402,5.906375023,4.42,44663.81899,1155681.867,"8067 Brennan Terrace Apt. 030 +Jesseburgh, MN 28580-0632" +84377.47549,5.893964625,8.336208726,6.15,27093.28959,1540737.193,"103 Jennifer Cove Suite 744 +East Victoria, DC 35220-7777" +66524.47102,4.541851437,7.004693668,4.11,34618.82699,934408.7143,"490 Mason Curve Suite 347 +Thomasshire, CA 19167" +47685.25759,4.931710652,5.965330546,3.23,20962.90165,294170.7464,"19856 Howard Estate +North Ronald, OH 95625" +75071.96828,6.239277203,6.663189148,3.05,35579.21209,1423025.101,"462 Hull Plains Suite 537 +South Christopher, DC 83232-9702" +52157.74005,6.257201542,6.053602093,2.36,44782.56827,876763.5841,"PSC 9607, Box 4025 +APO AE 44132" +93439.80413,4.143350468,7.129235297,3.25,34930.91845,1416408.25,"6172 Taylor Station Suite 898 +Buckstad, IN 33369-1773" +56914.49022,5.246625672,6.055720745,4.47,36351.91765,972536.6628,"204 Lee Courts Apt. 958 +North Troy, PR 25108-5021" +71336.78028,7.500352433,5.157097218,4.19,58926.22548,1729061.656,"163 Curtis Road +West Heathershire, DC 14103-3598" +73120.65722,5.275382498,5.707288324,2.27,32402.25541,981259.5641,"3175 Louis Ville +East Abigailmouth, CO 75216" +54700.29346,6.7652216,4.968281481,4.34,46224.49329,1125230.45,"08283 Jim Drives Suite 982 +East Christinafurt, WA 28832-9229" +38139.91904,5.577267494,6.3480677,2.13,45899.7384,723750.0653,"2899 Katherine Junction +North Richardview, SC 52089-4919" +74567.19961,5.745518039,7.735040644,5.29,44393.34075,1556552.474,"683 Nicholas Lake Suite 278 +Maryborough, NV 35094" +71628.50644,5.232929428,7.237042813,4.2,44387.86829,1391303.787,"025 Sandra Spring +Aaronbury, OK 28010" +71375.96616,5.341157553,7.686869052,5.39,30469.54897,1103648.288,"8181 Michelle Fords Apt. 976 +South Sharonborough, IL 69416-4860" +82858.44891,7.700172407,8.952861405,5.44,36835.7397,2005037.307,"9963 Terri Cove Suite 637 +Port Danielleborough, HI 98045-2788" +67907.05877,5.426837103,5.645458792,2.26,30268.35912,1055153.32,"7979 Pierce Burgs +North Deborah, IA 88107" +80606.86162,6.157447528,6.683788416,4.11,34354.96293,1389366.718,"5478 Mueller Loaf +Marissaside, VA 10147" +63585.83655,6.060625718,7.540403854,3.14,43547.57901,1249461.562,"559 Tammy Knolls +Port Gary, WY 40773-0532" +87802.39141,5.464991823,7.416854031,5.37,34354.1597,1501482.22,"87550 Jackson Estates +Lake Michelle, OK 38565" +64446.15728,5.923312449,6.761698048,4.12,46743.72165,1296134.395,"9910 Jessica Greens +Grahamfurt, SD 63388" +56501.22845,7.204247861,6.285785525,4.42,34720.46136,992773.7916,"76968 Carla Forks +North Samuelborough, IN 98003-5220" +65037.2592,6.134211464,7.655160572,6.28,27356.89574,1085101.324,"Unit 8978 Box 9314 +DPO AA 62679" +55146.81015,4.802783203,6.863115134,2.21,40018.1907,734562.1045,"19193 Kristin Drive Apt. 199 +Richardshire, FM 36385" +52122.95431,6.59976394,7.910268871,3.04,38764.82093,1221827.822,"1345 Chavez Canyon +Lake Alexander, IN 90097" +59765.1544,7.1248453,6.685256706,4.38,39557.32062,1489970.147,"1500 White Dam Apt. 706 +Angelatown, MI 85680-7551" +79745.85949,7.827258508,6.493899315,3.37,39511.67912,1696086.168,"PSC 2584, Box 7364 +APO AP 59818" +66449.93044,5.133480582,6.076763139,4.21,18725.6066,891259.3384,"022 Valdez Freeway +Shannonstad, MA 34534" +65314.72011,6.918945345,6.245655683,2.42,36565.02983,1347083.07,"52106 Bradley Ferry Suite 244 +Chasechester, NJ 96162-4379" +59879.22306,6.249999521,8.936689036,6.21,40838.66483,1428797.372,"9188 Morris River +Millerside, MT 60924" +65220.99817,6.037268901,8.860937236,4.49,19500.48453,1198678.984,"069 Mary Mission Suite 064 +Karenchester, ME 18824-1236" +54850.4366,6.839891176,7.176917279,6.18,43807.92574,1194083.247,"4680 Kristina Bridge +Marquezville, MN 20305" +86260.711,5.030503878,7.445576793,3.08,23964.62352,1233126.836,"37233 Reed Tunnel +Williamsport, MS 62923-6005" +73391.28054,7.437555945,7.595263925,4.21,36714.49675,1587585.485,"628 Edwin Points +Port James, OK 42229-3818" +70323.10329,5.205952386,5.216166889,4.14,36148.15639,1025439.434,"946 Romero Junction Apt. 325 +Lake Annette, ME 12933" +62124.47544,5.030342162,6.724091038,4.01,20478.63044,700903.5639,"363 Smith Road +West Allison, NY 64334" +55745.04104,7.578770294,6.742738157,2.4,36078.32137,1180903.434,"51858 Martinez Glens +Lisamouth, UT 55482-2907" +60244.29,5.706416976,6.129404565,2.09,24602.56309,914136.5198,"39114 Hannah Estate Suite 569 +South Danielton, GU 39533" +53624.82011,7.328456527,6.280863821,4.32,36075.9632,1178600.648,"1725 Allen Dale Suite 239 +Elizabethbury, GU 83239" +67168.16617,6.690621627,6.372552343,3.16,45707.97355,1328572.191,"771 Murray Spring Apt. 685 +Bennetttown, MI 95170-5129" +71405.05934,4.345238236,6.687532107,4.39,22083.90871,742449.3106,"8184 Thomas Field Apt. 834 +South Sherrystad, PW 74340" +45863.03216,6.494455422,6.965111002,3.34,34426.422,964596.7498,"166 Alejandro Ways +North Stephanieton, NH 35401-1503" +67424.49083,6.55702901,9.512477059,3.19,37721.32476,1613037.509,"5752 Kimberly Run +South Seth, GU 83042-8433" +69208.50651,5.90534797,6.691996476,4.05,13355.02004,816772.3751,"3178 Thompson Wells +West Valeriebury, CT 94570" +67951.74853,5.503080033,6.469594269,3.3,38731.29379,1283208.829,"599 Rollins Port +North Justinburgh, WY 70184" +61867.91686,5.358809414,7.397488132,3.23,26132.86818,975385.5554,"11929 William Plaza +Mullinsland, NE 97750" +61369.48315,4.81760056,6.240029079,4.38,37670.82898,889845.6012,"06367 George Underpass +Hubbardfort, TX 32436" +63580.73288,5.916199392,8.092067883,3.14,31080.7275,979282.7631,"613 Stephenson Motorway Suite 485 +North Diane, TX 13834" +62669.0388,4.832217969,6.007381661,2.15,38547.92208,896937.6578,"PSC 9208, Box 7434 +APO AE 49176" +90586.12891,6.694530358,5.789188149,2.28,34922.64487,1712388.873,"06374 Martin Passage +New Shawnland, KS 59839-6569" +72449.80441,6.034410757,6.718960081,4.46,44066.21298,1367292.96,"PSC 7494, Box 2912 +APO AE 17450-9053" +67683.20307,6.17004566,5.90871987,3.18,31420.29924,949879.9339,"899 Aguirre Corner Apt. 026 +Brownborough, AR 91532" +79057.79892,7.634775717,10.21990198,3.43,27142.0282,2050594.046,"34645 Brandy Station +Salinasport, MO 74104" +88799.30164,5.649911054,5.058460706,4.24,39139.00291,1616631.334,"532 Coleman Hollow Apt. 140 +Sandovalberg, AK 63927-0427" +61150.55722,8.366244568,6.724711557,3.15,31517.11821,1358350.398,"944 Leonard Green +Mckinneyberg, MI 33444" +73984.73915,6.971445068,8.203236573,5.4,36773.03541,1708127.578,"530 Dwayne Via +Montgomeryport, FL 60457-2198" +79915.51263,7.79200171,7.42841713,4.18,53159.74318,1970419.054,"57221 Joseph Extension +Port Peggyborough, GU 56078-8564" +80055.12605,5.831731673,7.170376066,6.1,44973.08598,1636080.39,"734 William Turnpike Apt. 785 +Davidberg, RI 99205-7061" +60992.53649,6.035992575,9.32025543,6.24,55947.96796,1591269.993,"30241 Webster Route +Estradaborough, NH 40106" +72533.05727,8.09244018,5.717740091,2.26,46369.54384,1806231.452,"99091 Mosley Station +Lewisside, KY 57953" +69753.28542,5.706568379,4.878874287,2.25,50740.20491,1138748.964,"510 Erik Track Apt. 093 +Padillastad, MA 37207-5431" +77623.98361,5.704488367,6.019277067,2.24,38660.64385,1246440.856,"467 Sierra Trace Suite 724 +South Adamchester, IN 71539-7488" +84292.10663,7.012515946,5.550745868,3.41,24380.45121,1407123.8,"08588 Brenda Junctions +Ingramburgh, MO 23967-1554" +75790.48514,6.301155926,7.025305038,3.49,31311.98605,1370830.389,"27677 Soto Underpass Suite 189 +South Carla, IN 62296" +73079.55072,4.752609372,6.587975858,4.21,56970.73183,1492521.867,"34796 Conrad Street +Melissaville, MP 94430-9181" +66235.88812,4.316606421,6.069095962,2.17,34922.49245,762391.7761,"Unit 5207 Box 8213 +DPO AP 65091-3577" +85852.14918,5.625055396,7.343475871,5.45,33200.33784,1668448.098,"PSC 8780, Box 7310 +APO AE 82682" +62333.48575,5.348729243,7.280258783,6.18,29704.82371,945057.3184,"5219 Ray Lights +Kellershire, NJ 68873-7542" +60110.37928,5.926383868,5.626159182,4.19,32536.46587,874497.2655,"29222 Smith Rest +Michelletown, MS 57014-3973" +76568.23475,5.386918411,6.330174374,4.24,30823.91047,1080170.907,"393 Edward Falls Suite 016 +West Steveville, GU 02435" +73257.26545,3.647654634,5.692281119,2.2,44882.48792,1049007.017,"65670 Jerry Ridges +West Linda, IA 67283" +53657.292,5.99290704,6.087748127,2.37,38994.08273,826587.3919,"00347 Donald Cliff Apt. 813 +Port Kimberlyland, AR 23707" +78583.26472,5.278236842,7.42863471,3.07,35271.71984,1384328.122,"22992 Gonzales Crossroad Suite 385 +Port Jacobport, AS 35161" +62370.03191,6.569959581,6.740482426,4.42,27221.17929,1027311.508,"5049 Emily Roads +New David, MS 50520-8538" +72937.70838,7.17273506,6.882272764,2.04,57121.57974,1938713.985,"11627 Robert Turnpike +Frankview, WI 66018" +77033.91359,4.079782222,8.44100893,6.26,26160.16105,1025417.888,"0569 Reed Gateway Suite 278 +Mcmahonport, IA 99324-3105" +49854.39272,4.516853632,7.778314002,3.46,27402.70803,594816.9325,"57320 Timothy Summit Suite 813 +Jonathanview, SD 71285-5217" +87903.74353,5.316288784,6.385907942,4.41,28782.24002,1369970.613,"8946 Amanda Groves +North Jasonfurt, OR 67994-4423" +35608.98624,6.935838866,7.827588622,6.35,20833.00762,449331.5835,"652 Stanton Island +Adamsview, VA 56957-9960" +62933.33472,7.268346429,7.557128955,3.14,32233.88588,1253359.954,"6228 Cristina Walk +Collinsstad, RI 77748" +73260.62822,6.264689378,8.070274676,6.44,25942.65579,1347234.093,"68561 Guzman Pike +East Sophiamouth, SD 27058" +71452.09168,5.157715794,6.592765037,4.08,42152.13605,1257780.067,"319 Leah Way +New Kimberlyborough, DE 67521" +65550.80328,5.06030279,8.39274175,3.22,55084.15933,1474296.416,"008 Hanson Circles Suite 611 +Lake Timbury, TX 85722" +73309.24009,6.552490761,6.643998357,2.1,39582.92892,1513273.017,"517 Padilla Via Suite 659 +Lake Christopher, GA 09246" +55331.28845,4.028327591,8.035729756,6.2,53055.85372,1042243.731,"825 Walsh Estate Apt. 155 +Lake Allen, MT 72047" +73212.4238,5.593939986,6.474991494,4.36,34019.97359,1288069.226,"35199 Avery Turnpike +Colonport, LA 95955-3267" +78300.40979,5.724372816,8.885629339,6.1,53921.43195,1988563.993,"81498 James Keys Suite 246 +Chambersshire, ME 69563" +69154.76202,4.43905373,6.689730324,4,36179.40577,799842.3758,"40506 Patricia Streets Suite 594 +North Joshua, NJ 70635" +76107.67404,6.850884751,6.780898891,3.13,56376.96843,1813555.33,"130 Browning Union +West Latoya, CO 81571-8710" +55415.24226,5.639293226,4.632910723,2.39,24291.11191,492984.5947,"1567 Larson Lakes +Alvarezview, MT 72082" +81970.46446,5.400627906,6.979307783,2.38,33284.9267,1325531.155,"6477 Cunningham Manor +South Thomasshire, OR 14654" +53935.10993,7.697110375,6.714658826,2.26,53504.45997,1315138.251,"USCGC Johnson +FPO AP 08459-0719" +61058.96859,4.914396085,5.91711269,4.35,36325.30463,729990.0244,"6317 Walsh Key +Rachelbury, WY 60943" +61676.73492,6.118452016,8.539962168,4.04,38467.817,1328658.911,"9423 Paige Unions Apt. 551 +Valeriebury, AZ 96799-4795" +59391.05678,6.492408962,8.78453631,6.32,64543.32245,1599416.014,"0309 Kaylee Springs +Joelhaven, MA 29639" +72007.4888,5.745688142,6.786491062,2.13,53713.27621,1348251.597,"Unit 3582 Box 2159 +DPO AA 10955" +77079.71716,4.255008575,6.528579813,2.39,32236.82469,1018457.987,"459 Foley Parkways Apt. 307 +Andrewtown, KY 41233" +86219.59857,5.904630857,6.398407812,2.48,44034.47735,1517597.527,"9891 Jon Crest +North Kevin, AZ 87146" +65279.53406,7.158516797,5.867638545,2.25,39419.28898,1247289.49,"9722 Daniels Haven Suite 025 +Lake Jennifer, DC 85154" +64962.433,7.352679089,6.535796373,3.41,17093.8098,906034.6514,"770 Kenneth Avenue +Anthonymouth, IN 34062" +68450.34379,6.829170797,6.459429146,2.38,32147.63844,1203089.989,"48027 Gomez Court +Charlesberg, OH 33137" +62305.63841,6.490769332,7.647362307,3.19,47066.61742,1375771.129,"8553 Donald Avenue +Bakerville, SD 40866" +51621.33042,5.073320657,6.015495165,2.35,18194.12155,459446.4193,"2696 House Spur +Brittanyshire, NJ 19481-7658" +66571.38612,4.897454983,9.027656435,5.2,26651.84551,1238486.17,"08132 Paula Mountain Suite 428 +North Tyler, IL 81930" +80963.17755,5.881587711,6.843990748,4.32,24602.00925,1309768.196,"61104 Cruz Expressway Suite 446 +Donaldberg, NH 44190" +61761.31841,6.004892786,6.802612412,2.5,38825.39624,1111580.1,"68508 Hall Canyon Apt. 405 +Jonathanbury, MI 18677-2405" +80931.50922,5.771015012,4.290699174,4.12,31837.48807,1099788.698,"Unit 3247 Box 3138 +DPO AP 57852-8508" +73278.8044,6.270914492,7.370286264,4.03,23586.38274,1247384.085,"2611 Christine Road +Nicoleport, VT 37604-0248" +74416.20429,5.0333365,7.398003429,6.42,47907.02053,1546469.783,"45752 Nelson Glen Suite 166 +Manningside, MA 58972" +64590.51459,5.456277934,6.6242746,3.06,19652.1461,729315.3749,"6902 Rodriguez Flats +Port Tylermouth, KS 00622-4564" +65627.05111,7.974704488,6.86014805,2.21,44808.30337,1614667.528,"71899 Cole Throughway Apt. 835 +North Wendymouth, FM 73767" +75434.55458,6.141594285,8.254735236,4.04,43181.90541,1613325.655,"746 Steele Terrace Suite 937 +Hughesborough, MS 51862" +70153.70129,4.447902232,5.507529287,2.33,35808.41019,765505.3475,"Unit 6663 Box 8817 +DPO AE 57810" +84014.41157,6.848072424,7.145822676,3.23,41819.36384,1696785.902,"USCGC Martinez +FPO AP 67990-6855" +65489.29173,6.25995655,6.750151472,3.12,22599.37411,980161.6274,"389 Luna Squares Apt. 797 +East Russellmouth, AL 36775-2638" +78545.32417,5.515535533,6.335692664,4.21,34477.46586,1167621.046,"1162 Michelle Green +Cheyennechester, NM 45297-5228" +71893.47208,6.290071214,8.126888593,4.22,19033.61118,995849.7751,"USCGC Gomez +FPO AA 97030" +73311.08804,5.826323984,6.495198995,2.14,37252.96217,1276494.765,"3960 Bush Walks +Kimville, TX 38356-9719" +77504.80423,5.688956505,7.288819156,5.29,41864.78624,1649156.608,"2669 Karen Square Apt. 062 +New Jennifermouth, PR 19498" +75668.93213,4.873193088,8.454191671,3.27,40746.12022,1603268.211,"216 Oliver Keys +Zamorafurt, GU 66579" +77032.27071,5.34585939,7.516683145,3.22,29023.35352,1314387.407,"Unit 8133 Box 6709 +DPO AE 86310-8698" +71467.13016,6.485150517,6.995179318,3.33,39812.30642,1357366.528,"72667 Timothy Flat Apt. 173 +Robinsonmouth, GU 99851-4011" +70189.00591,4.678508847,6.120781745,4.26,53705.13173,1308017.314,"47143 Terry Plain +Karenfort, AL 41285-0143" +77085.54711,5.565689964,6.197942059,4.44,21287.44252,1246015.297,"231 Michelle Falls +Williamsfort, AR 04033-9918" +80957.05293,6.802133796,7.073592888,6.2,30545.48765,1467959.529,"24628 Gray Curve +Kirkshire, WY 39107" +56986.83313,5.733518858,7.883280646,5.17,43921.10884,1239309.915,"736 Tara Dam Suite 886 +Port Katelynchester, LA 57144-8259" +69155.64581,6.550911359,7.392177281,4.31,40808.13621,1457022.63,"31028 Smith Springs Suite 877 +South Jeffreychester, WI 94105-9295" +76850.37944,5.235428788,6.376401251,4.04,36333.48147,1315666.874,"8088 Miller Plains +Mollyport, AK 44811-8095" +70866.71679,5.870557966,5.728607328,2.45,24511.81998,885709.7643,"538 Roger Circle Apt. 824 +Juarezport, OR 83733" +54028.10097,5.176103252,6.188016884,3.2,31319.53603,566645.8578,"PSC 9663, Box 0897 +APO AA 89838" +64315.31047,6.478004245,6.389380954,2.1,34940.35476,1088176.201,"759 Oneal Crescent +Colleenport, NM 31592-5032" +66374.68733,5.789744065,6.184767913,3.11,36809.12493,1105737.462,"280 David Viaduct +New Laurenbury, GA 91091-4353" +63221.91504,7.370165244,7.830472122,4.3,44348.42034,1571664.903,"23837 Kayla Lodge +North Susan, ID 23300" +80417.54394,4.737569088,6.837051133,4.32,44523.98909,1412144.508,"91640 Christina Islands Suite 013 +Jillstad, IA 21280-8165" +73053.95322,5.712998824,6.673142463,4.3,41686.51893,1220724.177,"2248 Bell Isle +Christinaburgh, OK 79572" +62948.73571,5.877790573,6.974424476,4.49,30494.50961,1011909.694,"88935 Thomas Ports Apt. 639 +East Kimberly, MS 36461" +59037.60924,5.206138943,7.701775148,5.41,26234.10954,685922.3852,"USNS Johnson +FPO AA 60918" +67314.74488,6.42330404,6.068082981,4.26,31872.7763,1175190.673,"6245 Steven Alley Suite 766 +New Manuel, NE 20516-7507" +58714.48145,5.588486714,8.114656742,5.28,32762.93646,1053891.645,"005 Robin Road Apt. 246 +Port Larrychester, NE 24085-7161" +78286.51791,4.236880738,7.465136433,5.29,42425.77635,1360502.249,"379 Williams Loop Apt. 647 +Port Staceyberg, VA 40911-0337" +68785.20331,7.005533539,6.599607811,4.03,48564.79854,1409038.987,"2707 Kaiser Summit +Port Jason, MN 67672" +62970.72143,5.529295392,6.596973061,2.48,14241.24877,547794.5712,"12649 Cindy Parkway +South Joseph, CT 07688-3813" +85048.19587,4.5520597,6.492893172,4.38,23662.58487,1211442.941,"0191 Danielle Park Suite 342 +Matthewmouth, ND 66877" +82425.05337,5.332689067,5.698082518,2.36,41020.43966,1403296.258,"298 Edwards Village Apt. 878 +East Jeffreyshire, OH 06998-9930" +68817.20236,5.903673819,5.33055714,4.07,35621.67754,1125696.862,"6322 Jensen Overpass +Port Seth, UT 98405-6588" +63170.38218,6.242850811,4.887183995,2.09,44345.07696,1067191.98,"3488 Marshall Summit +Warnerport, CT 34831-0820" +66943.79999,4.213793597,6.826493608,3.03,28984.51021,786257.7826,"340 Peggy Village Suite 573 +Tammyview, TX 20289" +74591.28235,6.175769773,6.826686285,3.19,28860.94534,1341069.16,"8904 Morales Crossroad +South Deborahmouth, MA 50627" +62302.06385,4.649203487,7.4843437,3.44,40291.19449,777718.8986,"286 Allen Common Apt. 060 +North Katelynmouth, OH 14510" +67559.66672,6.873592404,7.157963578,5.05,32487.56767,1539465.42,"68740 Jason Parkways Apt. 313 +Jasmineland, UT 82929-2936" +70791.51907,5.08647949,5.293383165,4.03,19314.63285,738760.7474,"94998 Castro Mill +Richardmouth, PA 16381-9282" +61015.50784,5.389285536,5.725160308,4.16,39588.22954,777144.2542,"14496 Alexander Lakes +Port Darren, IL 51842-5682" +65013.21245,7.321305027,7.591328052,3.13,23039.88947,1131040.702,"5299 Rodriguez Springs Apt. 297 +Castillohaven, RI 44975-9034" +59179.8686,6.215488288,6.519249287,2.45,33549.55306,892718.091,"528 Nancy Points +Lake Edward, FM 85808" +44426.26298,6.205941992,8.312282105,3.06,55838.91309,1344406.93,"738 Sue Forks Suite 386 +Lake Katherineville, MI 07940-4286" +52890.04582,6.701008533,8.859650987,3.21,27165.23395,1174949.861,"246 Anderson Circles +Sarahshire, TN 88894-1090" +57896.60321,5.450221458,7.631447396,6.3,35960.62566,948054.0087,"4667 Brandon Lights Apt. 706 +North Loriside, HI 90662" +67548.1681,5.760579986,8.194381042,3.4,50213.73856,1432902.753,"PSC 4208, Box 3441 +APO AA 84455" +72009.19847,6.327696005,6.86173918,3.49,59313.73912,1649947.16,"824 Katherine Creek +Lake Leslie, KY 06569-7910" +50143.64485,4.230051414,7.979249997,4.04,67601.22356,1168588.031,"79390 Scott Flat +Wongbury, SC 60268" +63335.79491,6.295120484,6.308114238,3.44,35469.02867,1172514.722,"524 Patrick Heights Suite 522 +Lewisport, VA 82776" +66083.1659,4.213322953,8.908380542,4.17,39185.99503,1051173.465,"54042 Proctor Corner Apt. 796 +New Staceyville, AL 77840-1927" +68577.10973,7.515130583,6.434935666,3.29,23927.33192,1235747.512,"622 Felicia Coves Apt. 084 +Port Ianport, NE 80183" +69605.54455,5.785465918,6.557256315,2.13,17597.04113,984010.7053,"7298 Linda Turnpike +Lynnstad, FM 06435-7232" +57276.7191,8.27414749,5.530624744,3.47,35374.24918,1210610.163,"544 Rivera Path +East Mark, AK 64190" +73682.48621,4.611183867,5.347027061,2.22,34366.1801,766078.3708,"364 Benjamin Place Suite 843 +South Karen, KS 76654-9243" +74056.56914,5.915183934,5.892268713,3.09,38822.83419,1234636.452,"USCGC Duncan +FPO AP 61349-9468" +60325.98588,6.812452068,7.647438609,6.45,38418.0583,1364306.769,"2441 Amber Manors Suite 444 +Kleinfort, TN 26624-3469" +84851.16007,6.359015225,6.206156512,2.48,34265.52637,1429383.352,"084 Janice Islands +New Howard, TX 30144" +74008.82756,6.354988921,9.066515985,5.28,32743.7803,1680788.287,"28451 Aaron Crescent Suite 764 +Lake Mary, WV 10610" +64059.44247,5.789113537,5.935699281,3.12,27865.99607,884891.4955,"979 Kiara Park Suite 926 +New Joshuastad, ID 05392" +71579.1264,6.001140259,6.166459077,2.44,40130.54077,1198572.866,"Unit 3168 Box 1461 +DPO AP 93389-0125" +64730.12677,5.689943504,5.761823456,2.37,31879.32384,996924.6914,"434 Zachary Villages Suite 228 +West Lorraine, GA 90758" +70763.4236,6.812010802,6.98249761,4.43,29873.98841,1417403.312,"8016 Albert Underpass Suite 606 +South Catherine, SC 07163" +62072.07255,4.431744948,6.992438008,4.33,23853.96781,549947.2482,"556 Nguyen Extensions Apt. 746 +East Trevormouth, MN 70379-9628" +63209.68887,5.225487928,8.692817878,4.24,33967.6729,1241699.117,"01546 Annette Cove Suite 203 +Clementsport, MP 78826" +61009.10935,4.662569144,7.083002537,3.41,60309.12225,1258686.286,"39003 Joshua Oval +East Jacob, CA 65413" +62566.7628,7.690493451,5.828975487,4.28,26717.60493,1144177.776,"51832 Lindsey Locks +West Donnaburgh, DE 19633-6063" +60426.5097,6.091147527,8.845689956,6.08,46776.73635,1518387.142,"8906 Patricia Corners Suite 926 +Davidsonville, PR 86858" +56349.97492,5.412044153,6.694668419,4.04,31048.99083,592512.4283,"83609 Sullivan Shore +Montgomerychester, MO 60768" +65827.33514,6.90353685,5.98071552,3.14,46346.6233,1283590.459,"281 Chen Cape Suite 523 +Burnsfort, AL 87881" +63376.70777,6.254002237,6.437478448,3.16,29743.5932,1014093.31,"8394 Nathan Summit +Port Johnmouth, NE 50019-6886" +77275.76627,6.547893325,8.027765078,3.31,41162.33783,1535152.074,"2768 James Trafficway Suite 095 +Gallegostown, MD 36169" +68057.0658,6.748409478,7.883018684,6.2,52547.82917,1754576.146,"02202 Morgan Trafficway Apt. 654 +East James, MI 98044-7856" +59828.79511,5.515547729,8.061237874,3.5,47590.82639,1384965.654,"948 Murphy Gardens +Robertside, KY 53619" +65672.20442,4.267647438,6.122157594,4.08,34640.72237,554253.054,"87947 Dean Valleys +New Felicia, NM 07523" +66667.32549,6.646066918,8.348953133,6.29,37198.29198,1502451.114,"USNS Thomas +FPO AE 22417" +78074.94799,5.691650412,7.735931941,4.06,58051.60066,1930802.919,"35058 Gregory Heights Suite 044 +Garciaburgh, GA 63314" +77911.35703,5.61580954,5.0586967,3.04,42795.34656,1309860.059,"USNV Morris +FPO AP 49380" +70378.49163,7.4865957,5.165867255,2.35,31646.37769,1110525.989,"347 Nguyen Center Apt. 713 +Nguyenmouth, GA 87473-7584" +62845.10684,7.292736165,7.391549202,4.26,44604.26897,1543357.454,"Unit 9774 Box 4511 +DPO AE 44963" +69699.51877,6.670701549,8.239588502,3.06,47248.81405,1736442.48,"01484 Wright Plains +Nicolemouth, GU 35434" +75477.51718,6.710570614,7.05780981,5.03,18878.79928,1370367.788,"83819 Crawford Trafficway +Lopezchester, MH 76931" +79750.29603,6.453148327,7.092517458,4.15,36085.10108,1614916.469,"USS Cline +FPO AE 74379-7138" +63617.89555,8.048052771,4.932617458,4.46,30692.9169,1124463.04,"714 Valerie Isle Suite 592 +Atkinsonmouth, LA 88128-9040" +71501.1388,5.062524905,7.060038046,5.26,44428.1529,1293383.89,"6670 Murray Street +Kevinside, WA 07925" +81570.54115,5.044783195,7.371143088,6.29,32485.40962,1472967.814,"658 Peck Island +New Tanya, SC 41055-0305" +60270.45485,5.812992997,7.256684297,4.21,26945.57492,1009809.984,"4405 Erik Alley Apt. 566 +Davidshire, VT 54733" +66407.79145,6.303685917,5.858797056,2,38707.52552,1217061.254,"77722 Shelton Summit +West Ronald, AL 87671-6135" +74479.33776,8.415327856,5.254872982,3.33,34615.95605,1637335.303,"66096 Scott Lake Suite 184 +Brooksport, CT 91240" +71830.74646,6.030995051,8.783063591,6.1,39939.80325,1570904.977,"915 Brian Brook +Stephanieton, FL 61769-6794" +75869.65482,5.84448089,5.793122826,2.24,27606.00721,1002690.899,"43472 Miller Cape Suite 583 +Lake Ashley, OR 81912" +75774.7185,6.776730281,7.633608653,6.32,44508.60306,1814550.901,"2562 Daniel Mission +Tinabury, VT 69713-4029" +75174.65807,6.917563557,8.534244916,5.16,40179.1657,1677005.14,"USS Ponce +FPO AA 96735-0763" +73688.94661,5.306649505,5.800783312,4.13,38977.46512,1173201.519,"36687 Madison Mission +Leeside, CO 27911-7089" +53409.27698,6.495543869,7.274836553,4.02,22522.8816,860346.4707,"591 Sherman Expressway +Josephberg, GA 66016-6908" +59167.6354,4.187031549,6.039377817,3.46,39496.12756,631712.7238,"7612 Price Knoll +North Tiffanyfort, DC 28501" +69429.18577,5.993336048,7.104042556,3.11,44822.3484,1330929.472,"3617 Brandon Light +East Ashley, GU 71052-2188" +53365.02398,5.814456126,7.886904601,5.02,36419.23411,879356.366,"360 Christopher Road +South Garyburgh, DE 52487" +59114.19611,4.564544215,5.776330341,3.14,40488.33348,635419.3652,"02169 Collins Forge +Hensleyland, NC 12535" +63143.62271,6.112444386,7.30628942,6.43,33577.50951,1085494.82,"95940 Jason Trafficway +Johnbury, DC 77971-4619" +70956.99972,5.551591773,6.660050611,2.38,27811.63909,1024601.563,"744 Davis Landing +New Valerieberg, IN 24230" +66197.49129,3.573485177,5.307994552,4.14,35919.85409,701865.773,"8277 Danielle Estate Suite 526 +Lake Rachaelchester, TN 23079-6650" +64497.27099,5.855132309,6.344379642,3.12,30018.12056,942663.9415,"5807 Freeman Court +North Mary, VT 01837-7658" +80948.10988,6.706187276,7.925612282,4.41,32517.53141,1838092.102,"PSC 0218, Box 4677 +APO AP 39400" +77193.94342,5.763953676,7.17016889,5.31,19630.01991,1065150.787,"46793 Anthony Spring Suite 061 +Williamsview, FM 58758" +58874.27384,6.342055418,6.645741991,2.11,19772.52166,849566.0855,"480 Mejia Trail Apt. 386 +Debrafort, IL 34297-4867" +67123.33363,5.195548818,6.856949349,3.23,27725.52718,949892.5314,"5096 Bennett Oval Apt. 544 +South Josemouth, SD 83663-3413" +71642.46378,6.401203921,7.074909961,4.03,27727.03253,1294967.411,"282 Frank Freeway +East Michaelside, DE 91260-8323" +74614.82449,5.008816737,5.963194701,4.31,46070.4434,1033881.135,"933 David Station Suite 518 +Tiffanyborough, NJ 59874" +63358.60592,6.194842465,7.486757259,4.32,38575.2732,1280700.403,"59368 Miller Trafficway Suite 095 +Banksview, VT 62470-6977" +68595.99772,6.548519671,5.911061464,2.09,55323.95726,1388840.174,"9569 Chloe Ports +Lake Stacyshire, NE 25955-2308" +81668.78943,6.889634603,8.403683121,5.02,28884.05091,1940225.908,"85544 Cox Centers +Davismouth, NE 55867-0973" +80379.05536,7.070930483,4.407346082,4.12,54143.3287,1586889.995,"5992 Sanders Freeway +Orozcoville, IL 93327-1981" +59195.32587,5.946960518,7.868771957,3.24,30774.75314,962081.42,"30920 Griffin Club +New Kimberlyfort, TN 88640" +56909.83476,5.854318069,7.615188105,4.09,36794.19937,1049798.785,"01713 Katherine Court +New Susanside, WI 21196" +66959.33983,5.369129034,6.394880318,2.27,36043.02049,1040781.795,"580 Maxwell Extensions Suite 388 +West Carly, WV 33983" +52267.24735,6.649260982,8.512295113,3.48,25983.5197,1100380.261,"343 Burns Drives +Kathleenhaven, AL 73693" +38868.25031,6.965103517,8.966905968,4.22,25432.07677,759044.688,"86840 Jonathon Field +Stevenport, KY 45694-2395" +67466.29858,6.207662804,5.816436333,4.09,47444.71283,1283764.788,"847 Wesley Vista Suite 668 +Butlermouth, IN 29187" +67453.08131,6.025451861,5.552289862,2.09,49085.96278,1162949.679,"8049 Joseph Ville +Austinshire, OH 39898-5331" +64405.64944,8.005412645,7.879408466,6.12,42611.5397,1420979.184,"65018 Mcdonald Dam +Hineston, FL 55892" +62485.90147,6.129920102,7.236661163,3.29,32428.12577,972670.8133,"Unit 2473 Box 7729 +DPO AA 36548-9176" +84613.54293,7.089195735,6.809069106,4.18,43480.69971,1804243.86,"0559 Bryan Plains +Christinaburgh, KY 52933" +69616.21355,5.350078826,7.400706764,6.38,14476.76064,836883.5653,"9086 Sarah Pass Apt. 676 +Padillamouth, AK 72972-4551" +68173.77439,5.207370214,7.066208738,3.16,57699.95756,1294647.589,"647 Michael Cliff Suite 122 +Evanschester, NY 62341" +80431.0356,5.474910834,6.322610857,4.05,34615.59849,1300479.133,"35149 Dawson Valley +West Juliehaven, GU 84851-7166" +66098.57072,5.875820408,6.586904028,2.13,28433.85035,1040376.995,"USCGC Guzman +FPO AE 96158-4679" +63866.3679,6.471570205,5.862447871,2.02,33288.95842,1193253.801,"531 Peck Park +North Johnport, MA 11372" +76960.77907,4.911590617,7.446546032,3.21,55375.66821,1618127.607,"46521 Williams Mall +West Richard, OK 68233" +75595.70207,5.011920958,6.689793899,3.4,30177.11796,1113856.543,"61875 Sheila Branch Apt. 296 +Stephanieshire, NY 63229-2478" +68214.14095,6.833278659,7.619593757,5.29,37311.66414,1706291.991,"2079 Little Flats Suite 920 +East Stevenville, MA 36496" +50881.91067,5.384138327,5.122241484,3.22,35777.29469,658644.617,"294 Angela Common +Laurieshire, ME 68533-3663" +63780.9979,6.68716254,7.769067707,5.02,35056.44834,1168993.738,"940 Jones Roads Apt. 703 +Ericport, CA 59316" +73193.43593,5.307330122,5.115945164,4.08,35707.7623,1123209.855,"26579 Janice Club +New Steven, VI 56204-3194" +73875.67601,4.934697172,6.499533595,2.09,34332.42096,915818.4531,"332 Cabrera Shoal Apt. 452 +New John, WI 34660" +76402.50508,4.573821265,6.404665039,3.24,30636.46158,1134142.916,"USS Nixon +FPO AE 74737-2918" +76221.793,6.4653061,8.299836441,3.16,30324.19143,1589765.497,"6557 David Corners Apt. 844 +Cooperfurt, FL 23835-5841" +53630.31681,3.446131154,7.048169832,3.06,43358.5705,552585.3541,"42201 Brandon Brooks +East Justin, MT 68266" +70488.78281,6.707818266,7.476301524,6.33,38326.00336,1352917.177,"2412 Terrence Stream Apt. 340 +East Juanland, AZ 60790" +76149.22102,3.430713498,7.38367476,4.31,30532.99239,1043281.29,"106 Scott Plain +North Audrey, AZ 04363-0913" +63748.24248,6.25142505,8.535923451,6.21,47926.40802,1589431.171,"26516 Tiffany Walk Suite 287 +Gillside, AZ 62937" +73038.22482,6.5040534,6.916142758,4.47,32508.90973,1348883.321,"11766 Gallegos Falls Suite 762 +Stevenbury, KY 91300" +76992.81884,6.529827858,6.049331962,4.46,24874.03512,1212440.29,"8188 Henry Gardens +Port Rogerberg, OK 27962-5231" +89510.91582,5.862742649,8.216263423,6.48,29766.44407,1580727.45,"10694 Amanda Orchard +Cassandraport, WI 70523" +70438.39363,5.836562621,6.558826706,3.2,29990.62536,1215288.49,"729 Singh Drives Suite 258 +Roberttown, KS 39950" +64345.07143,6.178851435,6.707691832,3.18,48621.16851,1391788.849,"119 Thompson Place +Christinaton, DE 48205" +65901.47709,5.998331335,8.103837628,6.35,32810.13795,1127248.61,"Unit 5691 Box 8533 +DPO AE 09658" +58858.02165,7.033461786,7.471432115,5.24,23978.58886,1234609.739,"USS Brown +FPO AE 78902-0715" +59716.58307,5.078042652,4.46053037,2.01,49859.49907,936234.3476,"73567 Daniel Ville Apt. 562 +Vanessamouth, MP 12924-0251" +89112.70263,6.567440676,8.015034157,3.46,29673.02264,1852338.469,"2948 Andrews Cliffs Apt. 191 +Jessicaview, GU 74128" +85522.89108,6.02077932,9.024116447,4.37,49257.8511,2009937.703,"494 Kathleen Route Apt. 078 +East Tracichester, FM 41408" +50005.04875,7.626918438,5.869941435,4.48,32614.77708,828127.0276,"41386 Casey Mission Apt. 524 +Leslieport, WY 14692" +71491.38108,6.425960932,8.9044547,3.41,42631.83698,1661119.501,"441 Bell Roads +Howardfurt, MN 15904" +65608.60771,7.569247064,6.739623392,3.15,28774.42668,1295901.454,"1039 Danielle Overpass Apt. 032 +Smithville, SC 96125-9024" +65431.3248,5.410623946,7.53828411,6.43,23365.44462,989643.0314,"112 Jennifer Locks Suite 881 +West Mark, VA 43382-8111" +81909.50693,8.53634617,6.633944574,2,30777.97017,1788515.818,"183 Brendan Trace Suite 990 +Millerside, FL 28725" +82514.29918,7.127762529,7.791624953,5.09,32252.1437,1814855.155,"Unit 6643 Box 2423 +DPO AA 82069" +72764.93092,5.90526723,7.99832447,5.07,19595.96368,1170705.166,"4903 Burgess Square +New Julie, NY 69102" +55288.83745,6.194182284,8.345217342,6.41,31144.65521,1090788.981,"386 Johnson Shoal Apt. 607 +Lydiashire, OH 14525-4403" +59420.35326,4.607793092,5.763787958,2.25,20691.47878,440585.0294,"6441 Devin Cape Suite 400 +East Donald, LA 54008" +59042.57706,7.248678348,6.439651109,4.5,33182.43628,1029439.234,"85315 Jason Junctions +Katherinestad, MH 96677-4715" +76650.59037,3.413044959,7.01533955,6.08,36333.95285,828120.955,"911 Bean Spurs +New John, MO 60974" +59912.8239,6.744319216,5.806265555,2.02,38092.9276,985283.8816,"9936 April Plain +South Robert, AR 47420-4991" +69544.12817,5.295864201,6.143545198,4.29,27071.52903,879062.5907,"2114 James Oval Apt. 035 +Bryanburgh, AR 85968" +56588.23692,4.931603874,5.230451274,4.32,38132.46448,609402.7753,"1214 Dennis Skyway +East Pamelastad, HI 95893" +66269.51277,6.826684184,8.191502632,3.26,18114.57522,1168859.117,"13878 Lori Points +Butlerberg, AZ 93348-9767" +74890.93612,6.961354849,6.999044967,2.3,25333.87085,1307506.565,"186 Bradley Locks Suite 428 +Mccannview, IL 91770" +71053.69196,7.005152218,7.445903866,6.48,29359.20517,1357250.571,"096 Thompson Land Apt. 282 +Gutierrezside, MH 02278" +60721.09573,6.440954153,6.942446144,4.2,29978.65909,1181630.625,"793 Landry Mountain +South Shannon, PA 26333" +70204.38625,6.365004744,6.49496655,4.11,38773.09407,1294615.008,"035 Murray Greens Suite 071 +North Richardstad, ND 69006-6808" +62347.25085,4.459532432,7.408145957,5.42,37499.0055,911656.1053,"953 Owens Brook +West Jonathan, AZ 20829" +73688.59397,6.263320554,7.576034015,3.42,30994.79989,1149327.656,"USNS Smith +FPO AA 61423-8670" +45685.24992,5.34246816,8.09367208,5.02,30345.59016,867714.3838,"708 Murray Motorway Suite 993 +Adamhaven, FL 90718" +70689.36434,5.865246386,6.462900465,3.29,21350.09975,973068.557,"PSC 7179, Box 6714 +APO AA 57159" +74510.79036,5.830240195,7.930393266,5.19,9579.071782,1084408.44,"0543 Michele Spring +Gouldville, ND 34180-6287" +98468.25364,7.035383395,6.62923345,3.05,50676.3124,2275455.306,"USNV Hoffman +FPO AA 45311-5701" +69275.04729,6.131326167,6.250447684,2.5,40144.75061,1233205.196,"31046 Aaron Ways +Bryantown, AL 26462" +65969.70704,7.325975622,8.020965507,4.09,61772.75681,1906024.636,"6609 Andrew Extension +Emilyland, MP 55694" +65897.66157,6.155338177,6.520119624,3.01,49667.60637,1412626.519,"474 Mckinney Underpass +Lake Andreaview, CA 16833" +72110.50499,6.989711898,7.050241969,5.33,23411.94554,1208761.056,"952 Richard Spring Apt. 574 +Moniquemouth, WA 18628" +82069.6606,5.491419388,6.368112908,2.38,47005.49681,1710924.367,"547 Ashley Knoll Apt. 840 +North Veronica, LA 13077-7129" +47422.74582,5.89150658,5.336534681,2.16,42771.40598,750119.7266,"08059 Bailey Fort +Sandovalland, NJ 68704" +71713.79826,6.446437668,7.845240395,6.15,26861.13336,1361828.848,"5672 Barton Port +Gonzalesborough, PR 77884" +42348.16246,6.791701023,8.386485036,6.41,33609.69466,904785.1632,"329 Duke Rest +South Juanport, GU 60058" +61393.05011,4.386179784,7.867255587,6.33,44258.90193,980141.2191,"PSC 0015, Box 2446 +APO AP 94869-0746" +63783.5313,5.679880456,6.429997121,2,32620.40732,798254.2245,"2277 Cody Island +Lake Frank, NJ 80726-0483" +59803.15371,6.71417241,6.908628309,4.05,30788.30391,1026505.821,"5262 Dean Divide +Billyland, FL 74609" +92201.21433,5.235165561,6.451213999,4.03,45452.28028,1692335.964,"4931 Kristin Cape +Christineburgh, ND 06300" +75967.13508,5.939369689,6.111658422,2.32,38897.09158,1405505.244,"6395 Bruce Passage +New Michelle, AL 72494" +61300.28128,5.764434518,7.111451,3.35,33922.63298,946182.0502,"1174 Jessica Mill Apt. 360 +Port Mariafort, NV 90740" +77695.00496,6.720502135,6.30941562,2.34,42122.53515,1723775.014,"71136 Elizabeth Parks +Watkinsshire, NE 69474-2127" +66764.39845,5.098117276,8.646249014,6.18,28467.21144,1238406.19,"0748 Richard Lodge +East Mary, NM 61589-8091" +56734.15695,6.507846707,7.572747247,6.45,35452.59151,1317160.403,"243 Singh Course +Hodgeston, WA 03755" +66138.17282,5.446190938,7.177924111,4.42,40675.79837,1155752.745,"02787 Arthur Plain +Wernerbury, IL 60921" +48747.15505,6.188441122,8.847507025,5.49,31266.90185,1040086.664,"8172 West Gardens +Kevinshire, MD 69882" +73101.21864,4.640185031,7.385125178,6.32,39998.46264,1266947.264,"92604 Mcintyre Ridge +East Kelseyport, DE 66874-2943" +69248.80774,5.645479846,6.69976851,3.5,57771.29235,1422230.96,"1500 Brandon Green +South Julia, NM 84899" +49825.84885,6.358266693,8.384392015,6.15,46399.80959,1224778.623,"4405 Smith Harbor +Port Margaret, GU 67322" +67557.22185,6.036130224,6.193835463,2.49,18468.81419,973096.3582,"2713 Flynn Port +Bentleyshire, IN 06799-9053" +59047.80268,4.954121475,7.533733419,3.36,26365.14509,512252.8035,"0585 Lee Park Suite 358 +Dannyland, DE 84315-4350" +60889.38965,6.105744489,6.410508879,3.47,32997.63893,906419.3179,"4199 Jasmine Burg +Deannafort, AL 94097-4514" +75409.22438,4.857913551,7.327348647,3.32,33413.26568,1114667.249,"771 Donna Ports +Davidville, NE 67388" +60770.07431,6.695838781,6.982130879,2.07,38047.13038,1278365.767,"1529 Mary Flats +East Amberberg, NY 70047-7365" +92106.80387,6.305681929,6.751435035,4.1,32483.35909,1720670.877,"50504 Mary Neck Suite 023 +Johnberg, CO 27193-0079" +77256.6833,6.316032181,7.377008767,4.35,31886.7102,1534295.195,"737 Regina View Apt. 523 +South Markberg, NE 49825" +69071.89936,5.799068188,7.081538688,3.12,32106.89476,1066040.789,"21685 Jake Pike +Geneshire, GU 25597-6641" +79817.66576,6.019474864,8.073786511,5.41,31765.90139,1428399.002,"PSC 3949, Box 6921 +APO AE 76349" +85172.82909,3.944863742,5.513040369,2.17,26018.01564,855423.984,"422 Louis Road Suite 452 +Heathermouth, VA 53491-4837" +63765.46966,4.833812445,5.911176411,2.2,44863.71498,853084.1522,"5595 Nguyen Shores +Watkinsbury, OH 29757-3635" +71028.1759,3.895831096,6.623775714,2.5,43922.63017,934610.3953,"3757 Price Rue +East Colin, MD 62622-8672" +82681.23684,6.210505624,7.938067847,3.4,30054.86206,1571781.593,"Unit 5870 Box 7773 +DPO AA 32148" +49435.53583,6.537364464,6.052518255,3.34,43441.99643,927163.8119,"289 Becky Flats Apt. 257 +West Kara, IL 19071-5078" +69139.68322,6.53102984,6.794571859,4.49,29683.80911,1227568.958,"458 David Gardens +South Russellside, MN 47598" +52642.47988,3.921476794,7.164072584,4.46,50133.01508,671802.0395,"39214 Jason Street +East Danielle, NY 02125" +88345.95978,6.727700448,5.783362388,3.06,41216.26416,1705918.18,"46067 Diane Shoal Suite 965 +Lake Mark, VT 89656-1372" +70558.83907,5.921329615,7.589187928,5.43,24867.49764,1198915.943,"340 Savannah Rapid Apt. 911 +New Chelseaville, SD 39482" +55242.58868,5.922170782,7.874598833,4.29,48812.88401,1230097.451,"USNS Martinez +FPO AP 84604" +50802.66615,6.799144502,6.911358154,4.18,23725.78271,764635.9979,"181 Peterson Vista +Gonzalezview, WY 90756-4263" +79700.74255,6.159166008,8.669263645,6.38,31348.74098,1553854.434,"429 Leslie Circle Apt. 738 +Brookefort, OH 61661-9485" +68400.24175,5.658585903,6.721713914,3.2,51988.70353,1451930.631,"5116 Diamond Port Apt. 805 +Petersonview, MT 95861" +59107.28758,7.109089775,6.445233612,2.29,37556.10749,1063491.81,"03274 Matthews Summit +North Lisa, AZ 80100-6646" +71650.4594,6.539850165,6.572702263,4.03,33925.42449,1226180.768,"0927 Sharon Island Apt. 806 +Shannonfurt, IA 29955" +51168.42859,7.51173035,7.083326348,3.1,30369.19312,1220987.002,"041 Amanda Port +West Davidfurt, NE 83057-8557" +82635.33924,6.404151538,7.068895569,6.48,33770.24452,1480227.547,"4163 Brooke Village +Jonathanmouth, OK 18359" +76126.01027,6.709721049,5.388462785,4.48,51054.51591,1641873.966,"41652 Derek Islands Apt. 144 +South Andrew, VT 91988" +83319.99616,6.239460761,6.125858572,3.03,31552.54421,1262963.861,"81551 Carla Drives +West Kaylastad, WY 42793-0307" +85468.53096,4.739572776,7.022862755,5.43,46505.7883,1444572.971,"30334 Maria Port Apt. 948 +Averyshire, MS 98224" +81665.57835,5.565925802,6.04574936,4.35,34753.88289,1358983.47,"140 Castaneda Hills Suite 975 +East Bethany, AR 46807-8183" +74385.1379,3.613225369,6.079272302,2.07,20951.34787,635530.8449,"895 Valerie Bypass Suite 510 +Harrisonton, NH 97852" +86818.06876,5.999791526,6.240497295,3.11,41440.43383,1670183.168,"94173 Garcia Underpass Suite 047 +South Richard, NJ 83173-9962" +63911.61637,5.730149637,6.845286755,2.43,15576.44502,841236.1676,"18224 Michael Island Suite 910 +Port Danielburgh, AZ 34355" +84095.88948,6.217532942,8.039114499,3.11,21330.98894,1581865.559,"757 Daniel Fort +South Lori, NV 10326-1054" +58435.25941,6.926219767,7.830090671,3.02,61205.81478,1841495.508,"6511 Stacy Inlet Apt. 152 +Kennethstad, PR 56385" +78229.55474,5.765137522,6.308682062,4.16,60747.20448,1891398.256,"744 Collins Extensions +Nicholasborough, MS 76961" +78160.30843,6.940120405,7.931539538,5.43,39984.95821,1832230.093,"49501 John Rapids +Buckborough, ID 73832" +72757.63336,4.045025219,7.570622163,6.35,39088.3994,1062095.468,"8954 Jenkins Isle +North Douglasfort, MO 52507" +48125.48101,7.449827821,6.452137115,4.42,40090.90836,970044.6656,"85920 Freeman Inlet Apt. 313 +Robertsonstad, MI 36075-5741" +76883.4865,7.386691378,7.439954241,3.04,26262.50733,1528900.856,"549 Mccoy Forges Apt. 808 +Rojasside, KY 46664" +69266.08743,5.891946407,7.148313897,3.4,37180.50036,1107159.781,"3505 Daniel Landing +Ariasland, SD 52630-5212" +71445.08458,6.102287443,8.255774157,3.1,24318.53011,1300031.23,"76586 Richard Lodge Apt. 408 +Chandlerport, TX 40049" +77467.77071,5.77958332,5.939874981,4.26,43628.95481,1547737.002,"6234 Anderson Drives +North Madelineland, MN 85905-7927" +78578.34342,3.24171598,8.100931594,4.19,35399.90748,1248741.865,"72180 Valenzuela Rest +Robertsfort, VA 90251-7664" +58909.31344,5.71429312,7.703920454,6.38,40865.81789,1205568.367,"USS Ellis +FPO AA 53370-1758" +67270.83974,4.614316578,7.350019504,4.5,33036.30334,993637.0897,"USNS Gates +FPO AP 00484" +76908.23742,6.105220972,8.181346321,4.4,51630.42482,1813856.314,"765 John Falls Apt. 380 +South Kathrynshire, IN 61674-7121" +81272.39558,7.123967024,7.169949702,3.33,44406.45551,1822438.42,"0479 Todd Prairie +New Kimberlybury, MH 04334" +72827.49079,5.138796142,8.745089208,5.32,14931.27011,1166925.146,"908 Solis Curve Apt. 755 +Elizabethton, MN 84599-0578" +69396.35828,4.842848489,6.301145366,4.17,34932.29123,952439.6622,"791 Kim Row Apt. 381 +East Jacobmouth, FM 47798" +75299.61257,8.176696667,5.332264568,3.01,34129.24179,1659100.124,"18940 Davis Point Suite 046 +Melissahaven, LA 78621" +75258.78058,6.720985599,5.58873307,4.32,37245.94373,1181995.431,"2796 Anne Drive +North Kristinberg, AZ 79448" +71322.71325,6.308295192,6.486405824,2.47,25948.64421,1124042.948,"514 Soto Plain Apt. 353 +Sarabury, IL 71896" +64429.98478,6.436974867,7.479370722,3.31,39055.82229,1219637.367,"42781 Herrera Court Apt. 072 +North Ian, GU 91772-9544" +63797.57852,5.689564063,7.305667972,4.38,26094.90558,867082.8428,"34363 Joshua Ville Suite 813 +Cochranchester, PR 09069-3135" +70333.46048,5.758922428,6.531334847,4.05,44795.53111,1385978.984,"PSC 1222, Box 3820 +APO AP 48458" +49345.42445,6.276723543,8.123989916,5.04,15113.5872,725040.896,"2178 Kelli Estate Suite 805 +South Nicholaschester, NY 47584-5955" +56073.89244,6.576732987,6.959055604,4.4,64149.68021,1409762.119,"95985 West Expressway Apt. 355 +Edwardsstad, KS 99645" +68419.3325,5.869562738,7.550873192,6.08,30464.25722,1036704.691,"030 Curtis Summit +North Rebecca, MP 93095-5357" +69654.35501,3.594830126,8.073847884,3.48,27022.75918,717273.1853,"940 Kelsey Light Suite 026 +Beckstad, GU 27370-7423" +96901.08151,4.697997907,8.317774679,4.1,32824.79666,1642478.736,"8054 Smith Underpass +Lake Brian, ID 44748-2012" +49160.30411,5.078184036,7.992645043,6.13,28382.70669,585440.4314,"927 Robert Isle Suite 381 +New Karen, MD 94991-2002" +48498.14027,5.127825655,8.737025149,3.04,30749.64439,602209.575,"944 Emily Keys Apt. 888 +New Markshire, CA 98115" +73112.84819,6.676942454,6.937160087,2.41,32126.7724,1340227.277,"833 Price Wells Apt. 828 +Port Timothy, MS 28892-5598" +57190.75755,5.592552303,8.399223258,4.19,45340.78189,1430051.088,"948 Rush Row Apt. 811 +West Brian, IN 80835-6955" +67775.54642,5.049142026,7.845249622,3.17,38345.58108,1101120.259,"8601 Tyler Shore Suite 395 +Hoopermouth, OR 94949-4346" +52599.08666,6.64114612,8.440430149,3.03,31590.38533,897223.4347,"56740 Joshua Fort Apt. 838 +New Jenniferhaven, IL 37913" +66655.96645,6.377277229,6.969330819,4.35,36142.96799,1409318.577,"900 Chase Mission +North Lisa, NY 95640-6024" +64635.45765,5.16810508,7.606840904,3.38,37866.63226,1226067.314,"9657 Russell Fords Apt. 246 +Kennedymouth, CO 46084-1358" +87272.09339,5.025865854,7.184765323,5.39,7522.333138,910099.644,"20887 Kevin Estates +Amandamouth, LA 65867-3535" +77223.30759,6.239196857,7.390581981,3.49,36454.29866,1492009.563,"9753 Benjamin Extensions +Edwinberg, DC 77337" +74420.05254,6.591287918,6.500293441,2.42,40250.88724,1555806.042,"2856 Frank Pine +East Johnhaven, WV 12578-5561" +73611.68863,4.756446026,7.766507124,4.23,38294.07598,1487855.538,"827 Christina Divide +New Tanya, MO 26789-8710" +63320.13821,6.400970783,7.95876178,3.44,22076.15316,995144.1066,"4178 Jeffery Turnpike Suite 589 +West Matthewburgh, MI 73155" +82383.02899,6.767889199,5.004809473,4.36,28614.53971,1151006.078,"403 Christina Point Suite 032 +Christopherbury, VA 89556-8621" +93876.429,6.295678751,7.259567833,6.1,29096.51902,1760880.448,"533 Marcus Isle +Port Andrewland, OH 79835" +62717.68289,6.022455574,6.016158611,2.01,38535.6666,1067000.349,"5750 Ford Extension +Stacyhaven, CT 82973-2072" +84366.44482,4.405604431,7.420491028,6.12,48150.2538,1430796.763,"1896 Jenkins Rue Apt. 467 +Kylehaven, RI 92088" +77208.64023,4.804914297,6.951254521,2.08,28550.4813,981753.2384,"02802 Hahn Causeway +Lake Melissa, DC 18071-0272" +77177.44738,3.970244357,5.800903189,3.1,52057.05441,1102516.584,"4491 Giles Corners Suite 728 +Mooreview, NJ 52329-7519" +80770.67565,6.187704153,6.31070945,4.33,31518.00819,1334377.307,"743 Patrick Ridge Apt. 072 +Larryview, NE 78592-5823" +72915.04025,5.466741628,7.128904873,5.06,42030.42124,1395218.58,"4499 Tammy Pine +West Craig, MI 65307" +64826.86535,5.592402265,7.154986126,3.29,36342.71476,1227167.408,"3176 Mary Pass +Port Stephanieberg, ND 56793" +79575.25044,5.233785447,5.860112374,2.11,43679.48483,1315568.164,"978 Robles Knolls +Brewerborough, PW 55563-5751" +75302.11142,6.295260658,8.482698841,6.4,33424.4275,1643338.993,"219 Travis Avenue +Bushhaven, ME 65662" +76942.50701,5.240103041,8.622784463,6.45,28717.96133,1354417.563,"94779 Brenda Knoll Suite 885 +Dunnmouth, MS 94475-9810" +70627.7359,5.696016625,5.407523269,4.16,41602.02374,1273868.064,"6892 Wallace Run Apt. 814 +South Donshire, MD 97169" +65081.58405,5.433570131,9.212518352,5.14,37594.49346,1343824.215,"6628 Katherine Meadows Suite 009 +Port Brittanyside, CT 81118" +72752.21639,5.203791107,5.577942463,2.03,29034.31996,692229.4655,"USNV Clark +FPO AA 65570-1981" +72099.66539,5.54606543,6.466645254,3.41,36902.14539,1411054.317,"636 Smith Greens +Alexland, AK 05521" +51747.9152,6.648548092,6.212700019,4.41,29749.62279,832475.189,"908 Cruz Mill +Blanchardmouth, PA 23824" +56815.74332,6.913898736,5.407974627,2.01,35516.40989,1076334.103,"6142 Escobar Harbor Suite 967 +Michaelview, AS 63065-8757" +60584.41378,6.564573695,7.451735853,3.44,46635.76964,1309829.936,"543 Sara Garden +Crystalshire, NE 46964-3440" +80238.58516,4.990993714,7.017304324,3.22,34271.10234,1130844.029,"9419 Sanders Loaf Apt. 390 +South Davidchester, MP 66624-2587" +60062.69563,4.169137168,7.383502841,3.24,45347.93206,784503.3579,"0612 Erin Fort Apt. 991 +Davidton, RI 02859" +76339.62335,5.219048628,8.185236861,3.32,45735.18721,1378399.109,"99129 Kevin Hollow +Donnamouth, UT 61678-5704" +60319.43151,6.664388302,7.247687515,4.38,33337.76538,983537.5108,"388 Wilkerson Mills Suite 408 +Leeberg, RI 43961-2060" +91083.56908,5.554973787,7.129300906,5.47,41734.83266,1737981.53,"9790 Laura Trafficway Suite 464 +Alexisside, LA 24093" +73327.76494,5.485974582,7.387125833,5.28,41378.87673,1314359.454,"058 Anthony Port +Christopherstad, SC 07665-9037" +54236.69625,5.64391069,8.473199326,3.27,65857.93332,1372969.311,"20665 David Well +Phillipsshire, WV 17695" +54726.70347,5.684473258,6.924629046,4.41,38582.55801,998855.5799,"18815 Denise Heights +Port Matthew, TX 85582" +61247.3319,6.082523082,6.918738309,2.04,61075.60218,1473540.76,"21942 Robert Ranch Suite 773 +Port Sonia, MO 99587-6354" +74551.97298,6.893316744,7.504691839,6.18,44843.19552,1816217.007,"9875 Moore View Apt. 474 +New Joseph, MH 70496" +56962.44831,6.348594854,6.055684981,3.16,43181.51307,1127082.199,"0743 Reed Lakes Suite 463 +Vincentfurt, MS 65562-5283" +59665.57342,6.69294715,7.377552372,3.14,48128.95738,1427832.121,"USNS Dyer +FPO AP 88305-9187" +72353.58095,4.678504332,7.594262455,6.06,15395.05992,959243.6084,"912 Donna Junctions +Vaughanview, OR 53056" +55101.85478,5.048811273,8.521505522,5.32,41219.32149,1202452.728,"584 Grant Knoll +Tracyville, MS 25650" +62472.15858,6.704511702,7.665173458,6.48,37618.67655,1463442.908,"630 Holmes Forest Suite 327 +Andersontown, CO 15518-2545" +79020.64716,4.215671399,6.255674884,2.02,34405.48156,1120851.519,"46937 Turner Skyway Suite 520 +Deanstad, AK 34864" +56402.54281,3.144894192,8.075308815,5.23,29689.69581,696467.1699,"97355 James Tunnel +Salinasstad, VT 17324-5801" +61056.14543,4.144291525,8.460093805,5.03,18606.65904,631656.4746,"47560 Nichols Corners +Onealmouth, DC 36119" +55558.46576,6.791912797,7.197255038,6.11,56250.4644,1366988.235,"0259 Adams Lodge Apt. 351 +Sheriberg, HI 10612-0102" +89760.91786,6.08059523,7.002023944,6.06,54061.25868,1919053.527,"25908 Jennifer Views Apt. 583 +East Nicholasburgh, MI 59539" +55529.90658,6.821861406,9.024792406,4.05,45008.24224,1460341.011,"10469 Stacey Plaza Suite 263 +Arnoldshire, AZ 57893-5832" +75534.27948,4.545026952,7.096019756,6.46,27730.74931,935488.6065,"43020 Owens Glen Apt. 024 +Marychester, SC 97268" +73265.99934,4.668163474,5.708119193,4.12,30667.23476,896246.1462,"925 Valenzuela Cliff Apt. 431 +East Adrian, MT 52071-0639" +61611.75178,5.994479121,7.009128594,3.34,18947.55835,894203.5715,"066 Eric Stream +East Ashley, MA 15550-6377" +66790.96033,5.555780846,7.372764827,6.22,47064.02296,1353729.533,"39369 Beck Curve Suite 178 +Kimberg, VT 29232" +69604.52177,5.487953135,7.726051992,4.34,41785.91078,1496177.416,"88372 Oneal Inlet Apt. 473 +New Brandonfort, DC 34662-5333" +43241.98242,6.435396063,6.699122661,2.39,29478.53124,629657.6133,"860 Graham Meadows Suite 412 +East Kristenburgh, UT 74487" +51510.69878,5.637955685,6.65576281,4.45,31773.2889,549167.9399,"06398 Adrian Forge Suite 341 +North Charleschester, IA 99755" +80315.49332,7.056146485,5.123795284,3.45,39733.59822,1737582.283,"17480 Joshua Spring Suite 624 +Port Mary, CO 02102" +65483.25531,7.533097336,7.038452373,4.05,33303.47323,1247281.698,"8362 Hudson Village Apt. 954 +Goodmanbury, OH 71913" +92735.99692,6.064228407,6.848041355,4.36,47376.47003,1779898.996,"8049 Michele Gardens Suite 331 +Michaelview, UT 38230-9272" +62678.33547,5.125019477,6.47103518,3.45,44965.31198,1032663.003,"89517 Troy Viaduct Suite 715 +Port James, LA 69221-4243" +86583.93366,6.096277806,7.128356949,5.16,45514.14777,1815809.621,"583 Turner Harbor +Port Nicole, TX 75903-5950" +62369.71303,6.704222196,6.544807809,2.24,47224.75918,1387114.42,"107 Mcdonald Islands +West Tony, NY 69365" +55624.67129,7.470217818,6.862835727,3.18,45644.24346,1262012.926,"3924 Carter Mission +West Julie, PA 05439-6091" +63421.90396,7.594954312,8.777735234,3.09,11511.38705,1432318.47,"6295 Felicia Squares +Lake Natashashire, NE 10973" +77521.05738,6.444728491,7.077553855,5.43,32624.6465,1501622.125,"09839 Jonathan Harbor +Stevenside, IL 72187" +73370.47438,5.914077511,5.83542075,4.42,47740.7629,1275676.981,"066 Harding Parkways Apt. 630 +Port Maureenton, AK 70008-1762" +82768.61397,7.135406223,7.057182261,4.2,23581.3857,1476989.184,"5989 Garner Crossroad +Russomouth, AR 83930" +68368.03678,5.830974843,7.06103083,5.13,22033.11696,796289.3069,"652 Watson Path Suite 152 +Melindabury, OK 63979-5988" +67041.96766,6.021458006,5.346830442,3.39,15633.09905,707345.0624,"71769 Sutton Club Suite 330 +Clinefurt, HI 85853-2402" +55507.31253,7.146273286,8.061202867,6.22,44669.45555,1318231.418,"93686 Moore Manors Apt. 987 +Tiffanyfort, FM 47355" +43795.30753,6.451642067,7.881137518,6.5,48114.02401,1020861.337,"36191 Gregory Estates Apt. 886 +West Karen, MH 34042" +67754.68697,5.17990656,7.591351755,5.23,51905.88984,1527691.701,"9235 Russell Mount +East Patrickborough, KY 41599" +78088.2232,5.182872692,8.362547848,3.33,33389.76394,1536234.709,"2399 Beth Parkways +Michellefort, KS 95918" +67909.38349,7.520141519,6.509616214,4.03,36742.3434,1482123.625,"57071 Craig Radial Apt. 853 +Cookfurt, ID 84624" +51967.23585,5.592888618,7.105833643,5.1,21454.19944,657169.3042,"USNS Johnson +FPO AP 84758-0245" +81707.23577,5.214913663,6.557792533,4.49,37968.8881,1390200.224,"PSC 1698, Box 7149 +APO AA 62613" +59865.76866,4.640264287,6.388986061,4.21,30905.0153,613788.322,"3823 Fischer Fork +Port Joshua, ND 21648" +61544.58347,2.922736153,7.791619771,3.01,30699.38605,677772.3453,"687 Leslie Mall +North Jayhaven, LA 83023" +80228.59919,5.060031492,8.767014354,3.29,27255.25082,1535946.643,"PSC 7102, Box 1708 +APO AA 74372-2883" +60865.39678,5.490824818,6.230345717,4.46,43351.37328,990004.7306,"107 Chelsea Mountains +Lopezmouth, OR 00850" +59866.9477,5.870329833,5.899076342,4.16,32064.59716,1039380.722,"179 Larsen Oval +New Matthew, DC 48602-6064" +64769.64484,4.214641793,7.695856411,4.16,43510.94015,1107286.973,"135 Acosta Isle +West Judith, IN 13641" +89286.08325,5.407138622,6.797125626,2.45,26176.76615,1340909.799,"8654 Benjamin Harbors Suite 759 +South Jenniferland, KY 77429-0386" +83373.01202,6.604278391,7.419498795,5.36,25663.22937,1335883.831,"622 Justin Valley +Duncanside, MI 86995-3102" +59278.94589,5.945138988,8.847869264,3.16,12351.7196,1015010.538,"47608 Becky Shores Apt. 271 +Fernandezshire, AK 19986-5072" +71232.91398,4.235712056,5.800259721,2.07,31088.89017,676979.7154,"9450 Smith Path Suite 035 +Chapmanburgh, NM 22261-2035" +72102.55665,5.784711657,5.847043911,2.38,41409.16941,1110114.22,"24297 Perez Pine +Brendatown, AZ 78809-0999" +80528.49774,5.642628713,8.560018879,5.3,37717.25395,1641030.478,"8286 Jennifer Prairie +Lake Georgemouth, OH 74433" +54051.02466,5.365761245,7.654447412,3.21,27822.49637,914378.3344,"PSC 6223, Box 3745 +APO AA 82126" +66465.36591,5.623938648,7.079809676,6.21,41130.09091,1258563.859,"4440 Dennis Green Apt. 666 +Barryport, CT 36310-7179" +70085.9476,4.435761352,7.131110205,5.22,51446.69185,1440909.001,"414 Todd Springs +Port Shannon, AS 60277" +75475.50719,6.206884061,7.602107228,6.4,47447.87629,1624137.595,"65108 Williams Crescent Apt. 503 +Frankshire, VI 46982-4576" +88824.50481,7.67473941,6.700035164,4.06,28715.69866,1869886.305,"64639 Kristin Locks Suite 724 +Derekberg, KY 77496-9751" +65948.91814,4.007017132,8.854369884,3.1,41260.91708,1302748.858,"6541 Howard Mills +Smithton, AL 96745" +68219.51472,5.677914141,8.221347384,6.22,42342.57799,1429529.63,"0029 Melinda Neck Apt. 591 +Lake Gregoryshire, HI 60267" +74881.06436,5.268553097,7.394920536,3.17,23526.4985,1023162.953,"7578 Watson Junction Apt. 456 +New Stevenstad, UT 73434-4974" +59886.41854,3.443457952,5.724607393,3.5,54546.82652,673571.346,"USS Hunt +FPO AA 46601" +75291.06396,5.387352926,7.295145801,4.06,48224.13914,1657667.332,"74152 Lauren Ferry +North Robertton, AS 43153" +69350.79336,6.910414951,8.288048472,4.29,36779.05857,1392083.818,"USNV Cortez +FPO AE 36896-5919" +79687.76187,6.010367683,7.337393909,6.09,20867.66988,1360100.719,"932 Schwartz Park Suite 892 +South Brian, CT 50166" +61679.17116,6.353166704,7.111842354,5.41,34867.98508,1103021.383,"PSC 7611, Box 8172 +APO AE 25615-0900" +77527.54117,6.461995709,5.865716152,4,41812.80155,1322914.051,"165 Hawkins Estate Suite 143 +Toddport, MN 31095" +65010.55347,6.299951771,7.529845745,6.32,34706.86663,1305185.545,"743 William Mount Suite 503 +West Kimberly, MS 27914" +60503.00376,6.565511757,7.42247165,5.17,49155.50948,1431517.358,"7409 William Mountains +Richardstad, MT 38781" +52282.12067,6.925892347,6.784168099,3.05,45867.87467,1137446.993,"03508 Shannon Vista Suite 305 +Romantown, AL 15977-0442" +54293.14008,4.703215377,6.935509976,4.23,49751.63427,1010477.392,"79942 Timothy Estates +West Robert, AZ 69359" +64912.51546,7.186098598,6.028782351,4.18,48685.42066,1449033.432,"690 Susan Isle +Jonville, DE 37992-8552" +70213.646,5.913556737,5.829800996,3.26,34386.42978,1064569.606,"8578 Michele Squares Apt. 349 +East Bobbychester, MI 75471-8887" +48640.10361,3.664293785,8.609397578,4.07,33381.23866,607249.4233,"4600 Tara Meadow Suite 656 +Fernandoport, MP 40164-1720" +64534.46591,3.883363566,7.382972888,4.22,52933.67258,1202227.957,"129 Webb Ports Apt. 539 +Shortland, SD 64926-8296" +58337.23049,5.233591889,5.683634534,2.18,38235.0331,816813.5324,"021 Carroll Unions +Marthaborough, KS 52821-2523" +78845.76218,6.200075739,5.645543716,2.3,54845.49441,1598159.227,"92450 Aguilar Knolls Apt. 965 +Austinburgh, OH 57848-9395" +74691.9496,5.492570784,7.937276296,5.29,55403.09347,1658381.006,"Unit 1785 Box 7504 +DPO AP 49434" +68217.68309,6.373443777,6.586336778,3.32,49240.84045,1312093.361,"177 Hernandez Path Apt. 695 +South Laurastad, ND 37599" +55306.14197,6.125857494,6.410318199,4.06,32142.94735,647982.6536,"38482 Thornton Parkway +Lake Oscar, SD 09937" +69012.76984,6.98176739,9.841095463,5.09,33069.76158,1492786.627,"87957 Higgins Circles +Joshuahaven, NJ 61021" +60846.61849,4.072354843,7.666556488,3.16,28172.06528,627733.7434,"43955 Vega Stravenue Apt. 071 +North Alexandraview, MD 23855" +93838.09765,4.267184447,8.544649808,5.5,44138.00673,1827500.892,"Unit 8824 Box 5633 +DPO AE 40792-0792" +78918.86745,4.646330784,7.446262522,3.5,36711.6233,1339254.727,"2130 Weiss Mountains Suite 020 +West Jomouth, MT 03427" +83896.35797,6.541530335,5.258021705,4.36,43672.62855,1620949.437,"154 Erica Groves +Lake Kevinfort, MH 40258" +78501.86123,6.90076533,6.904110044,3.18,34685.81562,1637944.645,"024 Derrick Row Apt. 085 +Christiemouth, NE 35543" +78239.40566,4.565139093,7.034869545,3.05,36936.62977,1216888.02,"12212 Fleming Streets +New Gregoryville, ME 23793" +70220.04443,5.962876976,6.78615561,4.47,46222.4591,1555497.546,"943 Reese Roads Apt. 389 +Weavertown, AR 10413" +62184.53937,4.925757745,7.427689115,6.22,26008.30912,873048.3196,"62280 Taylor Drive Apt. 014 +Sarahburgh, GU 68004" +68201.41249,4.19694777,5.969959494,2.3,43468.16446,846055.7174,"0339 Anderson Groves +South Joshua, GA 31409" +66862.87692,7.484641869,6.233823171,3.49,15325.64845,1028493.601,"6214 Smith Mill Suite 049 +Foxland, NV 38613" +83638.11693,7.013590359,7.001636667,4.29,24565.97681,1569600.446,"7584 Karen Pike +Adambury, UT 30111" +81149.72595,5.481563241,7.076296951,3.45,54929.67024,1798232.803,"7490 Whitehead Mountain Apt. 278 +Bassside, AS 53368-2196" +75318.69449,4.641900412,8.752957081,3.45,33280.5895,1402146.873,"03839 Edward Trail +Ashleyburgh, CT 52660" +50847.11311,4.973274168,5.355861176,4.38,34763.70381,398909.5099,"6908 King Underpass Suite 740 +East Thomas, MP 29298" +70090.32109,5.368736615,6.201132728,2.36,26390.81105,933157.3392,"4626 Jones Shoals Apt. 257 +North Kennethchester, PA 67461-9661" +63629.84717,3.56367208,7.760263219,5.31,33517.68552,712285.8256,"915 Brooks Orchard +Amandaville, GU 37093-9400" +67076.05239,4.736540471,7.231218106,3.12,40406.51492,1261927.419,"124 Kelly Brook +South Alanshire, WY 65658-5841" +61909.04144,6.228342555,6.593137997,4.29,28953.92538,1063964.288,"74706 Mary Parkway +Cummingsberg, NM 24516" +66623.69237,5.923666481,6.942143477,2.03,47995.10196,1302029.013,"USS Carr +FPO AE 77602" +82391.51875,7.107875819,7.696545879,3.02,33232.34234,1957891.588,"23958 Lisa Extensions Apt. 372 +Bryantton, CO 76041-0639" +62917.32124,5.46901058,6.024523188,2.14,36845.30501,849153.1225,"7706 Sara Wells +Williamsonberg, MO 07089" +61214.74081,7.099048884,7.518523593,6.25,32254.39867,1070720.058,"06539 Powers Cliff +Port Brendaland, CO 15197" +55952.68583,4.846976514,6.324806828,3.03,30758.27904,714166.3978,"5368 Mccann Walks Suite 432 +South Jessica, PA 51463-6950" +93993.39978,6.145816708,5.139752529,3.29,37062.48444,1441882.522,"7732 Renee Club Apt. 931 +Fordland, FL 74775-2546" +69436.14216,3.715277954,7.671624312,3.07,30884.95551,693681.0044,"787 Jennifer Keys Suite 630 +Huntfurt, RI 25704-8481" +67295.01745,4.789686087,6.979584063,3.23,40190.09934,1060123.73,"4099 Jennifer Mission +Michaelport, ND 68745" +77825.22747,6.720492786,7.425285366,5.17,31439.97122,1535262.441,"481 Fisher Bridge +East Christina, NV 36023-3431" +54432.45745,6.882572563,8.003498595,5.38,41557.57633,1454681.937,"6290 Hutchinson Mountains Suite 409 +South Alan, NY 44686-8829" +58180.4194,5.079456904,7.592727309,3.07,36506.97739,1062593.483,"2066 Patricia Unions +Jeanton, OK 53946" +88904.33828,6.845592971,6.438340634,2.42,41807.60136,1907859.059,"00780 Rollins Locks Suite 785 +Shawfurt, GU 97591-6490" +79442.5058,6.300600085,5.983204722,2.45,4114.489353,965318.6958,"479 Kevin Wells +Deborahview, ID 06062-1191" +67389.90482,6.269637254,5.908484845,2.35,34710.20612,1109639.996,"1004 Williams Tunnel +Crystalfurt, IL 10547-7173" +64381.08001,5.785354477,6.575241013,3.2,44712.47624,1118595.119,"935 Don Turnpike +Pattersonberg, AL 91146-7775" +70881.43561,4.91693574,7.632283473,4.28,36040.20673,1049661.039,"50791 Kim Harbor Suite 017 +Lake Tony, NY 05606" +82859.59165,8.090382963,6.927192257,4.41,60040.5473,2294647.784,"75982 Ramos Locks Apt. 667 +Nicoleview, SD 33738-0191" +66736.98871,5.453666774,7.42577752,6.26,54086.90165,1356062.104,"USNS Hoffman +FPO AA 74725" +66274.45554,7.17199641,5.060174794,3.15,30082.069,989903.6448,"908 Anna View Apt. 406 +Carolynberg, VA 74707" +64621.638,7.244386643,6.437633335,3.12,44288.08724,1499243.168,"6947 Stevens Pass +Kennethfort, KY 66327" +67285.32054,5.663164112,6.627339962,2.21,37956.29441,1160246.73,"87390 Tanner Rest +East Stevenland, TX 41310" +69916.80939,6.256890183,5.859986448,2.33,41686.41285,1302347.574,"1075 Brian Ways Apt. 639 +Lake Kristenburgh, CA 39801" +85802.96828,6.160450827,6.858251904,4.17,26139.26853,1553311.161,"056 Anthony Prairie Apt. 509 +Patriciaberg, IA 29424-9623" +77459.75786,4.282450211,5.980078563,4.48,37910.29498,945252.1918,"58899 Bender Brooks +Kimberlyshire, GU 39917-0152" +69612.39772,6.044501787,7.776882083,6.36,26489.31324,1158697.6,"77466 Wu Heights Suite 176 +Smithville, MH 19392-6412" +74898.65868,7.33048128,4.878168681,3.45,32530.25631,1261239.272,"48186 Pope Mews Apt. 453 +Kellyside, ID 42041" +59483.93282,6.530735286,6.962538329,3.21,38894.22736,1257282.159,"4228 Sharon Field Apt. 583 +North Jesus, AS 37342-9751" +68527.54131,5.651893514,7.670622678,4.38,34977.45191,1279464.647,"6618 Morales Forest +North Lindaville, VI 99688" +48278.86016,5.257100922,7.435501715,6.43,51148.22512,943854.7279,"USS Mcgee +FPO AA 02679-5689" +74333.53507,6.63832849,5.40803396,2.1,41440.2007,1404540.758,"5686 Diana Ports +Nguyenborough, NC 38005-1050" +91118.12723,4.840540269,7.524165511,5.08,23038.44982,1296636.271,"6557 Sawyer Ranch Apt. 584 +Martinezborough, IN 50000" +75667.79128,5.588168388,6.938119168,2.27,46782.38518,1450996.038,"94271 Andrea Path +South Matthewborough, NJ 89881" +81754.91408,5.75306657,8.066219896,4.04,42975.61819,1654965.296,"8173 Blackburn Haven +Strongton, VA 38893" +62314.21472,5.917457589,6.096913211,3.21,48263.03534,1030866.952,"PSC 7074, Box 4818 +APO AE 84281" +64421.25068,7.38265631,5.105792852,4.14,42873.0502,1204103.087,"0724 Brown Plains Apt. 690 +Johnmouth, VA 90102" +68631.71253,5.152322989,6.732551727,3.05,39635.82874,1115721.687,"PSC 6229, Box 7831 +APO AA 50489-4427" +60317.77699,3.516437566,7.033852224,3.42,32276.03427,606863.1415,"472 Lopez Stream +Lake Sheila, OK 00834-5775" +58387.97658,6.716497122,7.392283644,3.02,28318.26432,971174.9868,"742 Aaron Lock +North Christophermouth, NE 48483-1442" +62406.53099,4.899213193,7.254178536,6.12,30541.09938,1029855.714,"16888 Turner Trail +Gentrytown, MD 77676" +81025.44828,5.888374575,6.38695295,4.02,25851.03903,1246791.029,"073 Gary Forest +Leahstad, TX 29670-4461" +75951.57317,6.074097541,5.056734127,2.33,35230.80254,1146886.093,"92857 Robin Forks +Port Mary, LA 43895-7257" +73480.21476,6.181027602,6.677805687,4.35,19481.38513,1075550.215,"481 Marquez Plaza Suite 172 +North Jeffreyborough, PA 66748" +67535.20757,6.798690628,6.469378923,2.02,32375.82626,1074263.317,"PSC 3192, Box 9068 +APO AE 56262" +61577.42775,6.543617443,6.847702229,2.27,34810.29108,1115394.393,"900 Soto Extension +New Darrellview, NM 85693-1736" +73388.47496,5.205708623,8.55876584,3.15,41648.10864,1496210.216,"735 Miranda Harbor +Port Cathyside, ME 34166-0132" +57730.322,5.105381084,9.001898577,6.06,42451.30628,1299991.951,"USCGC Watson +FPO AP 69692" +68101.12429,7.410910121,6.278728815,4.07,29827.66647,1446983.542,"899 Pearson Ramp Apt. 209 +Port Troyhaven, FM 56837" +63513.46697,6.232125981,6.677337574,4.11,46819.13057,1257376.174,"USNS Parker +FPO AA 79651" +75866.0416,6.258640532,6.258952049,2.48,36698.64905,1549303.499,"480 Linda Mission +New Lisaside, MI 92286-9433" +58696.59298,6.091467944,6.649683873,3.35,21434.06366,828477.2913,"025 Vincent Station Suite 738 +Carmenfurt, VT 53906" +76415.54528,6.163256599,6.583689353,2.15,52719.91594,1642011.345,"3134 Kimberly Way Suite 085 +West Chase, NC 60049-0645" +71090.64685,4.978978133,6.230365773,2.33,26030.46371,847387.2058,"86862 Howell Meadow +South Ryanmouth, DE 44340" +67470.51038,4.758460329,6.862994372,2.33,32200.51534,968082.1645,"85776 John Ford Apt. 435 +Kyleton, AR 58566-5621" +65244.87642,7.729031497,7.009953998,6.03,39757.70431,1495384.004,"82853 Wagner Pines Apt. 106 +West Alicia, MI 56685-2380" +61249.56709,4.177550251,6.395309807,3.16,30288.69855,678721.8842,"9389 Mcdonald Road Suite 415 +Jeffreyburgh, GA 90771" +77502.47402,6.503287315,6.868717214,4.49,39075.64028,1427551.145,"134 Lopez Garden +Lake Joseph, OR 06588-8797" +51445.18675,6.841166118,7.482816893,5.16,44966.0678,1093873.291,"PSC 6463, Box 8321 +APO AP 72947-9628" +73956.99148,6.886298316,6.251239098,2.33,46775.80866,1653232.551,"4390 Deborah Turnpike Apt. 434 +Antoniomouth, HI 12806-7266" +70221.36202,5.196810645,6.993504076,3.15,39692.10555,1178272.297,"9863 William Falls Apt. 516 +New Roberttown, WA 07211-8762" +58354.57408,5.516292487,6.427597572,3.18,35765.74921,755843.709,"PSC 2237, Box 5511 +APO AA 41584-3622" +79274.79616,3.870868952,8.1389596,5.18,42773.6131,1210366.529,"955 Reed Lake +Wilsonchester, MT 27473" +58195.28921,5.916766686,6.539603269,2.33,31789.97274,980231.2309,"1257 Jennifer Rest +Martinburgh, MT 41177" +68001.19526,5.057510963,7.228937922,4.41,47116.0638,1122083.251,"Unit 9831 Box 7128 +DPO AA 54705" +80174.92459,5.655725556,6.847191229,3.18,45233.32883,1441376.394,"81230 Justin Turnpike +South Aaronborough, WI 19349-9757" +57160.20224,6.893260095,6.921532165,3.13,43467.14704,1251794.179,"15828 Marshall Stravenue Suite 199 +East Matthewmouth, TN 71861-6319" +70799.77311,6.212565023,7.321569047,5.06,33865.61697,1257217.29,"4628 Robert Manor +North Larry, ID 51296" +95000.78637,5.370192752,8.030298781,5.45,44202.65614,1986811.17,"16355 Sullivan Turnpike +West Heather, ID 49211" +76808.34428,7.422466607,6.739908507,4.21,31129.64248,1550242.01,"8241 Mitchell Locks +East Wendy, UT 08784-8239" +63167.19471,5.846446261,7.624513514,3.4,34317.49878,1305127.336,"584 Baker Orchard +Whiteborough, CT 87008-0402" +68366.34149,4.327924311,5.370211326,2.17,42522.59413,940162.7245,"0252 Snyder Creek +Rogersshire, ME 28830-8921" +67920.17995,5.639266508,7.160643652,3.5,15800.74846,690958.5497,"12163 Kristen Lakes Apt. 445 +Josephview, MA 92779-6662" +68803.55208,4.292692379,8.043456348,5.21,39475.39943,1153029.616,"194 Diaz Crest +Scottshire, MA 86812-1861" +62126.7471,7.156477168,8.200831779,5.38,20803.69329,1116487.357,"7831 Schultz Junctions Apt. 671 +Masonland, OH 12987" +76398.38435,7.027551683,6.353573023,3.42,39014.97184,1534171.953,"76681 Mccoy Skyway +Petersonfort, OR 83665" +55510.47214,6.333973361,8.051281302,4.24,26153.07274,893435.1192,"8837 Louis Meadow Apt. 140 +South Karenfurt, AL 47724-7760" +38734.00522,5.641761883,6.297907807,2.31,38890.89276,401148.5688,"4317 Heather Port +Hicksland, SC 77008-9209" +62245.73982,4.944037821,8.402290674,6.14,44373.63307,1290755.036,"356 Butler Knolls +Mcleanport, PA 86805" +88933.19851,6.213762126,7.082951909,5.5,52976.31041,1865071.41,"912 Torres Harbor Apt. 724 +Greenbury, WI 91276-0346" +58229.76853,4.685216834,7.854513278,5.03,44972.03136,1251430.92,"19565 Figueroa Fords Suite 876 +North Chasetown, GU 62357" +58282.10008,6.421544513,5.520686905,3.05,49585.56494,1133910.648,"8219 Morse Falls +Chapmanmouth, RI 85731-2255" +73689.42839,5.476899984,8.57035713,4.02,49240.31767,1688093.257,"0850 Lauren Estates +Samanthaburgh, OK 64160-5541" +61667.7208,5.593384902,7.33357158,4.2,65184.57847,1394132.241,"0563 Taylor Cove +Shelbystad, UT 27501" +78462.90642,5.355724656,6.479993675,4.23,17227.90721,923444.1448,"PSC 0651, Box 2521 +APO AP 28493" +50857.09653,5.512505418,8.530697129,3.26,40790.18479,1131533.555,"USS Brown +FPO AA 43649-1893" +73331.55112,6.669215598,7.08547679,3.15,42656.43925,1475700.71,"711 Fernando Mews Apt. 275 +Lynnshire, NC 83294-4804" +52541.31985,4.885243249,7.225521823,3.2,41258.26229,842985.8529,"40374 Larry Spur Apt. 429 +North Amber, DC 93748" +77922.98616,5.931749143,5.629372721,4.4,36561.83342,1327718.382,"9889 John Extensions Apt. 232 +West Jasonberg, PA 30956" +68811.6717,6.467666849,6.497298657,2.02,33910.8315,1220700.696,"Unit 7703 Box 0736 +DPO AA 91775-6852" +55421.16889,8.22391249,7.526951901,3.07,30995.20994,1403176.429,"3700 James Highway +Daniellebury, WI 06049" +68776.6667,6.105565961,7.492699747,4.43,37986.70179,1331656.494,"PSC 2952, Box 6680 +APO AE 73430" +55691.50138,4.589410426,7.854195763,4.18,44019.2121,1051567.946,"7654 Kayla Parkways +Gomezstad, NH 48123" +72654.57336,6.106164038,8.338978426,3.23,51456.15053,1813857.826,"USS Moore +FPO AP 39142" +67362.46375,5.882002394,7.006284953,4.21,32363.37953,1041237.817,"388 Kelly Spur Suite 956 +Salinasfort, OR 53877-4267" +90863.99999,6.313891361,6.370260765,2.44,41837.47517,1746086.989,"23499 Lara Meadow Apt. 882 +Brownburgh, NM 92521-4124" +69173.67166,6.305722899,6.14846991,4.03,44935.37806,1412881.784,"596 Jonathan Terrace Apt. 972 +Cartershire, NC 82929-1041" +85592.38221,5.582656343,7.826728312,6.46,25670.37861,1557626.781,"0504 Le Fields +New Amyshire, KY 70651-2966" +61625.05933,7.048278421,7.458154622,3.1,52850.41342,1797105.103,"66367 Sandra Oval +East Brendaville, NC 08689" +65197.99542,6.810646579,5.617601976,4.18,28162.44064,923246.8621,"86068 James Groves Apt. 998 +Jonesborough, NM 97927" +76009.29703,4.750349731,5.386571385,3.3,26888.4087,834185.5784,"1580 Brandi Ford +North Karen, PW 02982-7846" +69421.03242,7.798759363,6.858556208,2.46,38962.02283,1603749.984,"039 Burns Trace Suite 618 +Taylormouth, SD 14667" +79348.43747,5.969126805,5.814822648,3.09,50519.28996,1510996.435,"Unit 2349 Box 1392 +DPO AA 18318-6109" +81239.17438,5.888927,7.759695717,4.04,27384.86537,1496539.313,"41013 Christopher Village +South Davidfurt, MP 49129-9503" +71348.46738,5.627573771,8.09294026,5.47,45263.03507,1447325.64,"PSC 2341, Box 5265 +APO AE 46820" +76024.76684,6.701563819,8.574096901,5.5,16619.26852,1361841.952,"63357 Drake Heights +Aaronberg, HI 66008-8580" +62421.96888,6.165032769,7.085072362,5.48,50370.06338,1409977.131,"97231 Rice Motorway Apt. 065 +North Brenda, VI 95161" +85192.74241,6.501045967,6.889478357,2.22,22850.06268,1534111.581,"6386 Palmer Underpass Suite 102 +Port Jackborough, TX 42754-8619" +76113.36653,5.625761811,7.067777356,6.13,46903.73743,1484688.234,"6611 Baker Place +Alexmouth, LA 22246" +75767.70342,5.63281885,8.299378649,3.37,27444.58556,1379169.449,"0627 Jonathan Spurs Apt. 121 +Harveystad, VI 29375-3726" +78070.07374,4.444299002,8.404363247,3.24,60023.36096,1884385.65,"645 Bennett Club +Port Charles, CA 38269" +70965.06765,4.999277265,7.45993862,6.26,15482.45243,856383.5014,"69799 Acevedo Mountain Suite 337 +Edwardport, FM 81015-7307" +83016.43145,6.817154256,6.313062078,3.46,34140.16752,1689512.18,"04706 Perkins Stravenue +South Thomasbury, NM 73947-3435" +71105.29156,5.959944594,7.778720809,4.49,48457.02136,1640185.798,"595 Alyssa Ranch +Rachelport, FM 60462-6623" +42814.99304,5.247613113,6.0809811,4.02,41426.38977,452530.1767,"8901 Thomas Walk Suite 251 +East Stephanieburgh, MN 68081" +68071.43317,4.865438378,6.108566995,3.39,35525.87604,980145.7829,"4137 Sanchez Branch +Knightfort, TN 47663-5001" +72992.36051,4.87896494,7.598998513,5.02,35123.38281,1449409.436,"956 Chavez Canyon +East Sandra, MA 67391-6972" +60912.71626,4.815847581,6.823673796,3.17,41100.3297,814784.2457,"718 Steve Junctions +Lake Jenniferfurt, PW 52439" +70670.58384,7.598694556,7.947237705,5.13,40022.34343,1735637.414,"4708 Jonathan Trail Apt. 793 +West Marcus, FM 14768-4079" +52308.33552,6.85150843,5.531987767,3.49,35703.99249,964924.4933,"997 Brittany Islands +South Jon, PW 69252-2681" +68210.63013,6.555905513,7.354883185,5.37,52591.35747,1490718.335,"3230 Lisa Oval +Port Andrew, VT 16432-9135" +69380.01131,5.719610134,8.022282698,5.18,28115.60316,1086186.428,"68217 Timothy Burg +Steveton, AZ 92285" +80366.37481,6.61401468,7.308434245,4.31,42775.98296,1759180.044,"Unit 4778 Box 1424 +DPO AP 88852" +74775.21983,5.758870614,6.797252737,2.06,36903.30849,1315828.86,"48865 Reynolds Fork Suite 552 +Port Jason, MO 71699-7477" +65210.24231,6.405674717,7.54237823,3.11,39286.15766,1137685.116,"436 Richardson Crest Apt. 137 +Millermouth, IN 67939-9639" +77336.03095,6.202711648,6.273381407,4.43,30222.6912,1446155.18,"95648 Fleming Plains Suite 220 +Patriciaview, GA 57597" +72661.75013,6.472277303,6.971292638,4.18,47048.49001,1602903.281,"60113 Meredith Roads +Joeburgh, WY 76237-8977" +78656.37837,5.400689145,7.632469694,3.13,30157.6295,1440246.33,"764 Dawn Skyway +East Robinchester, WV 77718" +63824.39454,4.99175028,5.003836368,4,40086.45875,800146.2261,"30812 Castillo Flat +East Danielland, HI 03252-6464" +74625.74474,5.154151403,9.034975733,4.44,35548.65189,1491538.499,"490 Michael Junctions Suite 275 +North Emily, WI 26740" +60749.23427,6.465122998,6.168513957,3.25,32891.15941,969323.4858,"USCGC Robertson +FPO AP 21275" +68780.90722,5.158749774,7.748133072,6.2,36591.9573,1055772.871,"01954 Moss Forge Suite 859 +Josephburgh, IA 25596" +68923.68486,6.647405764,6.581800007,4.29,40903.55891,1299430.176,"USS Shelton +FPO AA 07065" +70190.79644,6.745053762,6.662566733,2.01,29215.13611,1340094.966,"USNS Brandt +FPO AE 72594" +86690.8733,6.259900934,6.67626537,3.23,42589.62439,1723729.655,"7459 Jasmine Brook Suite 688 +Hallmouth, ME 52705-6457" +68935.21956,5.534965895,7.410784513,5.48,37908.34665,1214104.934,"863 Molly Cape +West Brandon, PW 07487-9904" +56851.99571,5.441991594,5.853657264,2.21,23915.56442,393639.074,"8554 Shannon Port Suite 807 +West Cory, PR 35359-9079" +51586.27412,7.610990915,6.927858675,3.47,55449.4071,1472539.958,"3610 Spears Dam Suite 970 +Phillipsberg, OK 85163" +58276.58119,4.363524182,5.847510742,4.01,31457.04285,502553.0522,"63387 Hunter Unions Suite 904 +West Lisatown, HI 54243-3440" +82713.91148,6.447963567,4.583869961,4.29,29936.39719,1296223.706,"90307 Mercer Loaf +Jessicaport, MH 44061" +73451.09094,5.968185411,5.90694008,2.1,49251.80803,1342814.949,"117 Vargas Burgs +Alexanderport, TN 32519-8521" +69667.17921,7.256935688,6.5736184,4.42,53056.062,1698219.757,"71045 Wilkinson Walks Apt. 656 +Port Lisachester, OK 32903" +59375.18699,4.610727816,7.56795346,4.41,20794.8215,555504.1478,"4323 Leonard Stravenue +Gardnerburgh, MP 91589-9726" +66036.73711,5.804754504,7.142835518,3.02,45577.30243,1298980.829,"336 Sawyer Pines Suite 106 +North Erin, AR 00934-8650" +65885.13576,7.652591049,6.19609335,4.02,34100.91677,1440736.583,"8365 Larry Forge Apt. 554 +Port Matthew, NE 74887" +77417.22284,5.663860359,7.580906575,6.29,26527.29795,1145351.161,"286 Michael Knoll +Port Michael, OH 62328-6328" +78276.40182,6.812864984,6.997284659,4.23,29483.35861,1546957.226,"450 Page Crest +South Heidi, DE 92809" +67160.85009,6.444283309,6.861131564,2.12,33805.32623,1070818.731,"987 Carl Ports Apt. 028 +Chandlerview, TX 89287-8685" +81835.86399,7.749402408,5.841565101,3.34,51039.38782,1993453.673,"46894 Michelle Fork +Port Colleen, PW 76332-1744" +61426.00134,4.143032901,6.484095707,3.32,45701.33285,891981.0976,"2291 Jones Station Apt. 757 +New Rebeccatown, AS 24105-2384" +80889.66854,6.613521403,7.99341993,6.18,12513.68173,1443842.023,"98428 Monica Shoal +South Jenna, TX 35776" +91458.32735,4.136021804,5.984186173,2.31,34252.72864,1305219.521,"Unit 2532 Box 5871 +DPO AE 51767-2366" +59119.58632,5.463875478,7.73337513,6.42,45539.12185,1238708.76,"049 Derek Knoll Apt. 118 +Marytown, NC 61057" +77413.92751,6.204789238,6.549836017,3.21,28795.1202,1241386.737,"0271 Charles Vista +Sarahshire, MI 37710-8022" +60421.75409,5.632793366,5.781082744,4.07,32754.83084,849008.7047,"330 Alexander Square +North Allison, NV 01942-2914" +79354.05044,6.985000857,8.146308838,6.22,39092.18544,1656785.448,"0498 Alexander Overpass +Joshuaville, MT 11328-4143" +63151.1634,8.381095863,9.921519789,5.04,42266.29337,1896650.323,"4586 David Island +Sandersburgh, TX 07931-0591" +68805.02073,6.095991998,8.126158727,6.37,40744.09197,1300362.028,"416 Cesar Points Suite 572 +Smithmouth, AK 47239-2228" +78032.88185,3.784839441,7.619011456,4.24,35334.63367,1159749.09,"60085 Susan Estates +West Scott, ND 84226-4430" +76071.78643,7.166337989,6.861206526,2.05,15586.3573,1263743.971,"31864 Weber Cove Suite 484 +Kathleenstad, NH 70281-4202" +63334.56621,6.907220597,7.286039798,6.25,35638.53817,1292643.52,"043 Levy Plain Apt. 586 +North Clayton, SD 31784-8280" +63650.8574,5.655902969,8.037263,3.4,46457.01873,1357710.965,"3510 Glenda View Apt. 004 +North Christophermouth, FL 30385" +66181.91715,4.821035379,6.545256912,3.14,25337.01157,945551.1489,"4294 Daniel Neck +Martinborough, NC 04514-2585" +71717.19137,6.142770988,7.709022646,5.24,51974.84018,1572099.69,"51468 Steven Trail Suite 566 +Meyerport, KS 32334-6586" +74419.53564,7.814354699,8.4693801,3.31,48591.39346,2019424.222,"80827 Horn Trafficway +Bennettchester, MP 35450-9947" +59289.68479,6.586815921,5.528943864,4.28,29496.94558,831471.5304,"85911 West Well +Burtonstad, IA 99972-6931" +72197.37838,7.061757188,5.733871078,3.03,34598.97968,1408347.445,"4783 Jennifer Meadows Suite 186 +North Stephen, GU 36942-4885" +69423.9286,5.836866405,6.703754321,2.3,36409.13231,1154126.216,"6528 White Square +Morganchester, SD 63083" +64231.68422,4.311017566,8.747408787,5.32,59717.66977,1521085.472,"62063 Jenna Ridges +Smithland, WI 17529" +66005.31092,4.986835829,9.369370843,4.13,43283.93363,1522143.641,"22665 Jessica Throughway Apt. 390 +North Jameshaven, DE 64126-7821" +82943.88907,6.021105708,6.278452801,4.25,50524.73674,1528714.305,"288 Connie Inlet Apt. 174 +North Lindsey, DC 20956" +71735.97897,5.907234419,7.076943828,4.2,38244.58139,1289042.121,"901 Pierce Club +West Brian, SD 21090" +57319.95266,6.735563721,7.309515328,6.19,44738.39585,1222799.34,"22200 Hughes Village +Richardsport, VT 50473-9001" +72363.20417,4.509671101,4.525421031,3.03,42543.54,792174.1738,"6294 Jackson Plaza Apt. 411 +Franklinchester, MT 96407" +87678.16324,5.056788806,7.712774153,3.16,43805.52189,1753967.477,"7414 Beard Manor Suite 260 +Port Kristy, WA 33392" +66404.1655,6.205939172,6.200115671,4.5,35977.31916,1149524.699,"0884 Kristin Springs +South Jason, FM 79281-6866" +94295.66325,5.079485076,7.255140733,6.43,46014.58222,1876497.269,"0245 Baldwin Valleys +East Josephchester, MN 00307-8576" +60891.73222,6.590728856,6.317399606,3.19,41217.11682,1045348.23,"0574 David Row +South Jacquelineshire, ME 75494-4722" +82264.14522,4.758588072,6.422631236,3.46,37581.05338,1323300.72,"02860 Fox Viaduct Suite 927 +Chelseaport, UT 08834" +58666.22577,5.418954685,6.458755876,2.45,48132.61901,997239.7078,"7167 Evans Overpass Suite 834 +Williamberg, HI 94685-5629" +62497.329,7.28610098,7.464633732,4.09,27485.2428,1204939.904,"1789 Snyder Port Suite 392 +Lake Robert, AS 27698-2480" +84226.16641,7.981054,7.934351162,5.01,30167.23343,1877941.971,"725 Wood Flats +Lake Josephtown, MO 38832-8878" +74380.94273,5.33060382,7.642894947,3.02,37315.7884,1245053.433,"3391 Hatfield Stream +Josephton, NE 91925" +73753.73933,5.577592383,6.160888333,2.42,24970.70552,1165990.604,"333 Mary Street Apt. 931 +Angelaville, GA 51083-5763" +76355.74398,4.767040191,7.124398855,4.23,50209.55111,1517152.585,"339 Bailey Stravenue +Port Tamara, PR 70841-5526" +59024.71066,5.483082949,6.065900195,3.36,36271.52986,847767.9216,"790 Laura Fork +South Hannah, ND 34025" +54241.45833,6.687493062,7.034591893,3.3,38997.78366,1012269.469,"7573 Huff Cape +West Holly, WV 38470-4186" +90493.5981,4.606562547,6.532431958,2.48,45211.00806,1439431.453,"03593 Jones Vista Suite 122 +Greenemouth, MN 37932-3294" +82665.22495,6.562289095,6.345069812,2.44,35513.45835,1461511.881,"37163 Bryan Courts Apt. 150 +Gregoryfurt, TN 82754" +45520.55049,6.032244547,7.683664419,4.15,20070.2313,678587.2437,"0164 Bird Plains +West Susan, MI 13812-1020" +58927.57936,6.304035222,4.415753056,4.23,49100.82349,783350.6732,"995 Robinson Lodge Suite 838 +East Emily, KS 57482-2498" +63689.47544,6.488149399,8.695313159,6.19,36260.06673,1499552.269,"109 Franklin Square Apt. 554 +Davidville, FL 93552-5338" +82989.9563,6.331567258,7.774634207,4.49,19372.74768,1458422.811,"190 David Parkway Suite 766 +Port Thomasland, KY 16502" +81614.86856,5.186637721,6.285206893,3.17,33611.4409,1228879.867,"459 Judy Points +Danielfurt, MN 76472-3770" +78661.54624,5.182693359,5.553070982,4.04,25087.37081,932380.5504,"7732 Adam Circle +Goldenville, MT 72159-5726" +56907.13413,5.364399329,7.194020913,4.17,38959.49107,834268.3429,"36225 Justin Pass +New Javierberg, NV 16022-1938" +74636.90016,5.74007608,8.902224391,6.43,22880.82332,1351007.041,"8611 Ellis Island +North Sarahville, KY 43180-6940" +63926.10711,4.791357601,5.697630215,3.35,54954.76259,1068786.672,"310 Joshua Creek Apt. 312 +Port Danielleburgh, PA 98714" +62320.25859,6.417495593,8.427868532,4,14596.2503,1124396.249,"524 Moore Fall +Port Jeremy, KY 45574-2216" +101599.6706,7.798746015,7.480512026,6.39,37523.86467,2370231.32,"52280 Steven Street +Robertchester, IA 40405-0504" +66051.54977,7.465496106,7.795868186,6.49,26761.9354,1334952.605,"20549 Eric Walk +Blackwellbury, VI 64116-8275" +71475.82648,6.652483886,5.651019169,4.14,48227.07429,1504441.01,"4775 Weber Oval +Danahaven, MA 49005" +63137.9827,5.391557788,6.913776479,3.36,47697.26859,1153435.092,"6325 Parker Junctions +North Luke, GA 17395-4007" +57223.57389,6.316381847,8.460541118,3.43,44907.37865,1259357.023,"Unit 5156 Box 5005 +DPO AP 40883" +76075.15426,6.905817831,5.985129882,4.16,40368.56038,1567745.807,"235 Jimmy Walk +East Allison, RI 28204" +74579.27073,6.021541531,7.336151988,5.37,44873.84135,1516419.721,"946 Ross Trail +Williamsport, WA 95951" +84292.53037,5.80394353,6.769938966,3.21,36446.87144,1365151.394,"4171 Amy Summit Apt. 399 +Hicksshire, ND 26019" +79120.44152,5.08336073,5.401786825,4.25,39563.9712,1046030.114,"1103 Samuel Lodge Suite 341 +North Richardberg, CO 40226" +57143.67882,6.150796319,6.848577732,2.09,51479.07096,1233965.837,"USNS Williams +FPO AE 44169" +66300.58192,6.114218507,5.588030876,4.22,31581.83852,1009769.078,"91831 Hughes Pass Apt. 454 +Fisherport, MT 21107-8534" +70161.33285,6.247430552,5.8214009,4.3,37787.66295,1453597.507,"74075 Russell Villages Suite 825 +Lisachester, VA 67421-2539" +75212.3268,6.052408397,6.690464212,3.17,23162.9107,1103206.755,"395 Crawford Orchard +Rossfurt, AZ 09449" +86762.88286,6.53019329,5.106962247,2.09,47724.58136,1571253.531,"4856 Wilkinson Shores Suite 654 +Port Lucaston, NH 82431-8720" +69180.01607,6.583566247,5.514897205,2.29,38114.52633,1400111.497,"PSC 3697, Box 8763 +APO AE 94374-1248" +78010.92038,6.924538814,8.210602123,4.42,44157.28659,1822987.82,"192 Cynthia Spur Apt. 089 +Lake Rachelburgh, MO 57053-1155" +65192.10563,6.275508702,8.017889181,4.47,26228.39458,1174747.551,"2223 Andrew Branch Suite 214 +New Willie, UT 93661" +61325.07891,4.338810572,6.303479006,2.48,51406.7399,1147908.529,"Unit 9280 Box 1404 +DPO AE 53291" +62617.3292,5.463119186,6.450620296,3.48,48372.29885,1124125.921,"215 Schroeder Mountains Apt. 666 +West Kathryn, NY 24450-3206" +63970.62442,3.745922263,6.502411114,2.5,31944.55257,822934.8313,"7361 Bryant Roads Apt. 432 +North Jonathonside, CA 48685-3946" +68860.58581,6.376583394,7.351612387,3.03,40542.81391,1448774.971,"92640 Harris Trail +Margaretton, IL 32966" +66701.76617,4.775907553,7.921577391,4.36,37752.91522,1063630.928,"873 Rachel Parkways +Port Alyssa, WV 43866-2848" +73823.93879,4.739240943,7.590101512,3.19,10555.70282,861657.3994,"00909 Mcclure Landing Apt. 000 +Brownberg, CO 30548" +62995.19212,5.380174522,6.191981454,4.43,34347.24318,1034760.04,"180 Mcguire Square Suite 704 +South Carolville, AK 46674-8497" +75864.49781,5.635341192,6.656387606,3.06,35756.68694,1240864.154,"565 Darius Mission Suite 812 +Michaelside, CT 94766-8501" +72687.73327,6.708692007,7.800580682,5.34,35427.10591,1442372.044,"Unit 5853 Box 4750 +DPO AA 91141" +67059.91769,5.952826666,8.368596561,6.46,35294.2836,1390620.168,"PSC 0072, Box 2395 +APO AA 16602" +64705.38341,4.672028732,6.386089398,2.24,33900.19875,862407.817,"143 Beck Curve Suite 521 +West Angelicamouth, OH 75371" +62382.46126,6.179205325,6.732639864,2.05,14347.01941,695152.1733,"112 Mcdowell Mount +Kimberlyfort, LA 40102-9867" +61355.94598,7.513298007,6.388362635,3.03,43645.05069,1392537.29,"44056 Sharon Lights +Lake Samantha, MS 12820" +59331.06894,5.191940878,8.39948615,5.09,46669.89885,1200653.345,"1623 Waters Trail +South Noah, SD 89218" +44218.54111,5.589395643,9.449249571,4.23,35420.74094,920540.6539,"15179 Wayne Stravenue Apt. 276 +North Michaelside, MP 84965" +59260.86158,6.415791941,6.776273718,3.22,55030.17288,1300433.575,"65671 Martin Burgs Suite 941 +Blanchardshire, GA 51998" +79159.30099,5.34770038,6.083193454,4.01,41296.72793,1172188.194,"5168 Darryl Roads Suite 164 +Alexandermouth, ND 57779" +76916.9525,5.736988859,5.623473082,3.2,28213.40919,1054732.6,"USNV Nichols +FPO AA 46813" +62450.62899,4.141508415,5.853322091,3.12,41190.20808,615568.1134,"92422 Ayers Cove Suite 239 +North Corey, IL 04055" +66447.48322,4.37675375,8.422240324,4.31,48261.04959,1271396.518,"67534 Rachel Ways +Reyesberg, ID 51518" +62173.5801,5.098958554,5.662268147,3.14,3883.448164,231189.821,"71460 Nelson Rest +New Alexis, IN 90049-5470" +59611.33237,5.522890844,7.396697598,3.27,40395.08125,1040782.486,"4210 Taylor Village +West Riley, WI 23832-1422" +65531.10906,6.483332048,5.564653446,3.07,39367.45002,1111710.9,"2628 Lee Expressway +Salazarside, AL 19502-4682" +52681.22886,5.369021376,7.115186212,3.22,44203.08095,885796.2796,"995 Donna Greens +Brianville, AK 32981" +53348.62641,5.588080994,6.541849058,2.5,36499.84397,809755.6175,"8548 Douglas Flats Apt. 388 +Hickstown, NH 53989-5588" +53048.67251,7.116028518,5.329030779,3.36,46984.15576,1095794.165,"PSC 8659, Box 3202 +APO AA 20470" +74283.06409,5.690518257,7.544191392,6.22,21446.34226,1138609.173,"PSC 4515, Box 2644 +APO AA 13870-8171" +50212.43953,6.645207267,7.4041142,5.44,20913.65544,873241.9886,"PSC 8294, Box 8873 +APO AA 85473" +75012.34166,6.742828084,6.604334981,4.1,42877.42415,1413579.817,"6218 Parker Crescent +South Kristaside, CA 14710" +81858.57318,7.358643507,6.219018194,4.03,32549.99223,1730084.479,"0759 Thomas Cove +Thomasport, GU 74595-3903" +53664.0777,4.415997412,5.938396401,2.19,57110.64894,996243.4249,"7737 Williamson Lock Apt. 886 +Lake Brendashire, NE 03845-7942" +89502.84666,4.484345906,5.178078664,2.01,40836.13013,1273518.737,"176 Mckay Overpass +Laurenborough, GA 20259" +51927.98504,6.182807099,7.167177513,6.05,32256.63856,970177.1054,"8889 Ashley Dale +North Robertmouth, IA 68137-0838" +75927.35905,5.853149898,6.08284131,4.19,22993.63544,1143203.068,"885 Russell Cove +Dudleyfort, PW 36140" +84802.7876,5.1016138,7.844811964,6.04,35748.33147,1437983.825,"64551 Garcia Squares Apt. 516 +North Kimberly, OK 24920-8645" +66961.66442,7.412988548,3.950224687,2.31,33423.29329,1128720.42,"456 Gray Extension Suite 249 +Jeremyville, MA 32632-2654" +86375.55798,5.675667394,6.657391847,3.05,39781.74684,1532533.611,"0175 Wilkinson Mills Suite 407 +South Jamesmouth, SC 00762-4450" +59046.44423,6.670060466,7.335984715,4.06,37813.71463,1082588.727,"066 Holt Trail Suite 703 +Lake Jasmine, HI 98216-4748" +68368.40084,6.214134474,7.298146653,5.31,28438.89283,1156308.169,"8168 Theodore Pike +Jordanview, MI 95331-1604" +61018.60328,5.353196392,8.242756348,3.3,43395.73599,1168760.428,"896 Blake Road Suite 920 +South Lisabury, NJ 62364" +65566.35691,8.082879393,7.302751132,6.15,30117.17188,1357575.852,"05486 Barnes Motorway Suite 084 +Lake John, UT 31770" +59878.06935,5.48606302,6.693434359,4.01,44212.90535,920498.9374,"68714 Griffin Crest Suite 457 +Port Andrew, NV 01079" +76573.4753,6.078108557,8.861577101,3.37,40002.32739,1810782.413,"732 Alexa Valley Apt. 353 +East John, GU 37109" +69013.36835,5.976152431,6.448118673,4.26,17180.48353,903657.5625,"22524 Ashley Circle +North Tommyton, WY 79099-6009" +78734.494,7.648432415,6.088061911,3.08,36688.16069,1850513.527,"8600 Bailey Garden +New Debra, IL 09574" +59035.95179,6.914086746,6.717020451,2.03,34753.41599,1148720.905,"52509 Barron Ways +New Kathryn, NH 33040-5127" +83940.12816,5.387931862,6.58380532,3.23,34602.378,1492033.205,"794 Yates Street +Evantown, NC 85488-4306" +54920.06339,6.827612966,6.188287003,3.44,22835.58443,831168.8337,"14759 Krystal Meadows +East Marietown, WV 05231-6857" +65554.84252,5.092064142,7.9827641,6.47,39239.83825,1130677.466,"3439 Kevin Prairie Suite 250 +Port Carrieshire, LA 08771-9810" +60168.27409,5.243364285,6.317906885,3.12,33460.47314,737202.4576,"USCGC Gregory +FPO AA 74769-0342" +52540.7971,5.376432519,7.387603517,3.24,32090.23024,578309.0862,"7817 Nicholas Ridges Apt. 223 +East Claireland, WA 46595-0741" +57182.80245,7.120342379,5.242644354,4.22,39293.04063,1112223.008,"6589 Kirsten Club Suite 430 +Evanfurt, WI 89389-6210" +55470.08186,5.694779112,6.810466039,2.49,36246.41293,962531.6649,"568 Johnston Mountain +New Janice, AL 53432-9841" +67877.02334,5.678509326,6.320235228,2.38,19524.09855,843650.8279,"8391 Butler Falls +New Brianmouth, NY 39629-1620" +69439.94296,5.073308976,8.188380547,5.38,33995.76662,1217267.934,"7703 Renee Ramp +West Melissa, MS 25289-3224" +51874.09569,5.611454839,7.001947254,3.35,26197.83908,450307.0174,"963 Sara Loop Apt. 633 +South Nicholas, GU 41356-6332" +75655.9136,7.432324255,6.770586414,3.33,31225.12327,1663473.121,"2798 Vasquez Crossroad Suite 141 +Port Joseph, MA 15535-7191" +83973.30119,5.939669345,5.463987578,4.03,20159.92165,1164615.968,"14239 Joseph Center +West Jacobshire, UT 99662" +65987.71144,5.759500815,5.690506347,3.35,31771.52976,1263018.127,"1148 Roy Forges +Maysfurt, HI 73926" +94292.26363,5.993314344,7.278782582,5.36,53620.8905,2197436.875,"1591 Yvonne Crossing +Port Joel, TX 68862" +62938.21671,6.623682254,7.661922672,3.15,48947.35792,1721261.812,"041 Welch Manors +Lake Christinechester, MN 69773" +72124.77146,6.181948206,7.953233508,5.19,45415.7213,1670908.662,"7515 Thomas Fields Suite 476 +Lake Vincentfurt, IA 79394-3666" +56398.33365,5.793523642,7.120717323,4.16,50909.69708,1148749.933,"03001 Debra Shores +East Stacy, MH 92725" +50665.98873,7.385098056,7.067904619,5.19,29726.0146,1154883.288,"03710 Solis Dam +Holdenton, MO 26586-8244" +89475.5597,6.888438528,5.233513538,2.4,31070.43183,1707269.528,"54863 Warner Greens Suite 781 +Port Larryville, MT 49021" +45633.84195,6.733866215,6.827278726,2.35,42371.58426,1108406.786,"525 Ashley Course +Lake Michelleville, MA 95610" +66875.7269,5.696277886,8.386952035,4.22,28819.04314,1256599.179,"183 Desiree Canyon Suite 266 +Robertstad, DE 70798" +57849.54551,6.556265641,6.351662614,2.38,43048.77792,1180967.735,"178 Joseph Loaf Apt. 163 +West Sabrinahaven, SC 26944-4910" +62881.16212,6.175657448,6.507107742,2.12,22580.31276,905435.8429,"19620 Michael Springs Suite 422 +Lamberthaven, AR 36069-6167" +61091.45388,5.997742589,8.196511734,4.05,46536.72488,1450122.715,"997 Sierra Fords +West Daniel, DE 34733" +65973.38432,6.397171887,9.007768282,3.38,40765.39799,1382810.706,"61483 Petersen Summit +Lake Arthurborough, AS 27692-7206" +70280.68819,4.625164329,5.625509818,2.37,38916.17469,868694.0737,"3225 Boyle Circle Suite 725 +North Hollyburgh, WI 05753-3986" +74428.12576,6.272527603,6.112848062,2.49,49465.95154,1471746.555,"91582 Fischer Rapids Suite 372 +Richardsonchester, PR 55240" +49500.17911,5.900200398,7.514610864,5.47,25186.53741,676377.6614,"9096 Ward Shore +Port Carlabury, GA 64069" +88905.83826,6.186299109,5.989111803,2.16,26964.69492,1462422.256,"0473 Morris Flats +New Leroyshire, HI 31260-9923" +63858.0795,5.476039767,7.140330542,5.4,23808.17907,1036782.245,"8114 James Inlet Suite 307 +West Laurashire, LA 72150" +64044.0325,5.220986982,5.825405473,4.41,58887.99941,1122967.385,"485 Wood Path Apt. 959 +New Williamburgh, WI 99140" +73035.02576,7.553762647,8.114826162,4.23,43408.42046,1877073.575,"PSC 2539, Box 1949 +APO AP 85899" +77722.498,4.717414038,7.743944663,6.13,57287.59897,1657363.057,"494 Knox Throughway Suite 683 +Port Henry, DE 40842" +69185.70618,6.418572453,8.72269798,6.19,50096.98027,1757395.787,"2769 Nicole Mews Apt. 063 +North Deborahburgh, OR 42909" +67203.28574,7.206743706,7.303116175,6.09,44610.45332,1539084.922,"18136 Torres Square Apt. 467 +Lindsaymouth, NE 24349-0488" +69446.45521,6.755066604,8.500981648,6.29,47025.18368,1738788.382,"68483 Jones Overpass Apt. 040 +Port April, OH 93290-6834" +68700.26773,6.994378692,6.57820466,2.26,22481.15896,1189466.714,"5168 Autumn Highway Apt. 269 +East Breannaton, VA 79397-5860" +56671.14989,6.854714732,6.288488369,4.27,54543.43678,1316793.569,"93965 Gonzalez Gardens +Lake Daniellestad, IN 42545" +76824.55957,6.16784018,6.699457258,4.23,43904.62922,1542970.948,"4057 Cunningham Springs Apt. 169 +South Debrabury, MI 12839" +62846.90506,6.01784801,5.144709636,2.04,34628.99343,1024973.195,"5574 Louis Port +Cortezhaven, ME 14097-3315" +73086.23821,6.648406794,6.39517598,4.34,28913.10606,1353182.494,"007 Sheri Lodge +Norrisland, AZ 62078-3739" +70072.52186,5.805508469,8.479921331,6.2,43181.82465,1594089.241,"79897 Nguyen Camp Suite 280 +New Stephanie, FM 56217-6206" +74881.59853,4.12590092,8.457886906,5.11,60895.40817,1501048.204,"864 Aguilar Cape +Baldwinland, AK 57237" +53288.00325,4.204036516,6.996336096,3.22,48927.30443,810537.1484,"891 Jordan Mount Apt. 352 +North Donburgh, OK 39669" +74245.86605,5.082516102,5.96140678,4.22,53039.31613,1270297.545,"999 Gonzalez Oval +Rogersport, NV 61059-8865" +83112.21224,6.103406958,6.569732034,4.09,44876.89971,1591022.904,"835 Michael Flats Suite 624 +Bergerfurt, NC 15580-5441" +65243.82232,4.948259701,7.987512616,6.38,26710.17833,1040652.839,"3207 Jose Fort +Johnfort, ME 58884" +62926.70115,6.500168689,6.411871045,2.14,6248.75608,639471.7361,"81712 Ashley Manors Suite 091 +New Richard, OH 46319" +53302.25924,7.583106079,5.607135038,2.02,33222.76188,867898.2822,"04871 Bryan Parkway Apt. 086 +Lake Marcialand, TX 90004-7156" +54965.87502,4.361132901,6.827891384,4.32,47460.60701,776125.5971,"25712 Hawkins Rest Apt. 871 +Matthewbury, DC 05254" +73704.63223,7.510642045,6.561804932,2.37,11637.89291,1202844.374,"62309 Campos Tunnel +East Bruceshire, WY 96408" +64675.13046,5.78550589,6.436541956,3.42,53742.84199,1346379.985,"989 Carter Crest +Alexburgh, OK 09271" +72392.88504,5.581331968,7.081653164,4.23,23997.45355,1014430.121,"24595 Christopher Junction +New Roberttown, VA 17329-5074" +75033.91777,5.294627535,6.987367714,2.39,27355.82979,1373512.302,"Unit 8582 Box 3330 +DPO AE 68542-2008" +81291.67049,5.213993838,8.429901753,4.19,33097.55641,1454749.807,"532 Cox Creek +West Edwinstad, WV 45014-6020" +55992.03459,5.29985819,8.098857048,3.08,32032.63777,1166600.457,"PSC 0628, Box 4719 +APO AA 46946" +57108.61844,7.120135332,6.393210122,2.23,43511.01799,1093253.491,"9924 Hughes Mall Suite 073 +Port Becky, NY 42776-5025" +82373.20843,6.327773403,7.207985937,4.4,67701.6498,2130762,"50114 Wendy Road +Joelport, OR 96203-3217" +67433.39994,7.7824612,6.564027581,3.05,41030.40891,1719762.308,"PSC 3850, Box 4156 +APO AP 93044" +61088.39361,5.810724841,6.085444349,2.18,40426.83517,1019880.653,"9649 Caitlyn Meadows Suite 390 +Mcdowellside, PA 20358" +69650.72903,5.922774742,6.201155203,3.05,41608.06466,1296645.375,"34284 Maria Key +West Mary, LA 23834" +64163.54181,6.866750203,6.933770891,3,39354.78926,1372878.534,"414 Ponce Trafficway +East Daniel, PA 37899-9523" +68606.87005,5.930005938,6.980274128,3.43,36084.83774,1117011.106,"2623 Christopher Mountains +New Ericfurt, IA 07112" +65739.68602,6.201098607,6.722967192,4.16,27721.39364,959734.8133,"368 Hannah Centers +East Brittany, NY 60473" +50709.3539,4.761837692,6.822058699,3.18,60199.84255,1074824.816,"923 Bautista Views +Moniquemouth, MP 97118" +65083.88009,3.518886315,8.374999406,3.2,39498.30028,922054.1319,"Unit 6318 Box 6858 +DPO AA 84098" +58726.52921,5.18067847,6.979764638,3.24,40771.02861,1017374.023,"Unit 6719 Box 2139 +DPO AA 32000" +58593.44792,5.876893588,6.663904269,2.1,45694.50757,1227401.539,"955 Brad Hills +West Robertside, NM 56475" +59466.8656,6.503451263,7.110081473,3.26,44825.81265,1226041.783,"61933 Sarah Landing +Farleyview, OK 34381-6999" +79619.86427,4.752153194,8.354961507,3.11,36156.92049,1411334.219,"8749 Zhang Mountains +East Jefferyfort, OK 42534-6471" +63134.63942,6.676236409,8.48231689,6.25,27554.28687,1317234.043,"15803 Robert Key Suite 514 +East Lisa, PA 80155" +81699.9209,6.784351388,4.765058235,4.4,33957.00203,1250144.012,"9945 Frederick Prairie Suite 777 +Porterville, ID 63454" +49863.22687,6.777375019,9.640681638,5.03,42056.84712,1389047.558,"USNS Howard +FPO AA 17082-9588" +66835.22012,6.525598482,5.228439448,3.16,23523.60198,792449.5431,"738 David Courts Suite 621 +Brittanymouth, ND 83070-7865" +81301.91984,7.082681187,6.776125367,4.06,40860.12048,1860681.947,"24488 Pierce Mill Suite 585 +Williamhaven, CO 55473" +67350.16774,5.626456848,8.030099125,4.13,26076.39086,1110827.822,"84727 Ryan Fields +South Josephfort, OH 79576-3487" +77947.46436,6.441788609,7.193403798,5.46,29660.79658,1539129.364,"201 Charles Views +Annamouth, PW 44280" +59941.0184,6.51386625,6.938066307,2.37,37853.30134,1132779.837,"0076 Jennifer Trail Suite 299 +Port Debbie, UT 33510" +69876.35717,4.996375474,7.253765742,6.13,20038.8619,839629.5122,"Unit 7240 Box 7803 +DPO AA 77851-4397" +74909.72422,4.225888127,6.922914743,2.29,40193.52872,1243239.003,"78595 Carl Points Apt. 859 +Port Suzannestad, PR 35176" +62209.87231,6.162329741,7.98980743,4.27,32529.95072,1104109.035,"840 Kenneth Road Apt. 422 +North Jamiebury, GU 27977" +83372.64234,8.553939374,7.863971202,4.32,14502.44477,1664301.512,"Unit 7072 Box 0519 +DPO AA 59955" +59273.42234,5.715546028,7.662476479,6,20353.16099,818289.7642,"4150 Ethan Parks +Jacquelinehaven, MD 09840-9998" +52916.3676,6.63628491,7.569220698,4.4,36105.06961,1062666.366,"93303 Williams Expressway Apt. 435 +New Sheryl, FM 51033" +64714.52416,5.153745232,5.490631869,4.45,23836.53843,730043.6451,"8656 Kim Run +Cardenasview, NC 44530" +63427.81053,5.164251654,8.730904572,6,31689.93323,1307173.872,"43885 Michael Lights Apt. 906 +North Adam, AR 81654" +72885.52312,7.64196516,4.969158207,2.22,36711.49426,1464710.206,"0266 Hatfield Burg +Deborahhaven, OH 68256" +63780.04015,5.044290162,5.890387971,4.1,32010.22811,769851.8034,"79718 Daniel Common Suite 368 +East Sean, ND 25047-3039" +59709.93311,6.320753255,6.376804344,3.32,39383.96586,1012023.399,"319 Wang Mills +New Kevinview, AS 20982-6227" +68275.5812,5.534934174,6.277831678,4.13,31383.07069,866328.1313,"8762 Christopher Views Apt. 442 +West Madison, DC 99989-4103" +78556.79705,6.162173321,5.783253683,3.16,34677.7243,1222726.564,"8373 Adams Groves Apt. 581 +Valenciafort, NM 75868-5023" +57471.94317,5.970952518,7.359194737,5.37,35822.60168,998702.0371,"6984 Guerrero Causeway +Leeborough, VT 73485" +58583.50845,6.952034052,9.472742074,6.47,39910.34268,1644242.137,"7763 Kelly Forges Suite 419 +Kennethfort, WV 13606-7075" +66537.25272,6.346079744,9.268966847,6.12,53721.14129,1817188.451,"Unit 1668 Box 0567 +DPO AP 07464-3406" +78269.14256,6.523187585,6.02347229,2.3,54954.97189,1553976.234,"PSC 2046, Box 9503 +APO AE 31086-6640" +70562.35851,7.037251617,5.012792886,3.48,26073.2223,850593.3377,"34439 Julie Lock +West Kevin, AS 15672-4800" +65594.06739,7.492803317,7.1136851,3.3,24580.5637,1179987.324,"463 Avery Bypass +Tylerbury, NY 30504" +72493.20944,6.609326162,7.509335527,4.23,40722.65597,1554986.695,"7904 Moran Road Suite 869 +New Timothybury, CA 14486-4596" +60757.08121,6.486568179,8.155915088,5.35,35561.08441,1281378.174,"86377 Vargas Burgs Suite 621 +Jessicamouth, IN 55569-5931" +72920.86775,5.397964171,7.736952387,3.43,35656.22969,1125677.604,"625 Sparks Points Suite 055 +New James, VT 73805-3854" +76134.67776,7.248108066,8.425820688,3.13,34956.12616,1705889.887,"76611 Michael Manors Apt. 869 +Cookburgh, VA 93116" +56957.83521,5.969854495,5.935709309,2.05,29498.96419,783565.1025,"1988 Jessica Fork +North Andrew, IA 58461" +54642.70628,6.29096854,8.982485924,6.12,42987.06573,1355362.956,"7218 Hancock Freeway Apt. 232 +Port Jenniferberg, MH 83838-1210" +60018.89377,6.650993718,5.258696394,3.07,35188.91826,927181.0664,"16801 Brittany Rest Apt. 325 +Myersbury, NJ 85095-5060" +67417.11235,5.728827797,6.195270308,3.48,36002.29608,1058517.81,"12512 Daniel Lock Apt. 134 +Lake Elizabeth, ND 44548" +56088.6394,6.43064836,8.840667908,6.24,44796.58583,1397564.156,"9346 Sean Centers Suite 263 +Manuelstad, NJ 06399-8490" +70850.1305,5.333909302,5.487903073,3.12,14731.96976,635429.2305,"621 Davis Green +Lake Stevenville, AS 41733-5352" +69692.47333,4.614993462,6.377310795,4.27,41818.00491,1104701.234,"1146 Madden Hollow Suite 350 +Lake Jessicachester, IA 64137-8387" +68104.65856,5.897648506,7.050999424,3.05,35008.26751,1368134.998,"85978 Lauren Rapid Suite 923 +Port Thomasborough, MS 02927-8640" +50521.46356,7.374457938,7.149611673,5.11,36713.86484,1204117.419,"34850 Ray Prairie Suite 604 +Port Carlosstad, ME 81599-5651" +64900.19793,5.30506935,7.260436972,3.31,21815.48888,517937.5895,"7191 Ian Streets Apt. 620 +East Chad, OK 10140-6632" +78951.7359,5.443039346,5.759583193,2.18,31055.05109,1241182.835,"PSC 1520, Box 7020 +APO AE 71780-5009" +77553.9064,5.061805489,8.535375454,6.45,53405.50581,1603627.28,"6995 Charles Fields +West Thomas, AL 63220" +56734.35076,6.159101413,8.280403871,4.3,27982.27171,1063206.378,"15315 Donald Rest +Matthewton, PW 88878-9848" +72827.97132,7.181743678,4.419215488,4.13,39730.48179,1269293.209,"977 Mendez Hollow Suite 831 +Kristaton, DE 07073-5611" +76306.64871,5.356330104,6.73390648,4.15,18041.9435,1063399.275,"8801 Rodney Views Apt. 724 +New Tonya, VT 87883" +57293.4274,9.125282873,7.780007631,4.3,27991.84,1561313.838,"854 Brown Park Apt. 787 +New Alexander, NH 99886" +65088.08824,5.782009284,6.790149675,3.11,39863.17255,1135613.432,"070 Kim Fork Suite 577 +Foleytown, OK 41141" +67813.67658,5.67233669,6.39644509,3.14,30253.85748,1057347.166,"1949 Curry Plaza +Darlenestad, PR 25811" +52866.90183,6.595790348,5.767253272,4.34,31925.89958,772310.2278,"160 Andrew Trace +Huangland, IA 01242" +55956.67846,6.475495935,6.505406567,3.36,32844.56439,989263.2366,"08037 Carney Dale +Port Brandyview, AL 41518" +56225.55413,5.901931552,6.686709478,4.13,35245.74481,699323.2624,"8433 Mckenzie Camp Apt. 999 +Ellenfurt, PW 42672-3136" +71532.97911,8.187045842,7.117961737,3.01,28635.37327,1596342.909,"232 Richard Islands +East Robintown, NC 49498" +70514.42574,4.444530278,7.311785484,5.41,52378.25122,1499153.081,"45151 Wilson Spur +Baxterhaven, NH 27115" +54673.52118,4.49619347,7.081933738,5.31,39160.55327,770770.5849,"825 Mueller Ford +New Shane, MI 37002-7573" +58412.28305,5.666298295,8.281878986,6.47,22900.11345,1055484.373,"2034 Erik Port Apt. 331 +Port David, OR 90557-4698" +64861.91338,6.402507331,8.079372683,5.31,25032.13652,1240503.524,"950 Ellison Haven Suite 426 +Port Annaburgh, ID 16828-6481" +82632.04577,5.302244663,5.036428918,3.38,13162.97966,900973.3764,"0437 Martinez Lane +East Joseph, AK 09199-1914" +71499.80665,5.533015546,6.767607218,3.11,27417.11183,1035976.953,"47405 Martin Run Apt. 389 +Lake Charles, FL 96293" +75034.52364,5.781936693,5.521846997,3.28,25348.47127,1086447.511,"247 Gray Loop +Guerreroburgh, MA 24294" +55447.08154,6.892306935,7.708946587,5,37723.28229,1366980.91,"92948 Woods Wall +New Staceyshire, TX 86313" +80196.24225,6.675697067,7.275192796,3.17,48694.86414,1616937.019,"USS Cline +FPO AE 69903" +60480.05464,7.011621748,7.157214948,4.24,46361.63221,1639944.959,"02885 Mckinney Meadow Suite 406 +Ashleymouth, ND 26595" +40581.77809,4.16982037,7.415416068,5.44,48820.23026,509499.589,"834 Thompson Shoals Apt. 599 +East Taylor, OK 24778-2378" +61932.87262,6.687367955,6.751208637,4.34,34143.05076,1200125.447,"7111 Woods Lights +Port Allenbury, MS 27607" +94392.89788,7.039620141,8.287279331,6.32,41462.12742,2142896.556,"76991 Brenda Drive +Rodriguezberg, MH 98017" +66236.42588,6.318402338,6.361764814,4.01,45921.54242,1301089.712,"8884 Larson Key Suite 171 +Blakeview, WA 33784" +76771.8852,7.470777841,7.528286855,4.26,35690.21885,1860648.745,"619 Clark Knoll +Cathyland, TX 81648-3242" +75851.04366,6.298703746,7.151477066,4.45,26831.5434,1283996.968,"092 Nguyen Fort +Aguilarland, MO 95985" +60509.83846,5.21502633,7.716666271,5.29,35376.73383,947355.9701,"4470 Stephanie Pike Suite 611 +West Andrewview, CA 57736-5669" +62052.19499,4.139620469,6.484684915,4.17,41722.6619,875799.2473,"5405 Nathaniel Summit +Michaelmouth, FM 84962" +61657.04354,7.519087436,7.926372237,4,42285.9628,1483041.335,"5339 Lopez Mountain +Williamsfort, NV 08346-3010" +92609.2277,5.488401987,7.45762873,5.14,29421.17133,1508856.424,"95811 Cindy Rapids Apt. 459 +Thomashaven, MO 02207" +81038.1448,5.017846598,6.797869101,2.36,35371.21257,1302814.489,"038 Jones Forest +Brianhaven, NM 05635" +54012.57272,6.461488895,7.19091541,5.07,21653.98468,747396.2531,"8942 Bowers Forges Apt. 573 +Nathanberg, VA 30348-1606" +65573.46111,6.061531793,9.090851632,3.43,58195.45703,1723397.089,"89446 Jessica Station Apt. 364 +New Michaelport, GA 28746-5966" +57335.79077,5.264702041,7.418269493,6.43,41826.05082,1059431.451,"84812 Boyd Port +Christensenborough, MO 21303-3504" +64098.08147,6.583447351,7.964419297,3.49,43769.96713,1309397.049,"37624 Beasley Knolls Apt. 509 +New Nicole, MS 83916-9652" +65212.3664,5.787306592,7.636500321,5.05,29582.72278,981232.6124,"2067 Aaron Fall +Alexanderside, MI 06586-6037" +65256.13923,6.5382289,6.895255219,3.24,37875.20166,1389763.822,"25358 Stevens Inlet +Olsonton, MD 97980-7025" +89488.63976,5.247829647,7.290631549,6.12,49089.95912,1599963.807,"Unit 3501 Box 8218 +DPO AE 63996" +54415.8328,6.817606266,8.014876701,3.25,38937.78577,1208843.277,"2469 Stevens Gateway +Lake Michellefurt, MO 19185" +76674.5221,7.152424503,9.293513239,6.17,43156.08678,2059301.343,"619 Sherri Loaf Apt. 787 +Scottton, CA 35799" +62702.36894,5.78089459,8.131984058,3.27,47285.46168,1272337.504,"0407 Bowman Drive +Michellefurt, MO 55493-7726" +72788.16706,6.559882632,7.337689237,3.09,31765.89773,1390377.375,"271 Melissa Rue +Port Blake, ID 78071-7206" +72415.42799,6.271974379,7.365504405,4.08,28885.0533,1212899.219,"771 Suzanne Light Apt. 855 +North Anthony, MS 26234-8124" +73896.10342,6.182091797,6.080269606,3.05,44256.77913,1393482.85,"388 Earl Radial Suite 826 +Richardchester, DC 95826" +87541.45288,6.570193583,6.399106708,3.22,31044.97947,1603046.179,"8588 Walker Via Apt. 226 +Watersview, IN 23864-4168" +71843.7589,5.753466993,7.42784464,4.44,27676.2714,1063069.916,"65209 Jennifer Roads Apt. 115 +New Lauren, IN 78818-0022" +74141.33111,4.994616743,6.669292686,3.4,46905.19295,1068492.613,"666 Peterson Harbor Suite 876 +Hoodshire, NM 56769-5455" +74101.49304,6.284749966,6.874009026,3.46,34628.53932,1337973.732,"0896 James Rest Apt. 398 +Olsonfort, PR 42737-3822" +42943.93601,6.289222852,8.366067624,3.25,34468.87383,889831.1511,"53018 Hunt Ranch +Fletcherville, FM 11404" +71267.70625,5.579520822,8.105228297,4.4,36795.39817,1308231.769,"96391 Deborah Glens Apt. 970 +East Nicole, ND 32805-3760" +72655.64873,7.545608876,7.201823309,4.1,23623.30007,1612102.097,"8608 Christopher Springs Apt. 416 +Brownton, GU 32886-6900" +72531.1338,4.661801761,6.498815201,4.18,15167.41107,578161.4955,"7522 Chavez Meadow +North Jason, FM 78402" +72259.58273,6.889373104,6.257776744,2,45598.89674,1454126.551,"89810 Rachel Inlet Apt. 187 +Christyland, MO 11000-1430" +63593.95114,8.016627453,8.005870386,6.47,40186.29337,1684537.961,"722 James Plaza Apt. 832 +South Christophershire, PR 59771-1651" +85696.20394,6.389427717,4.840595055,4.47,24138.06628,1347210.092,"34339 Hampton Turnpike +Mclaughlinborough, OK 38420" +80077.9305,5.739521833,7.437009145,4.5,30774.39431,1603342.669,"PSC 1954, Box 1271 +APO AP 28196" +75339.91582,5.407478241,7.422156287,5.07,49307.20981,1383563.574,"USNS Jensen +FPO AP 08769" +54618.23625,6.002618021,5.757165087,4.12,40673.9221,705444.1168,"8031 Pennington Mission +Port Nicholas, MA 07353" +66829.18388,5.57878808,7.343420851,4.22,48776.92661,1418045.719,"09952 Newman Club Suite 825 +Amberland, RI 48384-8566" +82760.37627,6.13569401,6.778563744,4,33839.08519,1457755.979,"76850 Angela Ranch Suite 680 +Gamblefurt, CO 31477-5548" +79769.0529,7.118266013,7.871982757,5.41,22669.67412,1617405.425,"202 Smith Knoll Apt. 637 +North Joseph, ME 93313-2537" +46800.37259,7.154695334,4.513353831,4.24,29587.13853,456019.1712,"219 David Overpass Apt. 605 +East Shannonland, HI 53312-1726" +78186.28294,5.500904517,7.183912048,4.37,28130.26592,1348804.229,"1355 Anna Village +Markmouth, IN 91104-9758" +65091.30918,5.349422869,8.594842639,5.42,49224.09281,1579360.825,"614 Murphy Square +Jefferyberg, NH 38328" +51218.67826,4.864411174,6.609634039,2.35,21091.58744,385678.1667,"57906 Acosta Villages Suite 474 +North Josephshire, MH 62971-7674" +74095.71281,5.908764789,6.847362326,3,32774.02197,1121023.437,"688 Matthew Dale Suite 274 +Lake John, FL 43555" +62769.03468,5.571587866,7.780985804,4.45,43314.16108,1178553.616,"63543 Jackson Knolls +Lake Lori, VT 96312" +64836.65398,6.490523817,8.271982892,6.3,35163.51684,1296467.994,"336 Tiffany Via +Christophertown, CA 97338-2426" +59141.79644,5.631317375,4.198676629,2.17,29386.58045,313651.5032,"52281 Nathaniel Road Suite 762 +New Ericchester, FL 44640-9252" +66698.73973,4.790645656,8.365383291,5.21,51747.77676,1530294.577,"169 Schneider Tunnel Apt. 560 +Port Don, RI 23820" +75892.50628,4.715683576,6.793215874,3.15,40908.89232,1249914.395,"USS Barnett +FPO AA 60146-8106" +70031.27304,4.623344495,9.188667262,4.13,36679.43203,1270432.4,"67132 James Wall Apt. 108 +Johnshire, GU 39221" +79757.01856,3.962672206,6.360722218,2.08,45130.82828,1123753.734,"9321 Caleb Locks +Port Jennifer, OK 91266" +60029.43264,5.714878538,7.990513702,6.01,32818.06713,1005087.361,"6194 Rios Spring +North Jeanette, WI 16894-6620" +70329.40988,5.988783205,8.343125221,4.36,48077.26496,1712282.259,"6942 Hebert Via +Charlesmouth, PA 12757-7878" +65907.94668,5.506412845,5.727202199,3.39,33303.5431,698457.6776,"423 Destiny Fort +Gravesmouth, TN 13035-8269" +87068.24513,6.427781229,6.539577203,4.12,16083.14442,1322439.108,"USCGC Johnson +FPO AP 53323" +76327.21206,7.084664124,6.584016966,3.13,42939.27424,1599615.745,"185 Mitchell Turnpike +Lake Marciamouth, OH 69530-5024" +62315.5837,6.68246297,5.764141193,3.41,47163.75462,1142264.248,"83004 Kari Squares +Lake Rose, TX 01776" +63579.89796,3.342599174,7.221147395,6.47,51246.10288,1012768.756,"21810 Cross Mountains +Thomasmouth, HI 73708-6559" +66197.67377,5.790273451,5.895335124,4.19,55849.46922,1244916.548,"16466 Mason Roads Apt. 483 +New Danaberg, RI 19799" +65984.29691,5.560929101,5.77285134,2.18,40976.78683,1016526.594,"99244 Murphy Trace +Jonesfort, MH 08157-7083" +70894.14113,7.040707991,6.937166766,4.01,24878.46173,1383565.696,"36848 Matthew Fork +South Melissa, CA 82348-6348" +78186.23924,5.838063828,5.133465711,4.17,49617.73142,1526369.647,"296 Cline Roads Apt. 767 +Jessemouth, NE 63904" +59539.4124,6.305095543,7.866082003,3.23,14403.8353,961495.0964,"531 Brian Lock +Davisview, MO 66345" +77163.30057,5.052311501,7.514062032,6.06,27766.76194,1228362.747,"8223 Henderson Plains Apt. 962 +Garciaburgh, IN 38863-1765" +67082.02587,6.244859498,9.028047222,4.45,40412.04776,1674680.741,"6639 Mccullough Unions Suite 736 +Merrittbury, AS 47809" +53120.62925,6.812372827,9.2002462,5.39,36100.57718,1411217.493,"52362 Garner Orchard +Christopherberg, UT 37093" +79095.27923,6.666808866,6.738533682,2.5,23624.24894,1476392.551,"84108 Michelle Port Apt. 163 +North Bobby, PW 48245-3014" +71244.17075,6.477168821,5.331010176,2.36,15769.19997,751324.1387,"245 Benjamin Valley Apt. 423 +North Reneestad, VT 20890-3730" +79058.93991,5.0180973,6.68477919,3.35,35074.26481,1366714.376,"919 Sawyer Square Apt. 247 +Port William, IA 71873" +84703.62823,5.918210783,6.883670877,2.36,51169.58559,1718625.945,"Unit 9191 Box 9148 +DPO AP 40640" +73001.11125,4.728508129,8.461468275,3.38,45338.09139,1344869.28,"1725 Torres Drive +Rodriguezland, DE 09997-1021" +90972.40613,5.401913201,7.323224846,3.37,24943.96194,1442079.057,"3168 Jake Union Apt. 110 +New Lisa, FM 38214-6178" +77362.05456,6.03271483,5.382998154,3.31,24171.18247,1000892.046,"719 Breanna Hills +Davidsonhaven, WY 33925-2459" +70850.16582,6.433339399,8.575994509,5.23,42035.99199,1553395.562,"457 Jones Court +Port Melinda, PA 73537-2284" +81248.19697,7.939003735,6.749488716,4.25,48922.5214,1969256.933,"52177 Benjamin Avenue Apt. 465 +Port Aprilstad, AS 08005" +72173.33087,5.637312098,6.80926661,2.2,42946.08099,1435261.987,"951 Ann Locks Suite 590 +Edwardsstad, OH 89516-4794" +46627.78948,5.276614898,6.40733952,3.28,37302.52534,718874.6798,"Unit 8914 Box 7372 +DPO AP 59681" +82113.98201,6.744905835,6.596278185,2.43,51561.26314,1883082.276,"5738 Carly Rue Suite 254 +East Emma, VA 03733-4170" +62622.48379,6.03689561,8.84477396,6.16,48899.51382,1502443.23,"88628 Andrew Pines +Joshuafort, CO 48304-5880" +70607.28271,6.835841168,4.541466869,3.42,58793.2682,1513650.381,"98001 James Lakes Apt. 948 +South Josephtown, MN 32946" +80335.96155,6.045000331,5.165901842,4.04,56689.27907,1410264.405,"USCGC Tyler +FPO AA 70076" +58765.0402,5.506579633,4.882380596,4.12,30997.43904,647691.8352,"57034 Perez Cliff Apt. 139 +East Christianville, WY 76686" +86849.84442,5.689341577,6.181227861,3.01,45178.46768,1675062.891,"6522 Mark Pines Suite 273 +Clarkborough, MO 71914" +71918.66832,7.912035606,7.092714041,5.28,23690.69799,1336134.486,"23916 Jackson Run +New Michelleborough, WV 24268-8683" +75513.24689,4.607911656,8.086981109,6.5,37175.07064,1376240.615,"8593 Davis Court +Port Keith, VA 80809" +66359.15485,6.54649533,8.041198572,6.42,32976.80797,1680017.24,"637 Ian Motorway Apt. 029 +West Jeffreyview, ME 13035-5854" +68638.10785,6.445807262,5.98022928,2.49,25380.41301,1186025.951,"813 Mason Burg +East Richard, MP 69145-2326" +86084.33523,6.143843489,6.776068462,4.33,24447.1067,1460044.546,"USS Mason +FPO AA 65492-7228" +55076.07222,5.955041901,6.499696377,4.06,23794.95178,650939.2067,"541 Baldwin Orchard Apt. 917 +Neilland, IL 40407" +74682.22416,7.19809097,7.328709122,4.12,39293.653,1525690.995,"71906 Potter Turnpike Apt. 956 +Port Matthew, MN 69112-7004" +69379.23817,8.20738606,8.273386772,6.4,34612.76372,1827476.196,"74689 Greer Stream Suite 365 +West Matthew, TX 02902-3581" +61431.82929,6.955535847,6.071830703,3.18,32912.04398,860399.3452,"06597 Greene Corners Apt. 209 +Port Timothyberg, MS 80455-5427" +74085.68864,5.885577419,7.813242397,5.35,32481.52177,1574181.732,"0464 Bradley Ports Suite 645 +Lanemouth, OR 49432" +54204.81112,4.9464429,5.05618974,3.39,39735.06871,333160.9943,"449 Doyle Field +Kingview, MA 00689-4705" +60842.80445,5.731377655,8.115024462,3.2,45258.15871,1279681.154,"73921 Cynthia Junctions +Port Kennethville, FM 58422" +85429.46598,6.336769915,6.628645005,3.32,36411.83456,1594748.125,"63830 Jacob Prairie Apt. 334 +Kristinashire, RI 38231" +76602.89393,5.634388054,8.440490911,5.13,20927.43079,1495375.423,"777 Hansen Isle +Vazquezfort, PW 27312" +65629.88097,6.418471533,7.524874654,6.19,17609.19693,954732.9038,"8519 Bill Point Apt. 668 +Jennifertown, PW 47261" +74227.49523,6.99067676,6.833955902,2.46,25934.6492,1426695.686,"1838 Robert Loaf +Elizabethstad, IA 77627-5234" +79671.414,6.295516139,6.840125382,2.44,35953.15723,1468459.955,"Unit 3667 Box 2267 +DPO AE 61231" +71816.27643,5.49448752,8.629268407,6.27,41178.26119,1607863.828,"93115 Hernandez Freeway Suite 114 +New Katherineton, OR 54277" +54623.76529,5.844598703,8.297124357,4.03,41939.51507,888866.3945,"0080 Joseph Club +Port Amy, NC 28150-6291" +61536.55722,6.670542907,6.994015904,2.15,29346.7209,1151341.85,"74054 Young Forge Apt. 988 +East Heather, AK 49274-2640" +66357.52842,6.37806605,7.221474525,6.36,38072.28468,1045704.7,"2074 Smith Springs Suite 338 +Richardsonchester, OR 20535-4560" +64957.92638,5.079228835,7.64833492,4,49513.89643,1279160.988,"65120 Reyes Tunnel Suite 330 +West Rebeccaport, MS 37254" +86895.59621,6.686490402,7.321513124,6.26,38042.73612,1799455.406,"536 Phillips Fords Apt. 176 +West Anthony, VA 58934" +90533.31352,6.705843518,8.151471141,3.23,46610.73557,2005167.48,"91071 Denise Freeway Suite 888 +Melissaland, TX 63704-8729" +65939.88495,7.47810445,7.555919437,6.18,29620.83953,1492612.189,"57193 Mary Inlet +South Sarah, ND 33659-6734" +56505.8278,5.300533643,7.795375,3.43,30995.48817,976481.7168,"770 Cole Rest +Lunafurt, FL 70678-5139" +60564.05153,5.666158556,8.382339218,5.03,49574.10417,1247002.164,"435 Javier Corner +Cynthiafurt, IL 83098" +78606.74714,7.031773829,5.093526735,3.37,51235.58929,1426682.135,"41964 Christopher Station Suite 009 +Flowersfort, DE 95607" +72747.12903,5.665250632,6.783121452,3.35,35060.34863,1171989.718,"0848 Keith Mill +Waltonside, CA 81957-8915" +76193.71636,5.996661954,7.909545202,4.18,26736.096,1370909.952,"32090 Robert Square Apt. 919 +New Nicholehaven, KS 16741" +70912.89173,5.354226921,7.508775907,3.46,20797.82193,1083071.56,"84121 Ward Ford Suite 273 +Hoffmanport, MN 83454" +81922.74753,6.134660958,6.720772557,2.01,21677.01339,1065656.023,"446 Mills Route +South Cassandraburgh, AK 29833" +73312.88817,7.242393804,7.064878233,4.16,32256.70451,1492095.143,"8380 Samantha Summit Suite 590 +Hollyborough, TN 60032" +48483.9423,6.082064754,7.405948947,5.05,35848.08127,936864.6878,"3964 Daniel Station +Jasontown, NH 71994" +85009.06739,6.469294552,6.774243351,3.39,48601.79746,1966139.928,"196 Kelley Loop Suite 005 +Angeltown, ID 16902-5142" +79029.46045,7.405166506,5.448580097,4.24,48607.09542,1558196.969,"8367 Vanessa Pass +East Williamshire, MI 45548-5315" +70301.23794,5.807494543,5.838844174,3.25,49076.65438,1280588.342,"390 Michael Port Suite 979 +West Donna, MD 10261-3561" +46339.90081,4.16897216,8.159537583,4.27,52123.99386,853750.6529,"41866 Anderson Radial +Port Emilybury, FM 51150" +68272.31965,4.079320164,7.983259576,4.05,30937.82848,978824.6016,"36555 Hanson Alley +South Josestad, IL 91432" +60285.60617,5.142414685,9.916528435,3.14,27370.18572,1273554.278,"537 Samantha Greens +Avilaton, PA 17089-7225" +62671.7307,5.53792673,6.402028317,4.44,31702.71455,798659.2171,"21986 Smith Path Suite 568 +Deniseland, MO 01264" +66615.88992,6.401788641,4.894203341,4.01,48604.07439,1114128.47,"45643 Kennedy Rapid Suite 513 +Warrenborough, PW 18980" +78431.31041,4.559870598,7.499446787,3.13,23623.30098,1108894.003,"840 Perez Locks Apt. 873 +Fischerview, NY 27017-1359" +46646.71054,6.331878075,6.726795812,3.45,34006.8653,710269.214,"453 Tyler Prairie Apt. 400 +Swansonton, VI 02880-4927" +72405.47169,4.372603839,7.473793129,6.31,35062.88654,1142127.884,"2313 Scott Oval Apt. 548 +Lake Marc, NM 56060-8708" +66225.9048,6.333788793,6.47618593,3.47,44384.51974,1378269.573,"99101 Tyler Islands +Newtonborough, AL 02663-1084" +56106.35671,7.002809147,6.744228166,3.48,46002.90396,1140126.187,"90378 Johnson Villages Apt. 922 +Murraymouth, FL 94296-8379" +65896.42207,5.831725358,6.586285834,2.2,34170.33666,999146.8694,"8248 Sanford Fords Apt. 973 +Christopherburgh, NM 32197" +71601.64106,6.066999487,7.24990524,4.24,34787.46537,1289201.391,"2334 Morgan Highway Apt. 273 +Brownland, SC 27143" +57584.84524,6.235777366,4.674073564,2.12,46724.89921,973197.7753,"5643 Jordan Keys +South Lindsayfort, KY 46709" +65075.85776,6.721001606,8.103550071,6.26,30826.07821,1511653.455,"46416 Anderson Brooks +Kathrynland, DE 39602" +69635.59875,6.721373834,6.264976849,2.09,26312.35883,1158677.202,"74700 Hardy Radial +East Lauraport, CA 80651" +62829.04181,5.660218312,7.1419209,6.13,29277.53809,1009093.802,"3751 Angela Drive Apt. 582 +South Jasonchester, IN 48313" +57093.5638,6.684657867,6.987216614,2.18,19379.02082,861013.9461,"Unit 4757 Box 3874 +DPO AA 60431-7818" +72919.12901,5.386386504,7.276382135,4.49,26625.13907,1064371.764,"8562 Denise Garden Suite 588 +Lake Luisbury, AZ 98355-7245" +92774.67569,5.990648916,7.163240961,5.38,35016.45522,1883469.244,"97943 Robbins Lodge +North Jessicaborough, FM 21168-1978" +59443.2013,7.229017691,8.363863794,3.09,28100.31771,1191340.826,"89675 Kelly Roads +New Richard, PA 14828-0201" +71677.30733,5.234875252,6.581868523,3.39,38736.902,1300303.407,"9809 Carr Terrace Apt. 481 +Austinfort, NJ 72675-4589" +77620.92115,5.871168062,6.678357597,4.12,29115.68485,1126042.405,"43829 Tonya Lake Apt. 645 +New Carrie, CA 59152-5736" +95236.13705,5.693896342,7.074092795,3.42,41524.5833,1848511.108,"8493 Scott Greens Apt. 211 +Saundersland, CT 88192" +73145.48576,5.699428201,5.63625957,2,31750.26767,1072874.61,"5169 Walker Vista +East Nicolemouth, FL 44286-6762" +62311.38775,5.492310439,5.69082542,4.23,51601.59401,1019127.733,"59911 Anderson Corner +Hatfieldfurt, NY 23873" +66854.38762,5.01648718,6.65222125,4.16,41382.7259,1210161.07,"USNV Bowers +FPO AE 55109" +70520.27278,6.62829804,6.146798103,4.48,51639.30697,1561234.133,"Unit 3833 Box 0744 +DPO AA 72399" +94241.82332,7.701205702,8.07153507,6.29,39139.57297,2180065.598,"67636 Valerie Drive Apt. 521 +Port Curtis, AZ 05188" +83664.38976,4.950569548,7.654162707,4.3,39642.12993,1665515.246,"634 James Ridge +Joannberg, OH 06034" +62241.12414,5.294242885,7.23075355,3.18,55613.37571,1307136.335,"2452 Newton Land +Harrellfort, NC 21836-9924" +74286.58229,7.101270018,6.336485313,2.44,33439.44416,1604207.684,"8181 Lindsey Port Suite 426 +Lambertchester, PW 76810" +70217.78035,5.576018451,6.431351307,4.1,38779.34601,1057125.839,"716 Morrison Springs Suite 374 +New George, GA 21037-4111" +35454.71466,6.855708364,6.018646503,4.5,59636.40255,1077805.578,"Unit 4700 Box 1880 +DPO AP 18074" +80707.40491,6.71487204,5.362668496,2.25,25433.30292,1328525.02,"163 Pamela Landing +Fosterberg, WI 71392" +54921.90981,4.818996769,6.134419623,3.09,49547.45563,1017775.512,"028 Nelson Avenue +Lake Robertshire, MN 86622" +67258.58756,6.370638426,6.517625123,2.45,50955.57254,1443816.971,"6846 Williamson Knolls Apt. 151 +Dannytown, LA 95505-3099" +77509.1378,6.120737116,7.35036172,5.46,18264.23005,1322010.057,"8788 Durham Meadow +New Ashley, ND 80433-7740" +57759.76528,5.437861629,6.100550699,3.29,49698.19872,1064939.523,"02322 Lee Corners Suite 340 +North Melissachester, NM 76673-2500" +54234.38403,5.223595355,7.088515213,6.33,37393.99871,768541.9161,"284 Brewer Cove Suite 667 +Dianestad, NC 60001" +63438.72757,5.640162344,9.151531303,6.12,32180.36047,1244563.275,"06470 Mark Hill Apt. 141 +Sarahberg, IA 52526-1002" +40141.56648,5.055819675,7.398153931,4.46,53364.46288,744291.0273,"359 Kevin Fall Suite 310 +North Anitaton, NJ 95026" +86197.02921,6.043554706,7.655375007,3.34,44099.53527,1879416.222,"16010 Susan Mission +Maryside, NE 15346-2597" +75992.00382,5.040896433,6.984770177,3.17,39503.09807,1131698.214,"PSC 4164, Box 8962 +APO AA 52601" +61482.9788,4.376969185,7.794518337,5.02,34993.8414,1000713.586,"231 Herrera Alley Suite 803 +Callahanmouth, SD 18566-2784" +70256.36021,5.003684188,8.579138669,3.1,45672.38999,1313128.138,"535 Heidi Cliffs Apt. 629 +New Williamtown, AL 63784" +91328.09244,5.127415452,6.542597958,4.32,49530.00034,1810561.175,"77477 Carolyn Station +Williamview, CT 43341-8573" +75106.27744,7.212557777,8.06556841,5.5,41143.43774,1877268.75,"PSC 6350, Box 8643 +APO AP 35298" +79908.15987,5.725050746,6.445200711,3.3,40229.98785,1495672.594,"8362 Barnes Roads Apt. 601 +North Lisa, NC 31556" +93763.11282,4.971603712,6.34099626,2.19,44047.91117,1708102.102,"69956 Douglas Pine Suite 762 +Johnsonfurt, AR 89807" +50167.48628,7.559816059,7.358229667,3.08,34292.30694,1058356.18,"5575 Lori Valley Suite 277 +East Laurenshire, VI 63253" +51391.64435,5.559525611,6.903848074,3.13,28063.71796,681089.9189,"58782 Johnson Mountains Suite 376 +North Haley, GU 73562-3649" +79823.40945,5.744808417,9.632403031,5.35,41545.61226,1958064.742,"Unit 1980 Box 9388 +DPO AP 60961" +65913.86161,4.85783342,5.35501255,2.44,12450.57847,353240.0547,"37279 Sherry Village Apt. 053 +East Gary, NY 52576" +69603.69066,7.433065419,5.097025362,2.05,31337.78085,1054304.172,"299 Hernandez Spurs +North Jenniferside, NC 36229" +46367.20586,5.290720476,5.181613804,4.5,26015.29645,268050.8147,"USNS Knight +FPO AA 40555-2967" +66195.33771,6.507971363,6.611861145,3.14,37288.92357,1318597.715,"8367 Manuel Road +Nathanfort, AS 36077-1481" +76899.282,5.347527265,7.763502241,3.25,37825.7798,1334537.424,"Unit 4084 Box 0083 +DPO AP 37875-3153" +54427.91151,7.190023019,7.332134662,3.03,54045.94271,1598736.4,"4049 Marshall Court +North Richardchester, CA 72472-7881" +82920.87837,6.171501482,7.146499889,4.27,33935.97227,1699952.814,"96734 Taylor Valleys +New Jameston, VT 96626" +47121.00996,6.714882023,6.650922645,3.23,46303.46211,1012269.82,"5216 Santos Fall Apt. 450 +New Stephanie, CT 66218" +74968.41732,4.709498404,6.556382369,3.08,28045.42214,1093506.014,"61648 Sanchez Circles +Lake Leechester, LA 49969" +68222.74258,6.309069335,7.057061921,6.22,32660.43971,1064703.305,"005 Howard Court +South Samuel, ID 25951" +61485.87399,5.871462161,7.851276189,4.4,38179.7804,1184614.087,"996 Maynard Canyon +West Joshua, MI 96703-1883" +72894.73717,6.029107996,6.563053295,4.01,37796.05565,1146480.214,"34284 James Spur +Tylerview, WV 81678-0964" +68254.59597,7.898190691,7.485572515,4.36,48908.77158,1925615.841,"3900 Abigail Causeway Apt. 018 +Andrewmouth, PA 26684" +62088.7009,7.053111108,7.113968421,5.23,38337.47841,1233882.555,"284 Aguilar Coves +Aprilton, MT 95894-4681" +60658.64833,4.537629827,6.440243236,3.49,45004.97002,822685.3746,"USNS Ramirez +FPO AP 39441-7948" +76321.06269,6.673099833,7.488046582,4.46,56696.5175,1935831.039,"754 David Extension Suite 168 +Port Johnmouth, NC 70098-8125" +52141.35901,7.567152938,7.299796422,3.28,29595.43143,912585.6212,"4508 Nathan Turnpike +North Johnhaven, HI 10437-3329" +75080.17356,5.96980058,7.215912137,5.35,50408.86017,1636906.288,"PSC 4366, Box 3936 +APO AA 04338" +62117.45462,7.314992002,6.396100737,3.13,26295.43966,1197929.743,"52186 Emily Meadow Apt. 818 +Sarahview, GA 28318-5934" +74253.44319,4.404914662,5.280332632,3.25,44939.67256,1039794.767,"0850 Jamie Extensions +Veronicaville, ID 52481" +65561.45584,5.31942298,6.52610149,2.47,40231.69688,1033450.139,"40771 Jonathan Prairie Suite 353 +Jacquelineberg, ND 39043-7937" +58124.42346,5.937759405,6.82234662,2.34,28863.86803,839589.8445,"8131 Mercado Squares Apt. 377 +Patrickton, GU 44349-3317" +62159.22759,5.162849624,4.316259054,2.04,36644.53024,782800.4947,"804 Garcia Expressway Apt. 214 +Lake Ian, MH 61019-6598" +88722.95954,5.864465922,5.987424292,4.06,29896.67417,1547127.386,"9388 Thompson Tunnel +West Keith, NM 14566" +74791.01675,6.113429406,7.480408801,6.45,29153.79965,1518706.283,"4536 Nathaniel Course +West Teresa, SC 77668" +67305.62475,6.324094874,5.482822603,2.42,39369.64412,1074456.402,"642 Hawkins Fork Apt. 093 +West Zachary, ID 72057" +51195.89533,5.9914286,7.044419781,4.05,30028.62167,671960.6449,"3198 Karen Crescent +East Michelemouth, WY 23908" +63223.36961,4.944630706,8.087356625,3.32,35891.80616,1185734.958,"1853 Barrett Corner Suite 517 +Warnerburgh, GA 97586-3421" +78788.43952,6.772487473,6.637597521,4.01,38656.43139,1518454.06,"737 Brenda Cape Apt. 645 +Lambertburgh, TN 82080-7211" +58367.69006,5.676386932,6.219390711,4.46,28800.90988,666745.6714,"019 King Ranch +Robertstad, AS 69824" +65149.89591,5.561847875,7.121417616,6.36,29190.88798,988014.7561,"6548 Miller Glens +Robertsonville, GA 49810-7617" +72416.4809,6.162244128,7.26895352,4.44,6805.740783,997452.5009,"75158 Michael Pike +Orozcobury, CA 40636" +81374.67105,6.594022951,8.386460431,4.09,38647.50306,1791307.241,"935 Edward Pike Suite 106 +Andrewchester, PR 85454" +70342.67105,4.555560605,7.309919375,6.34,34970.8158,1223589.046,"2798 Cherry Shoal Apt. 496 +West Brittanyfurt, VI 28505" +68966.97557,4.999247837,8.05950533,5.5,39917.43412,1321257.251,"298 Mccullough Creek Suite 896 +Williamsbury, PW 67834" +60104.12113,7.701145053,7.259001316,6.33,31781.92474,1193687.181,"91450 Angela Extensions Suite 533 +Shawnberg, MI 36404" +55192.84986,5.953993576,6.672181063,4.07,36705.90669,840208.743,"523 Michael Orchard Suite 022 +Monicaborough, OR 92185-9530" +68599.73827,6.674203658,6.596354226,2.13,42548.11004,1474745.015,"170 Jennifer Parkway +New Kathleenmouth, NY 68893" +76611.88932,5.44775581,8.570526058,5.22,33001.91467,1527439.717,"Unit 5313 Box 6256 +DPO AP 04298-1024" +45318.67418,5.709232968,6.925560994,2.36,47223.16427,802048.4455,"06548 Barnes Alley +Colemanview, DE 24414" +73714.16483,6.10737087,6.337053805,3.08,30049.17001,1016960.655,"3443 Murphy Shore +Lauriestad, NE 46924" +59961.0953,6.735728991,6.09209959,3.49,31853.71173,1051230.001,"7994 Kristin Circles Suite 061 +Port Patricia, IA 00997" +70444.46273,4.717135602,7.883996339,3.46,41919.58394,1209964.352,"USS Wade +FPO AP 69783" +66638.86604,7.97322039,6.229155635,4.25,26641.70332,1357208.238,"0754 Ray Meadow +West Jakestad, GU 55936-8825" +73869.53552,6.396437855,7.506733034,5.46,25694.24731,1513846.595,"PSC 7179, Box 7408 +APO AE 33113" +74112.79329,4.41258546,8.054621723,3.09,66995.47405,1737570.505,"04976 Joel Plaza Suite 658 +South Dominiqueland, MS 27646-5758" +44180.46084,7.116575231,6.902485454,3.32,30809.96748,613370.8511,"PSC 0743, Box 2104 +APO AP 51218" +65279.34259,4.470479271,6.924873897,4.39,29971.89976,767784.6304,"5699 Pittman Landing Suite 973 +North Barbara, AS 42070-3571" +63342.29146,5.594225849,8.166272153,3.19,31726.66848,1181663.484,"85521 Erica Stream +Garyside, MI 32028-7341" +77352.6376,9.008900092,5.89476188,3.49,39667.50726,1898168.684,"969 Robert Vista Suite 545 +West Kelly, NC 31856-7083" +76053.55143,6.999755804,5.449274802,3.49,45636.33004,1471784.005,"209 Ricky Inlet +South Cristina, NY 71350" +92669.58803,5.302770726,5.419235783,4.11,31467.48119,1397461.553,"55868 Michael Forges Apt. 917 +Websterberg, MI 71432" +40748.65309,6.250398044,5.586794442,2.47,46643.15684,664465.331,"59240 Roberto Route Suite 539 +New Tony, MO 99038" +68176.06978,5.43639597,7.812731256,3.42,32525.44517,1128252.819,"848 Daniels Estate Apt. 334 +East Shawn, NJ 17628" +84824.22063,5.866066338,7.22911211,3.26,27862.67322,1273629.124,"398 Brian Drive Suite 634 +Port Charlene, MN 13264" +38571.96367,7.425291725,5.723008685,3.47,47386.79361,968411.6244,"6613 Cynthia Loop Suite 555 +Lake Heatherstad, NH 33698" +63843.75576,6.240694096,6.408500539,3.13,37703.29694,1071537.376,"98401 Malone Light Suite 418 +Elizabethhaven, AZ 84474" +87444.16914,7.078048191,4.959858562,3.37,51591.67557,1802294.289,"77963 Sarah Knolls +Port Sarahchester, ID 62727" +63409.97679,5.767622925,6.087208749,4.08,56256.98203,1369582.582,"293 Eric Track +Emilyborough, CO 14912-1041" +55096.79665,6.848472133,7.432613146,5.04,52405.28006,1350283.997,"568 Ayala Harbor +New Joshua, ME 24290-8638" +84597.30492,5.522653204,7.875011965,3.37,31143.88966,1637831.328,"9269 Jacob Cliffs +Sherimouth, WY 08850" +71408.29574,6.565006381,7.232609527,6.21,49463.04926,1574279.814,"8368 Jacqueline Run Apt. 172 +Collinsfort, SC 29889-1351" +77376.17331,4.771499466,7.723844672,5.04,38105.77786,1251063.65,"Unit 6341 Box 0082 +DPO AE 97828-9132" +58968.02847,5.39432198,5.68870348,4.22,50936.33086,992622.7693,"2248 Clark Tunnel +Jasonchester, OK 50154-3560" +86528.92654,6.013689621,7.966109181,4.13,27593.12576,1616505.354,"52320 Aaron Plains +Wilcoxville, MI 89940-7844" +63274.67073,5.490367991,8.562229307,3,38904.6674,1440106.864,"4603 Buchanan Turnpike Suite 998 +Lake Aaronchester, KS 76604" +72264.48799,5.557734338,6.627170812,3,32827.67547,1139014.194,"3852 May Roads +Gregoryside, ME 75573-8230" +56180.59143,6.201921172,7.180671094,4.27,41036.28415,1139072.772,"121 Morris Rue Apt. 772 +Willisborough, NM 03840" +59952.6575,5.237950174,8.194571351,5.49,50752.19402,1243491.572,"0589 Crystal Flats Suite 205 +Deannaton, SD 00942-5751" +59938.7511,6.506753669,4.990364539,2.33,44065.14943,1021126.683,"056 Joshua Knoll +Katelynberg, OR 36067-4266" +72847.98842,5.947064302,6.459058728,3.03,21985.73467,960918.6584,"1552 Michael Village Suite 300 +West Christopher, MD 17583" +65803.60065,6.730870185,7.063988358,4.06,36011.05117,1306288.227,"2606 Potter Loaf Suite 000 +Gonzalezland, MD 10312-1356" +73177.6246,6.706442844,7.226916324,6.24,41971.16183,1537897.118,"693 Deleon Spur +Turnerbury, MP 81555" +64469.03364,4.53453824,5.839049562,2.03,43745.99082,909885.8014,"42171 Laura Drive Apt. 420 +Port Markchester, DE 08454" +87928.13754,5.416960597,7.868288356,6.21,47452.35785,1752112.604,"Unit 4273 Box 6840 +DPO AA 28938" +70844.20552,4.177213846,7.508958054,5.34,33483.65248,1129388.123,"6207 Michele Loaf +East Matthew, SD 56462" +87758.43321,6.650251813,8.607612195,3.16,47320.68158,2024902.521,"03007 Rebecca Pine Apt. 641 +Randolphtown, AR 96430" +60555.40504,4.986857752,6.949333598,2.5,49309.85488,1164968.877,"18181 Jennifer Spring +Pittmanton, MH 87346-2658" +60055.6062,4.873748964,7.505243752,4.27,44435.16452,1187454.672,"093 Bass Pine +Port Steveshire, VT 94645" +88603.20878,7.097176548,5.232616153,2.16,37215.66964,1675702.223,"75612 Murray Mount Suite 278 +Isaiahport, MO 65391" +62873.36969,5.77793627,7.606141984,5.27,41637.79529,1163559.471,"Unit 5343 Box 1740 +DPO AP 46620-1298" +54226.29131,5.370173558,7.505222178,4.33,35596.82458,814240.2816,"0527 Dixon Port Suite 914 +Davisland, UT 33069" +76309.49463,6.069625962,7.668535369,4.09,42652.36735,1480674.799,"17423 Brian Shoals +Dawsonshire, NC 76104-0209" +68297.51805,5.533759171,8.25721362,4.35,23177.58185,1281308.332,"8282 Diane Parks Suite 556 +Port Mary, CO 34368-5962" +58895.33095,6.594265542,6.007374115,4.14,41856.36586,1187044.053,"2393 Lee Viaduct Suite 890 +New Matthew, HI 75319-0401" +75782.33514,6.341340988,6.00973669,4.16,23287.07176,1267803.317,"525 Nancy Expressway Suite 249 +South Victoria, TX 71040" +72314.85339,4.940391314,7.692426833,6.45,35998.31948,1094792.003,"49252 Moore Falls +South Courtney, VI 01371" +70422.29342,8.13280735,7.223042535,3.17,20206.52406,1489574.137,"735 Norris Estates Apt. 062 +North Curtis, VA 93783" +80407.31142,5.84664328,6.592001517,3.28,22800.03696,1280995.549,"659 Smith Loop +Juanview, SC 56564" +65069.948,4.221881955,6.912043937,4.38,45095.69976,1046347.121,"7113 Hudson Freeway Apt. 445 +Parsonsburgh, NC 49273-0721" +72932.2493,5.208296792,6.865190715,4.21,30072.71973,1149694.034,"8412 Lyons Corners +Farmerfort, NJ 42123-7232" +54769.37737,6.719086945,7.530411171,3.45,39001.57097,1063344.635,"34863 Vincent Centers Suite 574 +Kaylachester, KY 06446-4679" +79296.69912,5.935679694,7.120473637,4.06,24298.97473,1377113.026,"109 Jeffrey Ridge +Port John, PA 78628-0517" +82353.28923,6.324068041,6.771239177,2.49,31745.92453,1459525.376,"610 Dale Station +West Williamburgh, KY 98834" +38122.52449,6.336108942,7.762550883,5.12,38067.55218,899609.3001,"783 Stacey Glen +West Katherineberg, NV 67007-1370" +60757.31681,4.921578679,6.205327517,3.5,29017.40872,482689.7034,"02689 Nicholas Crescent +South Cynthia, RI 90106-4876" +66469.36947,4.663863395,6.117542391,4.13,22670.60862,412269.2034,"72270 Hodges Ways +Port Tinaland, ME 14314" +59007.67323,5.880081118,7.220505049,6.49,33631.22917,1209797.58,"USNS Murphy +FPO AE 65459-0233" +88876.31715,4.638457767,5.971224419,3.09,29004.16405,1342506.921,"79442 David Square +North Michaelbury, FL 67868-1247" +63242.15127,5.528790248,6.206599757,4.21,14291.15303,727866.5252,"18906 Don Underpass Apt. 259 +North Cherylfort, MN 47231-8972" +62974.42537,5.542326814,7.834172769,3.12,48184.91635,1447250.999,"3754 Robert Mount Apt. 830 +East Colleen, LA 80073" +86744.04917,6.011564179,6.035038932,4.38,32474.83452,1578766.05,"97028 Michael Bridge +Lorifurt, CT 20584-1266" +69801.45176,6.26907634,7.69192696,4.38,37852.54171,1578737.436,"049 Justin Manor +Burkehaven, AL 38105" +63542.30939,6.221356581,7.365228618,4.11,57318.78664,1445527.137,"58135 Sanders Plaza Suite 351 +North Ethanfurt, GA 69064" +78403.63796,5.781019805,5.230196186,4.49,33686.36508,1221823.704,"7610 Tiffany Manors +Joneshaven, HI 18598-1599" +85662.30268,6.435739431,8.729621024,3.23,42401.60109,2031338.347,"108 Brandon River Suite 495 +West Suzanne, OH 54121" +82851.73021,4.865250903,6.773178179,2.22,33366.27464,1232974.142,"478 Lee Keys Apt. 877 +Tamaratown, PR 96836-6503" +70934.93726,6.443632205,7.026753231,6.14,36394.25392,1426402.807,"9558 Salas Mews Apt. 778 +Garciamouth, CA 12354" +64354.77327,4.312952153,6.329670664,3.09,25495.35594,520217.893,"058 Dennis Locks Apt. 993 +Ramirezview, LA 11845-8856" +79243.23682,5.822324358,6.544602746,4.23,32761.55673,1314770.47,"71521 Fowler Viaduct Apt. 571 +Diazmouth, PW 46459-0425" +74944.34679,6.31097907,6.434659153,3.44,31389.29137,1249331.45,"Unit 4835 Box 6747 +DPO AA 25329" +77545.92569,6.095807993,7.896170057,5.47,52740.40917,1835564.689,"67665 Sanchez Creek +Torresburgh, PR 48232-9088" +69789.3274,5.221322332,6.34119585,2.36,40473.76525,1018173.703,"USNS Shaw +FPO AA 60162" +60308.91266,3.686286995,7.294096424,3.32,35971.47013,607858.9912,"54583 Zhang Corner +New Codyshire, NE 43091-1891" +89130.03276,4.332033874,7.000667096,3.45,39154.78733,1340983.25,"3771 Suarez Roads +East Adamton, NE 39445-1517" +73505.59765,6.02600547,5.977781617,2.24,39677.32771,1292740.446,"29572 Marquez Camp Apt. 784 +New Linda, HI 03067" +84023.32886,7.102030845,6.650462095,4.32,33106.20003,1772780.143,"78123 Bradford Trafficway +East Jessica, OR 69693-6748" +53971.24038,7.211169204,5.966878902,3.25,46685.36336,1131887.762,"4426 Chan Squares Apt. 652 +Alexanderland, DE 94505-0909" +74750.18655,6.195458468,7.57447372,4.06,36538.75655,1603627.938,"1714 Christopher Expressway +New Pamelaland, DE 68428-5301" +56128.00428,5.672980895,6.797289868,3.38,32807.5098,809121.1058,"558 Miller Rapids Apt. 497 +Pageton, DC 56260-9370" +73886.08076,5.543674113,5.586250787,2.16,26038.50819,987004.0837,"85083 Combs Fort +Connorhaven, AR 99906-2530" +45781.23446,5.457036915,5.892084942,4.43,34660.18308,676970.6909,"746 April Dam +Stephanietown, VT 03527" +59788.21893,4.658987164,6.189798583,4.34,15036.26809,461473.5665,"090 Floyd Square +Joshuaborough, WI 05177" +47320.65721,3.55805376,7.006987009,3.16,15776.6186,15938.65792,"91410 Megan Camp Suite 360 +Laurafort, OH 15735" +81510.36837,6.195023013,5.857585574,4.03,39937.36926,1622827.298,"7813 Cook Ways +New Renee, MO 59060-4720" +81013.61529,7.149797416,7.239105418,5.44,45472.04945,1924155.582,"44348 Perez Court Apt. 137 +East Nataliemouth, MD 60874" +70829.57801,6.832192295,6.149040327,3.3,49360.09429,1548598.755,"00751 Wilson Land +East Melissa, FM 51722" +94889.80041,7.208464266,6.33879562,3.41,31884.44031,2007639.432,"19835 Evans Corners Apt. 840 +Millston, DC 24547-3845" +62635.25992,4.373086649,6.571056558,4.26,24348.02587,461912.2443,"139 Marcus Crossroad Apt. 702 +New Raymond, MO 30108" +68871.44738,4.751119279,7.999511288,4,40863.70121,1243838.634,"920 John Square Apt. 431 +Morsefort, TN 98396" +76150.05022,5.892386367,7.450708574,5.07,31443.04433,1309922.854,"0484 Fischer Parkways +West Karenland, ME 35904-3424" +62443.29155,5.887072341,8.718919781,6.13,37078.68452,1343484.727,"PSC 8422, Box 9350 +APO AE 08498" +57597.58094,5.067134641,6.568208037,2.02,29580.7956,771214.4796,"2315 Melissa Viaduct +Kristinborough, IA 49932-3560" +70194.57211,7.296428802,6.174577804,2.23,29254.10631,1244955.461,"USNS Martin +FPO AP 43598" +58342.36779,4.511914596,5.525397641,3.44,19056.04394,365929.5973,"498 James Path +West Thomas, MA 01095-6961" +64492.95448,8.019634995,6.42408542,4.41,30102.13319,1453108.794,"5834 Bryan Views +South Deannatown, NC 16250" +83284.45152,5.591912688,5.409367878,4.31,24627.5489,1128906.339,"7750 Fisher Drive +East David, MT 58483-1402" +70975.9711,6.791319685,8.999012644,3.15,61104.36278,2100698.071,"39843 Cannon Prairie +Wesleyville, PW 52164" +77742.18915,5.07662467,7.37751165,4.41,22231.83032,1105024.416,"USS Jackson +FPO AP 03152" +60563.78747,6.8743744,7.734418599,5.47,31568.10149,1159526.154,"6221 Timothy Wall Apt. 457 +South Devinshire, TN 24785-6510" +75454.16429,8.224470239,8.179760004,5.29,51172.94704,1940933.472,"605 Gary Walks Suite 673 +West Zacharyhaven, OR 07669-9046" +74490.40279,6.692974702,7.500464288,4.33,35264.61183,1549031.093,"55757 Emily Lane +New Bruce, NC 73920" +71052.46166,5.093794033,7.142089207,3.45,46731.65749,1379456.031,"732 Smith Mountains +Alexanderchester, OR 54801-0121" +90293.03121,5.368755237,8.078259173,4.2,26550.71254,1501917.318,"4274 Amanda Pass Apt. 057 +Joshuashire, AZ 69079-0201" +62060.94266,5.952779001,4.498698512,3.45,55583.93823,963655.5774,"767 Silva Walks Suite 235 +Darrellbury, ID 04171" +88556.00598,4.899267764,6.584651803,4,59262.5393,1900999.546,"6322 Hayes Tunnel +South Vanessa, WY 61577" +64780.87583,7.31380363,6.110465777,2.32,27027.05649,1200060.662,"478 Ellis Road Apt. 718 +West Monicabury, AL 50588" +59940.06513,6.265750503,6.888068683,2.11,27129.80378,1063743.424,"77405 Kristin Summit Suite 526 +Popemouth, MI 10140-6085" +62699.52649,7.431180528,5.73302692,3.39,46419.47037,1252733.097,"906 Erin Hill Suite 409 +West Davidside, NE 51655" +63574.46622,5.327547311,6.086976868,2.34,34714.72072,907530.1753,"73071 Brian Branch Apt. 045 +Lake Aliciatown, WV 11590-0331" +66965.0447,6.823274165,8.137262993,3.5,22890.84154,1256086.507,"0398 Keller Place Apt. 097 +Lake Timothy, SC 97306" +69494.44746,6.25320841,7.92351713,3.45,33916.87535,1517868.595,"875 Graves Vista Apt. 823 +North Cory, IA 32921" +77131.58343,7.675836001,8.822789405,3.12,34905.05477,1705546.412,"USCGC Atkins +FPO AA 88742" +70080.62756,5.062571564,7.249424867,4.05,32524.43378,1081578.619,"Unit 4367 Box 3095 +DPO AP 41559-2486" +68311.92623,4.310888297,7.259081955,5.29,39833.09092,872177.4089,"059 Barnes Plaza Apt. 437 +East Christopherside, WV 18868" +74727.24516,6.070087673,5.585786731,2.49,27372.30555,1061785.583,"997 Wade Lake +East Jean, NH 12061-4791" +67196.12542,6.020039128,8.624190921,4.11,38417.98087,1355545.588,"38974 Tara Points Suite 917 +South Davidfort, MA 12188-3007" +72314.50031,5.257628172,7.784249422,5.28,38251.86262,1455511.267,"45116 Richard Freeway +West Nicole, OK 05956-0785" +72792.14234,6.262176486,6.381162196,2.08,55997.84699,1445030.984,"878 Richardson Burgs Suite 002 +New Donna, NJ 89706-8731" +58272.92972,4.47970159,7.924177937,3.39,39755.90317,823821.7864,"52005 Smith Drive +Leetown, NY 24822" +72662.61314,8.190792591,6.140354993,3.26,33532.53926,1693693.553,"37242 Norton Station +West Sherrytown, RI 77343" +66036.41541,5.426193918,7.426907845,3.33,23207.68005,944979.0094,"731 Martinez Garden +Nguyenside, KS 28194" +69384.37075,5.642226206,6.210895018,3.33,46833.35898,1156786.084,"19654 Dale Neck +Jacksontown, MS 97868-5501" +73684.34795,6.172321364,5.871991132,4.18,33448.71108,1306288.623,"895 Robinson Mountains +Garnerborough, VT 84650" +61056.39661,7.052767833,8.243197896,5.21,53410.40117,1785449.72,"2637 Robin Mountain Apt. 031 +Port Rebeccaton, MS 19745" +64762.66102,7.239088188,6.156978417,3.02,32136.84415,1115080.654,"146 Shane Skyway Suite 660 +Maxwellland, NV 25421-8152" +71613.75151,3.937577626,8.249169757,5.39,36925.99739,1188255.081,"770 Allen Estate Suite 706 +Finleyton, MA 88434" +63989.84052,5.989460466,6.560410111,4.27,32059.7738,1184799.271,"USCGC Mason +FPO AA 08033" +66408.80703,4.678604934,7.374866017,5.08,31942.71908,1134246.503,"4213 Kristin Ridges Suite 586 +North Geraldton, ME 48104" +57905.49947,5.699427298,8.142936541,4.5,43341.08705,1108022.282,"8048 Norma Underpass +New Stephanie, WY 80183" +65207.73625,5.997595566,8.022923196,4.02,29668.10144,1148416.91,"47726 Crystal Summit Apt. 370 +West Carol, SD 94226-0168" +72391.49019,6.039065852,5.750671922,4.45,32674.66916,1202574.353,"81342 Lisa Isle Apt. 308 +Smithhaven, TN 81484" +74360.18021,5.691121746,8.373042631,6.22,32337.48388,1428212.034,"587 Charles Creek Suite 343 +North Markport, UT 78725" +91024.4173,5.8316621,7.627609402,5.24,44381.26754,1842736.247,"Unit 2264 Box 8835 +DPO AA 53673-6916" +65342.80948,5.91817109,7.318888695,6.14,44057.83564,1262232.321,"0296 Garcia Trafficway +Port Kimberlyburgh, CO 39564" +80051.84712,5.872677773,6.019018389,3.39,35254.12832,1354609.246,"615 Larry Loop +Warrenberg, PR 37943" +69835.564,6.41984303,7.670982834,3.03,19376.31893,1277380.529,"46680 Weaver Plains Apt. 497 +Karenhaven, RI 92983" +70552.56028,5.428850307,6.908628708,2.35,31093.44526,854487.597,"962 Darren Lakes +North Tomfort, MI 52784" +75099.24722,5.990447952,6.877230219,3.45,14744.05144,968045.4778,"19819 Kevin Station Apt. 378 +Ericton, VA 06252" +49623.12261,5.221528416,7.33925124,3.27,35090.88726,769113.8332,"4484 Johnson Plains Apt. 962 +Timothyton, KY 28215" +72095.49898,6.529491271,6.172397701,4.4,46379.1216,1236093.914,"636 Kaitlin Street Suite 014 +Reginashire, MT 77789-5394" +60864.99773,7.097956384,5.85250828,4.17,25334.77931,745586.5735,"951 Thompson Fall +New Yolanda, NM 77528" +62503.58703,3.779592247,7.156414687,6.48,35167.57023,944288.911,"072 Ayala Forks +North Amanda, SC 46590" +62130.62308,7.026087471,6.642123242,4.37,40847.89133,1283480.439,"9370 Higgins Villages +New Shawnton, MP 90345-6052" +68114.18083,5.362425463,7.228430707,6.13,40035.65037,1214941.762,"443 Jorge Inlet Suite 922 +Martinland, WV 09517-6600" +57944.65741,5.766112352,7.015360009,4.3,45260.51974,1137224.575,"357 Hanson Wall Apt. 560 +Franklinport, SD 42641-3719" +74130.60632,6.919662892,8.266994398,3.24,49958.58099,1881075.438,"925 Angel Prairie +West Craig, WI 18104" +67645.16719,6.537962073,8.803603505,5.18,40734.06052,1603201.048,"320 Davis Views Suite 997 +Helenchester, NH 63476-9148" +63631.40413,6.083099559,7.334558466,6.05,33108.11515,1296610.532,"4374 Lang Vista +Lucasborough, MO 50846" +75172.23413,5.266389133,7.47266298,6.27,43047.12368,1540360.751,"36076 Sullivan Bypass Apt. 312 +West Joshuaton, UT 00913" +76230.12015,3.431500039,6.888741408,2.39,40690.51098,1046957.117,"Unit 7452 Box 4798 +DPO AP 50889-3558" +87307.05225,5.607320167,5.144538565,3.36,46175.12765,1545672.117,"24800 Bishop Road +East Kenneth, RI 45289" +61508.9836,6.283106165,5.715533352,2.24,36962.80755,857934.5478,"613 Shane Corner Apt. 918 +Williamston, SD 29998-9846" +51187.42403,7.99143967,5.906501259,3.24,48661.71171,1298108,"5318 Jill Shoal Apt. 306 +South Brenda, OR 81559" +78394.70842,5.997765218,8.329894182,3.01,34267.1974,1533017.307,"47372 Lopez Row +South Joanport, MP 21667-6700" +49409.67148,7.119590276,7.536912104,3.17,27805.43744,846841.4564,"03617 Schmitt Union Suite 386 +Foxview, MN 03651" +73031.28456,5.361973348,7.43211427,3.41,37994.32838,1280199.295,"487 Patterson Avenue Suite 022 +Matthewville, NC 71929-5385" +70872.17512,6.386835017,6.621034629,3.06,27500.99925,1214334.973,"2053 Hammond Squares Apt. 536 +Hudsonhaven, CA 05367-6944" +76714.65477,5.701434831,6.550321993,3.44,31534.30517,1206539.666,"70742 Deborah Islands Apt. 312 +Johnsonmouth, VI 76330-8480" +59417.5504,4.43039672,7.132066775,4.32,47119.0371,1031385.455,"78344 Janet Groves +North Jamesbury, MO 47010-9593" +75474.97326,8.449468163,7.206516952,6.11,24034.62827,1715435.991,"Unit 4217 Box 2866 +DPO AE 50558" +67814.41734,6.332413014,5.960443411,4.37,35102.996,1223432.84,"4737 Maynard Knoll Apt. 690 +Dawsonville, KY 22654-0782" +75706.68052,6.648659913,6.95895315,4.19,30523.42262,1530848.094,"3638 Michael Park Apt. 771 +Dawsonstad, WA 90188" +86939.839,4.363233576,7.555518725,4.05,40702.6124,1404435.505,"124 Elizabeth Extension +Christianville, TX 99465-7538" +70825.6967,6.202613172,6.84937067,3.1,46508.42663,1603944.38,"32828 Samuel Island +West Danielleburgh, MH 39771" +64750.7773,5.919583739,5.758483954,4.06,54048.34439,1167918.059,"187 Preston Union Suite 360 +Smithbury, RI 52550" +54649.23603,5.763117574,7.867807622,4.1,35497.43219,1048135.754,"454 Anderson Overpass +Thomasmouth, DC 69438-5419" +88768.26323,4.757923141,5.577576305,4.45,39144.94759,1563193.097,"4268 James Island +Zunigaburgh, CA 76077-3559" +79036.11378,5.653511252,6.690171606,2.5,45828.21528,1512578.553,"115 Jones Fort Suite 754 +New Melissa, MO 45810-2951" +71131.38106,6.307681833,7.786826573,4.35,39414.32885,1632942.316,"22309 Warner Trail Apt. 492 +Lake David, OR 84108" +62175.02197,5.370184661,6.574481135,4.31,31317.59839,1017722.998,"PSC 1376, Box 6181 +APO AA 68346" +64725.07438,6.663784944,7.314271487,4.22,46202.04599,1619829.096,"22738 Jillian Turnpike +Dorothyberg, NM 08541" +77013.1806,7.398134291,7.517188956,5.23,43432.87979,1890056.385,"80738 Griffin Mount +Rileyville, AL 37698-7817" +82337.60108,5.954419415,8.707218388,4.36,41186.11422,1902118.699,"7786 Mark Brooks Suite 913 +Christopherchester, AS 28777-4081" +66778.10238,6.268721249,7.415389388,3.14,35399.21024,1338247.93,"USNV Cummings +FPO AE 92412-2566" +94459.69622,6.16273404,8.69591527,3.05,33515.82879,2081869.284,"03325 Dawn Mills Suite 936 +Markshire, AZ 71469-5209" +61436.91891,5.53707982,6.218125927,2.21,42032.61056,868713.4367,"96230 Alexis Heights Suite 279 +Gregport, WV 57769-3580" +48507.31369,6.1697979,5.860989362,4.45,36395.8883,603374.0391,"5841 Adams Lights Apt. 708 +Rickeyland, MA 38921-6757" +56184.68313,6.791139211,8.696652481,3.04,24328.40566,1182670.135,"42738 Nicole Stream Suite 699 +Port Daniel, PA 75438" +88273.20873,6.679428105,7.821713629,5.09,19686.48073,1557075.422,"USNS Howard +FPO AE 20908" +69650.5917,4.805645117,8.010826037,4.25,48017.3688,1574582.091,"140 Juarez Hills Suite 432 +Valeriefort, SC 83268" +55585.64563,4.996862658,6.7121297,4.11,27042.63172,530613.7956,"Unit 0229 Box 2372 +DPO AE 05698" +75766.12433,6.4057927,8.574790931,5.23,30776.52673,1669558.847,"204 Hicks Shore +Brownbury, ME 55436" +62676.90768,5.855395958,8.48043111,6.12,32487.41128,1191968.52,"76972 Maria Plain Suite 920 +Melindaville, CO 89862-9534" +68535.89223,5.155812571,5.996543005,2,32770.83362,842296.2673,"8329 Christopher Landing +Amberburgh, ND 35920-4040" +66786.96918,6.262916946,6.345777149,4.24,33390.90991,1111108.501,"028 Klein Green Apt. 140 +Stephenburgh, OR 03226-6959" +57979.00053,7.396015928,6.563302338,4.02,35553.5187,1180325.499,"2276 Williams Fords +Jordanstad, MI 77586" +66435.50401,6.166234094,8.016990203,6.38,59599.34409,1575966.553,"5420 Allen Forges +South Mark, IN 23053" +78406.54368,6.847231166,7.517113538,3.34,37544.36702,1735992.339,"2243 Cohen Haven Suite 843 +East Annaborough, WA 63461-6560" +77287.17322,5.600923886,5.546759718,4.5,35041.73476,1144711.177,"2323 Jonathon Lodge +Lake Ashley, WV 40500-8885" +60285.95348,5.28447684,6.750031342,3.49,34769.22786,891200.8623,"90376 Angela Parkway +West Daisy, NH 27808-9481" +65363.74649,6.752351399,9.257404381,4.11,48714.69033,1775531.404,"801 Jeremy Burgs Apt. 796 +Lake Peterfurt, WY 60366" +88508.05348,6.417397428,5.811247932,4.08,36001.26253,1660295.796,"4991 Evan Islands Apt. 589 +Bishopside, AK 40614-5315" +71328.91388,5.870774806,6.011422793,2.5,26738.54964,1062105.308,"7786 John Viaduct Suite 611 +Lake Travis, IN 64533" +80041.89748,6.707807644,7.219983523,4.01,39026.48806,1693384.803,"4312 Gina Square +North Jennatown, ND 39639" +81988.54904,6.901876796,7.58807521,6.38,29277.34641,1689690.754,"0151 Rice Manors Apt. 753 +East Sandyborough, AZ 68251" +65022.8258,5.212406679,8.026912028,6.36,13328.75774,1004041.435,"673 Robert Ridges Apt. 419 +Wolfshire, AK 12559-1546" +48783.79809,4.902993748,6.891980329,2.22,31038.37343,780934.038,"5883 Hayes Creek +Smithborough, WA 59870-0510" +65071.02531,5.470315298,7.652105772,5.08,27613.89667,942166.509,"22237 Michael Falls +Dakotaland, DC 01706" +63266.18847,6.444268505,6.931599945,4.17,32187.27064,1049823.996,"3900 Linda Summit +South Rachelbury, NM 58383" +55532.02361,7.105812964,7.484351931,4.09,46509.62656,1394840.523,"93529 Bartlett Ridges +Leeview, AS 96540-6448" +68735.43661,7.721908811,7.6219751,5.18,27640.56129,1521141.345,"314 Christopher Square Apt. 404 +Lake Ronaldville, SD 42025" +68056.30226,7.585253424,7.362406594,6,31852.04338,1470427.375,"89265 Robert Haven Apt. 492 +Smithburgh, FM 58565-1105" +54574.59402,5.640386034,8.521731896,5.05,44489.93171,1094069.798,"94939 John Mill Apt. 765 +New Scott, KS 61292" +87640.3957,7.81007319,8.095717321,6.46,39758.17777,2096954.041,"242 Mark Common Apt. 060 +Johnside, SD 09329-2233" +70087.56613,5.892702426,6.977794393,2.27,53612.27829,1580951.579,"PSC 3528, Box 7580 +APO AE 08696-0234" +86249.99307,6.155402786,7.967184114,4.39,43154.83863,1749820.014,"481 Kaitlin Mission Apt. 309 +Jodystad, IA 16947" +73211.13624,6.501138741,10.28002242,6.23,44198.33581,2065710.164,"Unit 8831 Box 5748 +DPO AE 73012-7314" +71635.4731,5.866996453,6.075986807,2.16,43555.46064,1148372.401,"21042 Wilson Islands Suite 238 +Fischerchester, MP 42425-4129" +72662.41472,5.297427696,7.459313335,4.05,50672.93037,1371521.62,"PSC 7034, Box 6131 +APO AA 05662-4293" +77124.80298,6.920841769,8.216164236,5.37,39465.16296,1814462.351,"585 Riley Meadows +Garyport, MH 77104" +80807.73284,6.296564914,5.816627674,2.47,42405.9154,1304284.226,"75696 Adam Hollow +Michaelmouth, IA 36655-0630" +46662.76966,5.27094359,7.380853392,3,25769.64585,605963.7068,"PSC 2156, Box 9090 +APO AE 71537" +81833.84152,5.666710988,6.305270066,2.43,25889.75459,1179992.289,"33897 David Avenue +Nicoleborough, AK 91150" +70271.10419,5.856327432,6.782116201,2.46,28101.6444,1188196.882,"0065 Samuel Common +West Barbara, SD 55041" +78981.10428,7.563724463,8.536813722,5.01,24386.95085,1914072.948,"5195 Brandon Street +East Jeffreyburgh, TX 05765" +81011.04402,4.928242479,7.170894351,4.04,31435.47785,1286400.915,"961 Dominic Glen Apt. 255 +Cynthiaside, WV 68066" +73197.70766,6.804165947,6.165414013,3.16,22829.49327,1161232.657,"USCGC Nichols +FPO AE 98812" +65221.5256,8.346782327,5.828948061,3.27,47157.21048,1682105.847,"555 Carrillo Flat Apt. 657 +Adamberg, IA 48702" +65745.73181,5.770958338,7.432339653,6.02,33031.54087,1144137.636,"83765 Nelson Plaza +West Dawnshire, PR 39089-5440" +64368.878,5.921361447,6.03631804,4.42,42847.64656,1328701.194,"621 Benjamin Grove Suite 997 +North Steven, MA 73148-4549" +78803.12289,5.524755429,7.297613243,5.33,34422.03006,1517316.574,"USS Watson +FPO AP 01668" +63838.34079,5.242145864,6.922515197,2.12,41553.32771,1148563.904,"368 Lauren Manor Suite 481 +Lake Danielmouth, SD 06038" +66461.46669,5.705860872,5.783415539,3.38,26052.73783,729781.5696,"69503 Amanda Roads +Ginatown, MA 96706-3276" +60930.18857,4.90741818,8.042243582,6.21,26165.66727,716316.4881,"6387 Holmes Course +Alexandershire, MO 20374" +71784.47362,5.557437326,6.017354465,2.23,30364.32419,859078.6477,"167 Maldonado Hollow +South Mirandaside, HI 77673" +62017.40088,6.375139714,6.407189449,2.19,38177.82027,1011477.614,"0774 George Curve +Whitefort, AS 30249" +60907.694,5.513687016,7.0029397,5.16,34661.55586,938171.3556,"0758 Rebecca Village Apt. 023 +West Brittanystad, MS 46333" +64035.51065,5.649874971,6.34938798,2.17,47334.62227,1179983.442,"381 Rodriguez Inlet Apt. 151 +Port Karenberg, TN 68563" +62342.35149,5.563291483,6.832059786,3.14,42311.92104,1107067.804,"4645 Burke Ports Suite 458 +Mataville, AS 42899-6168" +69874.81342,5.975926802,6.292952627,4.4,27987.41615,1114957.597,"9273 Lee Key Apt. 976 +Amandaport, GU 80917" +65428.54563,6.762954079,7.092719519,5.14,39070.4886,1537310.616,"94355 Jackson Lights +South Amberborough, MT 70720-7170" +77118.33129,5.511825206,7.925284353,5.34,31197.76541,1635151.186,"390 Lindsay Cape Apt. 846 +North Ashley, OR 74317-9708" +70604.49033,5.682476727,7.333735475,4.42,26529.69886,1076995.904,"349 Paul Drive +South Catherinetown, CT 28079-0957" +75104.55175,5.600449095,6.010831169,3.06,17461.44447,890887.6807,"93976 Christopher Shore Suite 627 +Port Anthony, AR 79385" +68694.50966,6.085314778,6.242872601,4.3,40842.09443,1033475.699,"PSC 0254, Box 7130 +APO AE 30039-1724" +77898.51039,4.272548632,8.274472679,3.28,59563.16042,1812960.408,"092 Lisa Circle +Port Jacquelineport, CT 28492-8937" +72261.20029,5.674288802,7.353357525,3.07,42681.82329,1568433.328,"367 Christopher Isle +New Tina, MO 23475-8112" +60625.05748,5.473312141,6.614453128,3.29,33411.74223,852504.5856,"8699 Meyer Way Suite 031 +West Jefferyburgh, CA 79770" +79574.71926,7.264980639,7.882910264,4.46,24884.69658,1546408.558,"7892 Stephens Tunnel +Port Kellyburgh, FL 39240" +67187.9915,6.709910289,8.563431453,3.13,50485.19154,1661592.789,"388 Gonzalez Crossroad Suite 660 +South Mallory, TX 71466-5465" +82998.34592,6.246293932,6.472138144,4.43,35153.58626,1752594.821,"9554 Rivers Inlet +Griffinport, NY 70593-8124" +76749.34844,6.281779968,7.566865356,5.21,21136.20377,1303106.787,"USNV Holland +FPO AP 95761" +65025.41599,5.560582195,8.309090815,6.07,30028.15861,1287903.352,"Unit 5606 Box 8719 +DPO AP 78210-3455" +67395.32975,6.801526302,7.810227727,6.1,54687.82183,1670950.313,"560 Renee Turnpike Suite 782 +Blanchardland, LA 07916-4305" +75885.49382,5.642095565,5.882091734,4.5,30067.4772,1127499.384,"311 Hannah Valley +Wilsonstad, ID 43665" +72317.80866,6.180522399,6.274672884,2.07,43911.48174,1311389.576,"985 Carter Squares Apt. 315 +Markport, IA 53071-6265" +78069.22397,4.903229735,6.885403845,4.47,23560.52278,1004430.324,"50557 Tara Junctions Apt. 377 +Port Rebecca, GA 01729-6212" +46621.53501,7.091212456,8.280590627,4.14,51321.08578,1266747.83,"000 Adkins Crescent +South Teresa, AS 49642-1348" +53594.89651,5.166734555,5.941448932,2.35,42653.86138,713615.8686,"27605 Velazquez Villages +Lake Brianport, DE 56041" +54703.74745,5.57788949,5.627074815,3.47,47490.68592,814573.1471,"66313 Sullivan Estate +Shawnville, MA 82237-4570" +55430.91809,5.737170692,7.534321266,4.1,40789.59373,1155801.253,"560 Fields Meadow Suite 710 +Steventown, KS 96053-0118" +62519.35043,7.338548743,6.590286607,3.03,36889.39532,1277780.512,"865 Hartman Crest +Karenmouth, VT 91847" +69551.51226,5.575558319,5.91879841,2.04,56625.36806,1516075.012,"371 Lisa Stream Apt. 262 +Beckbury, HI 45042" +62726.4184,4.749157801,7.561920453,3.4,39475.81562,877247.2454,"0842 Blevins Station Suite 864 +West Ashley, CO 71660-1699" +83622.07166,5.563118015,5.516670471,2.46,36637.07871,1317167.713,"98969 Ellis Ways +South Anna, VT 88620" +76170.95747,7.276200996,7.103840147,6.15,52111.97453,1880178.647,"0737 Michael Causeway Suite 786 +South Michael, WV 09653" +55497.00809,7.082647408,7.043864001,3.16,47167.20406,1370505.883,"189 Cardenas Hollow +North Vincentfort, NJ 14417-6270" +54600.19452,5.608723101,5.062461857,3.26,64180.3708,1078779.497,"534 Lewis Burg +Georgeberg, CO 43885" +70841.99649,8.702959652,6.31520031,3.2,37145.63263,1621742.748,"7746 Daniel Fields Apt. 784 +South Tara, GA 42833-4795" +71434.93306,5.872647915,8.128030946,4.38,27324.49815,1351541.419,"110 Stephanie Skyway Apt. 441 +North Marthaberg, CO 89121" +46890.5945,5.644641063,7.8743116,4.03,26406.00604,717682.0857,"0936 Tim Stream Suite 213 +Princeville, VA 92098-3295" +66894.11695,5.326797512,6.063084509,2.08,28630.36253,914325.0292,"19756 Brian Springs Suite 570 +South Kristinton, AR 55238-2605" +64547.64692,6.515965975,4.626053733,3.42,37084.66586,1074296.704,"910 Patterson Cliff Suite 352 +Payneview, OR 46537-3776" +75049.03672,4.709069576,7.623703473,6.45,28061.99649,1199618.943,"057 Andrews Vista Suite 568 +East Josephmouth, NE 07965-3025" +82903.96939,6.030294656,6.226411973,2.36,44146.22481,1452736.787,"45150 Wilson Fall +Jeremymouth, AR 62315-4902" +79767.61655,6.161610467,6.092501895,2.29,46430.88165,1377671.237,"364 Anthony Ridge Suite 812 +Port Daniel, NY 52936-3440" +66126.80561,7.37925948,5.78215652,3.15,41997.44894,1474379.44,"551 Fields Spur +Jenniferfurt, NC 19345-9325" +59306.92663,7.477461908,7.496562287,4.23,34886.24678,1363623.044,"34787 Garner Valley +Ramosville, PR 77053" +51796.13358,6.248382613,7.179353883,6.43,31178.438,891468.2133,"02229 Barnes Fields Suite 576 +North Tyler, KY 96565-5296" +68636.51426,5.419280898,7.649390259,6.41,43708.88776,1421047.646,"0350 Hall Court +Tracyshire, IL 05679" +56228.73882,5.234700226,9.118486944,5.29,36567.17805,1000842.178,"9016 Wendy Pike +Valerieport, GU 22202" +74855.45823,6.778507366,6.381775609,4.16,32549.676,1371311.616,"8183 Booker View +West Anne, NM 59871" +81136.41317,5.477620192,7.175591996,3.03,37050.12939,1572513.838,"463 Veronica Village +Romerochester, RI 01796-7105" +66616.19451,6.336056315,5.58921062,2.24,39347.57465,958909.1935,"2227 Susan Lodge +Ashleyshire, PA 64254" +61437.77627,6.812229726,6.564612634,2.15,24682.28704,912422.1464,"2387 Jones Street +Snowfort, AS 40184" +64910.38874,5.983204491,7.596385198,5.03,41942.17784,1210026.031,"816 Melton Mill Suite 464 +Port Lindsayville, OH 91392-4020" +56851.08312,6.712027206,7.056322216,4.44,37438.93604,1243879.83,"6178 Carrie Well Suite 887 +Lake Samantha, OR 56633" +66629.25456,7.593559141,7.073690936,4.48,37261.31828,1381117.701,"Unit 9463 Box 0963 +DPO AE 49984-2796" +65417.89183,6.222731004,7.70117965,5.25,39446.67486,1226992.903,"9527 Stevenson Spur +Scottton, WI 67670-1759" +79510.05199,6.403359196,5.431043508,3.08,32647.78328,1262552.686,"725 Thompson Trace Suite 954 +New Karenland, SD 86644" +46885.24684,5.504283692,6.380724549,3.43,38898.17548,774674.0567,"9662 Michael Common +New Danielle, GA 28220-4597" +80088.8839,6.022331787,5.918463832,4.42,34402.7529,1295945.617,"18726 Bell Parkway Suite 421 +New James, VA 11551-8473" +57311.55413,5.259292374,7.816294812,4.18,21976.64612,704375.8684,"3745 Jones Avenue Suite 830 +Alisonview, MT 95272-9549" +69048.78809,6.619711693,6.123813004,4.33,36817.36876,1305210.265,"7509 Rodriguez Square +Paulastad, MA 22438-5833" +54457.12639,8.287674931,6.667126514,2.04,38438.76029,1240380.461,"241 Sawyer Glen +Ericafurt, AL 58930" +69431.96159,6.404356788,6.936776279,2.43,27408.36553,1262281.486,"238 Damon Landing Suite 761 +Taylorshire, GA 02729-7393" +64536.01498,4.593827121,4.980219473,3.13,33346.40362,491907.7944,"19613 Alexis Mountain +Bradbury, CO 42041" +69460.27826,4.55005232,5.844185598,2.39,40084.20819,890481.7298,"Unit 6463 Box 3772 +DPO AA 69088-3588" +58624.12917,7.257430012,8.637535029,4.05,56547.80418,1895361.115,"45411 Bennett Grove +Richardton, UT 66965-6397" +73560.65759,6.570698705,7.996256278,4,26471.25749,1376346.359,"368 Brooks Street +Gracemouth, NM 95356-7465" +92360.1523,5.425680445,6.526961813,3.04,55728.9774,1596440.114,"97537 David Haven +New Erica, UT 71979-9149" +68279.73798,6.412007716,7.465847143,4,47830.63145,1537475.79,"362 Williams Road Suite 293 +North Jonathanbury, UT 95377-7585" +71967.9268,6.202043174,6.55391587,3.12,40288.73471,1270390.248,"4533 Price Unions Apt. 160 +Lake Sethmouth, CA 15014-9828" +58687.1013,6.598676143,6.63543391,4.31,29395.60249,938827.8008,"30340 Traci Streets +Wardview, AK 82480-1685" +64799.86302,6.001228893,7.182462451,5.09,39602.16076,1277148.996,"Unit 9494 Box 2307 +DPO AE 58622" +70553.92422,3.571056075,7.913361808,5.49,22179.64077,732244.1581,"80823 Lewis Mount Apt. 113 +Nicoleshire, CT 83882-7122" +65606.35861,6.397210229,5.94967713,4.19,37975.77792,1108204.587,"PSC 7652, Box 6078 +APO AE 70201" +59110.58118,6.399625014,7.487245851,5.27,37977.75751,1262104.926,"50735 Ethan Fall Apt. 716 +Richardsonmouth, MT 02866-2945" +49783.91944,6.425341426,5.895589431,3.33,38680.45405,757943.2228,"3225 Murphy Parks Apt. 520 +South Robin, VI 26541-3195" +51536.20595,8.107490864,6.534609206,3.16,44872.90894,1354874.837,"9316 Villegas Loop +East Stephaniebury, DE 54314" +72102.19465,5.146607319,7.559894076,3.5,18819.28859,995813.2161,"USNV Williams +FPO AA 34707-1974" +50570.86481,5.828142871,4.85142302,4.36,40580.09229,612938.7145,"7051 Huff Path Apt. 522 +Robinsonfort, NM 14816-1060" +76156.46816,7.575082016,6.404836421,3.1,34493.80446,1521745.663,"3817 Mark Shore Suite 626 +Rebeccaside, CO 34052" +79263.55476,5.185726845,6.066880653,3.2,36164.65545,1252691.793,"581 Little Orchard +Dawnshire, FM 55293" +48460.45561,6.161150591,6.468462996,2.16,38652.205,963934.013,"1908 Joseph Extension +North Katelyn, AZ 79965" +57316.0426,5.105172149,6.986446484,4,26121.14462,623181.1348,"1983 Heidi Junctions Apt. 656 +Bethanyfurt, KS 37611-0535" +59060.69828,6.255893938,8.787824665,4.04,42956.53944,1361872.291,"4907 Christopher Greens +Richardmouth, MP 06446" +57535.88765,4.090967563,7.572639285,5.01,31668.24612,826306.1479,"6796 Natalie Lock Apt. 105 +East Melissaport, NC 91081" +76547.0352,4.470082533,6.276441914,3.3,46840.44312,1104115.693,"7400 Jennifer Gardens Apt. 170 +Elliottside, NJ 45022-5405" +83648.23274,8.243926679,6.751506743,3.32,21137.02887,1722463.563,"46401 Michael Park Suite 139 +Olsonland, OK 82538" +67785.93298,5.154517885,5.680143426,3.15,39757.58525,1053338.592,"2317 Andrea Garden +Annetown, DE 57201" +75479.76745,6.009215325,6.475021874,4.26,18537.4308,933949.0733,"17620 Bonnie Estate +Wendyhaven, CT 30662" +48879.25976,8.14751756,7.149645615,4.42,63620.01196,1575492.496,"USCGC Glover +FPO AP 00043" +70130.40794,7.128717544,7.723976058,3.06,34088.17913,1544906.385,"66859 William Estates Apt. 435 +New Natashafort, GA 36930" +65935.57561,6.38901415,6.413906389,4.2,15217.77415,798073.9462,"48476 Cain Fall Suite 669 +New Cassidy, AR 21865-5843" +69340.56037,5.046605747,6.737526662,4.01,30726.37945,994107.8898,"742 Smith Shore +West Sabrinaport, RI 45426-0765" +48692.28196,5.201388085,7.424669295,5.38,40082.436,836339.8169,"85113 Hatfield Ranch Apt. 061 +Buckview, NC 31570" +73092.74131,5.615459976,6.524656914,2.21,43509.4584,1336172.194,"3070 Webb Knoll +Odonnellmouth, VA 45185" +59911.05461,5.552035774,6.223772512,2.3,30865.01872,592223.2631,"13372 Justin Dam +New Dalton, AR 66607" +53052.07478,5.218562664,6.899871596,2.18,25753.34377,766710.1735,"59264 Louis Station Suite 868 +Ayalahaven, MH 74039" +74900.48595,6.496899759,8.425506427,3.11,42182.06843,1820439.353,"18469 Barnes Motorway +Grantmouth, DC 88342-0449" +73980.24531,5.935643939,6.98775067,2.3,26155.68862,1186019.796,"0903 Jerry Lights Apt. 047 +Masonburgh, MS 24230" +73497.30703,6.703612477,6.139734378,4.1,39897.62592,1302664.417,"3242 Brandon Park +West Gabrielmouth, IL 59249-4439" +57852.03331,5.69022441,7.287616224,6.18,42688.46134,1197069.264,"269 Kelley Ford +Miaport, MS 72773-0985" +72029.31286,7.07214566,5.378450454,3.41,42143.26281,1205878.77,"56156 Leonard Skyway Apt. 157 +North Jamie, LA 19655-2791" +70696.01737,5.812614731,8.370577024,4.37,39616.98202,1511352.256,"6971 Christopher Springs Apt. 935 +South Margaretville, AK 40625-2352" +83335.1357,3.831695269,7.118867016,6.18,22786.03046,951781.3078,"0198 James Stream +Ashleyfurt, UT 51798" +66765.44516,4.976354641,6.09875013,2.11,38064.17691,994897.1126,"187 Jones Viaduct +Lake Melissa, WV 15831" +63440.27699,6.289169337,6.132533055,3.16,40750.32501,1252723.43,"7318 Phelps Path +Bakermouth, NM 50246-9114" +56636.23819,5.497667056,7.121872007,6.1,47541.43176,1048639.789,"7259 Albert Flats +Mathewport, NH 54493" +89088.60791,6.023280912,6.794409177,3.33,37044.85815,1629049.624,"157 Walker Common +South Danamouth, MS 50415-4415" +55733.28683,5.827722644,5.755619902,2.04,25676.38955,639366.3656,"0906 Chase Vista +Thomasfort, SC 65024-5929" +71418.38194,5.661224649,7.464885508,6.08,22571.2387,1055930.224,"209 Lauren Extensions Apt. 426 +West Roseville, AR 12444-3673" +58651.71233,4.493588257,6.955095611,4.37,30367.8801,799207.7043,"83888 Barbara Club Apt. 785 +Veronicafurt, CA 26160-3956" +67732.53825,7.507481636,7.222668474,6.06,21029.39652,1323959.799,"452 Veronica Expressway Apt. 600 +Spencermouth, NM 68478" +45103.81573,5.716327985,6.645191276,2.1,43067.01157,852590.3528,"75776 Barrett Crest Suite 317 +Marychester, TX 93354" +71833.17821,5.00294488,9.926146707,6.26,31750.22452,1399812.613,"33966 Barrett Station +Stanleyburgh, AS 44757" +64295.70834,6.902592582,6.154227898,4.4,39346.68593,1206020.385,"1771 Nolan Roads +Lewismouth, ND 02712" +67855.24518,5.530044457,8.303546765,5.22,34836.60346,1222576.82,"046 James Mews +Lake Kathleen, MO 03900-7963" +60827.92913,7.807055798,7.518318249,6.16,20756.42805,1184462.32,"347 Amanda Ville Apt. 586 +Tiffanyberg, IN 04021-2172" +68060.44391,4.067074053,6.737805234,3.11,19270.93113,522638.9989,"3366 Tanya Fords Suite 973 +Freemanside, WY 89868" +74698.024,5.801765107,7.617236819,4.29,46999.32296,1621982.418,"USNS Taylor +FPO AP 03547-0183" +78337.67416,6.263137757,7.189007856,3.27,21611.79421,1418310.085,"USNV Erickson +FPO AA 81476" +87934.1572,5.522402283,6.460638249,3.14,54310.02359,1846350.02,"8654 Jacobs Drive +Andersonchester, SC 56153-5907" +75557.97395,5.536337682,6.70212824,2.01,41866.35776,1415349.65,"8900 Elizabeth Summit +Hernandezville, NJ 28393-7348" +74172.93064,6.306286762,9.66689923,4.25,35277.80404,1729559.809,"23038 Thomas Ports Suite 345 +East Andreamouth, AR 81725-5850" +69360.14481,7.305381359,6.999391858,2.34,26863.67919,1325149.92,"093 Angela Burg Suite 703 +Carriestad, AL 42666" +59314.78848,4.950181397,5.857573046,3.33,21881.93267,470008.1382,"414 Nicholas Valleys Apt. 828 +Port David, OH 02237" +73854.64873,6.756703503,6.794121828,4.24,44103.1568,1637261.854,"26426 Solomon Loaf Suite 587 +South Evanville, MN 91663" +74960.76766,6.467532144,6.483895504,3.27,35918.89378,1268134.929,"7925 Rebecca Cliff Apt. 790 +East Amanda, OH 89218-7005" +61471.41263,5.661890052,5.640784927,4.39,43091.81102,983994.2669,"270 David Squares Suite 096 +Port Dawnberg, RI 17573" +48461.63718,7.03127629,7.059069984,5.26,43341.7657,1231779.152,"348 Gary Squares +East Heathermouth, NV 64481" +67128.93472,8.33925376,4.621620061,4.17,48165.64499,1524123.569,"216 Reyes Plaza +Lake Robertstad, TX 63527-1930" +97881.58728,5.034395311,7.575905116,5.46,37152.79934,1859160.625,"01230 Peter Loop Suite 135 +Edwardstad, SC 67538" +70618.2689,5.801903071,5.635315211,3.22,41291.71993,965136.3385,"9043 Lauren Pines Suite 560 +East Madison, VA 84979-2194" +87035.31768,5.635858987,5.734362221,3.19,42267.02029,1487571.551,"USCGC Powell +FPO AP 18408" +63938.66263,7.033625698,8.200872219,4.28,42652.51666,1599860.08,"4180 Meghan Islands +Tanyaburgh, WV 22729-3483" +73054.5495,6.60037261,8.087788411,3.41,31726.88774,1411756.619,"553 Sanford Ferry Apt. 003 +Hermanville, IL 52747" +48629.25183,5.87822948,7.661603454,3.31,53564.16323,1209445.22,"3818 Stevenson Springs Suite 756 +Clarkburgh, ID 25629-0517" +61641.15166,5.309621419,7.272801179,3.21,48898.4171,1202050.584,"13633 Debbie Islands Suite 482 +New Bradleyborough, VT 83422-0831" +84558.74602,7.531877907,6.909836773,4.47,26857.07715,1784057.843,"2818 Tyler Bridge +Oconnorside, TX 25621-7917" +73531.59798,5.429705913,7.540586481,5.18,32651.80943,1259665.603,"9328 Megan Shoals +North Amber, NV 62820" +83736.21696,5.414240963,8.007303356,6.08,38251.59328,1742922.64,"04009 Tina Canyon +Port Kevin, FM 92949" +72079.17994,6.816515651,7.133150736,5.49,20170.09124,1206250.648,"344 Timothy Causeway +Arellanoberg, MO 77386" +49346.25309,7.733571866,6.749145532,2.23,35863.46856,1014513.21,"68967 John Parkway Suite 011 +Butlerhaven, ID 61957-5601" +71946.51499,5.498112931,8.049264146,3.2,35094.18842,1169653.821,"5313 Mendez Islands Suite 470 +East Jackfort, AK 38734" +59453.3183,5.515336829,6.271344624,2.18,26601.9215,561703.7697,"3006 Wheeler Roads +Sharonshire, HI 92850" +84771.04727,5.598838835,6.201996784,3.44,53950.06221,1710570.17,"64053 Wallace Ridge +New Benjamin, NY 73536-6770" +62135.39477,7.314557462,6.468901107,2.26,37575.23589,1432012.871,"3854 Raymond Crossroad +Riveraberg, AL 41086-3560" +66933.16527,4.74878659,5.87980342,2.09,41834.04294,881443.9247,"7485 Hurley Lights +East Brian, CA 67661" +72951.26067,4.995845757,5.843207841,2.33,24998.97158,679627.5956,"PSC 0812, Box 1796 +APO AP 06733" +64290.23174,8.036715739,5.681964424,2.38,33405.46272,1165240.178,"88766 Tina Manors Suite 593 +Lake Teresa, HI 61968-4902" +91046.04178,6.379433341,8.811819905,3.35,37086.62106,2190338.611,"USCGC Romero +FPO AP 34454" +74764.54351,6.880992594,8.005417289,6.48,41102.07103,1887529.377,"USCGC Scott +FPO AE 42351" +67770.04145,6.566819022,6.975128033,2.17,43254.28883,1296881.971,"862 Sullivan Shoal +Murphyville, NM 48507" +55401.93419,5.065131324,6.766730346,4.45,41185.75907,841276.5861,"24394 Tanya Hollow Apt. 851 +Richardhaven, OR 05349" +61802.53723,6.819804607,7.534136207,5.34,34558.8286,1111148.947,"0569 Owens Plaza Apt. 566 +New Brett, TN 43799" +79752.98222,8.515333597,7.365420139,5.26,42127.94984,2045693.82,"1892 Baird Land Apt. 851 +Jacquelineburgh, MT 16254-7576" +63086.57687,6.412612335,6.730808678,4.45,41735.63536,1330191.522,"84633 Matthew Ports +Lake Jameschester, OH 58437" +73864.86545,6.116369896,7.919674703,3.42,34509.45739,1536992.866,"955 Gary Fall Apt. 300 +South Christopher, NM 85014-0127" +58083.43234,5.574115562,6.587956937,3.37,30541.77661,762130.4623,"937 Wells Knoll +West Kaylaside, CO 65859-4651" +48855.35379,5.392023337,7.289207308,5.08,36994.27915,735952.1689,"4249 Parker Ridge Suite 624 +Whitneychester, SC 66269" +63555.72232,7.027469896,5.831951102,4.45,25154.95519,939490.9138,"137 Maldonado Parkway Suite 519 +West Adrianamouth, MO 74401" +64595.73298,5.539684195,7.87004564,6.24,48444.1916,1385775.667,"USCGC Winters +FPO AA 63500" +70716.54954,5.357952397,6.686834783,3.36,49098.69705,1210184.018,"149 Espinoza Shoal +Lake Jamesshire, OK 97481-4621" +55516.65717,5.379114401,5.73259326,4.34,40537.09648,652991.1054,"52808 White Parkways +Port Amyland, VI 18513-7200" +56143.36197,5.494289798,5.274642349,4.02,46896.62636,844695.5049,"95828 Teresa Meadow +Millerbury, OR 64244" +64076.90695,6.304319058,6.813231577,4.14,48697.73291,1185743.824,"7707 Cody Plaza +Kevintown, SC 29453-7979" +64144.07421,5.317710364,7.314848472,6.49,33561.7051,1022709.696,"75084 Gonzalez Haven Apt. 603 +Heatherfurt, PW 57282" +58387.21149,7.03675363,8.597407439,3.37,40569.55387,1638632.151,"94702 Duarte Landing +New Destinychester, MI 09699" +62092.69303,4.793230695,6.250972907,2.09,44095.06271,751952.5709,"8904 Boyer Isle Suite 433 +East Theodorechester, PR 23703-5027" +90882.84668,6.26765452,6.262597147,4.05,41950.4841,1771036.925,"711 Brittney Parks Suite 706 +Padillatown, MO 97072-5883" +62731.88604,5.800414355,6.70792918,3.47,22165.26157,739027.6758,"67056 Andrea Run +Glasstown, IN 93569" +88691.12887,8.023801491,8.4173232,3.22,29837.2795,2096977.79,"56655 Christopher Centers Suite 576 +West Sheilahaven, ME 65890" +79807.71094,6.022509243,7.707193246,5.44,45333.75788,1903660.919,"30396 Anderson Mountains +North William, MH 61838" +79631.58777,6.458639941,7.690480496,5.3,50954.00198,1882118.611,"32196 Angela Square Apt. 656 +Lake Jaime, OR 21586-3962" +84448.27443,6.160821993,5.355105144,4.07,38602.89752,1480888.804,"8715 Rodriguez Inlet Apt. 063 +Lake Summermouth, MS 59458" +79072.5407,5.460826103,6.367672416,4.44,34897.86516,1304789.263,"9808 Nicholas Turnpike +Port Meagan, IA 40443" +56879.82323,7.814889843,7.400684673,6.49,55439.32302,1407291.851,"2411 Newman Lodge +East Rebeccamouth, GU 98664" +66889.09941,7.079593805,5.153574703,4.19,20501.00582,843536.172,"Unit 9732 Box 1846 +DPO AE 69898-3304" +61724.73573,4.49011823,7.466360145,4.42,20743.0949,763093.2314,"2562 Medina Skyway +North Amanda, AZ 46341" +67094.1142,5.869168986,4.714622729,4.35,27883.67732,743212.4195,"514 Michael Vista Apt. 962 +Port Jeffrey, WI 84443" +71114.02235,6.14195796,5.963679594,4.07,37714.17499,1187113.826,"9511 Joshua Hollow Apt. 349 +East Lori, AS 43071-8983" +65152.58023,5.893075466,6.116972741,3.17,47984.6123,1167421.739,"5709 Adams View Apt. 464 +Moraleschester, MO 82123" +60513.82583,6.287356151,7.485627782,4.19,31406.7848,1160526.058,"USCGC Barton +FPO AE 31705" +52138.02993,5.00619309,6.675861804,2.1,32689.84966,627650.4026,"988 Valenzuela Pass Suite 071 +Port Lori, WI 10829" +82013.65438,4.714730609,6.385068965,2.1,42211.41864,1329800.046,"12219 Moore Landing Apt. 761 +New James, AR 15658" +67331.10428,5.379846131,7.584960109,6.28,40755.47267,1129798.373,"8486 Kim Well +Lucaston, PR 10771" +53599.80086,6.553828794,8.937599752,3.41,28163.14059,955689.5329,"01056 Rhodes Inlet Apt. 361 +Toddhaven, IA 76159" +59609.275,4.926836012,7.583465812,5.37,37432.68932,742645.1459,"953 Lamb Crest +West Jessicachester, NE 08310" +66989.50469,4.842496119,6.448918788,4.07,6821.950228,490338.6033,"4557 Mackenzie Spurs +New Jessicaview, PA 64833" +102881.1209,6.471248671,5.693536281,3.12,21051.53129,1754937.715,"784 Arnold Prairie Apt. 787 +Jamesside, NM 04270" +82060.5285,4.214295131,6.449313325,4.09,23403.63157,845890.2405,"79209 Kelly Centers +North Amandaland, IN 83004" +57568.21705,6.544845531,7.214824119,4.31,34385.41316,949684.4102,"02082 Vega Dam Apt. 573 +New Amy, VA 90812" +72119.15812,6.242885498,8.078584482,3.43,45542.68462,1333014.908,"23802 Rivers Forks Suite 095 +West Arthurhaven, CO 33723-8734" +56716.35735,5.799631806,7.130872685,4.36,37250.87098,985117.6289,"2390 Robert Ridges Suite 861 +Cooperville, VT 77747" +61822.46925,6.412498391,8.37670506,5.12,19413.57705,1166336.259,"74179 King Extension +Millerville, MI 94546-9925" +71155.13995,5.072346319,6.800810828,3.32,41453.79239,1147685.301,"053 Brown Points Suite 213 +Elizabethfort, NY 05795-0113" +84123.9909,6.074465722,6.571698344,4.04,33946.37181,1459834.789,"1141 Murphy Lane Suite 361 +North Kristenmouth, KS 53686" +80321.4299,6.888923007,5.038789808,3.27,34229.57035,1462989.491,"01831 Leah Motorway Apt. 036 +Evansmouth, MI 27120" +76416.90535,4.652847597,7.383606406,4.46,49032.66586,1388596.243,"65635 David Port Suite 498 +Lake Carlyfort, NM 56253" +54440.88886,7.149511558,4.827542873,4.36,20980.73039,590199.1722,"731 Fitzgerald Road Suite 722 +Danielfort, ND 61566" +71410.11093,4.848597963,8.737215687,6.5,32504.30647,1256469.642,"56787 John Islands Apt. 009 +Ramirezburgh, DE 13279" +75720.43697,6.696610668,5.721902143,3.25,45343.46443,1495390.499,"1255 Figueroa River Apt. 736 +North Dustinland, TX 09949" +48406.77931,4.499700732,7.776597852,4.19,43535.9315,589352.3954,"3478 Torres Islands +West Thomas, CT 99821" +76629.17726,4.369985576,7.259975616,6.1,35441.48733,1270502.871,"PSC 6671, Box 5919 +APO AA 13384-7992" +63277.43084,6.973674776,6.174081784,2.18,31713.15437,1097918.412,"162 Brown Mews +Port Hannah, PW 17556-2452" +53969.92837,7.133155303,7.654178577,6.32,43351.5892,1409943.303,"1335 Ariel Mount +South Andreachester, NH 57730-2352" +69582.53631,6.06380321,7.141806348,4.31,51250.16387,1450619.457,"8716 Thomas Hills Apt. 219 +Dixontown, MO 59259-7046" +74270.59101,5.098064741,7.183800423,6.17,42021.22522,1368670.299,"71040 Pennington Points +New Heather, AS 27472-3915" +71922.83517,6.174733572,7.301554794,6.18,21016.05593,1129582.838,"97844 John Street +South Brent, LA 53590" +78791.54659,7.323212788,7.00399087,6.29,43264.07672,1795445.898,"9081 Susan Expressway +Port Carolyn, AS 14491" +71529.48251,5.808400359,5.561414327,3.06,36200.37239,1113314.699,"8356 Gilbert Summit Suite 131 +Javierchester, NY 76064-7178" +74208.12464,6.259781876,8.666717109,3.38,25507.33634,1348221.765,"66901 Johnson Port Suite 861 +West Briannaville, CA 02703-4084" +63889.41159,5.548088741,6.35783082,2.11,34442.09965,1134125.646,"719 Alicia Plains +Smithfurt, CA 62082-6412" +72922.51128,3.455060765,5.785358397,4.13,23533.52148,665266.9766,"659 Garcia Harbors +New Shannon, WV 97515" +61958.14305,6.068642381,8.106394596,4.14,39953.16802,1197740.917,"93723 Lisa Valleys +Calebberg, NV 95783-0751" +58161.03741,5.601193113,6.256982113,3.41,29453.22687,626020.1695,"PSC 9644, Box 6552 +APO AP 45110-7202" +66878.8608,6.017936041,9.095206581,5.42,42624.94179,1645843.048,"010 Horn Crescent +South Lisa, WA 83794-7574" +48379.76694,7.181631073,7.915813274,6.03,50710.89573,1354973.553,"080 Scott Burgs Apt. 276 +West Scottmouth, MT 89582" +50337.0675,4.853507878,6.241565368,4.22,32299.06465,390948.45,"5276 Sanchez Passage Suite 789 +Stevenville, GU 58725" +80016.77222,6.183058044,6.020747963,4.18,32262.54537,1226441.479,"0103 Suzanne Motorway +Amyburgh, MT 54271-7431" +80694.12815,6.569158,6.45532652,2.15,46249.62566,1770372.175,"24903 Anthony Drives +Lake Suzanneborough, AL 38826-2546" +87255.00029,5.261799608,7.103846228,6.49,37348.28649,1525205.646,"8499 Garcia Point Apt. 965 +South Mariamouth, NV 34336" +65480.26214,6.945390543,6.736075973,3.44,34582.97083,1188761.32,"PSC 0076, Box 7486 +APO AP 63047-2610" +73968.96527,5.89213128,8.287943703,3.41,36026.4084,1517693.106,"PSC 7996, Box 9772 +APO AP 12075-2488" +62384.57251,6.500023933,7.693402096,3,48419.83449,1363319.846,"485 Belinda Cliff +Michaelland, WY 32609-1364" +80327.29438,8.398930736,6.940896299,4.45,32188.19444,1740671.73,"USS Clark +FPO AE 30828-5337" +59920.17369,5.400275393,7.102730578,5.03,62389.87639,1505628.453,"027 Rebecca Mills +West John, PA 07001-4089" +71798.40403,5.634659016,6.654995285,4.02,30877.87052,1072914.996,"569 Jill Squares Suite 962 +Shanefort, SD 33391" +68906.60852,6.898359644,6.699752339,2.32,20741.41331,1206931.65,"9151 Sherry Meadows +South Deborah, MH 19590" +49623.97434,6.849401149,6.568940231,4.13,48251.99834,1092809.597,"Unit 9871 Box 9037 +DPO AP 37275-9289" +71778.02618,5.921279707,7.411044617,4,37634.04132,1404622.086,"85747 Harris Trace Suite 578 +Christinabury, KS 18787" +69609.5937,6.993306799,7.017552721,5.27,32735.67093,1483685.904,"314 Jared Village +New Jessica, LA 37906" +64950.61815,6.860098787,8.044424458,4.37,29343.41252,1447181.826,"19976 Buckley Drive +Sandersside, UT 06440-1468" +73260.02316,4.761180663,8.172300078,3.29,53577.5855,1506651.157,"875 Jason Route Apt. 147 +Davidmouth, TX 61789-9174" +60576.7644,6.509369787,7.754447597,6,27656.55903,1170169.259,"473 Alejandra Burgs Apt. 602 +South Steven, MA 29105" +65866.45257,3.816094456,6.643552,3.13,19069.96559,407718.9382,"787 Jeffrey Orchard +Millerport, NH 99871-5660" +73598.06379,5.702762608,7.546496942,5.17,34258.4507,1344523.408,"702 Jessica Islands Apt. 541 +Lopezbury, AK 84106-3550" +73380.58519,6.075001534,7.649167233,3.25,45900.77638,1684554.715,"411 Grant Path Apt. 491 +Lake Julietown, NJ 46605-5958" +65641.80717,6.462702033,5.169596691,2.29,19734.77168,734101.4856,"02023 Edwards Creek Apt. 288 +Albertview, NH 99604" +50756.16783,5.434055757,6.66586368,2.43,40714.4003,752950.6068,"72197 Jesse Freeway Suite 945 +Lake Julie, AS 94450" +49392.19217,5.571481673,7.716688071,3.12,53765.78122,1211110.084,"47225 Morales Crescent +Oliverfurt, PW 62621" +61426.05608,6.542331605,6.30841522,2.46,24517.96844,999244.635,"847 Liu Rue +North Susan, FM 18333-8785" +68335.72629,4.914224452,6.703796072,3.02,31341.62494,812858.357,"9800 Brock Forges +Quinnbury, UT 38135-0539" +79632.26493,5.273336179,7.083305101,5.38,38074.1402,1295014.618,"57425 Megan Extensions +South Sara, OH 88352" +60135.72195,5.561052244,6.143235226,3.44,24667.89249,724993.8892,"994 Allen Ferry Suite 020 +West Kennethville, VT 24662" +64376.91332,5.208154039,6.891043674,2.35,43013.41086,1126137.681,"475 Crystal Roads Suite 373 +North Joseberg, NV 46133" +72117.83152,7.275340935,5.620100234,2.36,39488.46425,1408550.417,"85549 Santos Port Suite 077 +Donnahaven, WI 29004" +88661.6483,5.652888565,6.360123571,3,37332.21952,1524106.965,"22508 Tyler Locks +Port Sandra, MP 15726-4905" +67977.38496,6.978762746,4.087718354,4.26,24246.02806,823864.3877,"2390 Jones Spur Apt. 187 +Lake Raymond, TX 27472" +83728.71437,6.335217719,6.834650036,3.38,35186.86143,1521527.042,"465 Jacob Rue Apt. 527 +Laurenfurt, OR 54973" +42463.11634,6.898307363,7.153136586,3.22,58412.43674,1094027.186,"94529 Juan Locks Suite 545 +Freemanville, MT 65967-1305" +59615.33157,8.408924918,6.234098671,4.37,32164.06308,1259190.706,"96763 Brian Hill Suite 412 +South Alicia, MP 83169-5030" +74415.8833,5.557604725,5.873583755,2.4,27385.6719,1003837.667,"77017 Tina Rapid +North Joanfort, MH 86431-7914" +60758.19167,6.705920253,7.225119657,4.27,26972.85163,1205138.181,"PSC 6926, Box 9656 +APO AP 60315-6864" +76637.5839,5.839368377,6.620743509,2.18,36236.51468,1405059.642,"03214 Simmons Fords Apt. 467 +Colemanmouth, NM 16492-5737" +69906.31966,5.956133356,7.017751113,4.22,45733.68821,1411266.411,"662 Peters Vista +New Richardmouth, AK 74777" +86734.26699,7.624906927,7.756363471,4.26,19899.2389,1794214.425,"7147 Lisa Rue +Port Christopherborough, PW 91549" +73518.68147,5.619504749,6.614175276,4.13,36147.82857,990894.0537,"9137 Johnson Grove Apt. 429 +West Marieport, CO 66076-8640" +76291.51429,5.430195078,6.111174616,2.11,29855.9068,1022342.574,"7787 Debra Lodge Apt. 609 +Michaelabury, MD 55490-3344" +96216.95427,5.169125316,7.361112812,6.2,42296.41995,1826821.616,"93663 Sullivan Mountain Suite 779 +Samanthashire, AL 83456" +61685.75604,5.1243934,5.604803419,3.27,36059.59997,708045.5749,"Unit 2686 Box 7832 +DPO AA 98764" +56764.10661,6.331896101,6.157821467,4.01,30910.68435,750753.4209,"3539 Stephen Ports +Longville, FM 47861-6366" +61436.76677,7.059285905,8.985750259,5.16,25886.67445,1445731.626,"381 Jason Bridge +Carterstad, WY 73588-0828" +81489.82375,4.999816647,7.127393438,5.48,10504.32739,995783.1625,"1161 Mark Park +Sarahborough, GA 77597-5562" +71499.36518,5.109799344,6.971686394,3.28,29684.38573,1191625.44,"860 Hill Shores Suite 158 +South Timothy, WV 02343-7700" +87454.9254,7.100436985,8.766612735,4.21,32313.01653,2016910.74,"PSC 2325, Box 7183 +APO AA 68425-8831" +48641.02162,7.380384184,6.172489492,2.27,52055.23849,1057838.493,"49483 Bobby Forest Apt. 160 +Sarahton, NC 06322-4033" +58197.79789,5.060567635,5.365198871,3.3,16253.23867,357250.6878,"401 Carter Dale Apt. 537 +Emilymouth, AZ 50162-2741" +71420.77509,5.736045339,5.587997954,4.34,32968.85962,1106976.067,"9339 Brandt Shores Suite 729 +Tiffanystad, UT 21936-6988" +73047.25329,5.232976852,7.963561805,5.48,37643.07771,1266616.547,"209 Caroline Throughway +Meyerbury, AZ 37335-6928" +64618.04034,5.577661744,6.434120692,4.47,18868.68164,805433.7397,"USNV Sullivan +FPO AA 58055-6015" +59832.39494,3.927293256,7.187855173,3.03,36930.84405,851633.9109,"321 Loretta Springs +Thomasside, DC 48676" +76023.7485,4.974834171,6.91398963,4.2,44323.62117,1412097.177,"922 Roger Road Apt. 545 +New Christinebury, UT 16206" +62707.64801,7.628411185,7.025941328,6.43,29893.55183,1339636.187,"PSC 9909, Box 4089 +APO AA 37653" +51846.2825,5.022635609,8.072516313,6.46,24284.88173,641484.2385,"9454 Kelly Light Suite 194 +East Gina, KY 49894" +69201.43741,5.559047314,5.727367756,3.42,42573.57801,1109665.563,"21473 Harris Mills Suite 116 +New Todd, ND 42714" +66642.82032,7.231468226,9.157117843,3.18,32035.31881,1669127.078,"PSC 5412, Box 9130 +APO AP 51414-2381" +81376.09707,7.406003649,6.003180902,3.03,40151.93262,1788829.235,"52901 Griffin Spurs Apt. 216 +Port Williamchester, AS 85834-9649" +49927.72112,6.791301917,7.840697966,5.09,56983.0769,1352096.051,"0221 Brown Throughway Suite 139 +West Catherine, MN 16058" +73732.21223,4.91548422,7.747907541,6.5,36734.7442,1369016.778,"472 Brian Station Apt. 917 +Morenobury, PA 44089-5528" +64713.5958,5.564458297,5.670991666,3.05,13385.42245,485533.6804,"PSC 1432, Box 8417 +APO AA 92456-2748" +69206.55481,7.465322754,7.624138944,6.39,27666.4036,1404036.266,"5402 Eaton River Suite 072 +Chadville, TX 22988-8311" +77779.24494,6.847531954,6.315602396,3.18,46402.25415,1597152.901,"399 Holly Shoal +Paulaville, CO 07188-5205" +80370.11953,7.254435958,6.616481147,3,32517.04497,1735340.256,"838 Tim Turnpike Suite 477 +Sanchezville, WA 93448" +63168.3188,8.313405156,7.099116265,5.11,20988.90821,1169166.989,"9631 Roy Radial Suite 179 +Jasonton, MN 24198" +78166.40918,4.537191553,5.744912781,3.43,41570.86416,1142113.384,"3472 Harris Harbors Apt. 830 +Beckborough, MS 04955-5610" +73380.64238,5.995934485,7.067589727,4.33,32383.68228,1368106.873,"681 Nicole Lane Suite 267 +Port Tyler, WV 15700-0718" +68970.36034,5.721436694,6.47161337,2.21,41807.82866,1028650.592,"5656 Olson Point Suite 171 +South Natalieborough, WY 04578-3574" +73068.5181,7.271422215,5.685407675,3.14,42929.87616,1368692.297,"985 Bennett Corners Suite 679 +Pughborough, DE 37647-3849" +84690.16728,5.887704291,6.705513752,3.17,34859.25425,1431386.814,"247 David Union Apt. 900 +Mayfurt, KY 94001" +58039.99691,4.635147414,7.911243782,3.28,36479.28156,1061208.706,"2713 Lynn Ville +Charlesport, KY 53916" +66214.17376,6.271330823,7.102589265,4.16,47831.69197,1322782.76,"USNS Sweeney +FPO AE 18592" +75100.69124,6.661875321,7.989123526,3.13,50729.64372,1716323.348,"2719 Ruth Mill +Snyderberg, SC 55208" +49736.14209,5.114685293,6.956719193,2.4,24032.24785,465499.8081,"082 Dana Mission Suite 627 +Lake Amybury, KY 83757-2285" +66068.33137,5.978817557,6.842337973,3.42,28057.48874,986285.3819,"95015 Courtney Way +Jamesside, NC 56555" +65692.6182,6.464476537,7.86141194,6.16,39934.51697,1416238.577,"Unit 6429 Box 3831 +DPO AA 61324-4127" +81443.1396,6.200635143,6.778065269,4.13,35592.8721,1455326,"142 Randall Bypass Suite 873 +Monicamouth, CA 47648" +78539.23932,6.050938097,7.01149284,3.25,43061.19349,1530068.012,"1104 Pamela Summit Suite 041 +Port Richard, WV 11626" +70299.0163,5.698344354,6.564422998,2,33147.36618,1172619.597,"4947 Shawn Greens +South Crystalville, NJ 68094" +64617.43816,7.618948932,6.948013288,4.44,27995.21513,1174289.081,"066 John Inlet Apt. 888 +Lake Ryanport, FL 19518" +65966.01721,7.876932591,5.524962067,3.3,42710.82181,1342818.676,"399 Deborah Overpass Suite 116 +Lake Dianeville, NE 19351" +80373.05832,5.580815368,5.499329846,3.49,36651.06217,1383651.827,"4795 Lindsey Forge Suite 371 +West Tiffany, KY 17785" +72252.60271,6.76196256,6.745663838,4.25,23558.53048,1199760.292,"9453 Tom Overpass +Martinmouth, UT 11465" +60909.19392,5.341938622,6.765980272,2.26,25405.7821,705343.2561,"9862 Ricky Ridge Suite 905 +West Sandrahaven, WV 72025-8262" +67652.62265,4.754541898,8.341478373,5.48,44353.4468,1440738.469,"65531 David Manor Suite 755 +Moralesview, CT 91659" +44868.50458,6.722479509,6.834240315,2.39,43154.60849,900851.1631,"3184 Christopher Meadows +New Christopher, NM 94445-5333" +81925.80189,7.086003599,7.470672354,6.33,36973.59707,2017174.989,"5379 Damon Alley +Deborahtown, AR 56747-3541" +70029.50971,5.520824896,6.986629965,3.01,23649.75549,951243.8541,"PSC 6967, Box 7572 +APO AA 24368-1858" +73302.43748,5.378584047,7.022722482,6.36,43445.43917,1222277.091,"4020 Banks Stravenue +New Joshua, IN 55857-4946" +49705.82441,4.607428806,7.99781793,3.46,58759.70974,1080624.497,"43923 Hall Shoals +Leblancburgh, PA 34765" +58494.39811,6.530217218,5.951785743,3.5,29985.42516,762208.9848,"30373 Davies Estate +Stricklandberg, PR 69026" +44998.64018,5.478390528,6.955787865,4.46,37553.85791,625990.3004,"82005 Mack Villages Suite 258 +Denisetown, CA 39873-2703" +87471.00446,6.455212025,6.397619485,2.47,58076.97359,2030910.615,"708 Joseph Glens +West Adrianside, MT 91180-4021" +69949.68724,6.827713921,5.866508172,4.41,44521.06541,1462875.984,"03878 Diaz Bridge Suite 043 +East Michael, MI 95321-5026" +78105.6725,6.677460283,7.847375794,3.12,40877.22793,1637841.262,"10642 Anderson Divide Suite 902 +Courtneyburgh, ND 40323" +80649.16023,6.039968339,6.222667232,4.28,18776.46393,1046191.165,"768 Russell Keys +Briannamouth, VT 98433" +81898.6447,5.756920804,6.616011706,4.47,31764.28212,1529281.84,"260 Walls Circle Suite 166 +North Dustinland, TX 79726" +73521.90941,5.618870549,7.991744307,4.5,38383.50659,1591793.723,"USNV Wallace +FPO AP 73185-6058" +95603.92948,5.917745334,7.387690791,6.03,36505.44106,1815920.45,"7212 Michael Garden +South Jeremiah, CT 44990" +67097.09212,6.086754299,7.211962931,3.05,27191.50688,1027427.862,"052 Thomas Square Apt. 034 +Wrightmouth, OR 04272" +74530.35439,7.277162837,6.85478158,2.25,34316.21693,1541127.344,"061 Morrison Freeway +New Larry, TX 62631-0782" +61972.70607,6.374354979,6.780917665,3.23,28465.87545,1031981.283,"533 Schroeder Park +Port William, OK 38354-1881" +77449.31607,5.034661238,6.760958679,2.02,30054.78687,1161457.848,"03516 Owens Street +Lynchberg, OR 32238" +69462.14892,3.986452421,8.293965996,5.16,46158.75225,1317040.737,"07704 Alexa Island Suite 740 +West Jennifer, VA 70386" +68305.75377,4.402219814,5.039587069,2.02,49180.74192,908013.0021,"8761 Garcia Skyway +Hermanmouth, NE 66895" +77354.38844,5.478183594,9.159340949,3.39,32342.97663,1455554.829,"15415 Ryan Ramp +Rodriguezville, VA 05237" +84172.62611,4.895124602,7.081973363,3.22,47937.31268,1560870.211,"0503 Vernon Mountains +South Marcfort, AL 24051-2632" +66496.72623,6.13806292,7.651811447,4.38,31227.03024,1417047.627,"43375 Thomas Ways +South Danielport, ID 58344-2248" +81638.91296,6.145429743,6.165344906,3.34,27014.59097,1311654.263,"585 Hannah Hills Apt. 426 +West Jesse, AK 20205-5873" +72614.15658,5.807877406,6.613654361,4.33,22995.41402,1275497.161,"60363 Medina Avenue Apt. 300 +Andersonhaven, KS 32194" +71786.92676,6.498608508,8.776660809,3.2,50678.78021,1678347.528,"394 Johnson Burgs Suite 350 +West Troyville, PR 96462-8199" +74598.43176,5.042875887,6.602190804,3.3,44568.66969,1399466.898,"4173 Grant Village Apt. 373 +Port Jerrybury, OR 80243-7606" +60017.26728,7.154483624,6.120623428,3.36,40413.99162,1242111.428,"5570 Warren View +West Emily, IA 62461-1579" +89518.83831,6.231100334,8.062582523,5.37,30158.30386,1866035.415,"09987 Hughes Lights Suite 483 +Lake Robertbury, MI 19249" +48829.17271,4.073407375,6.614586413,3.42,32451.07196,412057.4401,"PSC 0177, Box 1521 +APO AA 99631-0458" +45353.13038,5.154344783,7.429265093,3.09,33340.2888,544320.6881,"7218 Emily Cove Apt. 490 +Choitown, MO 56019-0030" +78929.78155,6.231375374,7.203152798,6.18,39667.86319,1503327,"25024 John Way Suite 839 +Rodriguezchester, NJ 71630-6894" +67706.81949,7.499371291,7.878962945,4.12,42391.02376,1761924.104,"81791 Miller Land +Michaeltown, OR 37274" +73021.65256,5.292058281,7.217835864,6.29,37090.97603,1270543.464,"7026 John Junction Apt. 677 +West Donnatown, WA 36422-2369" +64358.97971,5.339959306,7.956478861,5.43,22734.40259,839745.6833,"241 Dean Radial Suite 923 +Kerrberg, OK 53136" +68907.00573,5.257783715,6.583977639,4.07,39014.44441,1046943.498,"032 Atkins Creek Suite 176 +Jesusfort, NM 79006-6752" +69611.0936,5.95530362,6.991454348,3.47,43804.1687,1396241.198,"2437 Ibarra Summit Apt. 345 +Hicksburgh, IA 26179-0478" +71443.22365,6.099611426,5.736700645,2.18,57715.80166,1596439.716,"94869 Mary Plain Suite 455 +North Harold, CT 00263" +72515.91553,5.846974963,8.151894354,5.14,28698.11285,1290784.491,"1994 Lauren Plaza Apt. 187 +New Carolberg, PR 64209-3570" +49618.58649,6.809582978,7.413471563,6.4,47311.32651,1030016.645,"7098 Hopkins Junctions Suite 360 +Gordonton, TN 95727" +64544.01556,5.50113237,7.425284461,5,28596.11202,758570.7972,"9453 Karen Skyway +Albertmouth, ME 96706-2756" +65074.48119,8.641820766,8.123284492,3.47,44550.69513,1948654.936,"77973 Thomas Mills Apt. 346 +East Antonioborough, TN 96914-4900" +76545.78583,5.128212246,7.247375951,5.12,50480.96295,1578141.053,"4277 Katherine Tunnel Suite 986 +Hallview, LA 24505" +68720.76688,5.115125472,7.295937423,5.11,45764.73214,1380353.888,"4015 Roberts Hill +North Calvinfort, SD 87025" +59640.68856,4.034468457,5.901030674,2.27,49671.14015,745996.3306,"039 Murphy Forge Suite 095 +Shawnshire, CA 86274-6212" +64332.22879,5.636971895,7.892393118,4.14,36649.85272,1232466.4,"7756 Abbott Branch Apt. 838 +North Javierbury, PR 22745" +82846.48757,6.000235846,8.025553766,3.07,42652.4606,1899136.535,"204 Hughes Greens Suite 248 +Debratown, KY 86977" +65901.03035,6.75870203,7.249657848,5.2,20428.84875,1084063.642,"003 Fernando Gateway Suite 145 +East Danielshire, GA 76041" +73195.44656,6.199784215,6.248854452,2.04,39905.83355,1377939.775,"082 Garcia Mall Suite 583 +New Michaelbury, CT 45358-0311" +68816.87079,5.095804701,7.963480582,5.22,18444.03068,937325.5661,"399 Blanchard Garden Suite 383 +Reedhaven, WV 25590" +76153.3049,5.322412063,7.989237341,6.08,32925.34715,1220133.358,"083 Kevin Club Apt. 545 +Stanleyborough, NV 33155" +68006.70919,5.100690298,7.15105968,4.21,43749.65673,1252416.691,"432 Christopher Walk Suite 430 +Haneymouth, GA 34728" +59442.45924,6.958832532,6.299344687,2.45,21242.70345,839453.2926,"41646 Ramirez Centers Suite 179 +Mannfort, MN 94058-7958" +64794.18248,6.46888744,7.925650145,5.31,43961.49998,1337472.085,"2335 Mitchell Skyway Suite 629 +New Larry, IN 59257-1374" +81442.14982,5.510010799,8.54753216,4.26,34050.13435,1479295.571,"94490 Carol Ville +New Charles, CO 09471" +85743.78895,6.082899198,7.814858598,5.22,38563.99911,1975538.416,"374 Priscilla Pines +Markfurt, CO 16318" +56825.80807,5.869171401,7.138957712,4.07,47607.99177,1146637.544,"535 Brandy Trafficway +East Matthew, LA 44989" +77286.53705,8.581134744,6.927331435,2.4,32405.63394,1829101.549,"PSC 9412, Box 7032 +APO AA 39325" +64400.26509,5.270538575,8.404179476,3.4,26605.3758,1110931.826,"745 Moore Skyway Apt. 472 +New Paigemouth, GU 34410" +65903.25066,6.616682426,7.06226884,3.17,45208.38766,1393897.39,"20278 Dominguez Mountain Apt. 630 +Kaiserberg, NE 94685-3115" +53178.53949,5.708825279,7.985189404,5.23,28706.98875,577168.2739,"711 Davis Junctions +Port Jason, CO 39385" +62106.31455,7.007859628,8.256744443,6.46,34671.67549,1454834.982,"3660 Jennifer Port Apt. 744 +Russellside, CO 87440" +60861.1923,5.705720294,5.88068495,3.08,53548.07668,1321743.166,"06621 Benjamin Center Suite 596 +Carlchester, IL 25434" +74372.29486,6.808273468,7.220010414,4.1,52209.45229,1449829.494,"84067 Carter Summit +New Jacob, RI 10579-0048" +74729.99606,5.829200134,8.109105123,5.1,20696.44536,1281537.368,"086 Ellis Ford Suite 326 +Christophermouth, GU 30825-6006" +67669.46979,5.854990172,6.280358763,3.09,31751.88809,1111284.161,"12636 Melissa Orchard +Lake Sarah, MO 34808" +70021.88143,5.402040221,7.689611154,4.28,26767.53165,1136347.792,"8414 Kent Falls Suite 147 +South Mckenzieport, AR 72905" +45557.52393,5.572560892,8.010396904,4.23,35042.99537,615055.6758,"9070 Tyler Centers Apt. 805 +Kariview, NC 86284" +66592.69314,7.882474748,5.164784648,2.49,37634.50034,1362239.054,"9346 Ewing Square +East Caitlinfort, WY 73455-8256" +74176.62541,6.384670072,7.171983086,4.17,37195.22371,1418977.829,"3421 Wendy Wells +West Cristian, WV 17734-9176" +68444.72498,5.543497851,6.172883895,2.25,32850.76204,985339.4738,"44917 Karen Streets +North James, WV 03755" +66585.70578,4.738049891,7.291728071,5.33,36337.98632,1048647.166,"8039 Carr Mount Apt. 450 +West Samanthatown, NC 48803" +71393.10377,4.54291921,7.517310847,6.4,42077.48142,1028683.045,"288 Mann Villages Suite 064 +Lake Denisestad, NE 32429" +57688.27414,6.270998661,6.604815126,3.34,19900.00005,684257.1111,"75622 Tiffany Manor Suite 629 +Lake Christopherton, TN 78360-0701" +83623.39726,5.847765848,9.174510392,5.04,42329.33484,1845325.357,"511 Doyle Squares +Lake Gabrielle, FM 88159-8268" +78511.79721,5.252930123,6.597951014,4.04,38180.37253,1287784.304,"0857 Amanda Island Suite 827 +South Nathan, NJ 78071" +54927.09073,5.636097586,7.405263291,6.21,46469.88645,1120419.042,"83046 Hill Spur Suite 365 +Zunigaside, WI 66905" +61098.27242,6.978220999,6.841803531,2.34,27467.27523,1023205.041,"40122 Morris Neck +Sheliaburgh, DE 82340" +75171.7138,6.204954182,8.812217629,6.14,40621.11707,1874415.107,"85731 Fowler Shores Apt. 056 +Garciaview, TN 97935" +53330.64761,5.417393941,5.721618516,2.32,32317.23112,670356.8953,"64219 Alicia Throughway +East Wendy, OH 50612" +55178.82864,6.411857564,7.067064913,4.22,31270.18505,1004070.998,"7591 Lisa Court Apt. 074 +East Alyssashire, WI 11824-5756" +72083.34088,4.174159402,5.728891849,2.44,36471.45807,885379.7903,"439 Bishop Path +Lake Richardtown, NH 13156-6062" +57847.31707,5.119668858,8.346175612,4.39,40208.77121,1111360.303,"5048 Marquez Meadows Suite 774 +Jessicamouth, VA 80789" +82732.49039,5.764884006,8.321753031,6.04,30486.02174,1557276.064,"88439 Ryan Bridge Suite 855 +Thompsonchester, FL 58924" +58308.66826,7.097220192,6.701059552,3.29,37999.88351,1364832.003,"3291 Mack Walks Apt. 862 +Paynestad, MN 29079" +73030.84297,7.989983675,6.411736421,2.44,28426.01862,1510659.228,"49404 Rose Terrace Suite 234 +Port Matthewton, UT 51769" +83307.29546,6.32055703,6.446436813,4.34,37963.34189,1584317.753,"38922 Clark Spring Apt. 000 +West Cindy, KS 91072" +48091.9974,3.749314681,5.326505509,3.1,42693.3202,383020.8277,"USS Krueger +FPO AP 15908" +64336.1763,6.240715553,5.540148415,4.26,43218.17516,1028760.465,"844 Jennifer Trace +Waltersland, VT 07440-3816" +63672.10167,7.827579915,7.124166813,4.34,31778.6158,1437458.364,"69443 Williams Greens Suite 909 +West Monicaville, AS 39266" +63371.00554,5.316748671,7.471420621,4.47,29646.05099,1025701.595,"993 Ortega Club +Turnerside, GA 17219" +55795.38073,6.663034957,6.982778235,2.34,26448.03397,903665.2037,"8837 Daniel Wells Suite 168 +Heatherton, ME 49081-0303" +61983.79994,5.37908486,6.228863671,4.41,49837.57748,1151189.642,"749 Jessica View +East Kylefort, AS 15086" +69430.49062,6.108953681,5.802397135,4.41,42969.32652,1205706.715,"Unit 5848 Box 0150 +DPO AE 27558" +73932.37627,5.696900628,7.028096445,3.25,34197.29156,1324377.609,"2559 Dylan Stream +South Andrewview, FM 80429" +48283.3606,5.678625645,7.630982261,3.11,15781.56728,668183.5099,"670 Miller Ports +New Sara, CO 77848" +66925.19935,5.153049571,8.396902677,3.16,42590.68517,1222412.02,"18422 Freeman Islands +North Samanthachester, ID 82969-9650" +58806.40966,5.976269916,7.154736814,4.25,32721.23706,1040762.832,"70380 Albert Glens +Morganchester, KS 12943-9753" +70839.34598,6.602366427,7.272131535,4.01,43347.1708,1643086.278,"63180 Carlos Throughway Suite 149 +Mcconnellstad, AL 83502-6895" +57136.45576,5.197156478,6.973464022,3.18,26915.14573,886536.4284,"33328 Christopher Wall +Daytown, AZ 93829" +45862.13138,5.453673165,5.128000604,2.4,40339.03535,576356.0319,"USNS Wallace +FPO AP 94167-1961" +70268.39879,5.918998289,4.365670693,3.12,39143.57004,1012545.492,"36248 Smith Avenue +South Rebecca, AZ 14861" +74030.61555,4.723381297,5.573091597,2.4,46784.72521,1194594.988,"445 Johnson Rue +North Andrew, RI 94297" +72324.61837,7.657627826,5.820731843,2.41,46351.47061,1692308.59,"33535 Alvarado Junctions Apt. 327 +Leville, ME 36143-8095" +70489.293,5.907266843,7.025480822,5.06,48796.54452,1541746.291,"8489 Johnson Throughway +West Brianna, NV 24375" +45530.76804,5.402340617,7.069743706,3.32,31000.29904,426906.1829,"241 David Radial +Arielmouth, WI 24753" +50768.3966,5.172956406,8.017690842,6.19,32501.30031,842777.9925,"94169 Rachel Ranch +East Catherineport, SD 70475-4606" +55593.07981,7.920281693,7.976184127,5.45,42067.69394,1574526.977,"95191 Holmes Lights Apt. 546 +Stuartberg, SD 11501" +89030.56171,6.243065203,6.34726217,3.12,61402.315,2033546.785,"498 Campbell Spur +Timothyton, WY 94818" +77984.28105,6.73211894,5.620779364,4.27,41723.23587,1488535.16,"315 Valerie Summit +Scottchester, HI 13703" +69084.55163,6.765076366,5.772280412,3.02,39229.57971,1191564.2,"58244 Gregory Stravenue Suite 061 +Markberg, OR 63045" +60865.56162,5.005418656,5.502792731,2.09,50842.60665,927677.4223,"9027 Amanda Skyway Suite 280 +Tylerhaven, WA 61983" +78255.84477,6.527109335,7.4326178,4.18,25101.34937,1489667.75,"7835 Lee Park +North Hollyland, PR 82345" +66347.04471,4.643660663,5.335454984,2.11,44644.24779,930493.3313,"764 Christina Groves +Lake John, ME 30645" +67839.53007,7.640478985,7.348255327,5.31,61073.2803,1789999.444,"9259 Osborne Mountain +Hughesmouth, MP 25441" +58694.51502,7.394768108,9.269452625,4.32,49960.97724,1708631.365,"Unit 7385 Box 9302 +DPO AP 21450" +69876.39825,6.844688738,7.731538743,6.21,27379.90017,1446597.122,"67623 King Street Suite 141 +Solisbury, MT 04837" +67079.97604,5.767121991,6.952632517,2.26,33434.09618,1204214.03,"0709 Willis Motorway +Heatherfort, FM 22804" +71920.0673,5.241977551,6.169854621,4.3,29505.84117,1088834.29,"84171 Johns Wells Apt. 868 +Sarahberg, DC 35407" +72490.81469,5.453652414,5.662264374,4.25,17981.45047,699222.8361,"824 Kari Gateway +East Shelly, MT 69900" +65354.14001,5.756912712,6.92389186,3.36,33946.93546,1205114.23,"41950 Navarro Light +East Amanda, ME 66433-0001" +76493.31516,6.790966649,8.026935026,3.34,41848.37111,1761960.569,"8123 Brad Ridge Suite 510 +East Daniel, MS 75510-8888" +50502.09419,7.407850298,6.666403436,3.17,37593.86249,1286477.396,"3025 Steven Underpass +Foleymouth, NM 73471" +57942.29221,5.471723698,6.311452472,3.41,33388.08215,816058.2238,"965 Murphy Pine Apt. 929 +South Joditon, ND 44858" +60935.56171,5.691659801,6.714489334,3.05,26703.92133,874755.2933,"Unit 2286 Box 6344 +DPO AP 49001-4308" +43192.11441,7.55182054,6.91893027,3.24,34134.02099,1054606.985,"792 Cameron Vista Apt. 831 +Villarrealmouth, MN 48095-1533" +66631.10886,6.77202151,6.92370542,4.47,61361.73048,1714266.274,"69002 Ford Route Apt. 555 +Marcberg, VI 90052" +68696.34726,6.378851617,7.346886988,4.03,41856.71867,1601527.415,"3011 Gray Bypass +Hodgesstad, AS 71104" +51026.01921,4.868855426,7.204504545,4.06,23853.4987,426100.4805,"1289 Amanda Extensions +South Ericshire, GU 99528-9481" +88054.31029,5.75867714,6.94059533,3.29,22289.73348,1454699.231,"558 Jackson Overpass Apt. 511 +South Brittanyshire, GU 55774" +50362.53809,5.582573935,4.608842675,2.4,23611.05623,314167.8343,"56573 Matthew Extension Apt. 145 +Suzannemouth, GU 54881" +66320.99448,6.287340353,6.808607098,2.5,16803.47999,933609.2581,"158 Martin Roads +Michellemouth, LA 58398-0605" +76926.14478,5.97725042,5.751756293,3.23,45836.01687,1353635.41,"728 William Drive +Ortizville, TN 98109" +74905.35292,5.981717244,7.503816552,5.06,41190.74957,1587357.946,"15465 Davis Forks Apt. 153 +Wardton, NY 26628-8352" +76149.69359,7.241230672,6.632118776,3.42,31566.96055,1457672.906,"043 Ryan Junctions Suite 853 +North Joanna, IA 67146-0005" +65643.86248,6.350233498,7.095461431,6.12,48882.49036,1265927.36,"79881 Myers Fords +North Larry, WI 13795" +74910.40483,5.949550209,7.152198619,6.26,39407.69374,1562573.061,"814 Glover Plains +Port Andrea, IN 33085-0999" +50241.37341,7.103036736,7.241312619,4.38,53804.91829,1376146.811,"05493 Palmer Terrace +Kimberlyton, TN 20895" +55159.12375,5.724654547,6.652983442,3.2,27911.73159,764799.883,"05581 Williams Mews Suite 810 +West Ashley, UT 88476-6322" +64298.65142,7.004974009,7.0257819,3.39,35999.97553,1206986.885,"9971 Jay Junctions +East Davidmouth, VI 16466-3291" +56348.35334,6.336786948,4.891681432,2.2,23476.9736,649223.5061,"1629 James Pines +Port John, LA 49420" +97669.06449,6.888762611,6.73937946,4.14,43203.27106,2102244.497,"0646 Martin Pass +Kimberlyberg, GU 73453" +69970.31801,6.841783399,7.366424943,4.24,33649.36857,1429951.804,"24925 Whitney Point Suite 416 +Melissamouth, VT 50514" +63402.76833,5.530011009,6.621723068,2.1,32620.83746,832559.7976,"04560 Chad Plains +Clarkshire, ME 86546" +69091.41138,7.07853903,7.051638798,5.42,32707.83443,1339303.657,"Unit 8410 Box 5521 +DPO AP 20914-6877" +57876.99536,3.485869967,5.961239759,4.25,36800.46042,579710.1098,"367 Morgan Lodge Suite 363 +West Laurenton, PR 70182" +65718.30197,4.907384606,4.147430722,4.14,54798.51145,995721.6274,"410 Benjamin Row +West Cody, TN 04841" +61601.58059,5.497874148,6.479527311,2.05,17410.3896,745523.8383,"3955 Tucker Square Apt. 923 +Allenview, CO 55555-8106" +65864.97112,5.737810489,8.059131686,6.33,18092.39859,1004471.661,"770 Bianca Pine Suite 492 +West Brandonview, VI 71611" +53230.11971,6.274359673,10.02437537,3.06,27360.81222,1311432.388,"71718 Barrett Ramp +Caseybury, NH 91777-4042" +85683.85595,6.597538708,5.464264782,3.24,26428.91317,1246936.946,"25869 Albert Isle Apt. 057 +Lake Victorborough, TX 80274-9001" +78792.35527,5.735399275,6.559514913,4.01,29578.2212,1341449.572,"Unit 0248 Box 7958 +DPO AA 89432-7985" +63830.17385,4.591533313,7.399103497,4.02,29862.95877,1020336.883,"615 Hale Camp Suite 218 +Josephside, ND 69787" +59930.15607,7.055711218,6.69314942,4.28,44095.46156,1320897.013,"21153 Wayne Hills Suite 053 +North Keith, FL 12086-3774" +80898.97216,5.559223352,6.801835856,4.37,37530.43139,1443470.037,"Unit 4225 Box 8935 +DPO AP 67094-7879" +47904.68551,6.285249312,8.051999209,3.4,33853.9196,884015.2271,"Unit 3397 Box 4463 +DPO AA 91280" +71068.99611,4.746896448,9.387912581,6.2,35724.01849,1355556.954,"USNV Wright +FPO AA 70734-4928" +67622.21961,5.813927735,5.071111867,4.16,35359.84847,841392.493,"USCGC Joseph +FPO AA 84443" +60437.72266,5.102177023,5.66960027,2.42,30461.70341,619664.2512,"3025 Calderon Lakes Suite 215 +Sharpfort, DE 51855" +77628.22158,6.215553684,7.314935945,6,26257.11685,1446982.761,"7836 Smith Fork +Mcintoshhaven, CT 99600" +90244.7618,6.854701347,6.151475525,4.17,17771.3799,1575680.037,"8716 Fischer Mountains +South Frankstad, GU 09517" +74439.56614,4.180214591,7.964413567,5.28,44079.38816,1351639.839,"7729 Avila Glens Apt. 852 +Butlerhaven, NH 43950-2402" +80819.28657,6.207741052,8.065919755,4.38,34535.99071,1543801.655,"11042 Shawn Skyway +Veronicamouth, MS 91207-6056" +73003.49571,5.152463665,6.820051097,4.43,23500.00687,1101239.492,"562 Medina Heights Apt. 359 +West Robertton, MA 89628-9347" +66964.38136,4.999618369,7.47386643,3.2,36043.91711,1034180.949,"03150 Savannah Island Suite 695 +Davisborough, PR 91379-3601" +73617.16103,4.949914268,7.373787156,5.06,29735.35798,1139360.434,"112 Everett Points Suite 792 +Stephaniehaven, FM 48187" +68751.08325,4.979127981,7.380271214,6.1,25504.96032,1116351.753,"066 Brandon River Suite 915 +West Brenda, VI 79772" +78693.8408,5.791574195,6.453815823,3.15,44210.15524,1526013.33,"0608 Pamela Mews Apt. 981 +Camposfort, NH 70888" +64317.65144,6.5663511,6.487273843,2.34,22295.72191,1020098.041,"464 Shelia Squares +Port Maryberg, IA 30439-2823" +71939.37104,6.994091107,8.025891006,6.11,40053.8781,1617072.277,"2314 Jeffrey Prairie +Goodmanfort, MO 09014-1562" +71868.45489,6.44989432,7.529148738,5.22,42187.81234,1567482.268,"44216 Lawrence Branch Suite 013 +West Matthew, CA 71303-7984" +84855.8418,4.273395859,5.310761266,4.05,43119.69703,1134273.425,"87336 Dorsey Union +Hillmouth, WI 61461-5466" +72969.67332,4.829483144,7.808808095,4.06,40262.82796,1434803.061,"88392 Joyce Locks Suite 992 +Lake Scottview, ME 38475-3916" +68599.04341,4.526574352,8.781110948,5.45,44339.96289,1234837.206,"Unit 6023 Box 7633 +DPO AA 46376" +64644.89881,3.23205949,6.518794324,2.13,45329.50884,863386.1738,"3593 Smith Shores Apt. 821 +Jennaville, SD 31313-9212" +62677.19299,6.239752521,6.036458018,2.31,50162.61135,1246410.341,"PSC 8807, Box 1732 +APO AP 16899-9076" +63380.81467,5.344664036,6.001574335,2.45,40217.33358,932979.3606,"3499 Stuart Plains Suite 304 +Aaronhaven, NE 83521" +73515.39286,5.997008831,7.884560515,4.3,35015.07815,1468030.408,"064 Kristy Tunnel +Allenfurt, GU 60403" +58518.00019,5.988531573,7.834867501,4.3,44011.41991,1087802.888,"7407 Thompson Row +Rachelton, VA 34324" +60015.33707,6.1183064,8.728825463,5.36,27854.68792,1260484.462,"96095 Erin Meadows Apt. 708 +Tracyfurt, KY 13198-2585" +73724.21451,6.514715094,5.713653888,3.04,33025.44312,1021122.052,"USNV Byrd +FPO AA 21590" +81850.98839,6.385530181,4.334884494,2.39,42634.95086,1375467.271,"739 Melissa Parkway +Brendanville, AR 09959" +81559.19834,4.9981194,4.802796916,2.03,45777.55156,1224792.357,"251 Jenna Shore +Port Brianchester, MH 40145" +62041.42829,6.692077853,7.121938799,3.25,46069.97691,1376898.058,"1500 Chen Tunnel +Port Williamburgh, NM 21980-9681" +76935.85041,5.396363142,9.349175609,6.5,25763.64325,1642164.216,"75974 Mueller Grove +Port Brian, WA 54211" +70564.46384,6.335995236,6.4694657,4.43,36308.24471,1210573.855,"21869 Willis Flats Suite 963 +Rachelberg, VI 51379" +70885.5117,7.489075381,5.401579141,4.13,39730.15754,1246595.16,"68634 Bowman Wall Apt. 657 +South Lindsaystad, AL 23019" +51742.0517,4.976384786,6.862250095,3.22,45458.31172,812059.0591,"568 Gloria Road Suite 451 +Kimfurt, WV 22760-4628" +61830.2395,6.099760912,6.54354236,3.16,37688.39048,1054856.033,"70673 Christopher Mountains Apt. 785 +West Mikeside, AR 76748" +73582.86266,7.425390997,5.965859467,4.27,36759.65255,1384432.153,"004 Gilbert Rest Apt. 122 +Josephtown, IA 22209-1112" +73998.97605,5.702047487,4.779414719,3.2,49947.48099,1133126.484,"PSC 8727, Box 9505 +APO AE 83389-7909" +62270.59377,5.486476594,7.841884408,5.07,56626.45629,1470476.987,"8170 Nguyen Lakes Suite 553 +Richardsland, VT 91383" +61943.19165,7.202716558,6.613982587,3.07,41204.71039,1326837.456,"72922 Gerald Run +Bennettbury, IA 79096-0033" +71108.05397,5.337521408,8.30426675,4.4,39238.48488,1441956.202,"1601 Smith Grove +Angiefurt, ME 26214" +77485.71068,5.799168209,6.563428008,4.07,33296.59384,1278204.782,"2911 Fowler Fork Suite 529 +North Justinfort, IA 72280" +56516.90365,5.323563633,6.995307465,2.03,34169.93467,803919.8065,"9920 Vasquez Road +North William, VT 10512-5275" +86129.76402,7.002562785,6.43330846,4.45,43393.29754,1880127.062,"1507 Jessica Brooks Suite 222 +Scottberg, FL 04150" +70030.02061,6.223011942,7.656969157,3.05,26782.55627,1261715.462,"31625 Forbes Terrace Apt. 550 +Masonview, WY 92231" +68449.04732,8.390376004,10.1449879,3.14,20145.88651,1810158.487,"46215 Craig Causeway Suite 574 +Joyport, DC 81001-1533" +69518.48172,6.728847575,7.415805962,3.48,36570.18205,1527492.344,"8847 Raymond Burgs Suite 427 +North Richard, CT 27306-6334" +62911.51832,6.28355989,6.056316024,3.25,39738.27109,1133084.324,"7279 Gonzalez Branch +Jamesfurt, MO 42807-4704" +78060.65073,6.377932267,6.365205749,2.07,47151.72226,1491145.24,"417 Fox Rue Suite 365 +New Anitamouth, WV 41012" +71714.70068,5.322018628,5.229619481,3.22,28294.09415,853142.8085,"14889 Morrison Light +North Nicole, DC 75835-8124" +58970.57957,5.686392608,7.688318694,6.22,18991.77717,973688.7555,"15561 Cameron Cliffs +South Mark, NE 53966-8240" +89716.84074,5.216626584,7.494639257,6.21,60886.85261,2105991.792,"852 Olson Manor Apt. 860 +North Meaganhaven, MP 22777" +58945.507,6.635288857,4.490071755,4.25,47225.66765,948366.9679,"399 Lindsey Extension +Port Elizabethport, ME 70413" +88090.37432,4.192968844,7.503210113,4.34,55833.58223,1641473.662,"912 Michael Well +Lake Taylor, AK 56349" +61269.49231,4.760420942,7.804221689,6.14,41079.48627,999369.7984,"07975 Olivia Drive Suite 412 +Shelbyview, WY 49540" +77910.2699,4.638074724,6.30458615,4.35,28126.82564,983180.3746,"7319 Gray Street Apt. 003 +Hamiltonshire, WI 70268" +71500.87164,7.759013435,5.748082223,4.09,33741.7412,1439892.632,"1296 Elizabeth Street +North Stephen, VA 49776-7211" +77049.01999,5.614853827,5.657957746,2.17,19146.68419,812512.2413,"10594 Lee Burgs +South Daniel, NV 82349" +72474.89346,6.702517795,7.31081825,3.16,33307.05501,1304511.899,"3038 Smith Springs +Sarahville, MI 32945-5394" +69866.02451,5.83202653,6.873508167,2.14,48601.33237,1246270.01,"0307 Delgado Neck Apt. 340 +Sarahfort, SC 76572-8997" +78355.3537,5.41008633,6.858259096,4.02,26740.95457,1277112.117,"797 Jerry Loaf +Christinabury, DE 10481-0476" +76541.47992,5.660339804,8.177654293,3.03,45686.08273,1734814.16,"60984 Jeffrey Walk +Lake Devinport, NJ 48846-8791" +68779.1743,5.198650574,7.836796128,6.11,18901.41543,869924.0584,"649 Miller Fork Apt. 925 +West Geraldside, VT 87236-9508" +52034.91153,6.95535441,6.83609345,2.2,20444.78627,961727.4684,"3476 Romero Track Suite 459 +Samanthaville, CO 31117" +91937.80789,5.153942345,6.905806012,4.37,19332.41978,1267150.837,"61051 Richard Locks Apt. 499 +South Cindyberg, WV 41881" +66467.92305,7.484255954,6.570454841,4.27,59258.48602,1820189.533,"060 John Place Suite 221 +New Susanmouth, DC 29629" +62399.28279,5.031460473,6.657811047,4.02,29409.21187,716344.6279,"1504 Michael Tunnel +Kathleenfurt, SC 35732-2763" +63477.2577,7.5818281,7.023402557,5.31,28894.49794,1204400.616,"004 Jessica Rapid Apt. 549 +Chelseyshire, MI 32396" +67396.96811,7.043434912,7.661429433,3.21,42768.37336,1560805.071,"47072 Middleton Isle +Wrighttown, NE 39331" +80371.44642,7.497837318,8.318208245,4.36,18859.2903,1644242.024,"27895 Snyder Trace +Michaelstad, NM 96388" +64276.53753,6.993607044,9.382365597,4.14,40728.77666,1586312.158,"4618 Yolanda Valley Suite 686 +Ashleyborough, NH 90179-9423" +59084.7252,7.086564276,6.144058873,2.11,42955.90836,1073254.144,"173 Robert Viaduct Suite 666 +Duartehaven, IN 29424" +55040.23986,6.11305499,4.97716915,4.29,58040.67422,1090888.963,"198 Jason Mall Apt. 708 +Laurieside, CT 55153" +77803.18625,6.646958009,7.161329308,5.38,42090.9482,1568181.614,"Unit 3061 Box 5285 +DPO AP 84263-3820" +49767.03433,6.656389733,7.020757423,4.06,40776.07911,927978.9092,"556 Morgan Locks +Griffithton, ND 65308" +56741.4166,5.785098314,8.590280907,6.22,26252.12933,985006.9862,"099 Robin Wall +North Andrea, VT 47173" +65904.80993,6.305504899,7.391576554,3.26,43800.05086,1636414.892,"18209 Francis Hollow +South Mistytown, ID 70388" +73019.81772,7.277487017,5.754071063,2.43,50931.75153,1542488.695,"413 Ruiz Harbor +East Dwaynefurt, AR 67836" +57521.6855,5.31838063,7.641761915,4.38,29113.40873,806255.8756,"19677 Harris Port +Duarteberg, ME 21314" +71486.95568,4.924755233,6.888194935,2.2,41479.08232,1101341.194,"1494 Jesse Square +Tracyshire, OR 66419-4633" +81107.896,6.537477886,8.391016041,6.3,40936.98964,1787324.506,"Unit 9428 Box 9990 +DPO AE 77397" +72006.81109,5.71778448,6.942240488,2.01,37402.08393,1235593.277,"79128 David Stream Suite 581 +Gibsonview, DC 25798-0052" +66071.92533,6.354552332,6.733598516,2.27,19935.30267,1033626.411,"1029 Warner Mountain +South Danielleville, DE 93493-7910" +72655.35365,5.923908294,7.378111938,3.02,38039.25299,1335848.332,"7824 Alexander Wells +South Michael, RI 90908" +60685.9264,6.240501135,7.151434764,6.12,27530.56599,943469.808,"955 Yates Spurs +Wandaborough, MS 55302" +81044.94476,6.181163444,6.075156455,4.48,38512.4832,1382998.251,"6333 Courtney Mountains +South Amandashire, MA 58101" +58318.8615,6.643225713,7.028824446,4.29,29491.63527,859208.7212,"20090 Stephanie Branch Suite 447 +Amandaberg, PA 77785" +65674.59699,6.583891772,7.120266466,4,34492.79331,1234629.595,"3159 Griffith Plains Apt. 215 +West Briantown, AZ 75098" +78859.80766,5.834477296,6.948152214,3.15,38198.79736,1248845.209,"0865 Amy Circles +East Erinburgh, VT 38076-2616" +75844.98746,5.876525483,6.686444473,4.17,31903.37547,1108912.515,"985 Matthew Circles Apt. 923 +Dannymouth, MO 92329" +77615.85134,6.20060293,6.909326582,2.27,36591.52345,1466411.79,"0243 Banks Cove Suite 863 +Williamchester, OR 45035" +55988.13923,7.187558599,6.083343255,3.43,55042.91443,1454035.008,"Unit 7390 Box 2056 +DPO AP 25324" +79571.60308,7.27567668,4.29822055,3.3,43601.7107,1457230.646,"USNS Hoffman +FPO AE 23485" +68099.65344,4.916225148,6.108966827,2,35347.133,837540.1697,"89331 Matthew Station +East Timothyside, NE 40215-8990" +69489.40343,3.394290808,7.861659356,5.34,28389.5975,694472.1081,"915 Williams Shores Suite 900 +North Paula, NC 10613" +95212.46909,6.396503504,8.700428328,4.28,43890.03872,2139725.54,"983 Joseph Roads +North Clintonstad, MH 00999" +58533.13639,5.254805402,7.288337749,4.38,49321.05718,1285312.244,"683 Garza Port Apt. 033 +Susanview, IN 68879-6525" +61875.07597,5.902141852,6.152203519,4.18,35833.39308,975005.7737,"213 Eaton Glen +Port Zacharymouth, IN 79205-6001" +80422.26188,5.930012207,7.636755304,3.21,51383.02413,1661435.48,"5790 Linda Drive +South Kelseychester, NH 66506-0128" +41064.87217,5.087521122,7.09989855,5.45,37600.68728,557228.7842,"757 Howard Via +Lake William, NH 07208" +68885.98661,5.638185034,5.604893614,3.37,21688.8083,871325.2613,"91339 Page Haven Suite 833 +Vegaland, WI 86775" +70657.39833,7.253377051,6.349965618,2.31,22743.50723,1246485.184,"4892 Dana Landing Apt. 954 +Cathytown, NC 83325" +78199.45501,5.097762701,6.163614759,2.01,50241.0408,1491153.03,"914 Black Roads Suite 378 +Jacquelinetown, DE 52211" +63536.04919,6.642536177,7.736523111,6.28,45842.39381,1532682.048,"4370 Phillips Plain Apt. 677 +Dudleyburgh, RI 34309" +57191.89561,6.10770305,6.077955688,2.07,21518.52517,646248.1834,"0551 Harris Mews Apt. 676 +South Colleenstad, OK 76109" +88733.44803,4.740032187,7.91438674,4,32505.91637,1397943.513,"5513 Ward Mission Suite 961 +West Melissafort, NH 86610" +46285.83806,6.388845621,8.76342664,3.42,42246.01753,1153321.604,"4366 Lewis Crescent Suite 780 +Paynefurt, VT 65844" +71799.86053,4.633368994,7.239251808,3.37,33178.3664,1135030.683,"PSC 9249, Box 8264 +APO AE 94608" +63700.88828,6.534634687,6.014719301,2.07,52554.41103,1312466.974,"1125 Timothy Landing Suite 089 +North Michelleburgh, DE 43595-7674" +61516.10033,5.447567553,7.808975224,4.26,44913.2108,1224001.871,"4005 Desiree Circles Apt. 228 +Kristinatown, CA 37998-8425" +66749.5692,7.156438049,6.097469333,3.37,46553.97583,1394637.65,"1630 Castillo Summit Apt. 619 +East Karenborough, VA 26540-5015" +85668.89693,5.332464491,7.667315975,6.49,24272.72411,1218125.212,"40806 Gonzalez Ports Suite 735 +Richardbury, LA 07364" +53562.40354,6.323327765,4.027930716,3.13,17964.4699,266298.8811,"441 Ryan Courts Suite 717 +Gonzalesport, NV 30350" +61134.78903,5.510088341,6.430482045,4.04,49167.47598,1052567.699,"696 Morales Mount +North Stephaniefurt, IL 15970-0880" +70643.17931,7.863844807,7.713449134,5.03,24298.96807,1460450.981,"4119 Armstrong Garden Suite 396 +Hawkinsville, AZ 45777" +76635.9532,5.773928786,5.898447428,3.41,39792.55162,1205377.911,"4764 Kevin Turnpike +North Kristy, MH 98016-2735" +74229.47176,6.738855398,6.486821315,2.24,20042.99352,1110394.025,"27781 Emily Mission Suite 338 +Diazfort, SD 77874" +68742.98732,6.068787669,7.316551474,4.44,34008.88188,1218566.262,"PSC 7604, Box 4292 +APO AP 69437-0477" +42245.80078,4.878096045,7.328273933,4.34,53670.66263,862865.8153,"1221 Moore Parkways Suite 970 +South Zachary, GA 88442" +57631.59791,5.651092761,4.960131756,4.27,33884.18379,705100.5116,"483 Henry Locks +Wilcoxtown, SD 27970" +71066.80865,4.51997251,5.765715832,2.44,43419.88705,1112194.752,"37016 David Glens Apt. 820 +North Sydneyborough, MA 23001-0912" +71813.75784,5.135510991,7.656990079,3.08,27307.96558,1049981.352,"1566 Jesus Expressway Suite 832 +Kathrynview, AK 07505" +80154.87152,7.006200196,5.726046839,4.24,45608.50108,1650269.18,"996 Cristina Park +Marshallmouth, OK 70984" +71229.35796,4.850190809,6.978127664,4.15,27168.84219,699787.319,"979 Amanda Mills Apt. 740 +Jamesmouth, IN 33835-2971" +65182.11557,3.639344477,7.014834535,4.12,32729.59673,779106.0225,"97736 Brooks Lights +Port Rhonda, PA 26349" +65258.21368,8.254232786,7.85838329,3.41,44352.88381,1748474.694,"21023 Jennifer Summit +Port Brittanyburgh, PR 59046" +79988.56869,5.351595602,7.26151038,4.11,53109.81138,1550036.519,"PSC 0911, Box 4735 +APO AE 04626-3158" +49664.26757,4.501301565,5.737675859,3.35,29403.51206,581134.9649,"7886 Laurie Street Suite 487 +Lindsayberg, OK 30647" +73579.39609,7.590796628,8.374680413,5.04,37368.20507,1537765.661,"6624 Tina Trail Apt. 796 +Annaside, MN 18320-8664" +75865.63461,5.741840454,6.787658333,3.37,30350.78086,975054.5664,"27680 Kayla Garden Apt. 502 +Lake Amytown, VT 21723-8240" +78048.80583,4.681211412,6.947967184,4.07,28727.0782,990725.6518,"393 Mark Crescent Apt. 318 +Sullivanmouth, MT 91498" +69446.29705,6.258472411,7.789669785,3.04,22578.30787,1092843.3,"4123 Debbie Plain +Juliatown, NE 39004" +73005.84733,4.195004096,7.40908816,3.02,36706.21104,1217309.129,"6320 Christopher Spur +Sergioborough, MA 62426-1311" +78146.85402,7.259068432,6.33247305,3.13,30040.12652,1622261.672,"366 Olson Courts +Wongton, GU 39226" +64042.76884,6.762606527,8.383208106,4.23,21350.91704,1288490.268,"53458 Daniel Locks Apt. 694 +Flemingburgh, HI 86115-0628" +96899.01259,4.396518014,6.942531097,3.01,50292.66772,1697281.494,"69814 Parrish Lock +East Micheal, SC 69549" +75059.77452,5.566034503,8.209029368,6.39,18699.18704,1242316.991,"98184 Susan Bridge +Aaronchester, MD 67130" +97076.1645,5.960819538,6.606163705,2.46,39915.65678,1969194.124,"20831 Heather Common Suite 998 +Lake Elizabeth, MS 95665-3322" +75250.20708,6.619005844,6.500233929,4,34098.3748,1418723.657,"36847 George Turnpike Apt. 614 +Wardside, FL 81978-4911" +61099.3753,5.109617927,6.59578957,4.18,33249.1129,744450.2293,"6096 Mack Circles Apt. 436 +Diazchester, IA 07399" +43401.44163,7.036778192,6.627467481,3.42,24589.41038,736817.3769,"67815 Hunt View Apt. 776 +West Melaniefort, CO 84268-8523" +76228.51344,6.297773989,8.402822286,5.04,46694.14247,1820595.367,"86237 Cynthia Ranch +Aprilton, GA 79580-2787" +70698.54806,4.808135498,6.191056965,3.26,26598.06445,799191.0381,"202 Cody Club +Lake Ruben, SD 83426" +58719.36049,6.152436518,7.427891612,4.35,44957.01792,1296240.112,"96658 Virginia Village Apt. 406 +Melissaton, VT 79035-8774" +73237.58306,7.181472304,6.499062263,2.31,33995.11263,1341722.836,"5160 Anderson Forks Suite 782 +North Emily, VA 86170-3249" +50817.79065,4.473663283,7.640863277,5.35,34818.2095,771002.0763,"76188 Whitney Landing Apt. 911 +East Shaneburgh, MT 56173-8113" +60297.70333,6.577468443,7.248681841,6.37,33621.46062,1243748.119,"777 Heather Station +New Danielborough, ME 21280" +63558.346,6.259884035,7.081332748,4.48,37969.65867,1138036.595,"48129 Collier Prairie +Bridgesstad, SD 33921" +68704.61174,4.917396066,7.113702144,3.14,40183.03473,1020145.973,"18094 Walker River +Matthewmouth, IN 75818-3834" +72994.02315,6.584041415,6.579368087,3.4,40449.96173,1507035.874,"673 Gibson Circles Suite 962 +South Andrew, FL 87783-2655" +53847.54969,5.400851894,6.063734592,4.25,23852.69496,569876.7749,"7639 Alexandra Way Apt. 400 +Mooneystad, ID 09802" +62992.1901,5.913662974,7.054529483,3.27,23116.79338,867311.0637,"07743 Michael Glens Suite 132 +Lake Gabrielashire, NE 68478" +83004.61836,4.456986609,6.317806798,4.07,44194.65852,1325354.508,"297 Reynolds Greens Apt. 163 +Jonathanstad, FL 82710" +73699.78263,8.18125291,7.424093156,5.07,34445.8909,1710966.036,"18880 Ramos Loop +Matthewborough, FL 68043" +44834.02158,6.442184278,6.362455875,4.34,40784.38132,757469.0222,"24988 Roach Pines +North Allisontown, PR 01335" +69495.74927,5.960923959,9.500832821,3.37,36248.75863,1450786.775,"73212 Diane Camp +Lake Maria, MO 55537-5224" +72581.89951,4.288708647,6.063472848,2.29,26765.18425,1004340.036,"844 Charles Stream +Samuelview, NJ 14509-7731" +76908.50551,4.959395788,8.882339499,3.43,57322.841,1957984.944,"0534 Palmer Canyon Suite 267 +Tiffanymouth, NH 63798-5081" +70658.46102,6.715244941,7.579642063,6.34,32688.7829,1262187.042,"402 Ortiz Shoals Suite 053 +East Deannaview, OH 88507-7776" +72405.65003,4.4506074,5.73495711,2.4,32748.7865,718187.0166,"41617 Nicholas Ferry Suite 806 +Perkinschester, VA 33951" +62893.64668,5.212987002,7.694546767,4.5,35593.55018,1271518.964,"0454 Brianna Radial +Christopherhaven, MH 84564" +76626.75782,7.489032361,6.561406388,2.37,20782.08982,1333995.852,"884 French Mountains +New Austinton, UT 96635-9122" +67781.08775,6.013383633,7.238945132,4.46,43570.83166,1424389.483,"473 Martinez Manors Apt. 711 +North Robertchester, FL 17689-6624" +74004.13042,6.706485256,5.785742624,3.18,25909.19733,1078577.267,"961 Benjamin Village Suite 910 +Coxfurt, VA 54297" +62006.20326,5.735932506,8.653682943,4.11,53450.07286,1536899.083,"7107 Nathan Neck Apt. 835 +Jeremyside, DE 56708" +66698.24733,5.392094465,6.996383045,4.08,40558.23902,1165875.306,"327 Michael River +Harringtonbury, TN 48100-3204" +74562.3907,5.346656267,8.883171964,6.2,18597.58899,1165877.669,"76830 William Spur +North Dennisborough, NJ 77736-3759" +67715.21701,4.745733103,6.403764217,4.29,38555.18185,1099917.434,"254 Silva Coves +Jorgetown, PA 58403-1657" +49055.28186,7.740133868,9.266826985,4.29,26841.43399,1244630.998,"Unit 3354 Box 0509 +DPO AA 43248" +66484.84424,5.700884776,6.90887064,3.4,28002.64709,873509.1895,"483 Choi Falls Suite 958 +South David, UT 15496" +72899.6582,5.22204019,6.861010129,4.21,39311.14754,1270928.034,"039 Riley Divide +North Seanmouth, AK 27303-1827" +67076.26779,4.069649993,7.047338263,6.28,35182.00509,997618.6798,"4465 Butler Port Suite 334 +Potterfort, GU 07071" +49198.62891,6.375401943,6.857199036,2.22,44786.52968,913978.5734,"826 Price Lodge Apt. 957 +East Monica, NV 24427-2388" +56374.21297,5.712045813,6.903349155,3.48,35084.59224,856207.6028,"0392 Russell Pines +Vanessachester, ME 86976" +78077.11195,7.164631467,6.352985108,3.3,40737.41719,1729392.204,"030 Nicole Pass Suite 606 +South Christianmouth, IN 41626" +71103.17572,5.676345575,8.039884116,5.24,59442.37559,1518787.761,"88096 Campbell Coves Apt. 230 +Russellchester, FL 07349" +59904.84805,5.128553727,5.661512496,4.19,35188.77285,752168.0689,"USS Frost +FPO AE 14077-5917" +67672.94127,6.334180261,7.781972592,3.13,39902.45965,1550931.068,"36614 Fisher Forges Apt. 509 +Leeview, MH 89420-6646" +67123.99452,5.446212215,6.9961141,4.43,56400.27739,1327806.729,"110 Johnston River Apt. 404 +Crystalchester, OK 52258-1753" +65274.13995,9.519088066,6.203728816,2.05,25620.91569,1399906.45,"96381 Sonya Mission +East Kevin, OK 68218-3510" +61827.54396,7.395256895,6.851841828,3.27,31309.43894,1235591.828,"1604 Wilkinson Tunnel +Lake Lawrenceburgh, TX 40964-2749" +50041.12522,5.981267363,8.699555304,3.08,68311.69582,1626676.49,"300 Jamie Freeway +South Marioshire, MI 12514-5439" +68870.37884,5.283012432,6.236221561,2.12,42188.36249,1099959.639,"Unit 4845 Box 2656 +DPO AE 68663" +56247.30619,6.950313963,8.073189358,3.28,36910.30353,1289190.763,"53083 Russell Skyway +North Reginaldfurt, KS 45504" +79763.06157,6.082694954,5.891707893,3.36,53615.34994,1441312.168,"2047 Jodi Turnpike +Johnfurt, MA 96951-8875" +50661.0223,5.793192349,4.878600638,4.28,44261.86804,829128.6568,"273 Powers Fork Suite 167 +Russellport, ME 52621" +65142.75686,7.811442265,6.702642874,4.47,42574.65598,1443228.288,"56438 Swanson Pine Apt. 589 +East Ralph, ME 69500-6236" +53641.31029,4.50962279,7.728757647,5.4,36472.17905,616056.96,"5215 Robert Circles +Paulfort, AR 94686" +55716.53957,5.039489621,5.615992213,4.17,42051.29546,809057.4586,"25009 Erik Junction +Curtismouth, MP 58591-5659" +68267.50282,5.907275394,6.800001261,4.1,35935.49687,1383938.367,"7609 Morse Trail +South Cody, AZ 06438" +83444.99369,5.310036748,6.029291539,2.43,44807.98836,1514555.082,"2452 Holly Forge +Jonesville, FL 71030-2432" +76609.91724,3.770547698,6.700456133,3.21,55430.31157,1214689.184,"624 Alyssa Plains Apt. 752 +New Charlesstad, DC 55271-6451" +78685.83503,7.020022836,7.368314072,5.14,34767.78842,1672445.348,"495 Hill Green +East Kyle, SC 87017" +86232.59959,4.277772701,8.916065688,6.44,38437.36258,1496776.83,"Unit 8468 Box 1021 +DPO AA 81950-7765" +75867.23111,6.588824283,6.756785869,3.11,32319.5475,1408427.758,"5425 Alvarado Stravenue Suite 664 +Lindseymouth, PA 50595" +73428.34904,6.543374014,7.120828,6.49,42332.30062,1447492.964,"20495 Melissa Gardens Suite 101 +North Laura, CO 17542-6982" +74994.85564,5.094685269,7.44884654,3.13,41651.64848,1301486.686,"9972 Frank Stream +Lake Jasmine, WY 31336-2690" +58779.08967,8.190106862,7.272833458,6.19,38936.0429,1472809.487,"501 West Divide +Port Michelle, TX 06963-2825" +49756.61405,5.791471015,8.353541655,6.11,44877.43863,975384.1814,"3660 Nicole Flat +Landryburgh, DE 79241" +71135.38992,6.469121766,7.834605896,3.26,15441.82724,1088699.399,"69116 Webster Fields +West Alisonview, MH 37273-4393" +82919.89104,5.776610972,5.900321138,3.17,44985.26192,1527676.374,"204 Arias Grove Apt. 165 +Barbarafurt, AZ 60551-8117" +59492.13822,4.390785267,7.915126173,6.01,46608.27189,1078534.553,"8614 Anthony Knolls Apt. 406 +Davidsonview, NE 45957-8349" +70363.58025,7.224465969,6.011897278,2.36,22201.1255,1054249.207,"PSC 5623, Box 7679 +APO AP 93864" +70946.91099,6.554022364,5.29682702,3.04,41818.59399,1214262.699,"49059 Peters Glen +East Debbieburgh, CT 93304-2440" +78646.30868,4.084091884,7.768766156,4.4,17551.70639,920951.5683,"599 Vanessa Springs +West Kaitlinton, CA 56383-3070" +73273.33404,6.291080412,6.497472775,4.18,36790.91474,1132983.955,"03779 Ashlee Mount Apt. 453 +South Timothymouth, PR 42283" +84115.12106,7.85725643,6.683281712,4.25,21776.72769,1731564.379,"2564 Jeremy Parkway Suite 094 +Port Eric, IA 39750-1691" +79433.27774,5.124179449,6.230312382,2.47,40077.74753,1236633.087,"55398 Lawrence Drive +Port Teresafurt, MO 40683" +69647.70865,6.152713586,6.705944616,2.24,41612.16759,1473680.604,"9923 Misty Lock +West Jason, SD 47423-5014" +79638.99807,6.411172314,8.500659314,3.44,37129.97368,1852584.523,"457 Park Locks Apt. 056 +North Tracey, DE 03303" +76856.30386,5.507289183,6.465831691,4.38,29382.08979,1254938.142,"7670 Richard Branch +Aimeeburgh, OK 15281" +82199.35452,6.654755323,7.25829112,5.08,33609.24595,1638661.432,"471 David Corners +Kennethburgh, WA 92120" +72814.15708,6.488907285,6.825332885,2.39,37882.63334,1367130.348,"71649 Susan Mews +South Alishaburgh, VA 83826" +75167.81195,6.499624652,5.733121472,4.48,32966.1968,1327961.098,"5038 Renee Mount +Craigchester, WA 52680" +70507.74702,6.228799162,6.850891932,2,41981.02093,1332042.912,"USCGC Carrillo +FPO AE 12579-7463" +46931.57582,7.525739655,7.411213425,3.16,22190.12926,893215.2366,"074 Pamela Crescent Apt. 243 +South Alexisbury, MP 43498-1835" +60137.34538,6.547295774,6.668790917,2.19,15994.12967,832691.1781,"788 Warren Rue Apt. 896 +Lake Michelle, MP 85827" +66026.61208,4.173577215,6.346072053,4.09,43645.38548,885249.1825,"5675 Rachel Unions +Lake Angela, PW 30864" +76161.63368,5.461126677,6.73812855,3.15,13801.92076,715460.4683,"43204 Daniel Forks Apt. 619 +Port John, NJ 56009" +69586.47553,6.392390952,8.621547919,3,35253.99541,1509962.022,"199 Charles Crossroad +Waltonton, OK 28554" +86859.20443,5.701271062,7.88847287,3.23,46559.98377,1942640.265,"PSC 6264, Box 7264 +APO AE 69725" +68182.46514,5.982990281,6.420078343,4.48,41933.848,1175289.161,"614 Ramirez Mills +Paulton, ME 24476" +60379.36154,8.139623645,7.546758004,4.44,43552.35859,1675523.367,"355 Rivas Vista Suite 528 +New Elizabeth, CA 07155" +55430.0968,5.645572559,6.925359976,3.31,36332.25465,886321.0236,"03909 Melissa Shores +Theresamouth, FM 66053" +50016.42882,5.584992599,5.662718229,3.26,29559.22607,497368.0368,"36648 Justin Dam Suite 426 +Robersonborough, FM 14566-2618" +49563.54454,5.221901667,8.217406932,3.12,23819.28222,542596.9895,"14150 Chad Passage +South Jennifermouth, MI 31940" +74279.92623,6.929480579,7.369607416,5.4,26947.1525,1422004.011,"60183 Angela Loop +West Markview, GU 22828" +73421.02196,6.631533818,7.771788544,5.11,35630.89129,1491290.049,"1608 Sullivan Manors Apt. 635 +Marshallport, NE 55068" +74253.19461,4.937953324,8.165833176,5.23,26956.9224,1279279.8,"90661 Christine Ramp +Jeanmouth, WA 05188" +80072.50965,6.762954361,7.832812175,4.29,32415.89703,1838984.44,"097 Rodgers Meadow +Jamiemouth, WA 69697-6589" +67501.01709,5.700168636,5.406339146,3.25,27412.79641,807916.3134,"63105 Christopher Squares +North Kaylastad, ME 96306-6752" +69569.81267,5.182681463,7.749843449,3.5,27112.99614,1076602.188,"PSC 8343, Box 1708 +APO AE 20704-2228" +81997.68496,5.405307087,4.472098219,4.46,38628.41341,1232872.356,"6725 Tucker Path +Chaveztown, KS 39646" +68227.88157,6.108941426,5.891687754,3.06,38294.55889,1038153.949,"60062 Butler Isle Apt. 286 +Christopherland, HI 76306" +74180.58221,5.821696304,6.183847169,4.22,31461.73366,1140209.078,"99661 Johnson Valleys +Johnberg, DC 94311" +65801.23308,5.974145956,6.832161238,4.42,42607.23457,1305101.774,"USS Whitaker +FPO AA 99014-4914" +70719.52095,5.492973781,7.813691103,3.21,29301.47935,1044017.432,"70037 Turner Parkway Suite 002 +West Michele, ND 09161" +59563.08494,6.167697156,7.645776799,4.05,24196.14147,906543.7654,"558 Jeffrey Parkways +Lisaville, FL 54897-6198" +57311.80815,5.678351891,8.161782463,6.39,38929.92619,1200888.773,"3970 Benjamin Walk +Beanville, GA 24531" +76448.09182,6.854163168,6.802429649,3.25,23214.70296,1412619.71,"67135 Anderson Ridges Suite 891 +North Tamistad, PR 58979-1600" +68934.61663,5.891402459,6.840388781,2.5,27479.08132,1109260.854,"581 Jonathan Highway Apt. 682 +East Lindsay, MT 17494-6010" +74274.11058,5.423909775,7.684206048,6.5,32789.06251,1347202.578,"21403 Gibson Harbors +New Rickeyside, MS 15391-1266" +82115.11383,6.743745454,6.977569052,4.47,46052.47816,1796531.903,"591 Fernandez Ports +North Angelaside, MP 72848" +57671.35292,6.260993427,7.296984059,4.04,30496.29345,960904.9954,"511 Parker Plains +Lake Paige, TN 66753-2740" +68061.8143,5.776912412,8.067645702,3.02,30689.3026,1255736.409,"3460 Melissa Shoal +Lisachester, ND 84821-7611" +73334.68387,5.305891887,5.954193531,2.45,32270.8275,935061.3093,"22941 Stark Hollow Suite 275 +East Chelseafort, MN 05973" +87295.08843,6.099807764,5.548363334,2.36,23399.85224,1116680.146,"4782 Curtis Plaza +Taylorshire, WV 81216-5334" +77969.99352,5.359050538,8.133114034,4.08,29941.39892,1519415.353,"546 Joseph Wells Suite 161 +Laneberg, NC 15051-8273" +66997.40261,6.511274455,7.579983232,3.41,55761.36733,1788786.456,"753 Robin Vista +Lake Kristy, MP 76281" +69232.94678,5.283882343,8.050009204,5.16,23728.2407,1144319.076,"571 Dixon Stream +South Barbarashire, WA 67750" +69686.32017,5.367354697,8.329114583,5.41,41007.66,1148508.025,"76306 Danny Expressway Suite 720 +Ianside, MA 48504" +60664.89714,5.504294209,7.384769882,6.2,37712.83942,1029273.279,"50565 Austin Pike Apt. 382 +Noblefort, GA 64078-9562" +60837.72748,6.864730498,6.86396657,2.47,58168.62144,1543966.426,"87580 Suzanne Viaduct +Andersonstad, MI 97761" +70944.65345,5.763861664,7.176793304,4.42,18268.47755,1029951.81,"2119 Marsh Springs +Kellymouth, MP 07861" +63307.83358,6.059462236,8.022491297,4.18,31956.5242,1286974.697,"122 Kevin Stream +South Donna, MD 76364" +69240.13238,4.742875352,7.628907368,3.06,34500.5783,1169736.791,"261 Harrington Dam Apt. 946 +Johnmouth, PR 12717-7791" +52840.21116,6.855065813,6.855512563,4.06,40736.73807,1268421.104,"449 Sarah Manor +Robertberg, CO 36997-5858" +51480.4134,6.198157646,8.732593882,5.23,29802.71071,987973.8928,"3528 Gray Harbors Suite 412 +Ericberg, GA 34088" +61956.88622,5.312716435,6.818515419,4.09,32898.29808,1128895.125,"42150 Charles Roads +Sarahview, TX 23286" +83408.78733,6.224970591,5.605024326,2.09,59346.89131,1770681.132,"329 Carroll Garden Apt. 199 +Patriciahaven, UT 57426-1034" +68953.48361,5.16799482,6.946762926,2.1,13008.4873,568842.5356,"829 Nicholas Fork +Karlview, NY 69693" +66909.67317,4.062422165,7.035001292,3.05,34625.34664,821598.9852,"84837 Miller Ways +Eatonberg, WA 00797" +64707.74566,6.371568823,5.95444541,2.24,23746.00113,931733.3639,"USNV Turner +FPO AE 36440-1787" +52933.91445,6.897481352,5.849840776,4.35,44766.76114,1218635.851,"47810 Harris Prairie +South Alexandra, WA 19642-8250" +81745.07846,7.149667268,7.384105886,3.39,21021.01916,1626659.96,"3022 Bryant Junctions +North Amandamouth, CA 51797" +79663.7974,6.679506176,5.233763008,3,32806.85495,1298476.895,"125 Jay Radial +East Brandonport, OK 68905" +66039.62218,4.568031707,5.243971276,4.5,28616.05068,752357.2824,"8803 Marvin Trace +Lake Debbie, AK 81237" +74079.02814,7.469086863,6.998924641,3.4,32447.39919,1696339.544,"USCGC Kaiser +FPO AP 82517" +87736.40305,7.007093242,5.397883695,2.37,28113.78539,1578146.34,"5034 Stevenson Meadows Suite 188 +Littlestad, SC 05483" +57657.89956,5.391957403,4.904768369,3.38,35437.88701,731715.2643,"6615 Cole Brook +Port Jamesfurt, AZ 02926" +77415.70269,6.045718887,6.868260849,4.16,11915.2811,1009854.705,"037 Rodney Keys Suite 061 +Stokesbury, NM 33106-4508" +82868.47156,4.593850381,7.322530062,5.49,20957.76529,1111655.906,"157 Mendoza Gardens +Williamhaven, DE 70779" +76395.84651,7.264638861,5.61378846,3.12,49784.7157,1626125.166,"303 Allen Mountain +Wilsonbury, RI 31109-9742" +54453.08162,5.635768404,7.152986855,5.38,40552.0869,999970.6794,"72757 Shawn Ranch Suite 164 +Harrisonbury, OR 58149-5700" +71380.62142,5.775151934,8.029918808,3.43,36428.04221,1295967.387,"074 Thompson Cliffs Suite 501 +New Elizabethburgh, WV 32301-5149" +64193.8685,8.063975517,6.79701992,3.27,42961.5096,1545864.166,"19604 Sarah Spur Apt. 293 +Russellchester, PW 47848-0324" +77513.92579,5.557758131,7.203430374,3.4,34958.43039,1360910.728,"08861 Powell Locks Suite 444 +Davidmouth, TX 47690-6836" +100741.2986,5.87072628,6.644853064,4.33,26041.48762,1644923.078,"5155 Virginia Station +Fischerberg, PA 75078-8129" +75391.68176,6.484387168,5.903753582,3.17,43359.02128,1435769.769,"847 Winters Loop Suite 036 +Staffordville, FM 06029" +88721.12121,5.985678673,6.71659011,3.22,30965.57789,1528987.325,"882 Salas Course Apt. 021 +Port Erica, WA 18765-4834" +75819.79878,6.697936535,6.377735419,4.11,28938.79513,1373106.567,"916 Brady Trafficway +Smithland, IA 21092-0828" +54497.32419,5.613641023,7.343520602,4.04,29180.09763,756216.5758,"8639 Jerry Freeway +Stephanieborough, WA 24745" +73255.23111,5.407872112,6.148675305,3.24,41368.95474,1413105.495,"1365 Morgan Bridge Suite 385 +Thomastown, MI 80735-1143" +67176.77038,5.976464799,9.515694091,4.14,40456.01336,1440317.763,"242 Smith Cliffs Apt. 583 +Alexandermouth, ND 25093-7275" +62358.4041,6.870976759,7.326975754,4.19,35365.9456,1212276.357,"112 Mark Glens Suite 136 +Lake Jason, WY 98504-0312" +69059.56222,5.886479916,6.912336388,4.39,35742.17833,1356539.507,"PSC 5910, Box 8189 +APO AE 58329" +60912.66434,7.250793799,6.940807628,2.14,25279.9914,1056225.686,"3421 Fuentes Run +Millerton, TN 40497-9082" +60049.85997,5.659088297,7.817119619,4.5,41798.66542,1384787.457,"8607 Mary Islands Suite 956 +North Russell, MA 04668" +75024.02332,5.912490078,6.084322475,3.5,35673.18146,1194440.286,"638 Michael Field +Port Christineberg, ND 80365-5765" +71324.30445,4.086691139,6.020985036,2.29,27362.18991,858159.6196,"2720 Michelle Motorway Suite 701 +West Robert, ID 94081" +71430.14216,4.573025536,8.951042093,5.43,45173.02171,1471031.421,"400 Jacqueline Ville +Meltonborough, OH 17880-0244" +72646.94532,6.287913286,7.053114136,5.43,51126.89179,1626592.991,"87758 Michele Court Apt. 732 +Costaview, MO 92235-1436" +51338.96657,6.2927941,6.804736199,3.4,28731.74977,781524.1764,"5565 Hughes Tunnel +Martinview, AZ 36561-6760" +74435.94994,3.533102865,6.144249343,3,51546.47134,1329521.139,"038 Hannah Knoll +New Kyle, CT 40894" +61687.39442,5.50791348,6.995603466,3.34,45279.16397,1210826.773,"908 Davis Mount +Harrisonburgh, RI 63275" +69284.90957,5.486130126,6.980574624,3.13,37680.55591,1259163.065,"410 Daniel Orchard Apt. 391 +Murraychester, MH 13629-1447" +66189.96558,8.300241409,7.765121473,6.45,24912.22707,1497377.181,"0641 Haney Wells +Smithtown, MD 10999-1822" +58846.48745,7.973923042,5.520750512,3.34,37979.30936,1159699.966,"USNV Thomas +FPO AE 18133" +81823.33891,5.303665743,8.65995966,3.18,31555.74311,1556256.437,"3555 Rodriguez Mountains +Markstad, RI 39801" +63353.80354,4.894943685,7.307411976,4.39,37717.60297,932616.0682,"38001 Nicole Mill +Taylorville, AZ 62203" +88531.09622,6.300154239,7.995086628,6.27,34410.19144,1842065.953,"8155 Young Road +Hopkinsbury, MA 30967-3412" +71901.33353,6.72160432,6.075580589,4.3,36966.47466,1414294.898,"7911 Marcus Centers Suite 171 +New Aaron, MD 01881-8147" +72646.50599,4.961008008,7.84230638,4.26,35628.82539,1285019.137,"459 Hall Street Suite 619 +Pamelaberg, SD 16934" +75691.90024,4.639658329,6.469125115,2.48,24436.95311,867044.9596,"464 Allen Locks Suite 511 +Jamesborough, MT 58821-7233" +67830.62875,6.498984898,8.117273777,4.41,10841.33307,1077059.156,"PSC 1508, Box 8246 +APO AA 48060-7382" +70933.3988,5.335397148,6.00565649,3.16,40092.33616,1088634.962,"167 Anderson Hill +New Charleshaven, MA 94790" +45750.49358,4.814478444,6.349176252,3.1,39692.76316,494609.0334,"0870 Ramos Squares +Brettburgh, KS 51322" +57060.09627,4.5139821,7.189525628,3.02,36853.69458,767214.7961,"PSC 3365, Box 1233 +APO AA 67223" +75144.86605,7.516445643,9.100083063,6.32,21261.14922,1658571.864,"781 Collins Trail +Richardsonshire, SC 87763-3376" +71363.21381,7.286030921,5.960565275,4.43,27965.20349,1308508.119,"294 Daniel Mission +East Dana, NM 10193-2681" +70169.71055,6.227944968,7.651813065,3.36,35197.38496,1217021.519,"9874 Jesus Pike +East Anthony, MT 02062-5778" +56576.55293,5.852522501,6.22945854,4.37,38519.04251,940229.2343,"12080 Haynes Courts +Lake Natalie, RI 97989" +57072.75343,5.644446611,7.738073358,5.42,39651.74995,1208458.246,"54331 Jennifer Groves Suite 994 +New Heatherport, VA 80924" +78679.41867,6.449623481,8.726352815,3.23,57409.90796,2082236.244,"51839 Pham River Apt. 473 +West Carrieside, KY 01300-6139" +70091.56059,5.966762687,5.283166552,4.34,37410.38944,1081497.277,"7636 Rodriguez Extensions +Smithside, ND 83905" +48956.96478,6.754285791,6.178423367,4.43,28742.01216,813726.1138,"01783 Young Forge Suite 528 +Robersonland, SC 61342" +52707.07178,5.92708658,6.853868332,3.44,37736.7699,1016301.443,"1339 Sally Court Suite 166 +Ritaview, ND 26668-5437" +69288.09877,6.515149858,7.750122956,5.39,52969.6334,1782803.869,"44522 Barnes Crossing +Brandibury, NJ 50981-7991" +63918.05158,5.099157668,7.662941512,4.26,48669.64974,1095035.106,"637 Jodi Flat +Lake Jose, NV 35151-3084" +77701.05405,7.804094265,9.287086198,6.39,49495.06496,2187326.443,"1930 Walker Ways Suite 288 +Lake Dianamouth, MO 53367" +84243.49833,6.21090034,5.779484516,2.19,30239.93076,1366668.185,"0069 Kaitlyn Turnpike +Danielborough, IA 80518" +76901.90461,6.050385264,7.565420674,5.46,50668.14136,1727592.637,"Unit 3973 Box 2809 +DPO AE 61808-1106" +69529.72623,4.209418333,7.478086208,5.08,23886.56045,815190.6526,"440 Lynch Shores +Port Brianbury, TX 19196" +67908.17053,6.232585151,7.813056781,3.13,32949.54996,1383508.062,"52363 Hopkins Lock Suite 586 +North Ryan, MO 26455" +62557.44044,5.739552512,7.013863953,3.47,33986.47931,1122563.819,"44646 Kevin Shore +New Tiffany, VI 94479-9812" +69672.311,5.283171839,7.575973595,6.37,31800.30225,1059113.721,"27624 Rivera Square +Staceyshire, WY 71589" +66785.24639,6.026513362,7.60891966,4.37,33871.83313,1480441.534,"Unit 7003 Box 3447 +DPO AA 60987" +71158.05819,5.051671218,6.364705293,3.45,30221.32737,1016871.415,"7341 Mack Islands Suite 642 +Michaelberg, CA 43226-3361" +69361.55772,5.112168913,5.762404548,3.37,30184.88001,682632.8049,"86450 Williams Grove Apt. 735 +Cartershire, AR 41875-9790" +64494.63891,6.062808648,6.221737238,4.49,17476.83196,685775.598,"9623 Cobb Parkway +South Carolineton, WY 40652-4128" +60798.2031,5.014684841,7.141282277,3.4,43682.09423,939139.0293,"46216 Davila Glen +Lake Brian, AR 60635" +81054.50952,7.609818796,5.536174784,3.24,45684.34153,1730103.133,"59042 Russell Extensions Apt. 675 +New John, WA 59707-0307" +69113.25391,5.947990165,5.45592987,4.46,48474.50695,1296432.785,"845 Hart Islands +West Jennifer, FL 43694" +79458.59516,6.461092939,6.880101498,3.36,46292.38464,1825071.452,"611 Mark Union Apt. 823 +North Richardtown, GU 99197" +66866.4966,6.471431653,7.32736317,5.09,32428.4775,1126085.139,"8440 Clarke Orchard Suite 570 +Williamberg, DC 27131" +61117.30431,4.812381467,6.864529714,4.36,32508.46387,729989.3499,"54268 Teresa Place +Kathleenport, NY 53177" +73056.52611,5.571478046,6.086302486,4.21,45565.90056,1183272.511,"4033 Jones Motorway +East Jessica, CT 23593" +76911.51552,6.430938404,5.939219179,3.35,27891.00073,1128842.209,"44835 Wilson Camp +Reginaville, RI 60010" +65014.70734,5.3840355,6.539010241,4.21,23416.65945,1009831.135,"473 Jose Ridge Apt. 177 +Port Shelly, FL 31743-1419" +76717.09736,5.577625303,7.197195138,3.11,22276.37307,1005392.419,"850 Robin Village +Zacharyton, AR 64853" +63330.50652,5.723889031,7.968244375,4.15,20383.57434,983534.15,"3045 Turner Squares Suite 595 +South Brittanyton, NM 60501" +57996.66741,6.459257932,8.610216671,4.13,45786.86126,1626893.547,"64293 Flynn Corner +Robertchester, WI 05647-7344" +74264.41748,5.556855477,7.143696232,3.31,47367.07226,1379671.075,"Unit 6716 Box 5915 +DPO AP 61238-5870" +60243.73329,6.681648951,8.231669131,3.16,33350.12127,1299327.433,"014 Matthew Ville +Port Steven, CO 11869" +77978.59004,5.009825502,6.688390329,4.44,39730.68309,1162191.791,"6651 Flynn Row Apt. 276 +North Amandashire, MD 07547-9261" +73458.72659,6.462708246,4.958376817,2.4,31514.42432,1056562.595,"35136 Thompson Neck Suite 847 +West Scott, WA 80138" +73907.47905,5.478497392,7.50948472,6.36,37171.01136,1295099.437,"719 Ross Villages Suite 993 +Lake Emily, DE 72236" +51628.01456,5.105885882,8.69693706,4.22,32713.0995,817938.7774,"882 Jason River Apt. 723 +Rachelland, NM 71178-3730" +96397.58268,4.451224162,6.200118123,2.4,22681.92948,1053966.425,"2499 Dalton Keys +Nicholasland, LA 68235" +68144.436,7.201161031,7.31174419,5.33,33488.90642,1427890.046,"6566 Roberts Crossroad +Ashleybury, AL 24951" +58547.88696,6.865313433,7.356240218,6.05,40083.80157,1226440.247,"978 Mcneil Fords Apt. 305 +South Krystal, LA 46621" +78054.14552,6.929277262,5.421475759,2.45,16143.66497,975921.8634,"4243 Johnson Parks Suite 665 +Dianachester, UT 89393" +77453.47979,5.909817863,7.640185777,3.02,53100.27867,1664147.639,"270 Burgess Dam +Richardport, AZ 82697" +75728.69859,7.103987534,4.384628713,2.36,46231.02645,1517922.272,"932 John Branch Apt. 921 +East Randy, WI 63721-3793" +61081.35086,5.737394208,7.807634187,3.15,25627.54628,1132662.215,"901 Ross Square +West Michelle, MI 35648-6068" +72120.35347,4.993938,7.788579727,5.04,49375.92529,1447671.675,"56510 Lane Wells Suite 051 +South Marilyn, IA 97229" +76452.80738,6.234492402,7.160787976,3.5,24441.96637,1220591.006,"07415 Megan Overpass +Tiffanymouth, ID 91241-4135" +53056.92104,5.18024357,9.536238616,6.49,35762.87062,1186662.514,"714 Steven Knolls +North Mitchellmouth, CT 83889" +63081.1021,5.671466484,7.542075813,5.35,41562.41094,1244789.022,"61395 Shawn Well Suite 206 +Jamesfurt, PA 22194-5703" +66915.88588,4.524854295,7.18934811,4.48,26897.13476,966576.0202,"7824 Craig Pike Suite 850 +Williamside, MT 21607-0743" +70224.58213,6.034564071,7.573887966,6.45,43719.47956,1707494.922,"78277 Christopher Highway Apt. 842 +Port Alexandratown, HI 78539" +56610.64256,4.846832493,7.558137483,3.29,25494.7403,729641.7409,"85052 Trujillo Stream Suite 727 +North Brandifort, HI 73318" +73679.16564,7.515487093,5.909451928,2.27,19414.33715,1235144.096,"998 Cole Avenue Suite 360 +New John, DC 33344" +57115.48368,8.428712338,6.322571379,3.06,31202.09973,1278618.62,"768 Fowler Forest +East Samanthaborough, IA 50197" +63270.35175,4.438052618,6.617986874,2.5,48531.79491,1084011.704,"7133 Adams Club Suite 776 +Hillside, NY 17290" +68728.22706,6.480532275,8.154691723,5.01,46415.35873,1786085.751,"99680 Debbie Plains +Emilymouth, WY 20045" +57630.37364,5.913557489,6.538802467,3.26,38748.5042,1096938.428,"13196 Robert Pass Suite 895 +Riveraside, NM 17895-8133" +80949.35558,5.51204449,7.15536834,4.21,40034.41955,1606602.684,"96687 Hudson Passage Suite 901 +South Michael, IN 55891-6630" +60587.02532,6.701418378,7.460396068,3.19,35683.6725,1346969.103,"Unit 1382 Box 1604 +DPO AE 73827-5530" +42258.77454,5.744994494,7.552481939,6.29,49215.66342,852703.2637,"643 Caleb Trail Suite 780 +Dennisville, VI 23956" +78757.68198,7.006157365,5.943870379,4.18,20453.29519,1084763.03,"19662 Riley Drives Suite 437 +North Cherylfurt, RI 19968" +47594.44824,6.68202379,8.5967749,4.17,41311.06762,1133814.078,"208 Darrell Circles Suite 375 +Smithfort, DC 77522" +54465.74737,5.754171633,6.375873463,3.18,7234.963521,395523.2461,"602 Ferguson Throughway Suite 431 +New Nathanfurt, IA 99792" +52399.74779,5.17708872,8.696622255,5.04,18116.61818,827268.2274,"63242 Brian Gateway Apt. 478 +Peterburgh, NV 89177-9249" +68944.99771,7.311620652,9.229063553,6.38,56617.14328,2119176.262,"333 Kimberly Isle +Williamchester, VI 87689" +73345.67319,5.308315438,7.8797343,6.44,46245.41557,1629573.886,"8048 Fischer Forges Apt. 435 +Aprilmouth, AS 78286" +73789.39613,4.357430326,7.762162585,6.39,40939.76707,1082370.171,"037 Mathew Island Apt. 180 +North Joseph, IN 66503" +66047.05353,3.862416923,7.955934585,5.05,26534.6979,642809.9667,"88329 Ricky Neck Suite 704 +Rossmouth, WV 30618-3312" +75908.6705,4.001515766,7.05110773,5.17,35040.3312,1036277.062,"3662 Ramirez Ways Suite 019 +Phillipschester, NE 86219" +84657.62364,8.125141794,7.456779004,5.17,37068.48676,1921028.57,"2462 Johnson Spring Suite 237 +Douglasberg, ID 61833" +68074.42797,4.840894786,7.074434337,4.41,32060.70901,1076032.554,"7885 Adkins Streets +South Laurashire, OK 15160" +49869.47974,6.666915349,7.960443989,4.48,36325.67877,892039.4035,"71427 Kyle Haven +East Markstad, AZ 22840-8290" +60300.6653,5.927821456,6.637464725,4.41,34195.57506,992566.6233,"PSC 7131, Box 7660 +APO AE 82605-4983" +75245.46544,8.16782035,7.420099548,3.42,37410.66993,1562887.225,"879 Martha Route Suite 031 +New Nichole, VI 60708" +76076.1063,5.771704391,7.831932215,3.3,45327.57551,1567859.073,"834 Steele Burg Suite 125 +East Sabrinaville, NV 25779" +81464.86494,5.562679178,7.717421883,6.28,45712.25194,1593331.709,"828 George Brook Suite 065 +West Andrewbury, NV 97651-6778" +57094.78149,6.893043578,7.118791272,5.19,30878.99927,1079408.595,"6837 Kristen Freeway Apt. 429 +Benjaminton, FL 22486-2883" +74692.89514,7.624968633,7.840905844,3.23,58221.97699,2001910.216,"PSC 0536, Box 5489 +APO AP 04263" +75916.304,5.462520446,7.298367388,4.14,52072.35676,1686562.169,"7315 Hill Circles +Johnport, AR 41258" +47129.09815,6.022050134,7.035695848,4.21,34721.16281,779962.101,"877 Turner Roads Apt. 106 +Snyderborough, FM 50487-7898" +62317.08735,4.333489184,5.575276373,4.18,36075.80579,685355.4168,"051 Stevens Isle Apt. 792 +South Cliffordhaven, MA 47702-9976" +57576.05395,4.242603158,6.514580265,3.4,28653.59471,634218.4408,"3212 Suzanne Lodge +Rowefurt, MO 87744" +77481.70835,5.688242983,6.46380818,2.24,30735.59554,1153680.146,"USNV Morgan +FPO AA 58054-9530" +75408.35862,5.03565946,7.700189562,4.02,33003.25985,1235226.478,"828 Jennifer Highway +West Laurashire, CT 94685-4621" +73739.84754,4.689008912,8.244523476,4.16,38988.12797,1423125.541,"66116 Raymond Burgs Apt. 753 +West Deannafort, NE 18036" +69327.70246,7.533655941,6.904156351,4.34,31948.93659,1550181.075,"9443 Castro Club +Jamesside, MO 54659" +96550.99888,8.203878797,5.26630679,3.22,25707.07658,1740719.107,"52019 Michael Hills +East Christopher, IL 87022-6455" +84487.8323,5.835554804,5.622522052,4.29,41764.6632,1685967.648,"224 Harper Prairie Suite 601 +Port Heathermouth, MA 82940-1454" +53338.98917,4.489991198,8.172730703,6.41,45234.81835,858088.7188,"Unit 3637 Box 1537 +DPO AA 43891" +78747.69557,6.488503389,7.61696684,5.28,48614.33245,1785374.292,"9451 Jason Turnpike +Mooreside, TN 93663-1423" +73477.97642,4.705205465,6.237990623,3.44,46610.61533,1113782.468,"1618 Juarez Viaduct +West Leslie, PW 39024" +81159.794,4.600368094,6.000769327,4.49,40861.61542,1182887.997,"453 Lisa Centers +Port Paulatown, GA 65380" +73294.46147,5.703093086,5.734420556,4,32253.01802,1151128.915,"1070 Jessica Club +South Seanchester, WI 22591-8781" +60946.59112,7.210324998,6.929552575,2.17,39660.6713,1420070.02,"955 John Ports Apt. 220 +South Gloriaborough, KY 52238" +53793.17648,6.461260651,6.800894663,2.3,43458.00177,1047280.112,"5471 Howell Lake +Sydneyfort, FL 17627" +65480.3066,5.581042623,6.69072862,2.24,35056.75102,860804.446,"226 Russell Fields +Port Michael, NH 28918" +66987.51037,7.872006373,5.979165221,2.34,26672.07778,1314635.69,"8107 Figueroa Bypass Suite 282 +East Ryanport, NJ 34420-4995" +66626.53964,4.623909764,6.335303102,3.39,20257.79036,518831.4706,"884 Hannah Glens Apt. 725 +North Jessica, UT 75441-9830" +63445.86436,6.94352914,7.852759688,5.49,46462.31348,1510883.777,"7188 Amy Hill Suite 618 +New Paulafort, MT 74422-1891" +50935.95923,6.606775102,7.326665554,6.14,44128.20096,988123.7553,"256 Christina Lock Suite 671 +Mcclurestad, LA 85909-5086" +74085.9208,6.263488798,7.574102606,4.22,49674.4334,1490904.563,"0942 John Branch Apt. 513 +East Melissa, NM 84331" +64410.67999,6.667765715,6.137954507,2.31,47477.00521,1306349.992,"3608 Andrew Haven +Pittsburgh, WV 26247-1849" +66710.0243,7.416907663,7.198715695,6.15,34238.4927,1628490.793,"554 Victoria Estate +Port James, GU 86975" +43940.87136,7.243933002,6.657964505,2.23,23999.07857,547918.3264,"92416 Christina Mountain +West Nathan, MP 76491" +69313.96972,4.645259484,6.734006879,3.29,30418.68189,946821.3369,"1780 Castaneda Run +New Jessica, UT 14933" +66398.4036,5.463465497,8.812317269,5.48,25841.52941,1074369.777,"699 Isabella Locks Apt. 530 +Courtneymouth, PR 54161-1522" +67136.0755,6.218486676,8.408889012,5.17,31846.25336,1468752.657,"USNV Stewart +FPO AE 91835" +66547.01645,5.8460953,6.84729811,4.13,27850.8229,1094879.773,"2288 Gary Square Apt. 812 +West Jose, PR 78536-1815" +72472.36674,5.801878614,5.374961622,2.45,19745.49279,754960.5528,"585 Evans Club Suite 527 +Marymouth, WV 99705-0100" +82958.01974,5.22596955,6.828231898,4.15,43015.09274,1578760.808,"80675 Robinson Rue Suite 188 +North Sarah, MD 93552-1845" +88968.52173,4.908329526,7.014097561,3.01,34751.73695,1433006.645,"186 Perez Drives Suite 629 +East Nicholas, DC 61121" +83417.24412,6.658434978,6.294627287,4.09,34922.25372,1794014.298,"35124 Parks Bypass Apt. 852 +South Patrickfort, ND 92225" +68613.00933,6.979609664,7.415320234,3.49,31936.44235,1373022.244,"692 George View Apt. 196 +North Brandon, FL 74042" +68527.3355,4.212947373,6.243116027,2.07,38852.68046,961311.7292,"34955 Swanson Route Suite 067 +Mendozaborough, SC 16871-5428" +78818.71485,6.34063686,8.672263971,3.01,20631.29781,1398466.628,"945 Ryan Cove +Elizabethshire, NY 20072-3824" +76948.4508,6.447874345,8.680824685,3.01,33189.80031,1676172.305,"486 Bishop Skyway Suite 873 +East Taylor, KY 46563-0915" +56315.35158,5.064975334,8.708239446,3.46,40985.4772,899466.5749,"93755 Joyce Rapid +Justinland, NM 23050-5971" +84898.79649,6.853310227,5.055857861,4.16,46066.86885,1658695.141,"94925 Fuller Forge +Port Willieville, NM 88528-0825" +54094.85194,5.977382503,7.501275078,6.03,29371.03371,785460.6977,"44844 David Flats +Lake Jasonchester, FM 20603" +68661.24746,5.001163155,6.382668351,2.08,25431.39781,895441.0221,"16378 Kelly Spurs +Robertborough, SC 25199-2273" +87062.45741,6.698441642,6.945353088,2.31,15007.77286,1442674.185,"5347 Joseph Roads Apt. 119 +North Jennifer, SC 42579" +82093.55911,4.988320965,6.780071588,2.43,30644.23589,1324022.025,"01582 Lowe Highway +Paulbury, NE 01852" +58521.89628,4.750535737,6.854174621,3.46,44423.49869,671671.7145,"728 Mercedes Camp Suite 713 +East Carrie, NJ 36363" +71117.40595,4.70929442,5.959272268,4.23,43998.06351,1065953.376,"6268 Thompson Grove Apt. 261 +Lake Matthewtown, GU 66859-8242" +76888.25246,4.831204403,5.805193228,4.47,40974.15205,1124800.012,"827 Shepherd Estate +Fredshire, AZ 59141" +64608.22231,4.0570074,6.38247203,4.43,36947.25904,697840.5675,"USNS Taylor +FPO AE 70099-7063" +60555.03963,7.329765059,8.071888739,5.12,46257.12379,1646565.054,"5910 Andrew Harbor Apt. 193 +Jasonville, WI 07524" +80980.26057,5.428227059,6.678787573,3.38,37340.98294,1416648.297,"581 Daniel Lake Apt. 819 +Lawrencemouth, MN 06734-2931" +69945.4618,5.521501569,7.443394888,5.21,25022.09883,1072891.083,"107 Ann Stravenue Apt. 768 +Moodyview, RI 00251" +56956.34414,6.488609409,6.777042814,3.16,57931.67323,1217320.703,"224 Burgess Bypass +Jennifertown, GA 02938-0819" +59580.33162,5.405141568,7.31212466,4.03,38525.2392,1096173.168,"76615 Gordon Views Suite 109 +Manuelstad, AR 99150-1540" +75398.0768,5.952215218,5.28857279,4.42,42304.31774,1216307.146,"57361 Johnson Streets Suite 293 +New Michael, MI 08161" +79055.6522,6.947015823,7.50967935,5.39,41724.90928,1621035.903,"417 Douglas Ferry Apt. 586 +South Marystad, OR 80679-9099" +68113.31124,6.306611021,7.206542561,3.37,44316.38482,1445804.832,"928 Sullivan Square Apt. 560 +North Johnfort, MH 95833-5838" +90201.40464,5.538018848,6.015787795,2.38,35220.86194,1417957.983,"83414 Richard Port +East Scott, SD 63708-7964" +44206.21021,6.358367103,7.304254283,6.27,23033.54833,677277.5966,"9465 Foster Gateway +Michelleshire, MT 15074" +82748.75136,5.554756972,7.999047643,3.04,20152.16961,1410814.985,"021 Eric Meadow +Griffinstad, OH 04640" +78933.49592,6.844164136,7.416307152,3.15,28675.19043,1520371.008,"36407 Chad Ways +Lake Robertfurt, PA 47380" +55833.70199,7.34387631,6.732811828,3.28,37838.86633,1086716.796,"2672 Kimberly Locks +West Jonathanborough, KY 65323" +73853.70376,6.189819348,7.842874893,4.01,34823.60503,1647216.594,"Unit 9778 Box 2114 +DPO AP 59374" +76956.49145,7.200016,6.412197842,4.39,23867.32598,1203623.841,"3949 Montgomery Corners +Port Keithview, AZ 44125-3023" +72682.75796,6.544491927,8.502343255,3.37,45348.55875,1715743.409,"6623 Allen Harbor +Millerfurt, NJ 94544" +64188.5254,7.244880302,7.089831772,6.3,34211.29696,1267714.149,"569 Bush Mission +West Jamie, NJ 58614-3289" +83656.48931,7.553568914,5.457145849,3.5,42841.74162,1564563.568,"406 Kathleen Brooks +Rowlandburgh, MT 03570-7987" +53793.28059,4.567450436,5.193259488,3.32,37683.74582,628870.3456,"029 Michael Fort +Jonathanshire, RI 04183" +89910.75164,6.225279277,5.662139684,4.45,37517.88304,1534156.311,"463 Kenneth Road Suite 441 +Colonburgh, ID 94168-1507" +64105.60601,6.099286714,5.289327283,3.31,42938.16233,1041896.851,"197 Joseph View +West Hannahborough, CA 05137-9129" +60075.89061,5.284926497,7.604092129,6.21,30394.88704,950121.5621,"30950 Mary Plaza +Lake Haley, MP 55938" +72331.67854,6.733341597,6.633598721,3.38,34718.07293,1377275.179,"383 Jeremy Unions +West Kimberlyfurt, SD 60376-7253" +42969.65939,6.295500995,7.885507353,4.38,29594.08986,777733.6134,"052 Andrews Square +Port Thomas, ME 50816" +48418.25234,5.855530706,6.110107841,4.04,41513.39942,702321.7523,"47482 Sanchez Springs +Timothyside, MD 95946" +57880.64441,5.796357678,7.272294414,6.02,20255.9803,846052.9112,"41142 Haley Square +East William, OR 75068-7718" +74992.15533,7.034320282,7.716100333,6.12,30885.20321,1390870.095,"09475 Jeremy Mill +Danielstad, PR 71957-9999" +54203.30082,7.298337307,6.204286865,2.49,60388.34425,1394900.985,"12804 Hood Extension Apt. 337 +Dianaton, TX 94633" +70632.60722,7.294085303,7.158449467,4.17,45919.26116,1779858.274,"903 Laura Villages +Foxview, NC 26744" +86051.0873,6.048516624,6.196703573,3.26,49475.67121,1754866.395,"78608 Brown Tunnel +Kimberlyville, NH 77937" +72630.0094,5.737895718,4.711060431,3.03,45888.87423,1160397.822,"5310 Spencer Camp Apt. 208 +Lake Jameschester, ND 76287-2286" +61821.94044,5.738638034,8.076674531,4.29,19123.41954,808373.703,"5464 Freeman Spur +Anthonyfort, DC 44043" +70754.59688,6.485333231,8.183183825,6.33,25442.39728,1277172.476,"382 Russell Mountain Suite 211 +Hillfurt, AL 66686" +62840.19047,6.389363529,6.002304868,3.33,35658.69268,1026126.584,"94986 Johnson Points Suite 190 +South Patricia, MT 12752-2964" +54259.47605,6.064384805,5.4917461,4.31,26482.16068,469016.2478,"512 Becker Turnpike +Brendatown, AL 59581-3756" +56060.90043,6.156145637,6.669531706,4.26,42461.31544,962551.0371,"80173 Garrett Locks Apt. 259 +Cookborough, VI 63291-1546" +86401.89381,5.744152361,5.833799709,3.36,38799.43232,1385749.141,"194 Peterson Lake Apt. 475 +Perrybury, LA 53216" +73466.77183,6.341691523,7.697665856,6.28,43108.01999,1605398.572,"31689 Santos Roads Apt. 428 +Douglasside, OH 62197" +70817.39831,5.641714052,7.74434561,5.08,33597.49765,1196254.118,"37873 Moore Spurs +Toddview, CA 62858-9908" +79661.16409,6.739305373,7.503768529,6.23,44099.74898,1879797.72,"38432 Heather Junction Apt. 886 +Kathrynmouth, LA 60148" +61506.59477,6.411061895,6.701059385,3.13,53962.05633,1271752.432,"87448 Torres Junction +North Ashley, CA 15493" +78114.42133,7.570045663,8.423978174,6,41831.04112,1876746.487,"3113 Jamie Junction +Reneeland, NY 55913-3102" +73779.09308,4.847919095,6.502540831,2.46,40935.06246,1109586.411,"60362 Anthony Causeway +Rivasshire, OH 94931" +78705.90987,5.193468669,7.609021436,6.21,40204.52046,1560270.485,"763 Lisa Turnpike +Josephstad, NE 53897-6198" +83145.08571,7.190975568,9.309901622,6.17,7360.295191,1572814.863,"605 Chen Prairie Apt. 587 +West Crystalfort, AK 97369" +63232.94007,7.350601424,7.262950102,4.24,33637.95541,1465223.509,"273 Allen Drive +Dominguezfurt, NM 31814-9062" +71560.01989,5.685707175,5.776343122,4.12,40311.27626,1049672.249,"6633 Keller Key Suite 289 +North Joel, AR 93748-4260" +79310.36198,4.247433999,7.518204325,4.38,43982.18896,1231157.255,"561 Shah Turnpike Suite 530 +Stephaniemouth, GU 57099" +56290.32129,5.765599756,7.112024107,3.21,27648.72339,854812.258,"04063 Ethan Via +West Brentchester, DE 77482" +74526.49852,5.679689281,7.002164062,5.48,32518.48449,1250494.74,"42650 Keith Groves +Chadborough, ID 03114-2105" +61467.74963,5.270573067,7.38290195,5.35,38816.13582,962183.803,"236 Mary Falls +Lake Matthewstad, ND 42337" +73658.11674,6.099712046,7.925387401,4.16,57646.3915,1864670.074,"8152 Medina Row +East Jennifer, FL 96460-5470" +56743.57798,5.251342071,5.129120552,4.14,23889.15663,577104.8149,"3295 Floyd Forks Apt. 320 +Jonesburgh, PW 27120" +63582.97606,4.797856325,5.872524435,2.16,52070.89638,1016187.104,"3349 Page Run Suite 343 +Morrisonfort, MT 31491-9348" +78358.94845,5.258159745,8.102095935,6.19,40591.32522,1492965.733,"74861 Linda Turnpike Apt. 233 +New Heidifort, SD 15736" +82743.50931,6.514382102,8.137474862,5.3,41859.0724,1811265.523,"483 Ashley Heights +Lake Andrewshire, CT 40554" +61877.54906,5.546028793,6.801887465,3.25,28604.94368,1083745.372,"03529 Hull Mountains +Lake Zacharyshire, WY 94496" +59963.91404,7.369297225,6.442741924,3.23,39170.30806,1292979.365,"805 Peterson Park Suite 258 +Jacquelineton, WA 25721-4822" +58099.53712,6.758248333,9.148798841,4.41,27063.08781,1155513.175,"42598 Julian Flats Apt. 437 +Moorechester, MS 29172-1140" +75054.75347,6.282693303,6.402843907,4.25,37179.35057,1294069.533,"Unit 5748 Box 5144 +DPO AA 30892" +79163.77862,4.11266085,6.922618314,4.39,31514.44338,1159147.109,"0510 Porter Prairie +Lopezside, VA 87777" +69442.44539,5.967035895,5.580979938,3.19,56984.14525,1469561.675,"147 Diana Fields Suite 813 +North Pamelaberg, IL 41147-5501" +76181.20752,5.479309426,5.313801866,4.27,22850.03376,988746.4206,"75805 Cowan Street +Leslieberg, UT 06596-4358" +56799.07406,4.861428751,4.499119974,4.23,52875.06496,774491.6533,"657 Eric Stravenue Apt. 158 +Daniellebury, PA 76199" +52511.65435,4.579884939,6.561220474,3.3,24612.98724,325195.9428,"3105 Alisha Throughway +South Jennifershire, LA 70743-0264" +86362.7834,5.800030782,6.769325785,4.47,34050.12992,1477595.999,"8827 Catherine Stream Suite 604 +Danielmouth, WI 91505" +74230.51796,6.471662026,7.364007368,5.09,19108.53486,1483808.337,"600 Long Ports +New Catherine, NJ 08205-8947" +80793.42091,4.365596873,7.06046765,4.41,25377.56176,867444.7049,"0211 Wright Heights Apt. 524 +Colemantown, FM 10131-4256" +72618.53846,5.160574116,7.64012721,4.46,37345.91172,1420858.824,"144 Zachary Bridge +Port Marcport, PW 22795" +48662.29928,6.310493215,7.195635471,6.46,29002.0961,680982.7688,"645 Judy Underpass Suite 149 +Port Allisonshire, NY 29293-1155" +71277.26843,5.411877415,6.286579479,3.17,36325.78762,996996.3554,"Unit 4177 Box 3656 +DPO AP 14075" +80285.68125,5.749936131,5.211933976,3.03,48633.82943,1439028.521,"USNS Cardenas +FPO AP 62750-6768" +62681.79809,7.341254061,4.12527809,3.01,17454.45522,796910.7112,"024 Singleton Forest Apt. 772 +North Brandystad, LA 27639-7085" +65673.75136,5.689867244,7.346789774,6.27,32367.44638,1166158.185,"020 Lisa Orchard +North Nathanielberg, CA 52423" +64426.86589,5.504012493,8.950179039,3.31,18214.31405,1055548.676,"Unit 4466 Box 0788 +DPO AP 45943" +83801.82006,4.888150026,8.707379521,5.39,33184.55158,1642051.832,"2466 Mary Shoal Suite 833 +Markfort, VI 51721" +87638.11565,6.347008373,6.953770536,2.45,34109.24426,1734239.138,"683 Anderson Ville Apt. 700 +South Anthonychester, MP 06243-7109" +69179.70041,5.424773688,6.08347967,3.25,36323.69445,1193519.508,"47625 Rogers Extension +Port Lori, KY 17029" +77540.89419,3.004716836,6.530857667,2.02,21671.51414,555755.6568,"4243 King Mission +West Brittanyberg, AR 95531-5761" +67612.49203,5.352808826,7.474352636,5.05,40272.36565,1244631.519,"08651 Ryan Corner Apt. 064 +Christinemouth, WV 60090-0736" +73180.67337,6.241898806,9.118588644,3.33,43144.71493,1768036.334,"046 Amy Port +Richardstad, KY 97701-1075" +75786.34924,5.174373335,5.922408509,3.1,36352.35133,1047452.508,"610 Shaffer Forge +Davidfort, DC 99315" +68294.30753,5.706869886,6.457792318,3.5,21770.67356,1038330.039,"06121 Fry Parkways +Benjaminberg, WA 46574-5753" +57684.52669,6.402133413,6.053240408,2.16,31033.02311,895600.4237,"222 Roberts Motorway Apt. 389 +Port Douglasville, MA 82521" +71701.8418,5.897954336,7.517091389,6.11,27610.38763,1352018.254,"4240 Mary Island +East Stephanieshire, KS 49465" +68259.16034,7.144078166,8.092215309,3.11,17861.31731,1128045.105,"106 Danny Expressway Apt. 292 +Pamelahaven, WA 77184" +70972.24051,4.758437899,8.050487087,4.3,45696.87473,1268570.809,"897 Jackson Hills +Lake Jeremy, WY 98979" +71307.90299,5.335214508,7.508271585,3.42,27619.16309,1061517.709,"14469 Thomas Garden +Rileyton, VA 94449-1369" +87626.94348,6.58861348,7.608873041,3.15,36654.46346,1724733.025,"204 Wells Shoal Apt. 266 +Port Patrick, MT 54828-4218" +66651.6003,8.042661057,7.145904972,5.46,46165.70063,1660975.171,"554 Shane Street +Nicholasmouth, MN 99068" +68600.0416,7.892039099,8.069702211,3.09,39091.21823,1797621.22,"641 Carl Harbors +Combsshire, HI 97635-3715" +67846.04866,5.379704851,6.103863335,4.15,27442.09616,879511.1964,"070 Sanchez Knoll Suite 569 +Saraville, MP 39758" +63345.18738,7.564139624,7.282044029,3.13,41461.94693,1565151.545,"9816 Patrick Loaf Suite 240 +Powellport, DE 53169-9848" +66262.19253,6.292294206,4.923681152,4.23,45055.2401,1199128.404,"372 Stephanie Port Apt. 695 +Johnsonland, WY 50037" +73659.10345,4.662016527,5.080215169,4.47,39575.38909,651787.9705,"0409 David Trail Suite 072 +South Daleton, DE 07146-8575" +60904.45073,4.035776603,6.476941994,2.45,33078.14996,586381.5473,"9538 Brown Shores Suite 555 +Leeview, PW 44296" +63543.58805,6.406734259,5.567048468,3.45,44541.64605,1151741.155,"4004 Susan Trail Suite 396 +Georgeville, HI 96392-1963" +67582.84414,5.639891799,8.013745403,3.04,41529.6954,1279051.669,"62419 Justin Squares +South Olivia, WY 14271" +54841.76459,5.25491668,5.66365786,2.15,31196.47801,585531.2381,"09292 Christina Station +Eddieville, CO 87564" +69657.36279,6.352332251,5.36880436,3.08,29973.09356,884227.2099,"44132 Brittany Forks Suite 881 +Davisview, IA 04334-2466" +66369.75098,4.26897623,7.399066489,6.41,18683.53506,796666.1224,"9057 Davis Crest +Bradhaven, MD 58632" +68785.85474,6.150061464,9.507527474,4.11,40634.94902,1624842.124,"323 Alexandria Crescent +Lake Brittanyside, ND 52937-5753" +61306.11813,8.472279818,6.181664334,2.05,37252.72,1559997.151,"Unit 4748 Box 5648 +DPO AE 48373-6897" +54850.74177,4.615917911,5.548139816,3.2,38390.67149,615506.8011,"027 Laura Lakes +Ronaldmouth, VT 77732" +71795.85833,5.602506112,7.997290565,6.45,49773.19509,1533492.797,"PSC 6407, Box 2302 +APO AE 38092-8628" +69676.59651,5.477064875,5.893543734,3.14,31727.36438,1239940.042,"01220 Bright Glens +Hullchester, IA 10006-1954" +55815.56872,7.151591185,6.002938215,2.35,42961.7642,1308465.24,"734 Lindsey Mountains Apt. 814 +Jamesmouth, NV 59284" +71332.55303,6.262355267,4.565155298,4.04,49628.41471,1430813.413,"21383 Maurice Cove Suite 556 +North Timothy, NJ 34831" +61951.17044,6.065183671,7.43863334,5.43,31521.27571,943404.239,"471 Robert Path Apt. 386 +South Sherrymouth, OR 35057-8177" +57855.69136,5.184382513,6.568365928,4.06,40581.75932,938420.7846,"29482 Livingston Haven +West Vincentton, NV 95170" +66706.07453,5.711785722,7.890367053,5.13,38981.04403,1206393.181,"1836 Robert Greens Suite 745 +Lake Patrickton, ID 77882" +54890.1033,5.289803667,5.532091955,2.03,32642.03744,481391.6433,"32580 Frank Mountain Apt. 664 +Jacksonview, HI 21027" +61666.49943,6.089201695,8.138369526,3.17,24865.98505,1144641.819,"PSC 2318, Box 9657 +APO AP 52492" +75435.42425,5.589262465,6.890146149,3.46,22637.48514,1028636.423,"59369 Costa Lake +Jessicahaven, NC 29366-7992" +61682.99948,5.973472603,6.288611418,4.38,29674.03236,856931.5284,"PSC 6540, Box 3546 +APO AP 12105-8095" +68211.28951,7.933583557,6.970127179,4.28,40808.98878,1742566.006,"USCGC Le +FPO AE 81056" +75282.44801,7.149076222,7.484608383,5.36,28385.50253,1617114.944,"1879 Hudson Causeway Apt. 611 +New Lisa, NV 26238-9184" +67143.75045,5.795685418,7.877533794,3.06,32715.66074,1364029.168,"2958 Melissa Walks Apt. 547 +Greenemouth, AS 15519" +68974.10287,7.820094644,6.807937554,3.13,31832.99262,1702526.056,"470 Lewis Row +New Daniel, FL 33180-5951" +69845.23819,5.591788254,7.736606019,6.1,37014.02104,1375105.346,"8465 Spencer Glens Suite 995 +West Kathyland, AZ 24574" +74475.54481,6.191989342,7.883840411,5.23,21149.00725,1174779.158,"58124 Meyer Islands +Kimberlystad, GU 85766" +70219.69037,5.707247242,7.609499361,5.01,28553.81548,1126778.414,"57732 Gross Stravenue Suite 034 +Kendraberg, GU 50980-7330" +64455.7791,6.152455871,7.425795788,6.14,29066.21781,1095727.673,"Unit 3025 Box 1270 +DPO AP 46231-3142" +42940.13894,4.238065602,7.812724696,6.36,45709.11709,680418.724,"2989 Ronald Haven Suite 350 +Andersonport, MA 12950-2330" +66490.83327,6.53936159,7.951156537,5.46,33650.09384,1506798.755,"443 Miller Road +Courtneyside, IL 83769" +64261.82856,5.69552199,6.612830339,2.22,41190.54637,1185935.641,"304 John Passage Suite 487 +Port Johnport, AL 35566-3080" +85207.42505,7.03150132,7.345307871,5.31,40946.07085,2024121.461,"0562 Sullivan Isle +East Edwardside, IA 49505" +76268.09274,6.377042817,9.002044879,6.1,25978.89523,1562842.638,"80188 Nelson Islands +Port Nathanberg, CA 12739" +69918.44186,6.931829954,8.310986463,4.13,54346.75234,1851065.497,"83782 Estes Fords Suite 995 +Morrisonview, GA 93273" +51144.8509,4.191621744,6.701869131,3.03,18277.60136,287307.5837,"USCGC Phillips +FPO AA 52720" +72583.25334,6.521821037,5.773618814,4.49,21768.32105,968280.5181,"03475 Hunter Viaduct Apt. 948 +South Franklin, SC 33361" +58182.06087,6.052909859,7.871996503,5.29,17668.95198,880084.7004,"Unit 7909 Box 7133 +DPO AE 91428-7915" +85952.49316,7.205817168,7.066254236,6.2,24222.47091,1685368.164,"USNV Sexton +FPO AP 65688" +79801.75734,6.313971756,5.519717438,2.39,33579.9133,1169547.521,"098 Julie Cliff Suite 274 +Fergusonfurt, DC 47107" +67922.60483,7.309191879,7.370992683,3.2,35447.92121,1613814.875,"34598 Hannah Viaduct +East David, AK 29066" +46062.75427,7.840108149,6.215335957,2.45,28288.33249,675919.6816,"76080 Howard Streets Suite 648 +East Markstad, DE 32467" +83658.66099,6.152829207,6.690874868,4.47,42647.86966,1688642.679,"92099 Johnson Forest +West Mark, KS 50530-9221" +58299.82603,5.037562816,7.002685869,4.03,31675.26753,868435.275,"5061 Jennifer Ridge Apt. 415 +Jamesfurt, TN 75685-1957" +62342.84718,6.506083303,4.666259583,2.47,38010.37274,823941.9221,"75010 Aimee Summit Suite 517 +West Angelchester, OK 46301" +44328.2563,5.644951798,6.813808755,2.06,20820.24137,601007.3512,"4237 Cassandra Parkways +West Rachaelfurt, FM 97165" +73470.93316,5.722509283,6.169214911,3.47,32855.5057,1144901.266,"1691 Long Village +Christophermouth, CA 03713-2387" +64438.10915,6.084792831,6.464967336,4.43,40538.96124,1069827.807,"532 Beltran Plaza +Fergusonland, GU 75166-1939" +54516.63198,7.123411231,4.321938664,2.32,51298.9504,944491.0396,"763 Jason Causeway +Lake Michaelhaven, AL 02261-6936" +74182.50577,5.432402397,7.224551566,3.14,14659.99426,790721.3678,"8863 Hernandez Park +Yeseniamouth, IA 07741-8905" +43800.29197,7.364521955,6.990744746,2.17,34184.96587,809486.7099,"59488 Brandon Plaza +Danielmouth, DC 61389" +50703.15292,6.096813146,7.784817857,4.49,26324.20787,743393.3473,"Unit 8400 Box 2364 +DPO AE 91759" +81721.60582,4.395841022,5.85590121,4.44,40454.81895,1130293.597,"USNV Lee +FPO AE 92072" +74455.44203,6.718328181,6.98639502,4.5,62449.97385,1867050.536,"3237 Lynch Dale +Abigailfort, UT 27715-1805" +61634.0358,5.748254776,6.867792808,3.49,46857.47027,1043548.609,"PSC 7344, Box 4810 +APO AA 07023-3790" +47634.19218,4.005731084,6.784131099,3.25,51505.71168,646198.2245,"9320 Chen Dale Suite 981 +North Sherry, VA 48163" +81093.2315,6.603548759,6.564980962,2.4,38473.12773,1656401.837,"9979 Timothy Vista Apt. 367 +Mejiafort, AZ 10594" +50571.40647,6.925275682,7.946493041,6.12,40913.30483,1214563.15,"7663 Adam Fords Apt. 028 +Pattersonburgh, WA 69032" +69799.54988,3.634897423,6.641108664,4.46,17217.21682,578396.2215,"961 Veronica Port +Powellland, WA 03414-4649" +80955.09234,6.728471835,6.511389511,3.28,29431.80687,1344651.574,"85538 Cortez Pass +West Bradley, TN 13716" +99317.82315,5.495860991,7.18272144,6.03,50350.35229,2219724.162,"87549 Garcia Path +Solomonside, ID 72003" +53510.24435,6.033123439,5.61579805,2.45,22977.91539,565680.5528,"22289 Wright Park +Hollyborough, LA 55590-2912" +77755.5397,5.718540434,6.891789699,4.36,22239.28398,1091928.616,"5555 Eric Mountains Suite 230 +Port Cindy, SD 44847-6360" +67726.19292,5.841467063,8.416413547,6.37,37158.73837,1229702.948,"680 Kelly Curve +North Donald, MN 03006-8747" +46135.24786,5.656343486,7.303474997,3.47,39232.22491,615144.8986,"680 Susan Lodge Suite 323 +West Brenda, WI 78280-2065" +77089.65366,6.1228162,6.265592476,4.38,46740.88672,1469237.205,"4383 Melanie Parkway +Lake Michaelside, MA 32559-8622" +88850.47602,4.783567214,6.15918296,2.38,26565.33433,1205212.292,"2431 Edwards Glen Apt. 132 +West Angela, MH 65621-6915" +61828.03256,7.129286455,7.035450746,6.24,43068.22881,1377430.072,"03619 Martin Groves Apt. 807 +South Jennifershire, CT 58484" +70553.46367,5.577570044,5.938542335,4.38,43538.29597,1037382.577,"Unit 9291 Box 1431 +DPO AP 47652-4784" +65220.10452,6.865264907,7.455660643,4,22585.2362,1073857.069,"089 Smith Gateway Suite 155 +East Christinastad, OH 35012-9032" +77932.5664,5.942552133,7.123306887,3.41,29085.13579,1448081.251,"26633 Anne Flat +Michelleville, OK 45070" +54341.1538,3.753906833,7.157119845,4.19,30542.21225,437436.1382,"4012 Johnson Crescent +Butlermouth, PR 75377-2568" +70850.39992,7.306785124,4.209620425,2.14,33845.64695,952912.2012,"04524 Ramirez Manors +East Kevin, RI 54143-4969" +68482.91036,4.949845164,7.536690959,4.26,37366.8598,1123991.977,"3569 Smith Bridge Apt. 321 +East Jasonmouth, NY 92817" +67006.3622,5.706389291,9.295531207,6.38,34653.7981,1440897.412,"815 Mark Rapids Apt. 633 +Aguirrefurt, AZ 73000" +81941.22296,5.888005158,7.381076691,6.16,41766.85756,1648201.728,"34363 Isaac Route Apt. 747 +Lake Peggy, AZ 19681-3336" +71717.86935,7.10105393,7.620690943,3.08,27524.95593,1390990.849,"364 Richard Shoals Suite 169 +Lake Sandra, MP 05157" +80168.91115,6.158568849,7.905983992,6.23,24833.29858,1406437.685,"1782 Tran Course Suite 370 +Joeville, KY 71700" +73047.32581,6.458334703,7.518636117,6.04,47053.45906,1703880.22,"774 Jonathan Centers Apt. 640 +Mcdonaldshire, AZ 01673-7829" +76186.84722,7.418553423,7.470557508,5.02,30829.90595,1553459.364,"41917 Madden Shores Apt. 497 +West Davidton, OR 09611" +50764.67343,6.292878824,7.383725367,3.13,33577.08481,872595.093,"908 Scott Mews +Derekfurt, VI 69962" +72551.36976,5.045932442,5.613834274,4.48,39740.06394,1030324.919,"9212 Stanley Cliff Suite 527 +South Lawrence, NH 11298" +59981.13398,6.236576038,6.85280203,2.35,49620.38257,1194113.694,"29485 Caroline Forks +New Kimberly, LA 46834" +74521.14052,3.966391566,7.731463233,6.14,26251.87217,978103.6192,"118 Meghan Ville Suite 409 +East Jacquelineberg, KY 25202" +77853.31613,4.152152601,7.115080039,3.02,38031.07264,1224186.696,"370 Marco Square +Port Riley, TX 23116-0116" +71684.09549,5.229371954,7.521449211,5.17,24555.33668,1062877.883,"62237 Ellis Field Suite 398 +Port Anthonyport, OH 98437-6522" +76223.56126,6.371627248,5.342217158,2.42,30165.33745,1023943.775,"8456 Rodgers Burg Apt. 215 +South Michelle, NM 01475" +51654.2801,5.327711512,8.79127232,4.3,28197.61822,834599.9392,"809 Lee Square +Andersonview, MT 28768" +60717.39827,4.409209199,5.303686666,4.11,42891.59894,596350.3507,"647 Parks Summit +Charlesfort, CT 20661" +69413.6134,3.1188017,5.372992296,4.39,43722.51676,578142.4703,"254 Mills Meadows +Loganberg, NH 56350" +78529.52768,7.060887682,7.634761678,5.2,23897.11627,1578087.139,"2631 Ellis Walk +Samanthatown, VT 51809-6834" +71350.77628,5.802554121,8.787965083,4.38,29207.16029,1285098.691,"1980 Kimberly Highway Apt. 890 +Kimberlyburgh, VA 66286" +70250.56875,6.406191691,8.106738766,6.16,35271.36464,1520263.756,"801 Sarah Common +Lake Kevin, OK 31127-1573" +54725.20287,5.571957616,7.222152718,5.15,26993.35724,722115.1243,"36307 Rice Port +Port Ethanshire, OR 78905" +68508.32406,6.53528588,7.151596571,6.23,25290.40994,1085103.003,"08796 Johnson Crest +New Ninaberg, MT 66467-2645" +66789.16181,5.390035654,6.783346706,4.47,35735.32371,1037033.039,"8912 Erin Fort Suite 615 +South Joseph, PA 68267-2295" +62087.47464,6.182507003,8.135098421,6.13,43013.79648,1316206.247,"82610 Harper Oval +Johnsonburgh, CT 33262" +77345.47238,5.407514629,8.243178477,3.11,26706.91103,1137069.307,"583 Carolyn Stravenue Apt. 669 +Rhodesstad, MT 65818" +52018.16462,5.312268019,7.834925575,4.07,60742.63487,1248689.601,"PSC 7402, Box 8240 +APO AP 60226-2255" +87916.90962,7.738422514,6.916735342,2.31,32697.87881,1939603.131,"364 Sheppard Shores Suite 749 +Brandonton, TX 33640" +44710.18346,5.409128311,8.951344401,4.06,56584.4138,1048800.651,"Unit 8726 Box 6269 +DPO AE 85868-3124" +44048.45669,6.870971793,8.217176714,5.49,40942.59401,1028275.104,"5412 Dean Lodge Suite 621 +New Lori, CA 70385" +64201.50317,5.17468109,5.220126532,3.42,23252.16459,642646.439,"1203 Clay Summit +East Johnmouth, NY 39418-6610" +80778.5735,7.579366477,6.822502872,3.15,42462.02841,1812209.137,"862 Hoover Bypass +Lisahaven, DC 23286" +54407.07785,6.402339097,7.423947631,3.3,36707.94163,1139959.933,"USNS Gray +FPO AE 84650" +70594.15766,6.727455877,6.844712274,2.04,55601.04894,1673538.169,"844 Sarah Extensions Apt. 888 +West Patrickport, MP 50639-9331" +66357.88017,6.49722241,7.028679218,5.02,39575.97947,1324845.863,"92849 Irwin Mission +Michaelport, NC 68493" +62141.69861,5.060596059,6.063680473,4.01,37463.83648,916717.6047,"342 Parrish Forest Apt. 984 +South Robin, NC 17347-9952" +83774.5433,7.703566148,9.652003929,4.23,37130.79685,2115010.704,"8392 Gross Parks +South Nina, WI 35907-1347" +39777.60691,5.804627226,7.147718742,3.16,38725.4243,696014.4677,"5231 David Shoals +East Chaseland, MO 54930-5094" +83088.0696,6.45972994,8.725138633,5.17,40564.63881,2021310.792,"703 Carmen Forges Apt. 910 +North Thomasborough, KS 31780" +52588.68365,5.261432252,5.053065889,2.49,32938.35564,253185.7015,"2838 Juan Stream +North Sarahmouth, FM 53962" +57818.79941,6.855622576,6.051938963,4.37,37984.18798,911247.817,"2097 Smith Fields +Barberville, NM 87706" +81462.86286,6.114043517,7.065028292,4.02,31484.95511,1573288.818,"6091 Manning Centers +Burnsmouth, MH 63616-5817" +74584.37392,5.720481801,6.414774565,3.36,46372.74504,1463383.487,"844 Sheila Flat Suite 824 +Isabellafort, MH 41980" +67445.13841,6.980594587,7.486903794,3.24,36419.17069,1366854.241,"98327 Clark Place +Michaelburgh, NJ 88514" +61660.27229,6.986938461,6.262991666,3.12,50291.35995,1347904.395,"55116 David Glens +Port Breannaside, CA 74199-2499" +74405.37257,5.623071765,5.546842196,2.43,28304.92386,913397.0869,"8169 Benjamin Shore Suite 064 +Moniqueport, TN 52966" +71074.79941,6.807573257,7.290495553,5.28,44214.49364,1613414.233,"USCGC Adams +FPO AA 27566" +77864.5148,5.119941049,6.929686495,3.4,25200.42395,928563.8216,"1217 Zachary Fort Suite 014 +Jamesmouth, MN 35838" +70692.37299,3.909432709,7.763453654,4.36,31027.50583,994654.4094,"796 Swanson Summit +Maciasburgh, MI 07290-1585" +72750.56473,5.904146627,7.308664006,3.3,45134.65342,1434144.261,"93684 Christensen Street +Boyleburgh, PR 71060-9687" +76483.58551,5.232203993,5.458379949,2.01,54737.92664,1382787.325,"9653 Rush Cliffs Suite 130 +Caldwellside, PR 40207-1379" +74401.69918,5.264487765,5.416410273,2.16,26015.38384,962591.6566,"1676 Mitchell Islands Suite 477 +Leeport, VT 34881" +59378.44838,6.90536678,7.085086291,3.34,43306.35042,1373528.558,"09568 Rose Pines +Christopherbury, KY 47865-6077" +84691.77031,6.733798591,7.624094724,5.19,22216.78721,1558639.881,"1470 Evans Land Suite 860 +Thompsonville, TN 61743" +66832.30745,7.374954969,5.793589812,2.08,41344.5206,1533815.882,"2694 Morgan Ranch Apt. 885 +West Matthew, IL 77377-2143" +81947.83832,7.470063235,6.122908818,2.41,43487.57712,1791771.289,"7759 Logan Trace Suite 136 +Deborahberg, LA 43737" +68342.25967,6.464507574,7.45932335,5.27,34530.72763,1274983.648,"1147 Chan Park Suite 914 +West Scottland, OH 25204-1523" +52941.73085,6.064374258,6.718719308,4.02,54294.76621,1176437.919,"1231 Jane Avenue Apt. 902 +South Anne, NH 48392-1831" +81785.71266,4.521073951,6.847854216,3.17,56712.06902,1530172.525,"11947 Watson Village Suite 760 +New Brettside, MD 61704" +94494.38435,7.240433776,6.700315713,3.12,31307.5215,1825858.255,"643 Stephen Circle +North Kennethton, NH 45233" +68177.40477,6.463362271,5.625555164,3.48,23835.28645,974599.9588,"494 Tiffany Loaf +South Chelsea, RI 85200-8345" +65893.44773,4.968478883,6.665318115,4.1,28173.79002,856261.6152,"2525 Alexandria Flats Apt. 039 +South Angela, LA 23518-9870" +71793.86826,7.328201439,7.422304752,6.08,53272.79247,1903533.084,"9173 Jessica Harbors Apt. 388 +East Dalton, OR 42003" +90864.87746,4.840861723,7.345925208,5.01,39183.03228,1629640.53,"851 Adams Points Apt. 622 +West Michael, NE 23572" +62034.98064,5.825433141,7.878756751,4.29,29194.00407,1192672.334,"220 Lucero Plaza Suite 571 +Leeside, MD 10820-0662" +75545.62733,5.586017083,5.929137508,4.26,32614.31774,1068856.227,"108 Kayla Extensions Suite 007 +Port Bethview, IA 58845" +74852.73538,7.052158313,8.433007791,6.29,26120.66089,1535844.896,"96897 Eric Inlet +Vincentville, ME 10210" +62303.11302,5.231732411,8.454274609,3.05,33711.72484,1033155.329,"522 Keith Spur Suite 131 +New Matthew, AR 03859-5547" +71481.03493,5.188491937,7.152361081,4.32,45246.1741,1530013.449,"Unit 1267 Box 3271 +DPO AA 39196-7180" +80484.87001,4.509879994,5.771422322,2.3,28076.97938,1131225.76,"785 Chelsea Ridge Apt. 995 +West Jennifermouth, WA 94552" +84431.67331,4.438324285,7.793078979,3.27,26124.40716,1347225.945,"2462 Brewer Gateway Suite 655 +Vasquezbury, HI 84517" +55707.35382,4.416729235,6.756375842,4.25,22588.57754,676738.7155,"944 Miller Bridge Suite 519 +West Brooke, GU 62116-4522" +81023.01749,6.512186978,5.656993706,2.36,30501.64782,1437755.772,"4328 Denise Landing +New Christopher, IL 59664-4530" +72466.08059,5.831390667,5.67083293,2.01,12113.11474,744741.9093,"5149 Brandon Divide +Millerport, AL 21191-6192" +71663.29801,6.00708895,6.710290608,2.02,35315.03035,1230628.986,"3862 Caldwell Estates +Floresburgh, WV 75010-7415" +81881.60723,5.254398751,8.952151664,4.49,62340.64,1976170.089,"62924 Nelson Mountains Suite 665 +East Darlene, AL 82461-7228" +85480.43728,2.797214954,5.184568923,4.19,47508.80534,1033864.635,"406 Webb View Suite 914 +Port Billy, ME 16909" +63753.86424,8.112336189,7.694744789,6.35,31347.68978,1558572.243,"9831 Miller Knolls Apt. 664 +New Meganshire, KY 50155" +56935.32996,6.489971718,6.234253209,4.19,32965.93529,849180.846,"495 Waters Falls Apt. 676 +Anthonyland, AZ 77516-0465" +66513.88445,6.77840388,8.04449668,4.49,5727.485885,717661.556,"681 James Port +Port Audrey, HI 82392-5376" +72554.53595,5.443881966,6.822376992,4.09,36249.40583,1187090.948,"26558 Jessica Creek Suite 912 +Marshalltown, SC 37598-0862" +69956.75188,4.982101501,7.860718492,3.17,35148.16491,1326946.725,"USNS Anderson +FPO AP 25685-4457" +65126.70305,4.145068881,7.316436479,4.05,47258.75993,1245785.051,"5471 Fuentes Wells Suite 030 +Port Charles, NJ 67833" +71270.84203,5.425916412,7.691914339,6.28,40130.80794,1331897.457,"5123 Jonathan Trail Suite 532 +West Micheal, WY 72230-4641" +59124.12488,6.420174477,8.016993185,4.49,36442.99498,1472337.699,"6786 Vance Manors +Turnerton, AR 10936-6251" +55383.02378,7.098641928,8.120948,5.48,36106.36886,1130221.298,"421 Hunter Oval +Glennport, NV 51166-5572" +52512.84234,7.371844252,6.21934521,3.35,25943.0776,907462.4512,"6831 Bailey Hollow +Estesland, UT 59729" +77050.18056,6.286364384,5.948392094,4.05,47171.9103,1581817.407,"88791 Richards Parkway +Shirleyborough, AK 40270-8587" +73267.90029,5.805220326,7.384763646,4.48,44674.46711,1441576.847,"23912 Sarah Fort +Sharpborough, NE 41950" +58585.09602,6.421532075,5.613752443,3.36,28026.78288,820250.3895,"537 Aaron Streets Suite 331 +New Cynthiamouth, PA 53151" +72770.16686,7.680416377,6.38769374,4.05,21357.03653,1293461.798,"58915 Jason Green +Port Kimberly, MO 60047-2438" +70203.60018,5.148301396,5.573351069,3.1,40588.57311,1288122.624,"66113 Patricia Stream Apt. 278 +New Traci, TN 31867" +75841.48726,6.229226568,6.048691881,2.09,48641.80172,1361007.562,"Unit 9384 Box 8982 +DPO AP 02784" +73679.40406,4.819569567,5.661759509,4.33,42734.24328,1084427.093,"845 Scott Rest Apt. 003 +Lake Jeremy, OH 27354" +72928.96581,7.777005685,6.114027236,2.46,38728.04346,1638094.538,"849 Amanda Lights Suite 828 +South Christopherside, OK 55747" +64448.81994,5.915846068,7.773270475,6.09,21240.1529,1197437.344,"971 Jack Greens Apt. 617 +North Megan, ME 65020-9644" +52652.65234,5.688943049,7.217268472,4.06,34776.58591,928210.7615,"487 Williams Bypass Apt. 710 +Jeffreyshire, MS 80188-1082" +78482.22889,7.030043246,6.641954185,3.33,28452.31484,1367619.923,"130 Gibbs Forest +Taylortown, KY 75940" +68398.36246,6.602187413,6.861369598,2.37,49548.71879,1486401.321,"985 Steven Mount +Kerrbury, MO 43116" +73921.63556,7.543491994,5.880753234,2.04,36269.23295,1555510.38,"59460 Brian Trace Suite 059 +Brownburgh, NE 85363-0027" +71162.38124,6.684223313,7.223921451,3.4,39134.55477,1434240.356,"4619 Angela Rest Apt. 586 +Paulport, IL 15870" +61269.67441,5.422936008,7.724147821,5.12,36337.75525,981785.0592,"300 Michael Pass +East Sabrina, NH 85828" +75175.00476,5.806349904,5.614777225,4.13,25943.714,1005431.451,"362 Hoffman Dale +Jameschester, OK 17902-1224" +71286.51245,6.422957743,7.357500686,4.2,36411.97409,1346049.656,"8059 Jones Run +New Kristen, MH 98525" +52190.96795,6.443855517,6.321704336,2.06,39309.46426,942397.0665,"57570 Thomas Junctions +East Christinafurt, TN 18120" +84054.4344,6.976452346,6.341021454,3.04,38712.70774,1812765.957,"0942 Jonathan Stravenue +Simsport, NH 46352-3446" +69017.58125,5.593646348,6.504090907,4.37,27751.98513,981559.8117,"9566 Gail Lodge +Loriview, HI 24128" +81490.49041,6.364692293,8.708421218,5.35,55928.08704,1914509.521,"66052 Lauren Club Apt. 065 +Santoschester, ND 60980" +69273.77543,4.087470353,7.284399325,5.44,42086.78901,1034366.778,"833 Patricia Village Suite 632 +East Donaldfurt, WY 61109" +87106.5138,5.784734099,7.257371803,6.34,44102.19973,1795222.736,"53932 Vaughn Skyway +Vincentmouth, SC 08622" +59821.35629,5.097871244,5.330953291,3.41,54223.65565,965491.8698,"9840 Johnson Islands +East Catherinefort, KS 94625-0549" +69517.84437,4.485615106,9.115588252,4.01,39739.75719,1384802.464,"529 Eaton Dam Apt. 699 +North Bettymouth, MD 19736-9062" +95358.18055,5.140235063,6.611755918,2.02,49759.12781,1902814.527,"7530 Jones Lock Apt. 143 +North Tiffany, NJ 70036-7419" +45546.64341,4.602924852,8.698535841,5.22,34810.67951,923830.3349,"585 Joel Cape +North Derrickmouth, AR 63296-6610" +69664.07576,7.612180356,5.945618541,2,37012.99343,1074646.865,"79506 Tony Plain Apt. 264 +Marcuschester, NC 40536" +65221.12656,5.604022661,7.844857974,5.44,34752.93825,1069292.327,"9655 Nielsen Flat Apt. 350 +Gabrielmouth, MA 63689-4481" +74452.82103,5.108147652,5.456042407,4.4,37298.07148,1065679.121,"77636 Donald Avenue Apt. 063 +Lake Savannahfort, ID 71155-2535" +61046.28866,7.105245344,4.696139828,4.49,40277.89925,855667.1793,"16718 Day Manors Suite 286 +Tammyburgh, ME 13722-0046" +66537.59487,5.613664582,6.598793212,3.48,39265.01197,985462.2455,"732 Russell Mills Apt. 132 +East Sharon, CT 86455" +64675.75114,4.367778621,5.52781326,4.38,36376.48857,664298.9713,"01823 Hughes Center Apt. 386 +Brownville, HI 60561" +56586.12999,4.939216005,8.062721575,5.19,19540.90757,603714.7886,"693 Mcdaniel Cove Apt. 320 +Anthonymouth, ND 61886" +66148.99082,7.240607851,6.872539968,3.16,38903.19826,1300133.967,"3664 Freeman Spring +North Shannonside, CA 69975-2764" +62714.62369,5.421296393,7.365242715,4.17,40082.66311,1095391.799,"691 Owens Place Suite 026 +Edwardschester, IL 97095-0081" +73490.59998,6.352098251,6.578461831,2.06,52452.0791,1357797.91,"4924 Kristie Light +Julieview, MD 19536-5864" +51858.90428,5.628880622,7.230377999,3.45,28593.87968,730739.419,"Unit 9410 Box 6454 +DPO AP 75022-1625" +67481.41474,6.827844193,8.13606691,6.26,18846.25449,1115627.78,"7456 Dunn Freeway +Port Angel, NC 34615-6405" +74497.67308,6.166026443,8.142657828,4.01,28160.45754,1204753.002,"03161 Lori Meadows Suite 563 +Andersonfurt, MT 47363" +70073.50299,5.887433136,7.222302024,5.14,40109.82955,1441526.837,"3670 Edward Prairie +Amandafurt, NV 40043-0962" +86458.98086,4.55512299,8.28066894,6.27,22321.43516,1336743.383,"54374 Rosario Hills Apt. 037 +Alecfurt, VI 74108-3548" +56894.40224,5.292655939,6.252545271,3.1,32478.66494,742705.2667,"9495 Randall Forges +Port Nicholas, WA 94825" +58153.2293,5.643085828,6.751950547,3.39,45756.53195,1150438.949,"4771 Thomas Drive Apt. 125 +East Lauren, GA 99732" +84556.63627,5.092458963,6.723412347,2.42,31797.31744,1326846.699,"97160 Tracy Junction +Erinborough, WY 73884" +82732.98111,5.332712246,6.198476365,3.49,41136.52722,1252663.621,"0630 Wilson Shoal +North Philip, AK 91611" +65694.05127,6.436740579,6.704929106,3.14,43406.71203,1359762.694,"PSC 2681, Box 5759 +APO AA 82431-2879" +76061.35071,7.148713116,7.546065991,6.3,40876.96459,1778013.334,"04117 Bennett Greens +Gonzalezfort, NJ 86640-8362" +66935.47508,6.376389685,8.51382556,5.47,17573.6171,1109059.054,"55454 Mary Coves Suite 114 +South Jennifer, FL 24998-9703" +73148.51334,6.4803921,4.595996066,4.39,40372.16567,1038939.523,"24144 Beth Bridge +Ryanstad, WA 53480-7998" +77961.22193,5.043992564,6.400131741,2.33,23334.68028,1003701.05,"5071 Christopher Walks +East Michelle, DE 52994" +60553.244,5.527459817,7.315695461,6.43,37277.88702,1086829.246,"373 Chandler Loaf Suite 465 +Baldwinfurt, AL 91590" +79500.39895,8.554883548,6.160047887,3.29,32069.11741,1727982.987,"3622 David Junctions +Colleenfort, MP 98876-3794" +63237.10995,4.666786166,9.086573466,5.17,33805.57856,1133139.926,"48850 Lauren Cape Apt. 922 +Lake Stacy, AL 39607" +71348.72652,7.844341417,6.766797876,3.45,34405.94764,1460758.626,"30135 Larry Turnpike +Averyview, VI 87254" +75654.77702,7.077079395,6.501047493,3.15,49451.17854,1900789.237,"10911 Williams Grove +Josephtown, UT 33216-6985" +83539.26859,4.525886521,7.1011494,6.13,37676.56472,1157759.465,"5185 Brandon Estates Apt. 215 +West Teresa, CT 52929" +85719.68813,6.212784993,6.141204525,4.24,38030.22424,1603075.237,"2223 Brown Tunnel +Alexhaven, PR 64465-6988" +75571.04402,6.114928189,7.318214495,4.44,33988.43586,1218264.021,"93815 Caitlin Cape Suite 183 +Cynthiaville, MP 11833" +57227.32404,6.41914278,8.324158847,4.27,20744.00476,1002023.358,"887 Samuel Street +North Carolville, ID 11574-6279" +59256.07295,5.145432924,4.964948322,3.44,32695.18332,742016.0552,"3338 Nelson Harbor +Lake Christymouth, NH 10232-4764" +64975.66283,5.037141656,6.710463797,4.14,36975.05217,1023862.984,"56097 Angela Row Apt. 158 +Lake Samuel, FM 28219" +65310.43112,7.027982522,7.864664257,4.02,40677.55053,1578136.165,"PSC 7003, Box 4278 +APO AA 00593" +61127.26518,4.624515677,8.150426883,6.34,31396.35501,1121093.175,"205 Smith Summit Apt. 311 +Josephborough, AZ 63374" +67055.44684,6.98123544,4.621370129,2.18,32034.98064,893802.0888,"35819 Parker Spur +East Richard, GA 41389-2093" +71043.31325,6.046181641,6.095861522,3.34,20763.60414,955165.6126,"80638 Samantha Village +North Anthony, KS 58656-6462" +57838.74463,2.797619027,7.932947104,3.45,37771.43326,589969.6429,"78852 Alvarado Spur +Deanside, AS 09133-3395" +48144.05321,5.440212328,8.419111938,4.48,23465.38298,763874.0645,"674 Karen Pine Apt. 327 +Edwardsfurt, MS 08007-7411" +67952.40464,6.069941833,6.372398797,3.19,58782.22227,1513223.535,"Unit 2464 Box 1413 +DPO AA 68055-8799" +68467.21725,3.743747008,8.561796629,4.38,46594.48736,1036338.239,"03566 Anderson Plain Apt. 701 +Fullermouth, NM 77849-5037" +66767.89811,4.760500633,6.887956037,2.03,46125.22421,1075723.51,"2616 Weaver Locks +Fergusonbury, NE 66468-8725" +77135.46666,5.165545017,6.98417078,2.44,32779.68791,1086708.661,"62829 Scott Groves +North Thomas, CT 06733" +64916.09513,5.356004823,8.460983082,3.4,39315.51149,1381272.881,"0100 Cheyenne Turnpike Apt. 264 +Millerton, VA 49706-4944" +50343.76352,6.027467991,5.160239504,4.35,27445.87674,691854.921,"400 Allen Lodge Apt. 145 +Bernardfort, NV 57316" +62036.63113,5.535460544,7.911090902,3.02,14790.21577,862376.7533,"849 Kathryn Mountains +South Stevenfort, DE 22930" +59467.85738,3.951706343,7.427763731,6,36436.49233,667428.2537,"3163 Sampson Course +Port Jesus, MH 86177" +55306.91147,5.830789449,6.693980074,2.06,32446.99907,624244.9444,"16130 Jared Mountains Suite 452 +South Stacie, ID 68079-4583" +76027.94493,5.744456336,8.032013781,4.23,37462.22283,1282365.462,"550 Catherine Hills +Turnerville, KY 23649-7059" +63317.04759,7.07704582,6.828565661,3.02,43523.95175,1479063.214,"7715 Cathy Plain Suite 160 +New Angelica, TX 28872-3619" +71146.50804,5.581375383,6.708209555,4.38,42968.61862,1342067.961,"8606 Morton Point Suite 776 +Valerieport, OR 73046" +70950.42999,6.566847303,7.031462634,6.33,39778.13778,1538039.599,"USS Swanson +FPO AP 83456" +64603.19152,4.912091805,5.702489233,3.03,33673.90406,815593.7638,"37521 Cabrera Forest Suite 722 +Curtistown, NV 66526" +69993.96332,6.668440341,7.281330178,5.2,39898.30081,1391159.434,"40741 Miguel Course +Taylorport, IA 78709-9311" +62367.4524,4.235227141,6.045984022,2.1,23533.22446,727366.9474,"6692 Joshua Knolls +West Joshuastad, KS 10649" +62654.35948,5.674787892,6.850385846,4.24,36718.51231,1053484.869,"30658 Patton Forge +West Corey, CT 93465-0946" +70842.2172,6.172905754,6.947640454,3.14,42987.47933,1519928.485,"30306 Hendricks Fall Suite 302 +West John, AS 52072" +64975.88369,5.175115447,6.584406172,2.27,37088.81622,918533.6164,"1140 Smith Lake Apt. 830 +Shermantown, NY 21419-2702" +72200.04105,6.53420019,7.159312422,3.17,42485.44256,1523801.748,"77607 Dickerson Oval +Maynardport, UT 64088-4501" +62524.55636,5.799667345,7.601511718,5.06,19113.16875,1020041.747,"9837 Megan Lights Suite 827 +Feliciaport, SD 66627-0205" +68377.38138,5.206021932,5.744059838,2.33,33641.56084,901752.6805,"249 Cameron Springs Suite 697 +Mitchellville, IL 27190" +61194.47959,3.711992007,7.091023791,4.07,28667.14051,369433.355,"USNS Weaver +FPO AE 62010" +69147.21858,6.338760748,6.973520294,4.06,42892.70325,1318058.063,"8181 Gary Mountains +Davisview, HI 21834" +61592.9377,6.677102937,6.805077943,2.02,23011.96422,1060966.741,"0808 Craig Views Suite 251 +West Keith, ID 55946" +72487.49424,7.456011558,6.495059665,2.34,44865.38182,1584615.574,"788 Norman Lights Suite 570 +Porterfort, AR 49513" +62949.67395,4.00349912,7.860026769,5.36,30373.06097,814378.4821,"1024 Sweeney Crossing Suite 582 +East Williamhaven, NM 82488" +78605.18989,7.306306207,7.091689114,6.49,18493.05833,1536208.366,"25687 Jones Court Suite 156 +Lake Norma, NY 39300-5661" +55565.04312,7.821571971,7.761780242,4.38,35680.46768,1388209.219,"1039 Joshua Stream Suite 533 +South Patty, GA 56712-6067" +55845.54616,5.402463497,6.515683338,2.38,43790.66537,919963.0086,"91393 Virginia Plain Suite 161 +West Elizabeth, OR 66820-4429" +89026.80942,6.4605773,7.811778751,5.4,38039.55057,1978629.875,"9728 Anthony Pine Suite 314 +West Sherry, AS 56042" +76338.66814,7.727702169,7.350285077,3.18,50620.20732,1928728.792,"628 Marcus Corners Apt. 153 +New John, OK 12145-0369" +53547.01802,5.847392817,8.243485303,3.14,57979.8562,1520956.997,"013 Alexander Extension +West Vincent, MI 76753" +74812.69859,6.165940949,6.544756878,3.18,45471.807,1414259.775,"414 May Fork +Lisaside, OR 02771-3708" +63407.6978,4.998556609,6.338758115,4.06,36397.6532,826483.7133,"2476 Aguilar Springs +Barnesland, AR 68228-2219" +54743.73394,7.023894364,7.555095571,6.49,27692.26877,1079951.155,"71362 Meyer Squares Suite 571 +South Anna, AS 81738" +85658.32928,6.56903564,5.567667216,2.04,35204.9757,1545961.608,"35913 Jordan Track Suite 880 +Walkerland, IL 91921-0710" +56631.89547,7.131827185,5.590037495,2.44,51351.72128,1374117.067,"884 Jordan Streets Apt. 271 +Dawsontown, OR 98005" +79978.55279,5.700556896,4.347851966,2.14,27897.1657,957806.0027,"717 Villegas Drive Apt. 137 +Port Cheryl, PW 45659-8596" +69840.269,5.236222694,8.291286244,4.21,27895.53069,1096543.306,"349 Joshua Mountain +South Mary, MT 88531-9334" +86985.76434,6.39460141,7.349362924,3.29,25788.67236,1412806.286,"46916 John Shoal +South Tonymouth, FL 48934" +74521.17813,5.655710429,7.542399502,4.39,38533.83979,1527961.835,"USCGC Jones +FPO AP 54510-2694" +58568.62846,6.52580156,7.655534462,5.25,44067.08736,1340074.653,"8830 Walker Dale Suite 595 +Cainport, SD 38872-3317" +67712.81277,6.615897641,6.021413188,3.23,16561.19222,880851.0552,"87459 Pamela Pines Apt. 270 +Hollyport, MO 27499-8987" +74280.6996,7.171105601,5.652291126,4.16,26115.26041,1324470.441,"6540 Darren Brook +Johnsonmouth, TN 97299-3467" +56000.02192,6.282141494,6.334296043,3.16,41006.98371,1034539.831,"79189 Kerri Lights +New Anthony, OK 64180" +72980.64967,5.510351616,6.138456661,4.38,37786.05693,1079000.316,"30247 Fuller Streets +Port Patrick, MP 52706-6844" +70602.25967,5.412264971,5.539286519,4.06,35594.22418,883021.8964,"112 Anderson Square Apt. 249 +Loriton, AR 40060-3548" +60595.67696,6.773009189,7.937850728,4.02,47991.9025,1434835.953,"647 William Freeway Suite 403 +Lake Carolineview, MP 69605" +55317.2039,4.970859464,7.145445356,4.4,42317.89529,670734.674,"899 Danielle Garden Suite 886 +South Kennethberg, WV 16065-7735" +66208.81993,4.851854053,8.114001386,3.25,40346.57892,1228978.233,"28775 Alexander Crescent +West Karenborough, UT 43499" +65827.67224,7.163024214,7.112154127,6.46,31304.3067,1210046.741,"368 Chelsea Shore Apt. 663 +New Destinymouth, NY 80487" +82264.37268,5.557317234,8.10641716,5.05,34066.60905,1446978.86,"2277 Michelle Extension +Amandaborough, NY 80022-6654" +93032.5417,6.376728984,6.220987362,3.37,35621.38271,1872191.548,"Unit 4376 Box 1994 +DPO AA 20751" +70126.14995,6.263150571,7.550648511,5.26,33017.58606,1270963.563,"23205 Meza Center Suite 281 +South Michael, WV 08957" +64717.28751,5.835000552,7.208567965,3.4,31860.53541,1145804.269,"245 White Walk +Porterberg, WA 51290" +73804.90862,6.731999392,7.617260642,4.25,40877.18912,1574211.649,"695 Randy Vista +Cooperside, NE 27187-4331" +67465.99562,4.597388768,7.39163972,6.19,22714.46906,863448.3924,"992 Pierce Creek Apt. 691 +South Robert, AL 88281" +78401.11457,6.090554632,6.426440694,2.23,47727.60733,1805502.34,"09918 Coleman Creek Suite 038 +Johnsonburgh, NC 08665-6370" +57077.22934,6.380243917,6.540484451,4.06,55114.58165,1312637.288,"646 Fleming Burg Suite 492 +Gomezton, VT 97639" +59756.1146,5.230819307,6.354214252,3.36,33516.79069,697212.3669,"2921 Jasmine Isle Apt. 446 +East Taylor, PA 69183-0638" +60214.19446,6.82237746,7.493603632,3.01,39252.76381,1475349.552,"83537 Singleton Forge Suite 145 +Port Stephaniestad, WV 75261" +70513.21224,5.083722418,7.19915619,5.02,39275.77529,1383783.912,"347 Murray Trail +Conradmouth, GU 27912-1572" +72791.27054,5.375329206,5.441100447,2.11,44476.3371,1166602.408,"920 Jimenez Mills Apt. 028 +Haysfurt, MA 85873-8046" +60357.54503,7.239873332,4.290193826,2.33,36198.44099,934744.0335,"020 Joshua Summit +Knightton, FM 59302" +72310.09548,6.765351422,7.624824352,5.16,37736.85717,1625166.648,"891 Dawn Passage Apt. 577 +West Sarahland, VI 34264" +74547.96559,4.946625741,6.99004611,2.2,48175.05027,1268964.795,"124 Hanson Lodge +Wuberg, UT 21959-4148" +89730.52363,5.986102882,9.044253195,6.07,23059.65425,1792753.5,"97191 Chambers Shore +East Davidshire, MP 06664" +59861.63219,8.096904376,6.262020744,2.12,45919.17641,1434323.825,"1543 Bell Mount +Simpsonton, GA 11066-6602" +80134.33862,5.307020052,7.197980571,3.19,43751.17933,1532644.849,"86677 Michael Squares +Port Bradley, CA 84127" +58198.03231,4.404481479,5.596535837,4.4,14226.93802,420122.9995,"Unit 7805 Box 2823 +DPO AE 61896" +71784.01624,4.790862241,6.695281011,4.26,15554.28418,825178.3506,"528 Ortiz Island Suite 512 +North Taylor, MO 67778-4179" +67449.32909,7.143491858,6.341483733,4.37,29748.36727,1112294.776,"510 Brad Mountains +Williamfurt, VA 22481" +77906.18518,6.537043567,9.458466363,3.08,31399.75683,1639099.378,"64328 Bowman Route +South Tanya, VT 23530" +71020.73746,4.651052129,8.994340536,6.09,36788.48611,1162854.552,"076 Sheena Course Suite 578 +Davidmouth, TX 36489" +54474.5763,6.094363055,7.459029642,4.47,21409.35475,803270.1278,"0693 Hall Overpass +New Patricia, DE 34344" +53494.77377,6.520859829,8.167257906,4.1,41530.50955,1103485.707,"3763 Lambert Islands +New Keithview, ID 84363" +60883.53689,6.281291995,6.40881853,2.37,31135.05678,1005946.767,"28098 Wheeler Islands +Grayhaven, CA 95517" +63022.78791,5.412142905,5.481830335,2.37,33582.68525,904789.6122,"9102 Stephanie Walk +West Adrianafurt, VI 59208" +77514.59354,4.138822758,6.812797156,2.33,30820.80777,985059.3058,"USNS Morton +FPO AP 44353-3930" +80537.52484,6.746467066,5.847422997,2.4,31872.17941,1430641.632,"PSC 2787, Box 6497 +APO AA 12455" +75470.75995,6.510242049,8.073235752,6.48,17780.96217,1147442.952,"USS Martin +FPO AP 82345" +57782.05703,4.671945839,9.067015091,4.21,37625.97415,1046818.07,"51016 Cassandra Spring Suite 760 +Lake Wesley, MH 27316" +71327.71761,6.269963499,8.451354903,6.39,42634.77173,1501303.964,"830 Lauren Common +East Ralph, SD 46562-5210" +66057.18199,4.067165987,7.741792788,6.33,31824.59315,802846.1223,"USNS Turner +FPO AP 49349" +60345.99132,4.744846794,7.695977026,6,32654.33584,1005089.894,"641 Bradley Extension +South Leah, WA 23138-0463" +62816.87837,4.684023322,7.066190381,3.11,55887.69875,1288199.153,"55543 Jones Parks Suite 227 +Markport, VA 23752-6240" +78182.19723,4.560751288,7.864482284,5.17,34253.56939,1364194.94,"Unit 1184 Box 3765 +DPO AA 89743-2623" +59556.31066,5.453775336,5.994692018,3.2,37604.3812,736897.4095,"76111 Mccarty Wells +New Ashley, WI 68088-6627" +89209.0841,4.628985286,7.433211707,3.14,47798.52087,1592175.512,"087 Romero Meadow Apt. 109 +Port Christy, VT 93436-0859" +61753.19158,5.142555284,7.586326004,4.07,39993.00632,1169050.985,"44349 Jacqueline Villages Suite 466 +Johnstonton, UT 21645" +62587.11978,6.49751577,8.409296295,3.21,38345.36061,1227659.772,"3130 Richard Avenue Suite 698 +Johnton, AK 63265-5152" +62946.4201,6.133814798,6.973450286,2.3,42312.08202,1261491.425,"8383 Newman Rapid Suite 842 +Bradbury, WV 21515-8372" +68681.08126,5.855157831,6.009883204,4,44279.43031,1238929.11,"6846 Michael Rapid Apt. 811 +Fryshire, FL 01759" +64168.85884,6.360502188,7.536445204,3.46,20038.17183,1031121.814,"847 Yolanda Ways +West Alanside, MI 87383-7074" +79843.92058,6.326602838,7.434332176,3.07,45902.57155,1571848.231,"9232 Christopher Centers Apt. 866 +Wallacestad, AS 03708" +60390.50286,5.195406378,8.368912846,6.27,37921.72059,1223915.253,"3761 Wu Center Suite 724 +West Sarah, HI 42537-7513" +66397.44099,4.83574934,6.254684423,4.26,50504.04782,906011.3853,"3037 Raymond Corners Apt. 567 +West Brandonton, MN 17565" +63057.69462,6.535113382,7.600079861,3.1,43315.45004,1365945.083,"3847 Joshua Brooks Apt. 620 +Lake Joseph, ME 51263" +75045.25021,5.019207539,8.563584453,4.35,25492.31741,1152145.912,"07809 Kimberly Burgs +Lake Williamview, NC 96986" +71254.79957,6.541420585,7.575107074,5.43,38916.45116,1455737.135,"59809 Tran Bridge +Sarahmouth, LA 15657-1057" +80440.21717,5.238705847,8.065218843,3.1,31114.7292,1537864.882,"22930 Smith Ford +Lake Richard, ME 30453" +59810.78328,7.29616924,7.728127007,5.19,14452.921,975913.1051,"6907 Lopez Streets +New Juanborough, WA 16975" +82241.09953,8.09422833,6.137134572,2.32,10951.34217,1401560.917,"51495 Hardy Springs Apt. 835 +East Nancytown, ND 28683-0813" +70951.86812,4.479713621,6.543319113,3.25,38455.34522,865816.6759,"52004 Amanda Pike +New Yolanda, AL 41789" +63351.97898,5.45474325,7.463829891,4.19,31063.78152,1076438.975,"46740 Jennifer Garden Apt. 818 +Williamstown, AS 42737" +73803.98983,6.977645788,5.887910668,2.33,32644.61112,1166333.887,"PSC 4721, Box 1430 +APO AP 29055" +86247.17504,4.888658789,6.920656535,2.25,44610.03506,1638541.939,"095 Thompson Cove Suite 038 +East Tonystad, CT 43809" +64927.64796,5.74365419,6.594555343,4.34,29364.75874,1138885.104,"USCGC Ashley +FPO AE 25345" +53722.0086,6.401391355,7.78776442,3.3,47649.22466,1300389.351,"USS Williams +FPO AE 65283" +66409.68677,6.244759466,7.424439137,5.39,31188.47203,1239318.131,"95667 Nicole Ville +West Jessicaborough, NM 56114" +60186.60533,7.203329692,5.278282131,3.35,45545.12518,1168126.213,"861 Christopher Manors Apt. 913 +Bobbytown, PA 64157-6346" +63016.11274,5.736088454,6.974916493,3.26,19815.60593,735660.4558,"5441 Rodriguez Causeway Apt. 348 +North Jesse, OR 70732" +62991.4367,7.012357879,7.123989663,4.37,22993.79047,1066279.879,"598 Taylor Corner Apt. 270 +Cartermouth, GA 43098" +72836.80988,4.047392572,5.167324385,3.24,16988.93738,454234.3344,"USS Miller +FPO AE 19741-4033" +91935.36685,6.483290627,7.700597346,4.37,50112.82022,2092949.861,"51671 Steven Motorway +New Troy, DC 34208-1742" +78497.66426,5.285897173,8.171204681,3.2,25389.19449,1245947.102,"2350 Janice Stream Apt. 009 +Port Sarah, VA 46714" +76118.14064,5.285608709,7.434268576,4.48,9193.833182,709348.2237,"166 Albert Radial +North Michelleville, NJ 09884-8923" +71425.34862,7.554540735,7.06914872,5.18,32561.13015,1500472.827,"503 Heather Plains +South Morganborough, VI 92622" +74796.11323,6.249813527,7.685292055,6.05,40819.49744,1641749.651,"8118 Mullen Wall Suite 281 +New Victoriaborough, MP 55959-4629" +70877.19634,6.159813607,7.906097999,3.35,23315.39918,1235750.602,"995 John Via Suite 355 +Perkinsborough, HI 85367-8516" +71298.90667,7.712575337,8.004989583,5.26,32345.38793,1730662.393,"5392 Riley Gateway Apt. 904 +Jennifertown, FM 85603" +69603.22964,5.114133097,8.170605213,6.5,37942.61346,1299673.742,"65738 Rodriguez Locks Apt. 739 +Josephburgh, KS 05423-3806" +84855.79742,5.48873719,6.248574073,4.07,37413.91142,1250958.248,"29600 Garcia Forest Suite 239 +West Mark, NV 55584" +76909.62981,6.917915992,8.802044047,3.14,26843.40416,1554301.938,"825 Moore Pike +Carolynmouth, VT 31968" +62785.91164,6.759943984,5.736983352,3.29,59003.96362,1493623.416,"USNV Smith +FPO AP 44055-1501" +77254.95871,6.842596033,6.697002821,3.33,28162.09708,1419158.959,"23360 Hicks Avenue +Lake Carolside, WV 96062" +80082.45976,8.211941139,6.741321909,3.27,37980.28034,1910484.642,"2788 Martin Overpass +Lopezfurt, WA 40057" +80526.29149,6.132493498,5.755817808,2.5,45751.66479,1578319.89,"Unit 3742 Box 9321 +DPO AE 99472-7335" +57873.65898,7.311920548,7.679306124,3.32,28510.4141,1200401.989,"970 Branch Forest +South John, FL 35214-9934" +87674.45369,5.777764619,7.698070337,3.36,28470.82741,1566015.431,"51634 Meyers Squares +North David, CO 64016" +72330.22439,6.520997522,6.473487358,3.41,21282.18594,1218200.812,"46868 Elizabeth Mall Apt. 072 +Destinyport, CA 53577-1909" +45286.4263,5.591470874,6.547357282,2.3,45127.83189,718869.4006,"7497 Melissa Crossroad +Kylemouth, VT 88901" +55573.61779,7.036672003,4.946874791,4.02,29352.86297,919207.0276,"4943 Jennifer View Suite 718 +Andersonville, TN 88026-0570" +74952.96399,5.143167064,5.679461819,3.03,50373.83289,1397680.241,"147 Adam Stravenue +Dianebury, VA 23245" +82070.1683,5.880044809,6.229965287,3.39,34620.58812,1630438.854,"38508 Brown Causeway Apt. 304 +Knightshire, AS 54676-8255" +67650.25779,5.953714976,4.675286127,4.18,28532.70982,670063.0223,"USNV Allen +FPO AP 30721-1703" +66703.77522,6.448438039,5.889162188,2.04,44141.52655,1406435.806,"84514 Matthews Inlet Apt. 106 +Simmonsburgh, NV 26301" +57084.30102,7.255851198,7.577655975,3.46,55851.84719,1524968.147,"9773 Hall Radial Suite 078 +New Michelle, TN 85462-9101" +58260.78674,7.675215023,7.73860842,6.41,32295.82225,1509929.832,"11487 Tamara Mountain Suite 000 +Rogersfurt, ME 83230-6957" +41732.93069,7.520286358,6.273771049,3.14,28104.47891,795507.8434,"24834 David Trail +Fryeshire, NY 88462-1008" +49991.73666,6.711817274,8.297225256,4.25,40067.90369,1218509.145,"11389 Andrew Rapids Suite 737 +Marctown, MP 65890-2664" +64568.39188,4.519336224,7.513249158,4.47,44657.08091,1082825.638,"015 Choi Hills Apt. 000 +New Richardburgh, OH 61977-2052" +79583.51008,6.959106464,8.574282238,4.26,48780.55634,1924561.807,"5423 Cain Orchard Suite 040 +East Josephview, MO 51771" +77267.65626,3.939501102,8.342808203,6.09,22487.71207,1107031.246,"USS Navarro +FPO AP 70992" +64455.06433,5.112366999,6.939158712,4.22,41123.92498,1191261.869,"058 Beth Fort +West Joshuachester, CA 31534-8414" +62637.59377,5.978157617,7.439755516,5.04,32901.55509,1071013.257,"76839 Angela Circles Apt. 658 +New Scott, AL 41853" +72654.98754,7.003591866,5.187313979,3.34,27879.61891,1245749.594,"5574 Harris Field Apt. 314 +West Jamesburgh, MA 97646-2203" +45914.204,5.985709726,5.799201196,3,32699.19501,378466.4202,"9495 Arias Valley Apt. 493 +Paulberg, WA 71154" +38530.12448,4.265906407,8.026969038,4.47,67727.22905,1267986.688,"14763 Jeffrey Islands +Amytown, WV 47279-7543" +60402.99862,5.443868938,7.545896921,3.23,47018.15054,1265760.2,"Unit 4985 Box 0598 +DPO AE 85222" +77595.0746,6.49247322,6.870963691,2.38,23825.97062,1185616.34,"262 Jody Place Apt. 081 +Port Brianland, ID 37750" +78778.3169,5.964358336,6.151416285,4.16,28177.86577,1156853.365,"72978 Espinoza River Apt. 959 +North Amy, NJ 79845" +66821.6312,5.608651533,6.269461559,3.47,33972.04751,1038177.045,"59448 Carrie Mills +Paultown, SC 64653" +63615.99425,6.021179413,8.512698471,6.31,44761.71937,1385776.507,"725 Michael Cape +North Kimberlystad, WY 49615-2659" +75876.93384,4.365120554,6.303023843,4.2,36119.10236,1236308.28,"21931 Arellano Mills +South Paulbury, UT 61934" +63007.44681,6.581810116,5.210848294,4.17,27688.047,819027.5987,"697 Bautista Spur +New Jamesfurt, NC 57137-7072" +60698.81549,7.951045847,6.225801975,2.5,48495.31973,1433493.802,"95025 Martin Cliff Apt. 700 +Nathanfort, NH 34130" +92128.27066,6.168072462,6.544943902,4.09,39870.3613,1794212.186,"3270 Raymond Park Suite 182 +Jessicamouth, KS 01802-1197" +55317.88428,5.294021299,6.87922624,2.35,43765.04175,752842.676,"Unit 3689 Box 9108 +DPO AA 17677" +85738.6404,5.947639943,8.157378891,3.4,25987.83282,1690540.682,"53001 Kevin Glen +Angelamouth, WY 22686-9718" +62353.0658,5.305023511,7.440832318,4.49,38011.76244,1086181.753,"789 Williams Village +East Benjaminberg, GU 47205" +51634.79805,5.417913991,4.891429666,3.16,18998.85516,334485.1931,"882 Tyrone Via +Stewartton, OH 41489-9900" +64795.5271,5.30313107,6.612386211,4.46,46056.80639,1096912.036,"8607 Tiffany Union +Evansborough, FL 16263-5128" +79158.81788,6.047006369,8.691406617,5.44,31766.02648,1628830.08,"058 Christine Stream +Benjaminmouth, FM 71795-4614" +55698.4648,5.185346416,7.356114505,3.1,42235.06382,762402.1788,"8579 Shawn Heights +Port Johnview, MA 82008" +50005.27445,4.266667666,6.546822456,4.3,26145.51787,304239.2824,"PSC 9213, Box 0445 +APO AP 22996" +46449.62564,6.5730532,5.668122841,4.24,55176.20255,880214.2119,"8535 Brenda Glen +Lopezchester, NC 08675-3971" +65068.55453,4.710401083,6.455829823,2.31,29647.56431,691941.3966,"854 Jessica Junction Suite 225 +North Elizabethmouth, RI 11478-9460" +57889.32984,5.076125193,6.609567161,4,27588.35585,578593.5339,"08356 Franco Glen Apt. 405 +Leeberg, WA 61075" +86962.95772,6.520076378,5.332060289,4.17,50350.95922,1798521.605,"USS Taylor +FPO AA 80749" +62921.41752,6.097975812,7.662028015,6.4,32152.47083,1086735.913,"49259 Holland Locks Apt. 841 +East Juanside, SD 05880" +77020.33044,5.073982252,5.859494341,3.23,25332.00697,936553.7043,"66976 Michael Lights Suite 737 +Ballberg, PW 44138" +50578.72055,5.87778176,5.98569242,4.08,41306.34726,789632.6932,"99611 Nathaniel Plains +Lake Brettshire, PW 09342-6996" +71905.13741,4.590640925,5.976776613,3.43,14297.43928,738431.8311,"958 Randall Station Suite 343 +Cheyennefurt, ND 59313" +86393.76993,4.210230261,5.849575569,4.29,33687.29946,1254912.463,"43669 Jeanette Tunnel +Lake Curtis, NY 42689-5623" +83846.26704,6.512306616,6.679597943,3.35,30488.57806,1566253.096,"4578 Kelly Fields +West Sarahchester, WV 13513" +39653.77003,5.205089397,6.951617257,2.32,40275.59933,395901.2501,"58979 Jimmy Place Apt. 907 +East Bryanbury, MN 53535" +67821.02654,5.676505886,7.214152222,6.17,28294.61523,1028966.368,"14419 Megan Junctions +South Chelsea, IL 61758-7145" +71555.20942,7.25610679,9.46718066,4.32,30874.75666,1816152.267,"63917 Figueroa Oval Suite 164 +Mathewstad, IL 13504" +70591.17424,6.740467868,8.101142651,3.48,30531.87296,1459540.133,"Unit 1293 Box 9750 +DPO AE 75985-4473" +80182.09303,3.738592971,9.654555761,3.37,15090.85119,1223261.462,"7376 Eric Knoll +West Kevinberg, IA 73324-3686" +65122.20168,4.535080533,7.880314033,4.35,42561.85022,1272180.197,"57749 Garza View Suite 141 +New Hannahborough, VT 84512" +63630.60779,5.414388206,7.390197491,5.17,23129.11627,933306.2877,"PSC 2588, Box 3794 +APO AA 05378" +69886.44882,6.9096787,6.031215138,2.18,22959.36204,1130108.023,"56973 Wright Cliff Apt. 133 +Melodyburgh, AR 33802" +87595.6028,5.446896644,7.817517771,3.33,43681.82811,1795428.774,"57004 Michael Stravenue Suite 982 +Porterberg, WY 81823" +54629.08571,4.11440652,6.946618149,2.35,55495.03197,911901.1553,"9875 Nancy Stream +Lindseyton, WA 74817" +59464.01773,5.748358135,7.027626839,3.29,33026.12434,874572.1627,"53276 Lee Common Suite 424 +South Lisa, NE 01718-4381" +68891.12412,4.225150749,6.278178093,4.44,41435.12419,840682.6089,"5047 Petersen Fork +Yvonnemouth, VA 10518-4974" +87847.02772,6.598903526,7.592488418,6.5,24344.81784,1473071.954,"6437 Schmidt Mountains +Crystalbury, OK 56029-6567" +56030.47489,5.029914596,7.932589428,3.19,46255.54143,887016.9764,"4959 Roth Ferry +Port Robert, KY 90147-8962" +74087.07528,6.644227477,5.809245851,2.19,30709.75748,1102062.098,"148 Jeffrey Highway +Port Jenniferside, OR 22136-1566" +81406.07418,5.965785165,6.058563107,2.26,46645.19778,1473372.164,"09812 Lam Bypass +North Patrickmouth, UT 91064-8378" +71178.05106,4.982479429,7.606218178,6.26,37655.52208,1092701.392,"37958 Sanchez Turnpike +South Richardport, CO 03903" +61818.62001,6.779487239,6.525679549,2.37,25120.29892,1044999.343,"557 Jeffrey Fall Apt. 271 +Wardtown, OR 44694" +71930.60955,4.493521763,6.762292739,4.18,23234.26875,943668.4824,"231 Hensley View Suite 751 +Hatfieldview, MD 22733" +64552.6451,5.980521388,7.790399376,3.05,48667.34978,1535781.394,"30877 Randy Lodge Suite 908 +Bankstown, UT 40819" +89687.48482,5.822977304,7.475893327,3.44,33767.33358,1742350.962,"PSC 9259, Box 7291 +APO AA 89981-7749" +62972.07891,6.478153601,6.832220863,3.22,25243.86016,1158171.725,"25113 Conway Brooks +Vasquezton, FL 47149" +66565.72872,6.634227875,6.0176939,3.49,50182.39838,1585348.095,"914 Williamson Isle Apt. 981 +East Heathershire, WA 11989" +76187.27331,6.156221637,7.166149036,3.32,45084.39424,1618721.138,"207 Dillon Knolls +Port Jesseburgh, FM 27308" +71663.0562,4.911607148,7.211582711,5,39241.82037,1228532.301,"05757 Oconnor Fields Suite 769 +East Sarah, MP 54966-0420" +57139.28978,5.035977362,5.705233513,3.42,38266.65442,832536.8854,"674 Bailey Lodge Suite 415 +Frazierbury, NV 16123" +67907.47348,6.719223964,7.080329021,6.43,35538.32402,1273120.259,"75891 Reese Tunnel Apt. 772 +Port Amanda, PR 46259" +64969.63058,5.66966826,6.074014508,3.4,35237.45343,899186.1569,"77080 Sarah Divide +Davidview, HI 44093" +63082.49301,5.647698012,5.60075524,3.1,19151.02123,615555.4936,"440 John Spring Suite 275 +Port Victorside, NH 78659" +53917.87223,3.824204216,7.360601848,4.33,44916.2914,679922.2521,"7988 Kramer Road +East Erin, FL 62622-4958" +64753.72892,6.307488644,6.442186822,2.47,46411.16806,1511839.355,"USCGC Foster +FPO AA 47429-6537" +66404.59679,6.575776483,6.713386226,3.5,39236.03477,1168845.815,"660 Terri Mountains Apt. 270 +New Mary, MH 35205-2457" +78398.72222,4.977647692,6.04232838,2.2,27167.28655,1151406.784,"9422 Samuel Station +Jamesside, WV 54275" +54293.43887,4.772390467,9.802010414,3.26,35079.83031,891661.6959,"44863 Derek Station +Paulton, GA 56946" +70763.24751,5.190195988,7.058340475,6.26,35279.23581,1055417.658,"4828 Megan Summit Suite 152 +Anthonyberg, NE 63643" +74158.6719,4.942336939,7.585177714,3.44,41003.95615,1336858.51,"Unit 9060 Box 7328 +DPO AA 09770-7230" +79498.39413,6.988414104,5.955308381,2.34,41484.50813,1632943.349,"43119 Julia Street Suite 420 +Jorgebury, MS 26196" +73274.19305,6.641591972,8.839164028,5.32,33215.53684,1590336.417,"22503 Rachel Street Suite 650 +South Jordanbury, OH 17336" +83284.54506,7.609566758,6.309588608,3.45,33854.60665,1668905.285,"48528 Kristine Skyway +South Jodifort, WV 31717-0846" +83882.08545,6.54397761,7.718658025,3.09,25838.85591,1670256.59,"4456 Kelly Cove +New Thomasbury, KY 18631-6214" +51668.55526,5.745559669,7.276102286,5.39,34668.39978,999408.2511,"2411 Deanna Parkways Suite 204 +West Theodore, NE 88598-8169" +61989.9192,4.825295823,7.683450306,5.09,35997.83171,925163.746,"209 Jennifer Causeway Suite 541 +Brandonville, KS 01189-6898" +67043.21229,4.876857037,7.555253094,3.19,62402.74239,1375215.062,"Unit 3491 Box 0706 +DPO AP 96821" +59048.75219,5.847588383,6.5851681,4.46,14520.60532,562839.4687,"68008 Taylor Streets +Grayburgh, CT 95202-6505" +74665.9676,4.808295864,7.039707564,5.43,59036.11604,1844929.156,"546 Wheeler Ford Apt. 311 +Listad, PR 99664-0344" +85345.1359,4.680231514,7.227793179,6.11,13088.15636,904497.3171,"15943 Megan Terrace +Pettystad, PR 56222" +73415.9945,6.375035825,6.728146141,4.05,41628.89274,1479603.756,"6009 Lewis Rapid Apt. 018 +Davisfurt, DE 04152" +67367.2056,5.462484808,7.55361501,4.34,33098.3865,1094574.185,"171 Cannon River +Lake Joseph, TN 83192-2232" +58846.3165,6.040724795,7.017644669,4.36,42617.7387,1235681.793,"6581 Lisa Branch Apt. 652 +Carrollmouth, VA 28735-6494" +50794.02859,6.724739783,8.002862631,6.07,39943.63819,1156979.915,"USNS Berg +FPO AA 83492" +57679.76016,6.019769173,8.475151526,3.03,53494.94556,1545507.565,"38462 Cox Field Suite 850 +Lake Mark, GU 84861" +70276.29633,6.045551552,6.853548682,3.09,34846.0472,1342997.645,"93689 Montgomery Prairie Apt. 432 +Wolfebury, OR 54163" +60772.83091,6.767670532,6.906675287,4.35,38147.51026,1178846.066,"847 Jessica Street +Nicoleberg, FL 09088-9985" +68994.06553,6.433224496,7.321193643,4.13,44604.68131,1335830.792,"9272 Bates Port +Maddenton, WV 08558-3008" +44214.60123,5.156863738,7.34281991,3.1,49640.17222,786430.8996,"673 Valerie Landing Suite 523 +New Williamborough, MN 06880" +44566.93958,6.316474482,7.626221606,5.36,26564.19288,775325.9163,"675 Morrison Plain +South Kaylaborough, AK 41760" +65825.82895,7.087719083,6.896913561,2.21,36959.62618,1238396.412,"10377 Tucker Lakes Apt. 172 +Carterchester, WI 06196" +81638.61085,5.240208621,6.392023266,4.15,38212.69812,1317467.582,"8688 Jerry Neck +South Donna, RI 54045-1736" +83441.87226,5.540480219,7.310950344,6.47,24482.05775,1384798.011,"2726 Fuentes Springs Suite 886 +South Franklin, PA 11544" +61846.1359,5.057578392,7.681141173,3.39,69621.71338,1504315.619,"8500 Colin Shores Apt. 432 +New Gilbert, FM 03165" +66407.24047,4.473980878,5.345303337,4.28,31395.12172,626085.933,"15807 Thomas Mission +Lake Amy, PW 64191" +64469.90967,6.033779428,7.607406817,3.31,29247.45536,1057308.29,"2638 Parker Union Suite 033 +South Charles, OR 38091-0348" +66469.31797,5.181975721,7.672171953,3.41,36227.35403,1095768.733,"69803 Smith Rest Suite 384 +Lake Miranda, FL 55744" +81742.85139,5.796217842,7.222545956,6.18,40562.49877,1630434.841,"Unit 1502 Box 9883 +DPO AA 22110-4830" +67229.36693,7.283622113,5.870970801,2.26,26894.23242,1109559.852,"Unit 3782 Box 1041 +DPO AP 59400-8142" +70486.89975,5.786071498,6.997699538,3.09,26725.63797,987026.3707,"802 Walters Fork +Hardingmouth, MN 97313-1424" +68419.10387,5.3537463,8.111956976,3.13,34638.53351,1296121.432,"USNV Fuentes +FPO AA 18414-6697" +69618.32901,5.334503838,6.250587876,3.36,30006.81461,800628.747,"53366 Wells Harbors Suite 205 +Moodystad, RI 51788-4199" +61297.34624,5.60570332,6.633718839,4.31,26656.95172,785399.1395,"8524 King Lake +Meadowsmouth, TX 61037-7289" +61285.2359,5.979565704,6.100990731,3.02,29544.0004,953819.2096,"32474 Kent Plain +New Nicholas, WV 92542" +82389.52228,5.012767242,7.155824839,4.29,32494.13968,1299924.798,"81535 Smith Fields Apt. 860 +Port Maryfort, UT 25152-7291" +77168.99346,6.214932467,7.36986965,6.3,28109.08757,1328586.29,"2206 Michael Place +Kevinhaven, TX 51899" +74048.93539,7.985437862,7.175769541,3.21,27782.67006,1551390.379,"9948 Johnson Plain +Susanside, AK 42875-7450" +53617.29644,5.767539241,6.704845785,3.24,24737.4971,533386.7712,"0302 Lawrence Flats +Underwoodbury, OH 73036" +80850.04183,6.63541412,6.622449677,2.1,41420.16082,1501103.493,"PSC 9862, Box 7769 +APO AA 73086-0222" +68901.14428,5.29531774,5.469354825,2.01,30832.66831,956764.0141,"53280 Renee Canyon +Christopherland, IL 44788-8245" +50442.26643,4.76799751,7.248287754,6.07,33439.80668,644142.4757,"0645 Arroyo Trail +East Michelle, LA 07906-8981" +70745.9088,6.172536643,7.831781332,3,34915.51021,1392313.726,"515 Perkins Centers +Justinfurt, ID 88176" +57868.26663,6.042906909,7.42352677,6.27,45196.15396,1189069.105,"PSC 8150, Box 6860 +APO AE 97253" +62554.55457,5.553856476,6.286928355,4.36,39403.95992,923971.5832,"842 Bryan Branch Apt. 031 +Foxborough, MT 33830" +61283.38862,3.881794238,7.518133849,4.45,36616.65883,720059.8348,"673 Cox Causeway +Port Robert, KY 19449-4787" +77632.22179,4.51492234,7.45446456,5.1,39950.29527,1309938.767,"913 Jennifer Gateway +Priceburgh, IA 07032" +79874.73935,4.936370911,7.14637679,4.14,30410.23296,1196996.681,"427 William Estates +New David, AS 97086-1735" +64346.9875,5.790963732,6.978865478,2.02,32337.73286,959102.081,"73554 Justin Springs Suite 074 +South Barbaramouth, AZ 98406" +83875.55987,7.243606997,8.522705293,5.46,30783.1704,1735416.921,"889 Michael Park Suite 582 +East Kathleen, WV 56246-6708" +70365.51451,6.578553646,7.383852503,4.17,29450.53049,1500481.76,"467 Charles Corner Suite 640 +New Dennisstad, CA 86309" +55468.48689,6.783950659,7.798627625,3.4,37666.33118,1099351.354,"53604 Charles Inlet +North Sarah, RI 84479" +68186.03169,6.889045997,8.432092837,3.17,33350.48026,1460364.3,"925 Jeffrey Flats +Hendersonland, IL 00112-7975" +71850.31216,6.121209663,6.723680569,2.2,44013.32406,1371640.932,"29275 Wade Bypass Apt. 677 +Lake Jonathantown, NM 62508" +61000.16043,6.691542065,7.859604452,3.47,60697.63924,1739761.373,"55801 Lisa Union +Herreramouth, GU 34932-6800" +56036.7394,7.206856384,6.5900353,4.4,33127.90212,1143672.825,"7660 Lewis Springs Apt. 280 +Greeneshire, VT 67668-0305" +70614.71712,6.210086642,5.470122703,4.45,39449.98775,1113313.409,"84727 Diaz Stream Apt. 922 +Lewishaven, NC 81679" +71208.2693,5.300326049,6.077988865,4.01,25696.36174,920747.9113,"796 Joshua Forges Suite 834 +Bensonside, CA 82761" +73376.98596,6.364718802,8.271405144,5,37811.86692,1560615.501,"USNS Pearson +FPO AP 81151" +60823.12775,6.291192186,7.609961509,5.44,35447.29494,1023595.113,"USS Berry +FPO AE 35347" +71676.06716,7.292058586,6.566399296,4.44,45994.22533,1577462.034,"53827 Hines Garden +West Josephland, RI 37586-5546" +76144.48308,7.626934345,6.134192933,3.12,17355.2891,1366405.972,"25182 Long Mountain +Baileyfort, MO 57068" +89548.1483,4.927543161,6.41686771,4.32,39759.64821,1403802.502,"942 Alvarez Fork Suite 039 +Quinnborough, AZ 54522" +65273.04487,6.107498549,8.561687059,6.1,40094.90402,1431406.513,"82353 Ronnie Parkway +Anneton, MD 97130-3540" +82973.13756,7.266680745,5.575816267,4,22098.22699,1167626.736,"56832 Roberts Squares Suite 942 +North Virginia, MI 05865-5923" +37908.67586,6.233812726,7.252915778,6.07,39632.07979,880402.7569,"901 Peter Fort Apt. 157 +Taylorfort, ND 06249-9518" +70374.65306,7.0931575,6.924672834,2.27,35981.18268,1428693.93,"15503 Garcia Lane +Hardymouth, AK 11574-6906" +68672.5608,6.1360608,6.8201874,2.23,45020.7533,1301935.92,"5644 Elliott Fall Apt. 897 +Port Morgan, MS 40046" +77112.1712,6.634130356,6.29647314,2.29,36552.22294,1506656.826,"125 Ferguson Way +Gordonburgh, AZ 65380" +58725.63185,6.819396084,6.025570211,2.27,22762.46618,866689.0912,"3321 Timothy Harbor +East Shannonhaven, ID 39704-4663" +69285.68143,4.498635082,6.46266541,2.49,42643.90936,1017105.371,"382 Kaitlyn Springs +Singletontown, AS 01030" +70543.06722,6.106621062,8.385028696,5.32,31116.21596,1480328.345,"1864 Reynolds Key Suite 000 +North Anita, FL 02822" +55899.5163,5.220084746,5.164151599,2.01,43063.50372,738411.5218,"Unit 3360 Box 2701 +DPO AP 62975" +71375.95177,6.270470462,6.7603218,3.25,42699.72413,1314245.82,"9820 Colleen Underpass Suite 077 +East William, GA 30315-2964" +77053.13536,5.27400517,8.940145882,6.09,37397.68063,1587622.641,"USCGC Jefferson +FPO AE 46785-9469" +74741.00798,4.861800892,6.60679465,2.45,33984.10656,1124424.927,"USNV Jennings +FPO AE 37951-6327" +35797.32312,5.544221047,7.795138242,5,24844.20019,299863.0401,"645 Mary Radial +East Roberto, CA 23652-5430" +60850.70206,3.690574063,7.415055719,4.41,56303.30599,873515.9385,"511 Daniel Ferry Apt. 953 +Robertmouth, OR 77859" +68383.19698,6.251368329,6.582998318,4.21,37285.03926,1083187.427,"94449 Natasha Junctions +Sarahview, NM 42352" +77434.93925,6.051114759,6.829266648,2.32,41866.189,1598593.733,"00656 William Squares +Johnmouth, WV 45911" +73685.40366,8.916092945,6.291818148,3.05,36000.50603,1798927.098,"7178 Michael Key Apt. 038 +Mccallmouth, MS 37873-8910" +59348.62721,6.512462078,7.522803799,6.29,35785.38869,893541.4569,"639 Catherine Spring Apt. 944 +Shannonside, PA 98980-9056" +61197.96685,5.577860353,7.393212138,3.46,35551.38521,1032043.212,"614 Jodi Branch +West Victorchester, TX 85087-6434" +79007.54811,6.605518322,7.6819339,5.11,23460.73326,1412776.577,"31832 Harris Gardens Suite 609 +New Charles, NH 96925" +69465.30978,6.062056239,8.747066092,5.46,43677.39159,1621700.463,"5536 Thomas Viaduct Apt. 622 +Adamborough, FM 43195-6662" +69525.33075,6.697178012,7.018083429,3.22,36950.45121,1343162.637,"6617 Helen Unions +South Susan, MO 41149-7551" +58334.706,5.895957277,8.225442732,4.18,23907.77099,965074.8047,"4062 Alexander Road +Floydchester, MN 54215" +71816.25361,5.504488306,8.19300677,6.34,26990.29906,1253609.764,"PSC 8990, Box 5293 +APO AE 95141" +68998.52313,7.019584803,7.285191879,6.18,35821.41717,1399979.667,"562 Joseph Rapids +Lake Kristinville, WA 74464-4314" +53362.68629,7.535710562,7.560199123,3.15,50304.74831,1451658.877,"2765 Robert Viaduct +Port Katherineburgh, IA 85708-6249" +63713.27293,4.787487797,8.017914452,3.12,42507.6117,1032346.87,"81018 Melissa Keys +Lake Mariachester, MD 05009-1830" +63079.1724,6.381165621,8.995983689,3.05,21940.74724,1201110.294,"USCGC Griffin +FPO AA 79620-2929" +75263.11564,3.607404727,7.96045754,5.36,30888.75048,1185160.861,"3554 Sydney Bridge Suite 219 +Jennifermouth, NJ 82363-0193" +67468.61518,7.080239915,7.619312876,3.03,44476.16566,1641226.584,"2003 Lori Radial +Kendraberg, OK 79288" +63162.1764,4.267963158,8.824855567,5.01,38697.79775,1203094.09,"3214 Davis Key +East Richardshire, VT 43206" +67794.29477,8.104891037,6.211783186,2.45,25903.80948,1343394.634,"753 Gerald Locks +West Albert, IN 31235" +58676.41153,5.978276738,5.666756834,3.4,56269.46294,1213852.473,"49686 Walker Burg Apt. 611 +Huynhmouth, VI 86964-8089" +48537.08397,6.802426876,6.740965492,3.22,18691.31046,581200.0967,"97792 Daniel Village +Nashport, VA 34332-6982" +75437.52345,5.017667006,4.683749947,2.1,31432.72954,877566.822,"USNS Crawford +FPO AE 20733-0244" +75989.28169,7.803594948,8.126458145,3.49,37299.51548,1843979.304,"USS Galvan +FPO AA 85454-9012" +55766.0996,6.012357693,6.765692399,3.21,45764.00499,1113647.87,"313 Dana Overpass Apt. 097 +Timothymouth, MP 13640" +66169.90518,6.910734248,6.467064994,2.06,25362.12063,1120439.365,"666 Patrick Islands +East Chaseside, CT 39131" +83470.58715,5.394285017,8.430838923,3.14,39220.94114,1694139.127,"8845 Lori Summit Apt. 799 +Allenstad, OK 68168-8230" +62223.19972,6.421407032,6.921320356,2.45,35450.55482,1197307.146,"481 Sarah Plaza +East Meganton, SD 39173-7869" +83357.44997,6.073122168,6.229591316,3.05,28688.31025,1168822.817,"10850 Nichols Manors +South Bradley, PA 54126" +64204.72064,4.862155018,7.714890984,6.21,46157.43916,1233484.477,"622 Austin Union +Donnaside, NY 82528" +87551.60113,6.749167399,6.673699291,3.36,26612.95953,1455556.466,"477 William Ville +South Laurie, KS 17387-7716" +61449.43132,4.899965639,7.025530482,5.26,42419.86559,1063182.696,"08948 Mia Rue Suite 821 +Tatechester, DC 53668-4238" +75289.63147,5.133139188,7.536935464,5.12,21667.43584,1152046.592,"5512 Foster Locks Suite 133 +Thomasshire, SC 35874" +68789.32901,5.851196079,8.258215468,3.5,41491.22028,1555184.581,"PSC 2409, Box 2579 +APO AA 82056-9434" +55557.74019,5.837854879,5.87001334,4.31,19220.93319,499548.0114,"164 Phillips Radial +East Derekburgh, MH 12917-2968" +61783.90057,6.90303639,8.216386576,4.09,34189.24805,1405495.71,"14998 Michelle Route Apt. 680 +Angelamouth, MD 51062-2051" +78926.16508,5.163521343,6.424496498,2.43,34478.06592,1151211.909,"04415 Angela Street +Lake Timothy, NC 51744" +73263.33485,5.929289023,6.69441996,3.15,30957.84766,1362436.154,"017 Dawn Trafficway Suite 522 +Dianaborough, WV 49100" +75156.53733,6.308395995,7.321780294,5.5,38652.35807,1412501.246,"569 Campbell Meadows Apt. 296 +Lake Lorifurt, VT 91278" +68945.16871,6.249339485,6.976326471,4.21,30124.27236,1249669.628,"520 Chapman Haven Apt. 595 +New Annettefort, VI 09640-6515" +65632.92598,6.420380544,5.929531324,4.43,42803.22141,1184527.374,"76258 Miller Station Suite 386 +Lake Heatherport, NM 29988" +67814.85878,6.060944853,8.327143224,3.32,43477.65721,1557914.89,"95320 Sharp Parkways +Port Tiffany, WV 50541-5216" +71045.19192,6.041493753,6.182282849,4.46,30143.96876,1169265.146,"6888 Larry Trafficway Suite 869 +South David, ND 24759" +49211.35973,6.376043795,6.13548984,2.04,21182.08128,449728.101,"234 Dale Estates +New Jennifermouth, IA 96522-2177" +62491.55833,7.201998599,8.345119881,5.4,24677.90116,1295918.333,"155 Weiss Crescent +South Mark, CA 60811" +62500.96326,4.800144156,7.397915472,6.07,38180.26452,877822.6629,"40991 Tara Forges +South Ronald, NC 20408-0652" +65706.75564,6.180693957,5.698131456,4.31,42527.78566,1271340.381,"0612 Jimenez Way +Arnoldfort, TX 11863-1792" +65453.86714,6.514494841,7.195246196,6.5,49972.47158,1410010.994,"4130 Long Inlet Apt. 961 +North Richardtown, NH 89056-7178" +56161.34612,6.4259128,7.065434331,5.37,46485.05118,1140187.681,"7595 David Village +Phillipchester, NJ 96227-7495" +70885.42082,6.358747139,7.25024055,5.42,38627.30147,1547888.633,"340 David Forges +West Sandrabury, DE 15884-2997" +94805.33864,6.271926426,4.839427216,4.49,45481.4526,1813996.933,"Unit 4204 Box 6566 +DPO AA 89678" +65579.37802,5.952556523,5.828072176,2.33,41260.29962,1063130.946,"USNV Cervantes +FPO AA 22656-4184" +60457.64009,6.432299767,7.242866046,6.38,39182.48551,1280276.424,"1940 Michael Roads Suite 302 +Crosbymouth, AZ 98409" +74191.19001,6.423029679,6.348261153,4.28,33838.79497,1194515.338,"981 Daniel Well +Lake Jenniferport, NV 03109-5173" +74469.43768,5.873869785,6.881173647,4.47,35370.30666,1399892.256,"04389 Cathy Village Apt. 129 +Mcgeeview, NC 63795" +57699.65848,7.004415751,6.654807338,3.17,60849.31686,1601482.767,"8073 Hendrix Corners +Coopershire, AZ 02395" +75342.97535,5.986603379,7.279934744,6.37,42151.26886,1540997.886,"066 Keith Turnpike +South Rebeccahaven, AK 73792-2345" +52193.01731,6.334128747,7.440332072,5.11,45134.84196,1107077.913,"1661 Lynn Grove +Floresbury, ID 25268" +85386.92482,5.728294163,8.0147891,6.21,45248.47795,1922406.383,"0874 Thomas Landing +Knightside, IN 13474-9577" +79064.68327,5.256405314,6.450724917,3.02,43834.10783,1261761.231,"09098 Phillips Extensions +North Mark, WV 45805" +80256.98119,6.411221781,5.27954936,2.39,40240.57932,1232992.841,"91627 Robert Shoal Suite 118 +Sharonport, DE 91527-7302" +73411.34235,6.07357197,9.295571016,5.1,28435.15125,1640359.139,"31050 Cole Meadow Apt. 478 +New Jeffreyside, KS 41326-5833" +69089.87334,5.468557358,6.628832233,3.27,30622.35883,1020536.191,"Unit 5418 Box 0146 +DPO AP 59920" +64909.04115,6.63613135,9.054827004,5.1,42180.64794,1577849.524,"PSC 0168, Box 7925 +APO AA 41788" +76936.14094,5.954803266,6.185129254,4.21,23283.11482,962069.002,"382 Bates Ranch Suite 216 +Lake Krystal, MD 82707-2229" +55734.7479,6.579630929,7.280337335,3.42,32524.62766,1073347.545,"366 Reilly Island +Sampsonfort, MP 48533" +84040.50024,6.322338024,5.275145433,2.24,44711.08062,1609092.318,"52318 David Plain +Port Marcusshire, ND 91199" +79522.9708,4.590627745,8.044295875,6.28,61223.99761,1727453.155,"682 Taylor Prairie Apt. 893 +Debramouth, ID 81085" +64715.01827,6.57296562,6.75249135,3.32,37212.31179,1474466.88,"7635 Bryan Spurs Suite 094 +Erinmouth, NC 26418-8921" +75136.30915,7.205959101,8.223379925,5.14,35514.53476,1633138.098,"960 Wagner Meadows Apt. 373 +Amyport, GA 05256-5382" +72606.0485,7.340763348,7.343027767,6.16,31550.41528,1629345.787,"80592 Hendricks Extension +Shaneberg, DE 57151" +59979.98691,5.367789514,7.287303779,6.27,33072.60529,980049.3901,"545 Flores Shoal Suite 364 +Ericatown, IL 38240" +65567.85918,5.184775392,6.544099249,4.22,44057.14966,928538.7848,"033 Jennifer Squares +Lake Seanmouth, SC 57286-2829" +55250.11036,5.560995921,6.105253614,4.12,22912.06692,583016.7919,"216 Erin Junctions Apt. 524 +East Anthony, VT 42099-5384" +81137.46297,7.726796262,6.791657259,3.21,34493.74717,1659170.513,"990 Kelly Greens Apt. 165 +Hernandezfort, TX 47559" +73340.58109,3.596318811,6.262380423,3.31,36956.97522,1039332.667,"2003 Karen Harbor Suite 320 +West Sarahport, AS 42200-8404" +77622.95812,6.738013799,6.04304029,3.34,51102.44195,1599996.961,"44268 Michele Square Apt. 984 +Collinsside, WI 00405" +57542.62568,4.788083238,8.289084856,4.16,46205.87571,1059406.13,"2725 Evan Street +Lake Cynthiahaven, LA 24296-0534" +52848.63047,5.329908451,5.829254933,4.48,53628.68239,880132.844,"9306 Wright Park Apt. 278 +South Jacquelinefort, IL 99300-9697" +73654.46422,6.856103872,4.780167701,3.31,31859.24002,1251873.624,"24388 Jones Tunnel Apt. 628 +Tiffanyport, MD 02126-2539" +60041.20701,3.989950505,7.407572442,3.06,50637.87411,697656.5924,"822 Delgado Plain Suite 549 +Lake Diane, ME 24466" +64379.89582,5.667660494,8.458903003,5,32228.25469,1075314.593,"919 Pena Isle Suite 282 +Christopherfort, IN 97810" +63317.59483,5.127972307,8.139139402,6.07,44066.96345,1283151.802,"793 Solomon Trail +North Caseyhaven, PW 83256-4751" +68895.75494,5.817512122,7.605601991,4.24,43119.31268,1213351.632,"03733 Spencer Harbor Suite 960 +South David, WV 98357" +57045.76577,4.397396469,6.955933932,2.09,49759.27172,793894.9732,"5845 Emily Mountains Suite 577 +Candiceborough, VI 08135-5978" +83714.10924,6.314355157,7.519222866,4.41,28369.93812,1524621.728,"PSC 1257, Box 7891 +APO AA 21399" +62968.65071,5.293690102,5.457161866,3.25,24554.56252,556839.6371,"02689 George Hill +Lake Chadton, MS 30265" +56727.63097,6.373225334,7.290158076,6.38,20471.44136,815569.5956,"76668 Roth Hills +West Angela, NC 69190-9430" +76563.97504,7.205099661,6.504768563,3.39,14415.7892,1137060.067,"08933 William Mill +West Barbarafurt, CO 34069-2100" +64938.75249,5.089792276,7.162307155,6.13,34736.08024,1058610.752,"0258 Larson River Apt. 383 +Lake Maureen, MA 69401" +52361.24797,5.350465884,6.595070393,3.05,48661.98974,971200.2426,"4569 Christine Lane +North Sherriville, PR 43609-1989" +81602.53935,3.719435743,6.170817028,2.14,18687.5097,757719.6586,"73637 White Bridge +West Kimberlyville, IL 14832-8556" +58566.39972,5.595076667,8.140274546,5.1,53152.34947,1375951.064,"3950 Miles Station Apt. 465 +East Gregory, NC 40017-4558" +56397.31914,5.273051063,8.032969243,5.32,27647.44869,748322.7082,"90515 Billy Field Apt. 071 +Lake Ronaldton, WY 85841-8451" +76357.53076,7.718861869,5.488894386,2.43,26657.54296,1257101.593,"01321 Brown Street +Lake Natalie, IA 98426-5711" +76695.53925,6.588424072,8.382505409,4.5,18904.66767,1485912.925,"80970 Montes Loop +Port Katie, AL 25329-3838" +64311.30484,5.472331805,6.133704185,3.43,19420.43351,696139.2614,"0474 Amber Pines Suite 323 +South Michael, MD 89185" +79299.83606,7.009630788,7.537522483,5.22,39160.73778,1595663.474,"PSC 7959, Box 5821 +APO AA 99193" +77279.76366,5.966407438,5.369282474,2.05,37520.70755,1065907.081,"020 Hall Drive Suite 047 +Petershire, RI 54803" +46819.68266,5.502964942,7.565890631,6.33,48952.12525,917351.1356,"PSC 6579, Box 4662 +APO AA 91879" +82079.81375,6.027099437,7.214831154,6.3,33646.39246,1675123.16,"32001 Samuel Crossing Suite 730 +Knightville, AS 40866-3655" +71373.11519,7.01345912,5.958069865,2.03,29187.69331,1305070.013,"56660 Dodson Lodge Suite 145 +Powersbury, CT 76895" +61641.05428,7.428645576,7.703687929,5.08,50035.74763,1560693.098,"25344 Joseph Motorway +Marksshire, DC 08477" +81090.48414,5.272441368,6.723928726,3.09,30433.80832,1189981.402,"5796 Phillips Knoll +North Juliachester, TN 06435-8705" +75078.79152,7.644778598,8.440726153,4.33,56148.44932,2108376.166,"304 Obrien Village Suite 750 +West Maureen, AS 63430" +71441.38889,7.085074719,7.790208189,5.21,40167.01253,1475734.217,"74690 Derek Points +East Vincentfort, OK 02658-2165" +45610.93841,6.555873429,7.942857914,3.22,42614.83941,961354.2877,"8725 Caitlin Avenue Suite 425 +Zacharyside, IN 81680" +88470.86806,7.419982032,6.872379547,2.24,45811.42561,1955253.711,"1145 Ethan Station +East Brian, CO 17006-8309" +74941.5858,7.453375218,7.308749229,6.01,28977.94118,1626368.667,"2480 Catherine Cliffs Suite 880 +Cynthiachester, MS 32127" +82973.92391,6.321321946,6.98124786,4.48,29611.52314,1409439.064,"27387 Elizabeth Landing Suite 229 +Mcdonaldview, NY 02054-9201" +76395.64694,8.109898928,5.548906181,3.16,36758.32134,1604954.723,"346 Heidi Curve +Rodriguezbury, OR 73871" +87335.34804,5.507505382,8.164426112,6.13,39995.84209,1745516.171,"2539 Robert Springs +South Amybury, SD 12696" +63563.91421,5.662570992,6.848702994,2.26,38088.63597,944032.4773,"775 Gutierrez Corner Suite 080 +East Ronaldfurt, NY 14992" +74522.9018,6.04399578,4.491346745,3.31,39312.54907,999826.6093,"738 Kristi Estates +South Miguel, DE 39364-3921" +73299.37848,4.213337832,7.012554224,4.46,45214.48851,1260814.432,"4241 John Radial +Campbellborough, GU 45592-6774" +55980.20481,7.014509861,5.458789378,2.11,43968.68705,1120943.339,"2558 King Trail +East Catherinebury, MP 23625-1906" +73491.13443,5.784430241,4.425959447,3.37,30800.54106,1111307.065,"6043 Stevens Stream +West Kimberlymouth, ME 49723" +83695.27238,7.643507439,7.127218728,5.05,33113.75906,1736401.61,"33465 Hernandez Forest Apt. 692 +Port Ashleyfort, KS 51871-6439" +78743.75927,6.583685181,6.595682679,4.07,24381.14454,1340769.768,"805 David Knoll Apt. 216 +Mccarthyview, GU 74316" +70720.29646,6.411801087,5.048127846,3.01,19114.01925,801348.5895,"14742 Lopez Ridge Apt. 889 +Jessicatown, CA 28254" +54037.58088,8.471765445,6.966071816,3.27,28696.17086,1324382.176,"6278 Jenkins Harbors Apt. 807 +New Yvettehaven, MN 34295" +75046.31379,5.351168919,7.797824782,5.23,34107.88862,1340343.857,"55823 Stuart Fields +Nunezstad, NM 03601" +75980.43884,6.583104681,5.914892235,3.23,40394.59349,1518478.033,"1831 Escobar Plain Suite 171 +Martinezberg, OH 76148-5909" +80393.3395,8.899713347,5.652974236,4.04,39547.93249,1910585.052,"02084 Rivera Lock +Hallville, NJ 32367-9579" +82224.69501,5.43408707,8.375708139,3.12,57166.86751,1823498.407,"4679 Turner Tunnel +Rosariobury, CT 68552-4766" +75664.02448,5.789202568,6.415312421,2.02,54724.25127,1406865.495,"0476 Jessica Shoals +Melissamouth, DE 39609-2777" +71663.87129,6.150745153,7.311906519,6.33,24109.77806,1203850.104,"1316 Tony Inlet Suite 235 +West Jimmy, SC 72946" +58800.90877,5.976506593,7.304050833,6.43,37426.70975,1020095.914,"109 Lee Wall Apt. 315 +Lunamouth, AZ 05121-3634" +69655.18395,7.721099651,6.077795397,4.29,32902.35558,1194357.406,"39174 Jessica Mission Apt. 539 +West Cindyborough, WV 82109-6583" +62623.35983,5.071624125,6.771015066,3.33,50985.9712,1211899.666,"9894 Greg Ridge +North Tiffanyhaven, ID 66602-9445" +75117.04295,6.036274862,6.538110935,2.22,43976.03106,1378937.877,"PSC 7442, Box 6234 +APO AP 13017" +71060.40601,5.718838987,7.222729656,4.34,34814.58559,1260241.396,"5611 Matthew Avenue +Lake Kevin, FM 72963-8891" +65729.22233,6.237786635,6.860474642,3.12,25573.85429,1197073.445,"641 Lisa Parkways Suite 552 +West Amandaside, SD 71807-8061" +67637.84067,7.05667295,5.774408721,3.05,43846.53134,1275143.168,"6066 Sanders Court Apt. 914 +South Alexis, FM 21016" +47965.4069,5.694637941,7.36332731,5.4,46071.94734,885204.9787,"19960 Scott Street +Port Brenda, MO 02292-8651" +52723.87656,5.45223743,8.124571089,6.39,14802.08844,479500.5568,"86727 Kelly Plaza +Lake Veronica, IL 04474" +74102.19189,5.657841006,7.683993273,3.13,24041.27059,1263720.518,"2871 John Lodge +Amychester, GU 61734-5597" +87499.12574,6.403472866,4.836090778,4.02,40815.19968,1568700.586,"Unit 2096 Box 9559 +DPO AE 80983-8797" +69639.1409,5.007510102,7.778375217,6.05,54056.12843,1381830.779,"5259 David Causeway Apt. 975 +South Alexstad, IL 42719-2498" +73060.84623,5.293682311,6.312252808,4.16,22695.69548,905354.914,"5224 Lamb Passage +Nancystad, GA 16579" +60567.94414,7.830362444,6.137356228,3.46,22837.36103,1060193.786,"USNS Williams +FPO AP 30153-7653" +78491.27543,6.999134987,6.576762661,4.02,25616.11549,1482617.729,"PSC 9258, Box 8489 +APO AA 42991-3352" +63390.68689,7.250590615,4.80508098,2.13,33266.14549,1030729.583,"4215 Tracy Garden Suite 076 +Joshualand, VA 01707-9165" +68001.33124,5.534388416,7.130143864,5.44,42625.62016,1198656.872,"USS Wallace +FPO AE 73316" +65510.5818,5.992305307,6.792336104,4.07,46501.2838,1298950.48,"37778 George Ridges Apt. 509 +East Holly, NV 29290-3595" \ No newline at end of file diff --git a/BoostingTrees/tests/test_auto_MPG.ipynb b/BoostingTrees/tests/test_auto_MPG.ipynb new file mode 100644 index 0000000..8fd8ae2 --- /dev/null +++ b/BoostingTrees/tests/test_auto_MPG.ipynb @@ -0,0 +1,76 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "c4e5affc-5d8a-4d22-9cff-413117b5d0e8", + "metadata": {}, + "outputs": [], + "source": [ + "#Dataset 4\n", + "# Load and Process Auto MPG Dataset\n", + "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/auto-mpg/auto-mpg.data\"\n", + "columns = ['mpg', 'cylinders', 'displacement', 'horsepower', 'weight', 'acceleration', 'model_year', 'origin']\n", + "\n", + "data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values=\"?\")\n", + "\n", + "# Handle missing values\n", + "data = data.dropna()\n", + "\n", + "# One-hot encode the 'origin' column\n", + "data = pd.get_dummies(data, columns=['origin'], drop_first=True)\n", + "\n", + "# Features and Target\n", + "X = data.drop('mpg', axis=1).values # Convert to NumPy array\n", + "y = data['mpg'].values\n", + "\n", + "# Manual Train-Test Split (80-20 split)\n", + "n_samples = X.shape[0]\n", + "split_index = int(n_samples * 0.8)\n", + "indices = np.arange(n_samples)\n", + "np.random.shuffle(indices)\n", + "\n", + "train_indices = indices[:split_index]\n", + "test_indices = indices[split_index:]\n", + "\n", + "X_train, X_test = X[train_indices], X[split_index:]\n", + "y_train, y_test = y[train_indices], y[split_index:]\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X_train, y_train)\n", + "\n", + "# Predict on Test Data\n", + "predictions = model.predict(X_test)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y_test - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "\n", + "# Print some predictions\n", + "print(\"Predictions for test data:\", predictions[:10])" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/BoostingTrees/tests/test_energy_efficiency_dataset.ipynb b/BoostingTrees/tests/test_energy_efficiency_dataset.ipynb new file mode 100644 index 0000000..41fc9ce --- /dev/null +++ b/BoostingTrees/tests/test_energy_efficiency_dataset.ipynb @@ -0,0 +1,62 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "89348b60-3494-4790-8e55-af49e307ef75", + "metadata": {}, + "outputs": [], + "source": [ + "#Dataset2\n", + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# Load Energy Efficiency dataset\n", + "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/00242/ENB2012_data.xlsx\"\n", + "data = pd.read_excel(file_path)\n", + "\n", + "# Features and Targets\n", + "X = data.iloc[:, :-2].values # All columns except the last two (Heating and Cooling loads)\n", + "y = data.iloc[:, -2].values # Target: Heating load\n", + "\n", + "# Normalize the features (optional but recommended for Gradient Boosting)\n", + "X = (X - X.mean(axis=0)) / X.std(axis=0)\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X, y)\n", + "\n", + "# Predict\n", + "predictions = model.predict(X)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y - predictions) ** 2) # Mean Squared Error\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "\n", + "# Print predictions for new data\n", + "print(\"Predictions for the dataset:\", predictions[:10]) # Show the first 10 predictions\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/BoostingTrees/tests/test_housing.ipynb b/BoostingTrees/tests/test_housing.ipynb new file mode 100644 index 0000000..99f23cd --- /dev/null +++ b/BoostingTrees/tests/test_housing.ipynb @@ -0,0 +1,81 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "6efe086a-e6f9-40f0-8335-5d66ba479905", + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# Load dataset\n", + "dataset1 = pd.read_csv(\"D:/IIT/Fall 2024/ML/Project 2/housing.csv\")\n", + "\n", + "# Drop irrelevant column and define features and target\n", + "X = dataset1.drop(['Price', 'Address'], axis=1)\n", + "y = dataset1['Price']\n", + "\n", + "# Normalize features\n", + "X = (X - X.mean()) / X.std()\n", + "\n", + "# Normalize target variable\n", + "y_mean = y.mean()\n", + "y_std = y.std()\n", + "y = (y - y_mean) / y_std\n", + "\n", + "# Manual Train-Test Split (80% Train, 20% Test)\n", + "n_samples = X.shape[0]\n", + "split_ratio = 0.8\n", + "split_index = int(n_samples * split_ratio)\n", + "\n", + "indices = np.arange(n_samples)\n", + "np.random.seed(42)\n", + "np.random.shuffle(indices)\n", + "\n", + "train_indices = indices[:split_index]\n", + "test_indices = indices[split_index:]\n", + "\n", + "X_train, X_test = X.values[train_indices], X.values[test_indices]\n", + "y_train, y_test = y.values[train_indices], y.values[test_indices]\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X_train, y_train)\n", + "\n", + "# Predict on Test Data\n", + "predictions = model.predict(X_test)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y_test - predictions) ** 2)\n", + "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", + "\n", + "# Rescale Predictions Back to Original Scale\n", + "predictions_original_scale = predictions * y_std + y_mean\n", + "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/BoostingTrees/tests/test_medical_cost.ipynb b/BoostingTrees/tests/test_medical_cost.ipynb new file mode 100644 index 0000000..e68bc38 --- /dev/null +++ b/BoostingTrees/tests/test_medical_cost.ipynb @@ -0,0 +1,87 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "937b0773-0b66-4bf5-b9cf-9e0dbedc6d70", + "metadata": {}, + "outputs": [], + "source": [ + "#Dataset 3\n", + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# Load Medical Cost dataset\n", + "file_path = \"https://raw.githubusercontent.com/stedy/Machine-Learning-with-R-datasets/master/insurance.csv\"\n", + "data = pd.read_csv(file_path)\n", + "\n", + "# One-hot encode categorical variables\n", + "data = pd.get_dummies(data, drop_first=True)\n", + "\n", + "# Features and Target\n", + "X = data.drop('charges', axis=1).values # Convert features to NumPy array\n", + "y = data['charges'].values # Convert target to NumPy array\n", + "\n", + "# Normalize the target variable (y)\n", + "y_mean = np.mean(y)\n", + "y_std = np.std(y)\n", + "y = (y - y_mean) / y_std # Normalize\n", + "\n", + "# Manual Train-Test Split (80% Train, 20% Test)\n", + "n_samples = X.shape[0]\n", + "split_ratio = 0.8 # 80% train, 20% test\n", + "split_index = int(n_samples * split_ratio)\n", + "\n", + "# Shuffle indices\n", + "indices = np.arange(n_samples)\n", + "np.random.seed(42) # For reproducibility\n", + "np.random.shuffle(indices)\n", + "\n", + "# Split the data\n", + "train_indices = indices[:split_index]\n", + "test_indices = indices[split_index:]\n", + "\n", + "X_train, X_test = X[train_indices], X[test_indices]\n", + "y_train, y_test = y[train_indices], y[test_indices]\n", + "\n", + "# Train Gradient Boosting Tree\n", + "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + "model.fit(X_train, y_train)\n", + "\n", + "# Predict on Test Data\n", + "predictions = model.predict(X_test)\n", + "\n", + "# Evaluate\n", + "mse = np.mean((y_test - predictions) ** 2)\n", + "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", + "\n", + "# Rescale Predictions Back to Original Scale\n", + "predictions_original_scale = predictions * y_std + y_mean\n", + "\n", + "# Print example predictions\n", + "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/BoostingTrees/tests/test_synthetic_data.ipynb b/BoostingTrees/tests/test_synthetic_data.ipynb new file mode 100644 index 0000000..09b42aa --- /dev/null +++ b/BoostingTrees/tests/test_synthetic_data.ipynb @@ -0,0 +1,66 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "7046b855-7d1e-4639-bac3-7120c4c4a71a", + "metadata": {}, + "outputs": [], + "source": [ + "if __name__ == \"__main__\":\n", + " # Import necessary libraries\n", + " import numpy as np\n", + "\n", + " # Generate synthetic regression data\n", + " def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42):\n", + " np.random.seed(random_state)\n", + " X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1]\n", + " coefficients = np.random.rand(n_features) # Random coefficients for linear relation\n", + " y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise\n", + " return X, y\n", + "\n", + " # Compute mean squared error manually\n", + " def mean_squared_error(y_true, y_pred):\n", + " return np.mean((y_true - y_pred) ** 2)\n", + "\n", + " # Generate data\n", + " X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42)\n", + " y = y / np.std(y) # Normalize target for simplicity\n", + "\n", + " # Train Gradient Boosting Tree\n", + " model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", + " model.fit(X, y)\n", + "\n", + " # Predict\n", + " predictions = model.predict(X)\n", + "\n", + " # Evaluate\n", + " mse = mean_squared_error(y, predictions)\n", + " print(f\"Mean Squared Error: {mse:.4f}\")\n", + "\n", + " print(\"Predictions for new data:\", predictions[:10]) # Display first 10 predictions" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/ModelSelection/ModelSelection.ipynb b/ModelSelection/ModelSelection.ipynb new file mode 100644 index 0000000..87c4d44 --- /dev/null +++ b/ModelSelection/ModelSelection.ipynb @@ -0,0 +1,436 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "id": "444384f4-beab-41dd-aca5-38c04aa343c0", + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "\n", + "class ModelSelection:\n", + " def __init__(self, model, loss_function):\n", + " \"\"\"\n", + " Initialize the model selector with a given model and loss function.\n", + "\n", + " Parameters:\n", + " - model: A class with `fit` and `predict` methods.\n", + " - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss.\n", + " \"\"\"\n", + " self.model = model\n", + " self.loss_function = loss_function\n", + "\n", + " def k_fold_cross_validation(self, X, y, k=5):\n", + " \"\"\"\n", + " Perform k-fold cross-validation.\n", + "\n", + " Parameters:\n", + " - X: Feature matrix (numpy array).\n", + " - y: Target vector (numpy array).\n", + " - k: Number of folds (default is 5).\n", + "\n", + " Returns:\n", + " - mean_loss: The average loss across all folds.\n", + " \"\"\"\n", + " n = len(y)\n", + " indices = np.arange(n)\n", + " np.random.shuffle(indices)\n", + " fold_size = n // k\n", + " losses = []\n", + "\n", + " for i in range(k):\n", + " test_indices = indices[i * fold_size:(i + 1) * fold_size]\n", + " train_indices = np.setdiff1d(indices, test_indices)\n", + "\n", + " X_train, X_test = X[train_indices], X[test_indices]\n", + " y_train, y_test = y[train_indices], y[test_indices]\n", + "\n", + " self.model.fit(X_train, y_train)\n", + " y_pred = self.model.predict(X_test)\n", + " loss = self.loss_function(y_test, y_pred)\n", + " losses.append(loss)\n", + "\n", + " mean_loss = np.mean(losses)\n", + " return mean_loss\n", + "\n", + " def bootstrap(self, X, y, B=100):\n", + " \"\"\"\n", + " Perform bootstrap resampling to estimate prediction error.\n", + "\n", + " Parameters:\n", + " - X: Feature matrix (numpy array).\n", + " - y: Target vector (numpy array).\n", + " - B: Number of bootstrap samples (default is 100).\n", + "\n", + " Returns:\n", + " - mean_loss: The average loss across all bootstrap samples.\n", + " \"\"\"\n", + " n = len(y)\n", + " losses = []\n", + "\n", + " for _ in range(B):\n", + " bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True)\n", + " oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices)\n", + "\n", + " if len(oob_indices) == 0: # Skip iteration if no OOB samples\n", + " continue\n", + "\n", + " X_train, X_test = X[bootstrap_indices], X[oob_indices]\n", + " y_train, y_test = y[bootstrap_indices], y[oob_indices]\n", + "\n", + " self.model.fit(X_train, y_train)\n", + " y_pred = self.model.predict(X_test)\n", + " loss = self.loss_function(y_test, y_pred)\n", + " losses.append(loss)\n", + "\n", + " mean_loss = np.mean(losses)\n", + " return mean_loss\n", + "\n", + " def evaluate_model(self, X, y, method='k_fold', **kwargs):\n", + " \"\"\"\n", + " Evaluate the model using the specified method.\n", + "\n", + " Parameters:\n", + " - X: Feature matrix (numpy array).\n", + " - y: Target vector (numpy array).\n", + " - method: 'k_fold' or 'bootstrap'.\n", + " - kwargs: Additional parameters for the evaluation method.\n", + "\n", + " Returns:\n", + " - loss: The evaluation loss.\n", + " \"\"\"\n", + " if method == 'k_fold':\n", + " return self.k_fold_cross_validation(X, y, **kwargs)\n", + " elif method == 'bootstrap':\n", + " return self.bootstrap(X, y, **kwargs)\n", + " else:\n", + " raise ValueError(\"Unsupported method. Choose 'k_fold' or 'bootstrap'.\")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "e08ac538-b003-4a57-b172-def7134d705e", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "K-Fold Cross-Validation Loss: 0.010218721629392193\n", + "Bootstrap Loss: 0.010187779954984457\n", + "Mean Squared Error: 0.0093\n", + "First 10 Predictions: [-6.02845904e-01 7.50176355e-01 -1.04552162e+00 2.03622865e+00\n", + " 1.01601727e+00 2.05011940e-01 6.97539978e-01 -1.39914961e-03\n", + " -6.96849252e-01 -3.76952506e-01]\n" + ] + } + ], + "source": [ + "# Example of a simple linear regression model\n", + "class SimpleLinearModel:\n", + " def fit(self, X, y):\n", + " self.coef_ = np.linalg.pinv(X) @ y\n", + "\n", + " def predict(self, X):\n", + " return X @ self.coef_\n", + "\n", + "# Mean squared error loss function\n", + "def mean_squared_error(y_true, y_pred):\n", + " return np.mean((y_true - y_pred) ** 2)\n", + "\n", + "# Create synthetic data\n", + "np.random.seed(42)\n", + "X = np.random.rand(100, 3)\n", + "y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1\n", + "\n", + "# Initialize model and model selector\n", + "model = SimpleLinearModel()\n", + "selector = ModelSelection(model, mean_squared_error)\n", + "\n", + "# Perform k-fold cross-validation\n", + "k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5)\n", + "print(\"K-Fold Cross-Validation Loss:\", k_fold_loss)\n", + "\n", + "# Perform bootstrap\n", + "bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100)\n", + "print(\"Bootstrap Loss:\", bootstrap_loss)\n", + "\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "mse = np.mean((y - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "12b7df6c-efcb-4966-8a5d-f0dbdf3ec6a7", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error: 21.8948\n", + "First 10 Predictions: [30.00384338 25.02556238 30.56759672 28.60703649 27.94352423 25.25628446\n", + " 23.00180827 19.53598843 11.52363685 18.92026211]\n" + ] + } + ], + "source": [ + "#Dataset1\n", + "import numpy as np\n", + "import pandas as pd\n", + "\n", + "# Load dataset\n", + "file_path = \"https://raw.githubusercontent.com/selva86/datasets/master/BostonHousing.csv\"\n", + "data = pd.read_csv(file_path)\n", + "\n", + "# Features and Target\n", + "X = data.drop('medv', axis=1).values\n", + "y = data['medv'].values\n", + "\n", + "# Train Linear Regression (First Principles)\n", + "class LinearRegression:\n", + " def fit(self, X, y):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " self.coef_ = np.linalg.pinv(X.T @ X) @ X.T @ y\n", + "\n", + " def predict(self, X):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " return X @ self.coef_\n", + "\n", + "model = LinearRegression()\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "mse = np.mean((y - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "8f2f344f-9c22-4413-9840-b82461cc1df9", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.9648\n", + "First 10 Predictions: [6 9 3 7 2 2 5 2 5 2]\n", + "Actual Labels: [6 9 3 7 2 1 5 2 5 2]\n" + ] + } + ], + "source": [ + "# Dataset 2: Multi-Class Logistic Regression\n", + "import numpy as np\n", + "import pandas as pd\n", + "from sklearn.datasets import load_digits\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.preprocessing import StandardScaler\n", + "\n", + "# Load the Digits dataset\n", + "digits = load_digits()\n", + "X, y = digits.data, digits.target # Features and target\n", + "\n", + "# Normalize the features\n", + "scaler = StandardScaler()\n", + "X = scaler.fit_transform(X)\n", + "\n", + "# Train-test split\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)\n", + "\n", + "# Multi-class Logistic Regression with Softmax\n", + "class LogisticRegression:\n", + " def __init__(self, lr=0.01, epochs=5000):\n", + " self.lr = lr\n", + " self.epochs = epochs\n", + " self.coefficients = None\n", + "\n", + " def _softmax(self, z):\n", + " exp_z = np.exp(z - np.max(z, axis=1, keepdims=True)) # Prevent overflow\n", + " return exp_z / np.sum(exp_z, axis=1, keepdims=True)\n", + "\n", + " def fit(self, X, y, num_classes):\n", + " # Add bias term\n", + " X = np.c_[np.ones(X.shape[0]), X]\n", + " self.coefficients = np.random.randn(num_classes, X.shape[1]) * 0.01 # Random initialization\n", + "\n", + " for epoch in range(self.epochs):\n", + " logits = X @ self.coefficients.T # Linear combination\n", + " probabilities = self._softmax(logits) # Apply softmax activation\n", + " \n", + " # Create one-hot encoded target matrix\n", + " y_one_hot = np.zeros((y.size, num_classes))\n", + " y_one_hot[np.arange(y.size), y] = 1\n", + " \n", + " # Compute gradient\n", + " gradient = X.T @ (probabilities - y_one_hot) / len(y)\n", + " self.coefficients -= self.lr * gradient.T # Update coefficients\n", + "\n", + " def predict(self, X):\n", + " # Add bias term\n", + " X = np.c_[np.ones(X.shape[0]), X]\n", + " logits = X @ self.coefficients.T\n", + " probabilities = self._softmax(logits)\n", + " return np.argmax(probabilities, axis=1)\n", + "\n", + "# Initialize and train the model\n", + "model = LogisticRegression(lr=0.01, epochs=5000)\n", + "num_classes = len(np.unique(y_train))\n", + "model.fit(X_train, y_train, num_classes)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X_test)\n", + "accuracy = np.mean(predictions == y_test)\n", + "print(f\"Accuracy: {accuracy:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])\n", + "print(\"Actual Labels: \", y_test[:10])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "9018a638-6c93-4396-8b45-5653aa333b24", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6536\n", + "First 10 Predictions: [0 0 0 0 1 0 0 1 1 0]\n" + ] + } + ], + "source": [ + "#Dataset3\n", + "# Load dataset\n", + "file_path = \"https://raw.githubusercontent.com/jbrownlee/Datasets/master/pima-indians-diabetes.data.csv\"\n", + "columns = ['Pregnancies', 'Glucose', 'BloodPressure', 'SkinThickness', 'Insulin', 'BMI', 'DiabetesPedigree', 'Age', 'Outcome']\n", + "data = pd.read_csv(file_path, names=columns)\n", + "\n", + "# Features and Target\n", + "X = data.drop('Outcome', axis=1).values\n", + "y = data['Outcome'].values\n", + "\n", + "# Train Perceptron (Binary Classification)\n", + "class Perceptron:\n", + " def __init__(self, lr=0.1, epochs=100):\n", + " self.lr = lr\n", + " self.epochs = epochs\n", + "\n", + " def fit(self, X, y):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " self.weights = np.zeros(X.shape[1])\n", + " for _ in range(self.epochs):\n", + " for i in range(len(y)):\n", + " prediction = 1 if X[i] @ self.weights > 0 else 0\n", + " self.weights += self.lr * (y[i] - prediction) * X[i]\n", + "\n", + " def predict(self, X):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " return (X @ self.weights > 0).astype(int)\n", + "\n", + "model = Perceptron(lr=0.1, epochs=100)\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "accuracy = np.mean(predictions == y)\n", + "print(f\"Accuracy: {accuracy:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "99c4e2e2-25c0-471b-9120-9a0a61f56131", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mean Squared Error: 0.4175\n", + "First 10 Predictions: [5.04323344 5.13506106 5.21178615 5.68140344 5.04323344 5.07773597\n", + " 5.1034784 5.32451785 5.32838568 5.63530842]\n" + ] + } + ], + "source": [ + "#Dataset4\n", + "# Load dataset\n", + "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/wine-quality/winequality-red.csv\"\n", + "data = pd.read_csv(file_path, sep=';')\n", + "\n", + "# Features and Target\n", + "X = data.drop('quality', axis=1).values\n", + "y = data['quality'].values\n", + "\n", + "# Train Ridge Regression (First Principles)\n", + "class RidgeRegression:\n", + " def __init__(self, alpha=1.0):\n", + " self.alpha = alpha\n", + "\n", + " def fit(self, X, y):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " I = np.eye(X.shape[1])\n", + " I[0, 0] = 0 # Do not regularize bias term\n", + " self.coef_ = np.linalg.pinv(X.T @ X + self.alpha * I) @ X.T @ y\n", + "\n", + " def predict(self, X):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " return X @ self.coef_\n", + "\n", + "model = RidgeRegression(alpha=1.0)\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "mse = np.mean((y - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d8ae2b8f-39ae-473f-acb5-26e54f71f352", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/ModelSelection/results/result_bostonhousing.png b/ModelSelection/results/result_bostonhousing.png new file mode 100644 index 0000000000000000000000000000000000000000..fe8e0e089aa3709f65a74b6c3acac6e0f63ce923 GIT binary patch literal 8307 zcmcI}cT`i&*Di>Fh=_=Sf`C$tbSY9L2!)9;)k zJN{h6-Oh!UL_`m-DS>2k-kWS>%&6T}8t)!&K9q^B4~lT5Hj93{^r4X4h$zSHKrvM1 z?E&d}@;zE1@byi~?H5$!^5|PXm_J#54~^~!*&YLX`FWN)`LN|)%)$KAXPP|yO7_d~ zCdRsG{(>u4F6aJR?w!I3^#3-Ve0+HOUz_pjA0&Uv#KZ8b|1rOk$*}*&BoevCO8g(Y zLgp65f6Nb59~J-Y;cyFd{&aolc%7$oD>?Q*PoI*$A&v88tQMB^O+&V((8gzYxHu&` zp(F$Ve9VAyr(%gQg~3ob9nfj6U<_>h z9uSM>FVjwr6%$Ey{RdJOQz@90+zsRm92G6|Ww|-p5Ea=xY4Y9&+ST3dZo~w)-H2Br zve~wrtAvUH%Z8!}n+jIW7J>5P-MVRq@LN!)tAV&W-bUV!734Lt{YyIZd1QL18@8yb z-^q!n7@O?to0dQ5$Cf|6b_-k>kSJ|sWIr}e$Nb*>M7H&sfA1ypUzFQ(IUcvXH_opQ z;nc0^tYT*a46;A3;X6n{BU>3a;zewR(urSG9T{EK$JpzB=P4chfL!&feV~8U64jFZ zdB)=S)W&SU<7e<=(@yDeay7G7MX#-ti-h&(1w-Rj3{Csqd#RyrPJTSTHRtcr5=Bj; z21ORaZ?;}QGZq~zlr>Lc~ zbcL7@q34>wHZ9rO8=9HBQ!E&J~aX_gVsP{3jVl5kzn|8XpIXt zeOo^d3Lwco40*+G*QI;4utP!mcv|o;CNX}AW_@sI;^rDhsVnDNpVm7!E|Ne-wnn6F zA~wPT;s>HMdC2)OW-i?1soGwA<}Ajt!aKtJAKuT8 zQ)WkdImXE-Fiqr>R6A;(x6i#SH#RrJCCiifQB&L2+plq-ah}~K8*J|uwYGI1<*A%8 zqTBaYUo===rX}r8vcBkNSqtc|4jWh9_ z-WGwDcTQdO7l12~<<hQ`p&H6m1RGd|Y}PO?R->yC`bkAB9h8o>KvxW1+iwt)glGy)9}WsWq&xQ~NhM-ruq z4Y0ZrI-auykDxYfzFCiixvogN1`()t+k$R1G<$;f7Ch$H3sWh|n15Y6=_99$NOAfL zn5c1>HGJfx^p4<*TcQW<0bg#ub-2Z@DO$Ei6*uSy9El+6o&`~x_ zIE%pd+ZJ?$)NV)^ge(e*st=Sslk#049Tk}}7}zI=tKalmv+ZU9JLjZYd|siyj+`>r`p zjsK#kV+y864O$V;8;5$-P=iWZ@;0ut{PP9Alb1k)mOh4G7iU|Xy;YoR(pqpB+&fu+ zd~yb80lD1xuB_@X=xh71y|Pn9&whcqS9j`QYSzV|-S{>$v7kazS1k+@G2B@= znJb%mt@cJu#Ub`;>puKVoKP0lr&5h&C5v+!H*p%De8n!J@EW3Vpkkll#Ve_mAAJ54 z8io83nF4!r6L>THYyQeHYRA*C>&L_)C8*O9Yi1~)e1L>Vr4Q!&m493_Naug+i?#T@ zo)){bemn=aPgm!I0cAI9W~%+$k|!CE-smIMt#C%03#y7Lo)*)Rn-3PKj`c5QfS;`c zZ=Q#PZ;hTy0nlkDC&CBT??J#N-gG1nA^yHJ6?yfv=0=*3hlm1Ga+vRmyf6yqF;<<4 zE{Yk!xnshOs){e@ER17(1O~kbX$d|NU)b%Mssk!aTuVvzxE#4p@=k3J6eLc>TNY=i zmC(a=rtS8L<&FKlZ2!Jf5r6T!$rogIeGr;tk@bW>e1BO!q{jIE7b%`b|DU|sZ}4Aa z*{1UU$D#j{wOP>rrsuR((zrR~%E3AhdUi60*6ljP`M}2b$kMMHQZl#<29JLWP)%Xc zq?cT4_Z;>=u0OjTN&a_<(tMY}a7m}yb3A(8UR2jy12uisOlF*JTvWKv2vc`U4OSDq9ZSDXLcH8# zKe;rST>=tU${=lnh%$y+7^N$$t9!fq5@|DQ%bs*D9<>T9JbmmotbbY~C;mG4fVaRZr{`2E+JxWK7~j zt~V+k-1oSOEgU=b`>xuHpY7&Q{LUFBt&lbMT^6@r<=wyBaIPN4EvKr$ zWeY5`!{_5D(UlJ>8em!V(N~j72nKl6lX1` z=4-_qhmD{mPge~Tq2*kzPY*vmjL+~ZO&sP zWMKS0wZsDLVzx~-lSRK_pcDIZZ!8Q5s=TjfPm&7HU*rj+OyI^*I0GaN}jp~ znH@ulNSC^TVo^V`W;clJbXrbx_YYG;6E|C>;XFz5TVkD3Ea^ z!4l7kW2kM(mxi4^$%{I>4QgFgrjMR;$I4BEB^P0ZET)pRU2GSE9zztN7=tN_@TrHI z8;T3L_=f{R&)RC$g$VW*i$aF{Za`H61FqDcLI;Sgx8_h>VO_-%siof9XRM>*R9$lD z8B)_uZH4TT2!=?-wYhtFUVo!b--Mm~w)ps0A)=^w>$R;RWZHiv&%UdJnO}Quk~O54(~BhqWEg@&`PhfzL8zG`<|+q%wq@ zj`3lrjOp!V7ANeFUNUji0E~;nB39ivnmmeJnPoTU@Fha62_ zKUJn|mGYu!Qz4HSrcH~wUKcA2(X5!|VD>sF{Cp%S`nVo-&4F|Hz>al4`$maX&yjtr zzc5lh=Q=e%efLu`-CcH8q0+7L?$~d=#c}t{6K(Y!^;Qzqh0p5-W0;F)Bocmm2=Mxh z4CE6V)8@{1HX-br4t$uzDOoSbb6WZXN@`cO(4CD(nyagCuxnC^ZmB!TJG2%bl^*|w z%|5PDXZ#Mk?R+1+rxPe?KeoL7#>X?uN7fuz6#Gk>-IfPsME#5xQyXil7uM@LcV)kMFC$Evc-RDwXRrI@}>JZctkxb_Kt4L=+A_s9Yj^B2$=-I2+NuCXTGXR z(@aM&)k}INPC|NdMmUJ2!r#rWe22Q0X^+vK#U9lY`wf`>_4M&bHrRJGR2C;h5MIk+ z8q;a)0=s1_w@gXCX zFuMnz(9725O6_wQA<-He4{63E1&Bl}rWTlff6Wd_y?6CGQ(Lu{pz7>vlXE@<+Ums4 zF;Bu<@eO?hWmbE6HS<#jhuo*0e0Bu@F?t&M&p;bkNdO)a1raB>bN3&0RaY`mes@;! z&qTkZvUXp)j867NQ@4RrwYso^ZXSec{&NR|u|yu7*>+DvfJ@gMCvl%s8>Cx8*GNZQ z6VkTvEbyY*eMAi)YrKMqy|}(MIKuaM%tXeZRZ69y*Yla*GVGv<7xN&;F>Sa22`xSA ztyTh*DqKA;Us0fcgY#$dXmRvzEOm7Mc`-W-WC^j=GnUS1&CA$sOlggoYW_}x&mpmb z(@zm53>i=9srnE^EHF9gkt*cT92xyd)sL<14teY+M2uGMde{9^ zt*~0nDkpElFE``3god(*w`=3ZM1ih_Kdp9YsXSOaR52N89jii{SY@aFwdHM{? z9UuQXE-2-5KdzVd7*8@)2=%;;RH_r|!pbS@1Hm>0cV9J$pn^9V{KDb}wmSHx04}CV zM@5xq4Upk?eyN>%cQebOo|1{9PCSDmD9lu{=ZHnGVnT~M7F0S^VAHZUOWpuqfKhe4+%3!1m;XTZ z*K#|0F&o|5U>ESUEi)Nn`CR^F!gR-;A;8pnYj-N1a^F zlCYs3F_V^pN~|3-i?`m`%cpE0e>yeixL0QTC90FzK~>L>bYA+Uq@B?x-_{L%uA8+1 zZ%oEJ1Hcy}FAAgRwjm~CYKA&<6$Dj+#IHm1e&*8tLxpRo&43#R&$;Hvwti^%nn9hL z4_^r{z}QFRC`VE-zuSnymcVuGyLVUXVt-%>85f4>2 zGSc2InQDaqX0&?4+Z{qvp{EG2LD11jg*Gu?dO4FhAAUti#b6TP_-xU~-nB8@f#=%p zi0x_P!kP(;TRQ_Y5v)27>q&Ny%y_P~F(P~t2ct&uL~&wk;fI~-FuNr3`QCR`CAWn9 z>(9b1wCNDW(*kPo{M`o`n--C3Sb2DQ<)aMw&x@H+UAE`?8d#X87`rFBd_4L}+6j7PTDWTNfntneb zYno`8RzKyU;b$+X@I|D^f(;-=9`}uxn?c)O>zJAqYBAqI^O8OJ>SJh)r2G+*#Rka?A>ZT?@i)$W3A602q`R^0uQFkvtFun$1 zjAC02>U5rV=dH28jTU~p-5aGyh4D0RH1bCWH3!4gEmDKe;;rO>XxxkJ9jcmdoZMW1 znZs98oUl#p<3b!ALC7~(YdL9c7j5xs0-m00XK1us&!fhmIw69gp9HQii1Kdanc-PW zw1?<9XP&Mx+C5#1B6D=z8!bsol@H*G?y6!~viU@;AbGotugE=R>m?Hc-!~Y7benCB zlm*5~3wd(ecPlJ19zlzvtm}dNw%wQ0jl!iOy(tn}f{-ESbP5EC+xCFHKwtK5fr!3w zOcab-j~>0}hqn94eOQS1j~Qp6@M^BetD%iornM`9q5Plw$6bIQa}X05YbYy)qnfGz zkzE&0=^^U>imDG$S1(hLKH2`OG6x+0h#sO-A~SLBzkM$&k>rT~c0Tj})?#0&`+JLV z_^rArl7Q~JmqUw5YE!UA(Qh~#y5k7Ilu+g5@vcll&f^lyaSVa=E24kY%DID6f!PcB zM8$w_Ef~2e=H0_qw98!DG>0jR61quoqN|W|X64{5BTg3zjk3hAPln}EssS&vq+2Hm z>f+}Md6hb?)a$f%Z#@r09Q}k$J-?1|7FbXKR5LXKj>8@9P1Kjn>o6#P8dL2a3gJ*R zEOA?*ENe~P6F?+TbSLOY^F?!#p@0+_bbd~@+XZS_36F=!ZgR17i#*7wB29-R%*+T^I*MJQ{_=Fc@mmFSOsRd0qa-s} zjjc&v%r-&1#+2rOlamyo-H3?T_yhKX)1EY~_bw?D3o1))H||dk^}*0V*t**S z7y74W6L{MeG;jP;3a7~VR5qyWIay|AZ4K=f&@w#tR<%#kxuT2uEu{$uAAH%T za6CH*eeD^$x|?e?ahzjYSB z#H#Gk?j&-HJU6Nrr~Vn!|0h5csi5JYl#aC}9TFjBZsDw#sWqw4>D>J=(EPlGPn;Va zx2n3)n_NscT#8W{HzJ~DK78tD2~@Vs2yqpa%ixCIRb2grqmz37N_g61ZNbge{mJ4-lyP%uuLx;nM*QAO7? zWd}tZE#pAbMdXCOG+LKxkSR4t5fCS;PheDsD(;5eP}3{6vUN?F!Z#69U4We$^sRV@ zyI{nsnS46^^9LeyBdTV_Klt0pDi}wp9#Y=lmK23M@KJS^zQ;W*B*}1(Gk>a1GQP|a zP&I6`fOcSH!H2PM*NhZ4+@iVGL=BFAHw;m5$l58^?#MXA|Lit)BH~n9`L%#e%TfKK zj+AgUc1cowR-fKB+srse?g=B@twYJi4S|r92jQC7!=SO+qgZ}gfFjS}H#p}#3z!iC zPuBGpv^0VRs>NEW1%@z%lh8%J7~WNxoAw zK83t?PGMlAXR;3|^C{Jw3HywOs852w**M$p&{m?Fr&b#5r5Hx-f!n|yAaMCD)T~dP z>SZ>CDSJU^eI22u)E20&W+ugmp}?i`n|JfhJCLb#A4I22uXFkhhvRXh2RUw%b& ztLW?dh0O+G>hjb3rto(vmHvbF?4W>#+%+M8!FS9bLpp)r6D(T+(;sgc=^!3}A{iB3 z=AR^`I|ZvFM&ln7sz|(}BNnLa3(}tXbqJj}m`s1LO4LYU92^?;(|p~X!a$qH9GPae z|B)y{Z5}&TX02ht?JC?<<^mP?o^p=Z$0>0`$Z2a6BGDRLpbBi8DL>X2ZfSw zKtaCm)`@{0N_}#q_A?nKWn;Nt7`x?&E&8&xzD|;JBAD#;;|LZfPdYN|Iw!o}FV$J8 zRODoAIwt7nUZFdxhuwqvxsKKB`Yw%k?23o+EaF-eGg<48 zXnI-lt$q zH802m!jS<+LNZp7WN^1rgQ2{Ce5C(!|py zYt)lD2ZI!PId;2(y};CNMwlUfRqnc6AQ2bH^D zYI?Q-0M#5Pyw$^K`rLO|4uLoJBcuRTMjb4U~xkTzgf$*VPQH z=N6hpp-KKJq3OK(8vX2PCStBRCal;pUa$hnVR_xEh$Ea7?&hvJpn&^g!q>eGV1w?I zY8Xn*b0!r{KRO49~YiAZ&D`miS}9<%WHIx~K1-n@t{mzdK}~vlu^h zpc>p*@2Y#mG2K*fYzQ^p!F%hpEEL|4QNwi%nJIkl_iXozfLcUO3-O%)1_LfL@HnN4 z?=_RlkO0rYn}6b$@8;v=bsC}Su_fEalxIp(kC5sEFoGN^3VyscCn-cVdH=4`Zb_gi zId))W^jOvE8%n8m2H7AMH8PRt`7ZN7dENdHwz}>>#>SF{tb|fE7Cu>m?J#x2pToo6 zS>I#JsQES#V$lR)z$R(|VeDSK#m4Ub~aTVfr!G`jc$4;0DZXUuGzuM>91u z{~4V9{QHYjzYskZ*ye0Kj`1}|;D!-if^^@Ot9-})t>>d1ae!*Oe>&t|>JI{J*^NG* zgHXlZEg#qV=KJ7yr^lBF z7Vr(sB3u9f@S2(!+5!Me z9@AGm#lhUKlnVPW4GYHBSRbey5?f({6Sws&^#GtcmHWtporyW`n>b?t;B?nNi-m-K z;{^cRI8#GC`(Pv^Z^}%}T$nVm-$nxad3G{1eNK665cvmV_-1`+G6I~v@J?_Xm^d1* z9VM(xzBbu^ZdW`hZKPjg8~h!Hb-XTF+)`4ke)zW@j%?xV?q2_>!lkS^^mrqmSplHS zdxSdXW;#6LAaSOtXTh@pz$=X#K};~lk#rgWqP|2?SOCCUR0+n6`AN~1zlIl2czUX7 zG*}6*D$Hgk@@ls?w-ygST#ea9`s147zpb{!boRe!I+W;Y<@JhlLoLZ^}%^-^SsbtpUG1b|Qjyj*p3lmwG~j_S(0r4vUoN`y0m2u989Kkgfed zjNISe*p1A?@&mfon$!XdV4W<6C^42r>F0#j>JK)uJZRLZMMpuigsIvWbJo^BB^{Pl zV|6Ry)4mk+hnyA`H6L@oLYNYt{)^AsC*rZ(Q2<^WlNDS0uJYT1ptuKYoHJ{ z3-JXQwc!`$c%sSsVJVm?=ker)yd7(EWZum0J9~NJ?PqDnzM!jTmYx^N)?U_x6Q;~` ztSnTL>LQ9GV6Kfi3SKRJBbnb5T|4;agp{8{dK^cmP{n(Qy@Cx7PPRxr6!FKS`O#UW zIvceqtzTy31*dQhAWFqcByXngObqvSppf<_!nFog9hmZUk5uiyuNs+?FhRkg=8erx zWsE-_Bz%BJWqOW91jtVYq+C3qOPv&K&lsM;Kx3apYru&Tl_KOY? zF`Pzca0*JG-i7EYNUbXH?cA%3zgX8w;OKQIO#B)XWXWQQn~AiO z>7Km7Ss#9w`^{fm!% zwKqH|7!@tmu9~`wrblR0cZ{G5^z);CLgO(e20PT{)GH0sI+BL;<#ik(*%;#IzrNi+ znHp~$s!Q~|KpHNW`n6Q&YRH^6UEKGTxDgRot=emi-b;gGu8&(TG?;Q7R{l;LlkZsw zHaJdIHE1c${Oi<9%K_{30ZEqZ3TgfstIRL`2F(X!DO%d8YCW>l;0E7Ep$U+R?Hh&? z);6quj0zB4-9VJ=$<>id2v!x-z>@7OhDuDM9rm&smp^CwP~PV#Ke^fJrU(LnPp0ay zKkAAW89Jk%d6uYYUNH%?TR@L}nfj74F`_T50xdqGtpLyV-QXQ6%w z`sL4O6ffx;-dcn*>u`s!NB7(B^B2}caI;o#2u|Rhed0Zy9=VFFC{R+m#Mk&HDUP_Lfx3FaV@U`vyJL?~kL%e%m*rD#XZ{>6`9X;nN%C+(NeI zU#P%%ZdsE(H?e0EuGioCJZQfVzV|1GI!tWst7`hgcFNo&Dyyrgsm zi24S`_;4I)_(njfi!|>8CQo#N7vN%tNmpG(3!lz!vz;-o16Ck!Fv$pLN7rU z3^0ShzgfhHAIT(>{}KnA(Me`|?{+RTkKgeAAGYb4H8Peq5*;w%;*j9TUb>L&W?2&X zPPP7YOo^QEpS9(XdrK}r1m9ORCG};tXdb+js&kHTmKkDLU{a;pmTdqGDrGkt550F;JaPfjl@G6JtO{jo$pA~xZes7~F-hNT61*Kyy;bC3)yS|Y1DC9dG5A; zwcnV+;!95s$MG)$ighyvgNpIEZT!rzCXk=()$qDR--fZ46jo z`OVz>zC%sK3$aa=`RHs8_}3hb)$DKxSXk_Ki z$N5)a)X)UQ4Tj>t*cz?t+t&BD;<(43%_fF~F54ZgM@~SytF$Y}&{AF3(2uuhs?iGtjRIU0gr-?vM_Ppmn~tS1nlFausZQ&qE;Fzl9+6U3hP-5w z5eKuK;TC=Gfu!@rF&nBuG$J7fYit9$QWW0!jP8!Z&!#Pu5`I;caD#3`G;AV9XsVTbhXQBr4#b(Zi9-u zk25KoI+uVqM_oodO-`Y)BfrO#K6i&;0V zpsoSN!kN^K;9K@D{L!6YmuwS}J0&S6Wwp9}{GHBt0Lis}qDfK3pLUxc7LC^$yiFTC z`y#LBfUr2{%r%Znhac6AzMADD2AkQDoiSJ7J-!JcPSfK~g)Vsim25FMik`~O929?v zzT^`DCPq)6H3@{AT2vNL!g;C?i5~85!nA|_uSs_%I1zFsq#n6PEMUkh8dQ4L)+xXc zu1r0%-51uHTCC5Y^kt4v2bQBtu!M(KjW63N)AB|rh}#IlIl>u2{JFbXT)XQEsu%W< zMv&Ak*nZSMe=haoau#_cY!w;hvdE*(12qtR`M8b#(QRBtqW#f6P;`YU6C&vG^{I2r zOVd)Uf_U3;8#5->KzMoPaejey8Lj`}Tpxc?TNSAbT0UHav@s6%w}y?EZ=XDz zu2no7-4`3foUw`Ys_q#R5uQQ)gxciQDW|NK!V*4$Uhg5aM9&C$4kh-ocS(3U*wVp^ zX!0W&FXIBo%1e9rPF3FMfs~K=u}7Xub0y-p+s(DlO7*^Y&xQF`cYT)%lEkDpA%j*z z-Cq(=^F{WcHCxPYV0Z=Wt`1zA6RrF9EKRm&8Yzl2ML?u?l-|XFBtQT`DH4bXh>Cy`N|Yu@NvJB- z(7QkgQc`G%^o}pSd4Ik?Z{E!Nv3qv+-nl!wJA2QbO}S@o%)u(m3IG5&Zkrg~2LR}( zw6;0(8CuQKny*R&I`DmCeL&@a=rXOt=yTKTCIC>4U^{-m^v~y!i31n_;B5a_=(OmS{qb7K_60Z;1T5=cqu#^BYHHZqJBF7eJw zh@NwvRS43s0>kN2m>>?)N9PI#gzc`2z!t}5FZo|NVnuUP4E^==GNGtw3Tl~kKgUI2 z`r>d3$f%@Ure&1qU3EJT0~+5U0VQ$0LGQFS$&|@YUwQq*Xz|I$aS*+s@ow>omR}`Z zrj!qJu-}UAzF)ZOuOv^Hr^~(?nl7`_%!(X4ZEqjkAiSJ*n*u05vnO~6J8QqfFaN=` z4iCS;XPr%LR+mlJ+BuVeSKP555oEWi($E~0;sOBNW%pC}_T)i6miD9p*C#`6gUgpa z!n~Sb*SydVkHohAoZ8{N5$6c?bL<{B8~w-01AVKLd-c~oZen#U;uk?gz9txftiFE6 z_MpT#XSj|LlUB_Ac{2?HY3tPQi#?u|_mdq*oxUeiTuGaRSN4q+U@xRWYipaJ2%ms_ z6c%ltzLJU{WuX5I1X}$3cS4ED4G{U9gT|GPQsLU4dAkSMa&rFp<6%c7F4czVaxb{k zg#7hZKWm#$pd!9xGhb$-3glfRp@S_?3jNrc)#=}jO_@0NNp&JE<;)H8EMCh=>TvIz zjDBPtYd;Yi#?kkGwy1e8pcgzcrHk-r!;iG!T;sCCUlTa%`j4`ZK1$WG)=I;e9+lt` zqdU1Eup$U%GwS5*Uwh)S^jZ+=s}+3@Mh^f0pOr$4m9|h;w$d1Uw>%!1L74{CRq{53 zypZaK+?%70kWB20e0Rw8rMe?n%NmRG9GoW&L?V~COwHABaA#uY^1ASFr`H0@ka)6f z;s-@B(1Jv~==znBb*F*V!5~GVuEH>n$mOsvZJnT`N7b=8L#^zy+!|8OKm`jAc0#6s9tpRZuezvLFNgvFMsYb1(;UnbtL}&B z(RrQ9)#&@&()yEPcr%19n`I{3c2>@OqSBR>vBSA9#krrZ^gMSB2#zAH@ozz%jC+Kes8qaH_XqOmjh<6^zi zdz0EHM|G#~mpo>ZwC#3VrckS{L65|Z@|9||4_)nI$M)v_O!2L}%N%5B6it0^I){Wg zH=1t^7H4?nkELFa4#`GG$GGDJKr-E*vh2Tb%4 z5o_6(e`mVuCgEN|oRhpJ5j5DI`rO+`Jp>mqgsIJS9soNXM0feq@+^?9jhSgOHi15Q zvb{)h!>5hOnYKOO$bVvN*7W*wT*NIo9ijg&6kGt_%y!;*=Ip|(+D4>^^LN@<7h8u2 z4N$;Gx&KRY{Ljn@A5Lk2XXxBgYlD5b&F-){XJBY=`gbjW4{F9FEF`Dr(e!fODYGE4 z?qMgxJs})3++s)~&Rx6HsWV9P`sKG>(>x@WS9%NG_8lin;jP1`vIhmDu&er8Zw;(x z_NlBn%qgFxCLJ~wIo5VPI__S9A00mrubc?MpCvBpvUzU?52kPM3ZKQdl)S8e19Ouk ztWDUMz>tY?zwM~sFz5lT@un!g2%gj$!JprhTH3iDqOyjHlX*$_ zEp%InzgTHeNG{&#EQ2(sw{&k9vzH{T3MUYGjSiOieGTLJ=`tKjKo0qKi8 zx38y)fV9b$u)pdDe%3-eaMV_1(d11Ma^YD*K}OP^(^!cu#$6L6a5VMc9JOM1CCd>k z)~K+Iv9zR{MN?Y;fVV4e)edhS9sK?jbQow@;8eKtl62FcUJW^Krr`@tFBr6VfZVT1 z?unc0YxEDipNE~a0ZK)FSm&vcz8Qa6m44$1PR&6{`5N^T&ZNXimOy+#G*07dT3Uda z#a!5z)c9d}h{-l+7ylDQn2QSQM&$Ez?(`~YT-pCSl9x|}>QH`py-j}nm7=#!eC*=y zK)G`Sw6SGL52&)h6ys7hsx4txYS52L1D@MxRAFv3aif*2Nv(wNWUy1W7y80comc`Y z+DI#WDiUO8B9i0dY^op9*#iYP?(B z99B~7b$S07!ymrEIm-Wju?FmHvf0|<6QcFN=v0;K=+Nf$Q1r3swAZ`GQC?`4(aP%M zniZ0g^`shEH?@J|t($FAkE}&FrD!etXt?!C!BLpyK~A8a`O%k@O2d}LNM0&`~Md3D|e=&epGfh@{5XCyI0%f5zGI1k&0Lhu-BqsDwY z!XoX-0ccuK8>@0F(>%z^6up7m#DXp|zU6Z3|A|6=@@jI);T%L?aE_49Nt=()hrQOB zwJcgU+4J^3;K~^okf|_EecBrS$uP)qJ2Ln+ncQgTS)XUYHui3`NhgKkR7B|oJF+|9 zlM$LmIYHu|Mfj#UUQ0cF5qhhsH)y55&Uf&uYe1E5H$ke`yG^MjvRGTq%|P~n%6dI% z*5}R6g^?*E#B{IB$_pO6{Je&9RO(Qd%|(;u=j3-B*!MFV4`L<)LH@-aBPlNiaiMPN znFE)HOk~YqHwWxAazZ|JPWo0|%r9*$MNJWMJQ({FhssZ_&R^#b7_ipvXmk#H6?~kG zSCp8K4VoJBlMK1`?d2yuH7e-)poaF%Amgu39!`MM>gOtXT$~-P=ovD$+KJ%Fm${R! zS-fT%5qRWQneyIIe`y?s!l#e!982}9O*~)X^9$fUuT|1b+By7Pl|n&5hjQU5n&rr7H>v`e8x64&jb6B-R9;>dv%u?K>Hg zG92mGS57Xl-4DD~#mqbM z^R}p(pK6znR6XZk_v~mr2xpo<#h`}#!F8+}X)B_}tFCT^EhnHI&iZo^{CaQ9=3k3< z(~DtVy*9>I9Vzr>o=NiixSDPjd--lyCE+Hu@pGrud>L_kEY7B@uRnhU4x25|ga#Qe zRT&YHPG3rlrdkqiA&(0i1dnG?DvrQ49vH9&4%HTX$cQ`UA?BOE@tilucFm;evCa#4 z?SRUgC2@L^k(8$MOad~7slNAr+8^KZR7t5uDVjss6mT9og1?IdpOcrCJg#`NI9$CS zs50=a^TN3n6WLbr>~hsQtf6z&p?UOOTcPgm6%X}Ks@P^-AIsMcB*ST@Oh@G`hqFR+ zDu^xL>%*{Y$1H32P(+lQBwNiIh#cD*tvYQ+)>m^WCG-wp#Pg!Dvg5(K|!I>I$UvsGgXPgfgspTZ7b!ra+GY=^zw_? zlG_nSvsV#c(>OI4I7F2r={t^|R_gBhu6Ne6&;NoZVVOQCsBRaLCSkuImLMhDO*lYg_Y2`Ae2Ao{QZ$jWHzQZYKX~tEnbf2V=8&F|!YI znvyenxqhdI!XFUiCbNQ`V}mMXfF!}<8@=HsMb7?0l&%AZnprQQZZts<)bjFkl7eYt zkqA!~f%e`^=2$rQBQN#E*O&;mLT?PLHYpS~f(BZ#M;k%t69t__;x-l(@mR0c%5rx< zx;^qSb`6*n@EMxXNBzm?@WyIp+acHrJS25BIvU;>2zQY-U?|~?C!=@XYi_8_!6XFMF=HiY_%9i{K&qWF1d1j zu(@Vn&^l?_J8DsL%5#24LPKP$pf{-SL`kgrySVvp)OEINalq_qtCv+lj_NCy$IzM? zF!{+3Kp?aoW`YY&tkonDc_$}v7d5aGfmZWA4A?XYi{yYqUfl*!_= z)md@9&=c`Jjwt*|Nm!f6B)I;2kRRrKoN2oo#0g($@y7bN!^yFE_hIH5Gz0osFQbmw z_`H)rSr<3{E*1A+*(G7W$tMiHFt4`7lh5AL%P{;CWvFba3n>nK9Llaq`LSour_hdO zuJ$o4ZBN8G2WL4V*B5Omd=5NIvX$E?Cv7*gmE_Kcyq>FX0e9{ihxEk6KI!ayC8zj8g)^}*!y*31?PjVVf_uAp z<~Nk&;7InUnD8bY%w1pc`echyD)VN!Z!NC9cG1R? zI9$ALGpBqAb3`XZ0o!&7Q8rqJxb$~r@ZvwURKI%y(e}H$r73+9Q?V!1qn+jDqEc+=d7}_5hqCXKj ziU>I!X#(%2X1$j`!e?r;7e;}x66`!vnl&q+?-f;jjlywx#(%d6uZAaXRT>r+r2M9; z>80CM1gK=%wNkc(O5evQCXIm!GdU)k1rORHO-UZRbe*9`_oWHjY&D|s6fyP$w+=nW zZaM%`KfNY-fIg;=A?~(8E5CG%HL5R!H_pA;jsKsn`389kVff=2hWaEJDW%MUy6_{R zXy#Fmh_XB6TM#GB!I~Z3{NEfxxAE_r>++fZkwx4gwBCn@H17FFF#m5O)9_ygywg>{ UCDO1uEimA=p}9e&zI*(C0m&AmTmS$7 literal 0 HcmV?d00001 diff --git a/ModelSelection/results/result_synthetic_data.png b/ModelSelection/results/result_synthetic_data.png new file mode 100644 index 0000000000000000000000000000000000000000..8b7bacfa2a6f9817f93b045621b57b86743fb763 GIT binary patch literal 14652 zcmbVzby%Ctw=FfGEm}%(E5(WgDG(B*6fa(^xLb>p;L;++t+*F=DDF_)NpXjwA;C(p z66}V4-#O=Z|GW3h^CX$~jm^xS*|YXuYeH0%WbhwRKElGn!k3eke20Z~PZ?7W#Kp!u z`{#9OU|#Mxzms``RX$3Mz+Bw76jv0-!m5mVd};gubN$dkR@)g1i=gZFai`C|&J+u?l`^wm+wT^1$IjsQ&US*b&W}0VmT?l_MMhSi;&L9@#__S3Cv&r zEsxH{t^ohmKi&N$eCMC~>-!EF|K6p)3%u>pZ6Ugo#_~@MD;R5(N$boz^YSFMto0Y1NxW) zWGB{t+$j7L=l1)bf=2eh$~YfwtVDCt<*$-?dg1e*+lT_;$4Nw+m$Sp;r#%n!9kw|T z@`9o87jCvZ@2psuS?fQgg;C_hAG{^#qvH48D^~?+Dgq9O=C(fSA%nim%v?YNA|`C# zEWcOXN=wWqS?L?1KFEQBX$X{(oqAsrKU&}12_C4Bg)i}*TT5+d%=>)y2s9&QRGwpb zyM{Yxwx1UplW3TrLXBx4q5sap7QA`q@bG-+)E9l^ySH3zVxlr+axpoHiG`{q>UbnvzdZMo-NT{@PAaLXRRCSN&1K(W2i51IVc`)Wot;tTdYtus$1NOP_0kB$YO)A&-ypy5MIas{02bd>T{ z-mK~tbnVK;Fc)-38yhqTnm!aOMw_@v7o%m-ayCTuW^<=TRRP2sc~bf?&$LbJh4W1^ zsX`y4n&@pu0>R65u96>}IkO{7=Y5I+B1Vzd)~fc!a(%kh=uo3@%{t9LH#z;}oGrz~ z-b+Knq6gkg#jQHzV;-L`I;RSrL9Jsza+#~ws7kro>SwkZ?}=Y|9~>2r^=r@D0jl=v zzG`HZC|6jYP4Vb^8D_QA!jd2s^<3MX$aT}lLum$yr(aP9W1|cDI-)J#uBKYj$_vlJ zZrtBhqknR=a_G{C&1O$)N2K^_@15vxnC7AUhCJ)!#lB8)(*~^&LAkiBJjD$kIn*qF z+ke+rlq&CTP;~{2fV9k@hQk>IikDk`VJGl@2yNNV>mJcE;qgpGkfG0u68TMDOKtD% zced-*v60b@=}KQ@9@hvKG{o+OYU-=aSRJl3(YXz^O4s*-ln2*P#da=CU?jl_BfnR1r929Idz)QmgL!x43D};c6pM3Qc+ItW@e(y< zn?#|0%%YQy0Xt=QOkU{-E2bt-jcOM;Xg&buN*lR7b8(R;2Q9yqW00w-9mrR1wy|(Y z`hEwJBaDZvIT-Uv6aV# zCmk6O6_Pty@$%x_02kaS!C)O{502IEXAJ|48Ok8l=g79pKpI)k6J8LFe{`}#`LiNz z$2_@Gr6M`O*qM*nTAvTulOd|M5^HnnYkGIFu*gOB``w?6eip!XqUAy@zDChMVGs_3 zmp*d%U2pWFdYX2udPGAr{B6k6Jf9+ebGZ}tyo+ed1@=d(5Vv2=y;9TLp&{#(_d#wY zfuqwRjphLG5EmYs=|(?&JqVx5J}(<Cs1<;Vvtahz*gQ3V1&gyIh{Sf=szr*b#4^w++79s0v!2=MICW?4E{I*brTfZWZzc z`rA)u9*a{r&j4z-L}<|72&2Jm4Er{C90(sw7%!@Nv=jQZFtspBli zg^RcHG{ahXx(Zx78_CX+9YFqICG8qh-Kwhta(#h}ZZAa$$aGZb*z!N3%aD-uJd$r;Ka{s3N3b^JVfK%XM+MFjk+HI|yMkQUKd&CyQ$N7^gcIyz ze!drTJ`(=%3e3vXo*E;5H7z}NV3kx88+~-aJZE&n6?W}SLL-^6b|zmOua)C_!#Kh+ z`OLh1YCWMZZb16FZIEb9GIo+(-Q`O6rJSf9Jo9-Qso(^crrw08Y848}GIQ{$?yc|~Js7^tWXJZTW=z z{{bO?ou(J~^QR;w{qCfsK`eB^gQtN}wfC+n4b2+utI{MaCI_j8HVH(kp_Z*M%HDj_ zHIbDpcJF~Lr1JmeS&KK^#mdeXX_pg^6l1G0HatKDI#vz?NW18%RbM&be zDy);AoiNd@0{MOT5%14%v@@!oO~s;y$6cIY0j3|64$D~hDM?f@XvBw^prEV%Lllct zcmuF%8Tvs4@xn1uP^oAYNX+B-G|U!U@p#@aK5yhNv{8?c!6xJ^LA;z8xhh|uF|pZN zKZLBPIzAsT;o74p;AU1LC73QejGwq@C}4Bfmht6+I@bpU{WPY$J`^Uj&VibvCEq;8asbN-EUigPCdH6L_xz(3=9 zcooXz8I=T#4~`+dotDyH{wvgQ6y&I>@ZDK>LScE`bd`BMOnuF{*48XKnVGXDi-|fM zX%BpmQ51vwAI*Gx=GofCMvuH>e07+$X`AiRdM{;4@^5M@;OAgO?aIvFgBa|fc15LP zuhBCTRyO;uT3-oc*`mr50dzR=O6unjbPr;4bwF-f*{ghBbZTOtU-eh5eYPj6sU$J9 z%BlFGDJ@F+dTWLF-+phHd&@wKd)FGD-hI zGHL))y{AUmxBZ=FS9F7fRqSu)5-%LL5OQJ2fnrs+d<^d$;PG8cSyozpZ!HFqcJaPt{DDI{JJ7`IhRMQ%@jFhYR7L>R2KQnKOIRV<9fjDb;cm5x>~8?R#g*>-gEzX`?}1 z%j@~|Ov(dQZ9m(He(1htFKt~^z@zVQdEqu8kMgS3oe ztmd#*PF7|mq0avG%fLHkcpcvuo_4*OvSAFt7n}KZT3%6FUlN3Z++ors@K1`$y-lVPZwmyvu)Pu~omnQ$80VMP z5+};V<38(~_Q~aCEvVT@cv4yQ-C`COpDm*(c}=hBBJRiodK=FEp)f$Hu<06b+u1yX zarERF!2CNbe3Kr+JrLAYH~b;SfHG(%t%KKF@fhs>r7Wv{rMT>K*xqxv0J9R7$m;7; z3J!_z(pzJ4zgv6^FM7n&YumzL``vP&mT{{7UVKmzjlGIi=}RVeM7=`~H-DGK4d?2n zIaS4A%p)Nc&GZ09ehALn^rEaH=CXwn$@zz}c!+mj;v$7zyF}yaot%#qOJBLc&mIXC zkhpx)Pp8QV)LJD|C`{Dnn0Qm(WvmGf9V8;@djn<(v?U>iBQN7_Drn>p?}<)!r`R2p zLT=O|J${AfNViHp=WJG(IiSOUkyrfh>XsX2+jh{AAk_3qb0&nWcb~88su~mOo z{lOBgyCr$)5fO5?^Oxh(&($JKKsYTPx>RDDBaq(9r<+-qz*(A61pL*PfDN#s=QIk* z-R5J{IC_*We;9r8D9v7OG%R4h=UaPboz}12h~64oRUwmc;((LE4dYs=)$@cF;hN#} z<9k)a-Tf?E;fnFjKwdkA3?7fzmEI>51r2)dp0yd^pkV#IGCl=`zT9JuccD@LdW6V} z^G;l59v_@=#<4F7+!?;GcKcPhC6yo2AT2BYzCdIkPf~skzBO2>G-ik7gC#-vVQ~b6 z{ZDTOuV&bq*+joB&cw94Q)ox5Rt8T-|I2qQyoimOOaP%4OI6jQ+Dts9#wsV+H2a3x z`36v*VAFAtH^^L@l4YXe`SE+7z9=|C%b<}D6^aP+?hYAbk=DGmKDpF2%XI-+){k_? zx>E!l9Ve)U;PyTiRs&RefB3($MT-yqBeP_)aPOawe8T;X`j5=f{{~H95>nrR*|i}L zb-+LA{!L>&tlt-=DO3L0-OV@OI7xON=cAXcUxs(nIN3g(R%XTkZ+=Hf7hRZB!(!d) zZ?B;JidR8F6=YYS3?4*W-z|PXT!n=2Cq#xJeR~}Lw)AxpSlhi=k$CS~R&giCz5q4v zEk&MoGGdL?)B7p)d36F2do#DQSiTGQ~(>+POti>Q+|XQZUql7(eJ;YC&`-;-D+$uxh?59yrmEZL{V zE2m(SX~=Pd&wPRxCNbN)0i!3De>)Nl;{+>fOc($G^ zOmQ=pd!fmYw1e+#oOK2vAC<0#>a7AbB^QDCNaRizlZgE0#Kgz%Ir;+>A#w!=E&uGE!YZy0cUEu`{*22jU~ns@ zNIJ*>!pSkN;KNSFY!#e5@UAfytk$Z@))wF~p53(my0Y>rVcWUt0pk5=m1P}$`r(=A z@Xty)%OaVw`a3cli99;z%UMz`?3Cj~gkZzYU#|71A*k(C4Wpbt{NB^n4nUiCdmkA; zULMtkG?IK^c6U7IV0jHBh%g+0&qsnsi} zoIBFNWjQThcLvyRYe~@;V=gQxUe@QqZtNK|bmq}ui2*xlL$9We-$p|wmx-W2fQwck zS*n%-h{rLbEeJZxg78MLM`DWgm9(^=&BxT z*P{NR%0lt8g#~}uFR`WkD~+LKubS6G;w<4iP-D~t^kzy;i2A+lr)C~L_K3en zpu)asG7ESwTIlF0Z@+f_093zXxLDSXy87)nWHe>Oj;(KcC53q~wk8L{aSNR2NE*tV zhbY4guGAvuu~1QR1>6KXtl(5LaOH}HA3=-vKH|?5*VG~EuV47YYB%Q&Dv0H~D&P*E z`-1qZ)Z64`wxX!yO2;DCbZ2dqGm|HMxPg0v*#6x#VLCi-R`(_Uc{g5nB zot%;-cU53y16}cy^LIpz)7QIGv`mFBd^??G<0v8SOXW4_qFWOjo z8GYd6aGbu=iiS_;ylL*uB}pX%_g}mdgU;$iCz2U%G((Vj>M-}ukN=K7uCpb(vU{(y z-}}$s@x>{|1s6kXogyksPMBJKTX>!xF!^bFG%qe5U4IG3SN!Z3{PbY7>#0+tM1{TArW|8^i=*OK4Zf3iA;)`Goexo3;ghRZ5GdzU zmZ7PFnLJ0{{yjS;%jTM{#ByLTX+^4saW}V$F3DB3yv&Z?7G|S8t1f;qsuH5n=wm?M z!8HT|?uL9|$Y^rF6A ziheYEd!@3nK7G!9kxJLLxXgJgV|M%n;ZH&e@6m3yAfIHZrVsgsFBuG!7}ha46>paw z*$i0a+HM;tp(0gj6|&6UH@3lKknyWGL_99&h$U8w@?FrR7~@2Ca+i-*V=%twK_GEf zJtINzY>Hcp_^6BId1n|HtyrYszA?m6d~^MG&7|3ut_40JyVmTP4B^WXH;H%tRIT&3 zp}s^n%@)TiMumm(Osn*pc8dS*FyVNZbjyEH7ScHXL2uOU{Wt&d-u-{M3H|+RjEDLU zR-|ENbOIB{V#tsXI2e)#_}sh|JpG>eBM#csuSt}rve$Qsn@|-%Fx{{xc~SIxm*f@g z?XUc5bHo{)Al(yIj_7`|Sj3P9CsK!FV&6CGGmC;*9vQuIj$Pb?K4+{;f1GK8q;7Yh z2SHa;JlnVmYjWB72BwJ?T1@n-Cp>3S{NJ5c+kEhFXlvZWK9F-9y_aq_y%bdCIL zgP*T>9&B5;OG+UN6Z*<#AXt zlYkN%%iEEGG2S=O$f?JlLl$6e#3U>Wy^Xe3W`^np%3|ozkGS32N~J#dk$^Ctz6IW; zhyB8?Hb-k7hnNVQN!h;h)n%IbBS;@iCa~GtB7T8@FknX){y$X7xu}ENm7UimdP(`J zlJ5GWA~tCB&nurC>3v#fZo^-YgSBBRJ#fA6ShUaMk{ z#=fxl!TDx#fK^thV7Sr1`#ZTN=!(}$m(=mLzrS%7MWaC~Rt?fBW-p%R?TO*tCB%t$ zF{0;(5-tN~>Wx~>b*w$HFJubC6;Q7!{S-R8k5`j;Hn&s=Tai$}M2AsR+h~Z(jCFS+ zV{Xn>xW;E5R%LrzlQq1+i+u2NZ%#VHNYdc($6cS+rSzyXOMOCkQ(Z8&^=mtRo;yU^ zKf)*NYO=OSFJ$UO91rPx4%Wn%0aOJ*S=20U+)1*)yy?b+=0r;m>&`zlc||oASZ0JK zDl$2-sc}A>9|}m`9Q)xCYF5P4IP;Cmcekx_jnt0f_br)sQG=58#dE~KgW@riUoFj! zQ3R#o`ARhjNJ|TQT`odCJKFa7{78|ni_px9g<2b4$^6Tng)iDa?UI?cUX;hUrt4Tr zwvIHB!nm9R3~+geR_$8Ng(R1iT7ICMV)oxBoi;X>;qy?B(e8||g=t?kDtoX@=16&* ztNU7%i?${>Wf`{q5j}*Yr>Kd17)h?PoExddY_`YfhlairdGoy>{P#|Y7+z(Ib|#j$ zHG3J5Jzo-->zm}&*m;{jc)@Wrle&2KK&!NYw#`7Dl0B)glHNq2ktfnBY{6)o*Ld`1 zv)91GI&WybPj~w9_0F+gJto?1nk`N`>Ug$ebxVD%fM?e$2d6gQK|qlx~QWlHHanfBDR!G83=D z$-H^%<~P!sCb_Q+!yjiDM5XQH4Y`mL?-w1tz&3-P=2Yhb9uW7=-LIvk8)_iilM-k# z)Rq3uJDb1ol9Qw^!hx>rXIsm(ag4J})w(x;I|D8La{AR2L?#;hj4GQTF}b-x0EL!h zckFezp8s|WoCZNO)jUJ#Q%*oh3d;5rhz-(fHdoDs-j;=)M5bON)J>(t^OmgT43jNr zlbaNNg>aCapY7L;i-}mo=TxTH#laZOL06$g2#P{*IJSEC9hOR+5c0{jg5*o(?QJFU zC0+NaJRDLPV89_~Zs!J&7*h%c3Y^G+dQSjDlf+e=Zf>;RrZU|W+wlg}_GwNFVO6h! zC3QWd4{yoKf|TRNZd|sM*(C1{%JbSyV7tst=YU}3m{9s}EK!l7BO=iAp&ZDZ&kx!w zM(P%&wzM9J(TT88lIgsc(!UiWA4t3&4A9M=J7@&+?2~H?#Xgx2@h+{A7kUDn_nwNm zYCE%U&!^Zy;7p6bcm$gi%rA~@gTCM=^|EZ5uERi=b zjtSC-Ol7AA*sN#8ipCnFV+Trhsb%Q_#+TEA7>HE4CM4XdU14#*Z+nzxN9$DRopd}; zU?xHudyz0?56?3#iWXpFa{QcJW{$V&W(c)A&bz=-$46TR?o5!|w;b}+ZJMaq<1SuI zKH4bfawxRgpa{rHXI-2~yzD=-_?o<5e?8tteC)3yIRHBpP zG?ps{;5NwDOP}}Eztc!3gPk)LrydY!)LUD9oihtTQX{(Lyfm@RvZ)1uzscUE8k?5O zN8~y$Y$}PM-=nlFIlgLR1@2mnhNcLr4T^JhQMSx|=_njim=&V{4RFNC>_72|_RIx8 zx%mw1h{^lm3TYMR^{X7P=8q+H;uiLPQmDm|;))G#6iWnT8SMn%qCT6dJuhL1 zdLSWXuaEGY8jw)bJGMFt`uPLHy{VFjWd+$Av~x;~YFgI$f4J0m)S9jy&k`_QQQ;Z# z`RiwzJeY|G^fEa%X;=@GSEV-I5ZL%I<7m+m(e0cxlECT8tE`fi zSpBY7JiPg#i5EYL7)lKDGdl~+s0klS2UDgxWisX+gY(1324#HL{6c5}n57~XsV&Yw z({m&b6x|wu^Dv zTMf?yD#0P7!(FN_NvcbazV<+COdD95Nc<-&c8g2&&=r1h?k=Q=zQhbyi^4yj;asa9 zHwM2;+nYORs-$aIv?Ob%yA1g2ji6F}@@T)Wb!-n`&v`Cxt}IJPXN0WbeEGAGk+p%N zlMhP@QouWN;vh36mE(C~Gi{aO z2?@LdIcgM#?7@#BTLofByeflhcfutWy}=`=NYW&gJUyN!XB_lY`+DxSr@|p~(0X53 z2Q|y*xv!Rnbh_^oUJj}h>VDpdVTeI zm*)69vK&KI5K-t+G*l)Uyi6VnDM&Gp{qo8nV0{}ECrpBO?ol{ixsw{9o1x{PFqHF} z&II!bAN((a?D@)g+OE7S#NFX!n^mD9vDT){?56QbmHQ0=#~T9BJ{bFg4`I*+LRc;f zm*G#xlQ)RhBileFO7~EBALlN$cHH=Vzr;ui4)txz*Y9YGca7gq4?OjVmK)6Ro5)vc z4n`Fpyl{MDo7O$$_$pc8QGzm|u-tbu+8nZQjEupL7uTyVQcK)bq4g285>LCn1BaqL zqRag40A5MWNkcmlNLd7Rj=(IFTAo{l>eOU3pnzLcXMwaC7iQZjexus^r}J zXas=yI7UmT3I8!Zfq2ZmSzoLJRboH8tHL2_(usB7wXNI(HQdkp&5*}~nndRJF9^#e zUJOHyyi^k->)7K=pT4kQV6tT}>DQ_tGd2miWMK-)&7J@=9T0{eo1hU_Nb5Mf$S39X z0DarP-y2s5Y4M?EEP3y4u@;E72-!D-JTHJP=I=MSZ-)C5e!2;{K}fM;{m^G1&>kf7 zl}u~=C**SNq;vT1pbQ%aqb@tczH+)t;N5C)E4aeKT4bI5Z*r2@X!F0~xBpvm_P>eQ zjE>U_hG;yPecm6R6P#RCXEWp9O4jfbOO#=6eSb`LtFBV)=^?2o&#v#6(QH%EHoBji z*ZQmNGwL|+R~(XtZ9~2UYGr(D!C++^LxQVoR@-FZtBaRzRYus;kHd0KvR`4uZ|*6| zg&YFRWhy>f8IQE}>1ZoGjMqqKtXbWz3h1ub?8Mq{bUKQC!+jdh%?{X2jP5ykxhu1UVIPHVrC%$EYO+s(I^{qSdMX?I2$ToRoy>s zSb^hW8FdqheFdjnw%Gx~4Wj@x6$`#4zP>x)_&*iiB4VOGA~$1R7r)UozJDcZ7GHt3 z?tqAou?Z{{)EM5#Fe(aWSbsA?=F_$gTc5$uN-)2|7BBVWiH2g1Q&+;A`F>@~_kV0D zKa^l1!8dgm;8E3_g~b?&`#h*P$G1rCSFPMD>%dj?wm>aJchj~uFharp+GBZw>GLGZ zj%P9mF9H)FZCaB}S<2$&lqX*oE;Ip0sLwTa8RshLr2#LIN`8X*_tEo9NF@*3Z*bYC zg0Wh%1UzWcJpVk?P^o=4;vz6}g`copStiSRSy51h{2jDcB!(=Dih*Wy|N4ksSIR@A z{JVKnLK5$C%N|DbJ(|$JlQ*D!XNxW|QTey{28jo^hh(1Gr&9S}t4|bWJTW=qMxiRg zGbfXcq8%u^2SfSJ>Ci{PqI+##8cWr-r6~6^wIx^7uUm}w2lJ5!T3r2VKNo6gX~07RQ80?MQ01ia_@%e3BzfU}(48JGc? zjPvswErPcxV?@*?L{IsLOI)Ltuy!Y)T*~33wLD>Mo73UQ*s( z*q$iFDExzRm95vUyiPrKIurR=pp_(H=y_|+zP`7IVj17{x>gjE@9!TqpSn)>-f9B1}<^5gs>N)&w&b_oC$GM?%;AqvZPRCWwq%9oWK1$kj5+ z)trlE%7k(rmohqYz!X~TWL&=-QHQMOqd@4Oou^r`J?K1#_3kLPz;!7iWmkgJ!kq{< zitLN?Z%rhoWcPuyYdk-xhVEbyeige6B!)veu~&|BX?JI>(vz%+YQe(ci4+6^%<0aq zKkLqF7i^(d5Zp%9u0`xJ?8eIufgI&ekm_xeq zW7{PDn@8JLF+SGg52Hb~!57uG0lnK&rTgy#`kwL-8$rb5WWwu9=^|AxxuKRxv+xW` zL$acyC1eQ?dMb)wt7CVetlwnWmax7tbP4=hT7_0)|iky=)&S8c}TklkoFJ5S~eGk!vJ|WaO{HEiTdE_u8 z&vLBdRr6+qseDIJ6|iK7US&XitBBaB_Whwr>42drH%{jar=%lf6w+2Z33Yjn^sT2S zvn4Z3>gI&Ir~F%bJ)Uqs`ch2hK0Gb}Zm-c+Hb1tNri^9#;F2LAnn-nLys&U$z_Xl+ z%D%29cXiknJ;$5YrfXRo1Pk1pnJCsm0*>8 zp+TM?H(IP#>N8@e?P#!9Rc#LT;_)CR>0`FH86Q2}dIgnqpD!iWGw>`W*I1IHQ73r` znj&@BSY}29=R>2$DvCi#GQ+oS$dc2?#HS9)1j*5%BG7U@J}T?y`UPKYV>^%v>Yp&j z`f*Rneuc^!y&_hA%4$hiw6)i+IaBSK;=H!t*?N+3I4rvN%f~_7z~EWqilVA#7vt&I zpmDiDYTV>%&L+-#mIk?Af53M7i&v{Wj$fiathYf5s)X?kz)JxJaT&_rRX2GY^V)!W z#L=HQbnBLO4=7t72R1md6(f7f(gORp-IQ)Bf@Q(1T5PacKJg5n2Ltx)PqhG@PrC;u zR(?Xulp_f~=pS||A|u0BW}I_DU8C%!iCm3n^B5`?ON9_hfL}vXtfEYGrlx@yUF3eD zSM^HBHoS3N0P7dSVNiu|k@w6-1*m(s-35dGi*^OX8c92T7fMfDMv0NI*H6S}h~XMr zAMo;dy+4J%mgU)^tr65cp{T$zVsqEV_DgN2;Q(IR1&Qs>4t~%} z_U8HuvYvj_pM{i-#@ah$B`sN?o(yYMH#BMYLc-I|u`p_<^^GXD{RHKR#p%sMEGT^I zcOB~&)}IvtNkD>_btznB*Is7#r^9Ka8Xh{ypP>c5&GdyU7(sfFOSW`Mm3E7nz{{sH zu)@4*T`9hc2WPx|N^=dx)YEuXmrBdwPO3slod@|)u5?>=1sT{6sgY=8L&u!5M&hvn ztDQocan@02p;ipWnHIc377OwTskah!mkSSg4X&{X{W(8BQGtF(#v`<@-YEijH_1W8 z!Y-+s5n@tJ>nf9)l~t1g$3q3Ll)??3_OOkw{5a!9`^q%Mvh<~X0|N9%`vv-IGL;oP z6M90XyMDW^5>2M>o`s^F_FIh+O3dkh99@64+`&4_7=vO&2x<6pL9#`}IXEJ*U&Q{f znKBZ!9DntK;NoZ7rP*k&qfild>Ac0BzRY8krQ2{}^$kY5nLpa1AhC4t5}NC%&`RD{ zPq0)<$DRrMo@VwP1(^tO1dMeTJ%iuau}zmw#zs`3&Ee^iqH_ z!5}WN?^ka#TQa_kYp>=RVr|W@i-*79Sn3uMe|o7G#r>af4ZR8n10uS1T-VoUj_7=M zV15{-PvGIsVW7Yb>DF)io3^)>mj@D8b8GFVC&F+c!1(dL<@i9Ha(oY$p@6+NXPoOB zJy2JNeVBvi;AP*6etn+a%3;0TL$;`Y4mY%oojA?65-tt&r>PO!zGF=_Mo7I3lGN$& z(fqa|vB?Z!S@M>az}+W%y-@b6r6wCauff*dmJbtTg*k3!naet~M+rVG!<2H^++ zXo5%0MOU0fxMrK-&+Fp&i7=_`YJGG}HHgUKJtEHeq)19%CwFwZw5`+K7sKP0O6lUD z$2%zb3nj?N7HYl$mMEj1S-FR99}Bl+5RY^`s~vssYKPT@wQUzx9;DL{;wz#v-E-zy5`ALo&3Nynu5C@_-xYB ze>Pq^NQt!_7oL7#u(^CY`^^*f1vw*KbtP|8{Q);;mN)moc#^1YZoc_O0?&DabgQq1 z_5NMol9?199Y&#>dYPJIUY=g5)JHg9EAj~*gYg7ygW=if8JmG_$!4mNKu&&68DVMH z&c)4$)0R%>8C5D`nE(}#2v8TWz`|hqxcBz6B_>j#?(G;<5(&7}sKkIrvx&)+ zDc5Lr`hC219pm*T<}V);a_nttf~e(Owu);MS!w<%9vivVN^yg_nA6*e)?OEBG|sQf zoy6=M*<>pELb+PV z%7tBYI_C|gM^M5mSe|l89Tbk?xm)(79eH*-e)x&#tsJMq9PlZaEZlg#q_%Xs5P#4O zwL&wha2D?Micx*`1k|VkBKWeW^=jvA9fMn{C(Uz4H;z)ar?T5p$Gxj%08mlX51~qi zk5pl(Jd)n`lV`2GsbxwFmoJujwb0-#UqiikU7*6QCmD9IWNTclYuy}7U-!9o z3q@0C1hOf$sEZTP$zo0{xZo`F+&0H%=rS0DV6^ml8CM#%L@QXTO3CAn(6OCp)5*Uh#>-XpoL|=?yqiwQnGiMI}lXHy0_ujXdJ%p!M!o~3r>w7$Y!n7 z5=O0Ar}-WOXli8j=c@<3Rv>?k`Hjf?)OrJ#&Pyw32uJh}fMAyeXWV%_E(kr+as2ZR zdX<>gPJRY0?BQp{i(2M8 zQ*<}Nkx7*mL!6(;9>}a!EorgzYC72M;| zYlL9ruv(@>#?iz!gqC7;YWieIhtmRx9<6m zbBp;VWza)$JHvzq-{!T@{W=P}66s*)M+$PTv2)o;70Q^}8)m z+ID@`eW{v3P9ipfg(=Rji4P)1;N}tovJ- zz219dIUMQcj!K;}vG^qOIz1YEm8QwlHBB=`&|DFE!E)QwPcSPm=8T^T#XnT|cGTEa zjNa`Vn9?A1tLVPQ?LL(~sY=)tP`|zTiTu0m--&>!KmRfKU)rw!FM2dibO7CF6&^v*E0TGoRq(~7$7m$)rLJdVa z1PEPvkroKOLueoRJn#DMKX={t?zPT2v(K3|XJ+r&duDz+_@##O^{Xsb$;imAt2|eD zO-6P}_MBF^OnH8%Z;8Kn{GXNAF|Ka{c(AQ+ibY)xbUED>T1`ssvx%(ji#7sYN}bGmrY4be>Mc)C!lp3L1$EZ( z64#d{oP>MV`sprm(U^0%!Fp>`0}@*?@@k~0#sa>b!PvSNpodQDdl(#8f6`?;+#mJV zR1tcfK;H6RUYH zxZ__N1P1%0EFJW6Ux{-(=nihn+=$q0LM)Ig!+#Cm6OL5=*tEV=1pNAqLoYF_k{LC& zd_8;R_9@-{NZhQ-%Fok=p`_Ut#BY8d`R})aF5Zg}3AWQXnkb__=Fuo(zw)G80MxMJefSDkHpVFZ+6K3^9@!XihrMJFC1mJN5m%1$e+ZZ5?uaUp z^x2Q6oYL~gkxL)uEoo$2!Qa4K`eT5x#3VH>uk~gmki?6q2GC^6NfvriJ;Lg6bd6Ms zr^5Ki-arlky+<<#_&d80sLdd4RPFZqWM^+0KLqwXfS|6s@M)GGLF+Qo7m1+KY_RZ* zXbC1QiYES~*#Uc_JEk#H*^}9WJurfumS;qc*?8zO1hCn#X?F5UbW|7z*h5%Sz;?ub zNL(}PX7X1ONWG!luyD2nTHU%-jFaNlhj|-wh|gk5gmz}AeDi0qT8}CUB4!+fT~0VW zkHUU!1g$?*lV<!?pAzyuLO70jqY#p%T*?=e5NnsI^C4UoS=tCwI!E|3)3$4cbne0 zN7QQDoP749JR^;y|Fc-**JGxdqpXVsP?D^^*>{ufNoAgz<&r{+rJ!izYZaknm;acR zs^-4oCa*j-IF$+Rpy8J`6hb=9R#PVp+GuzJxcbbP$9arqzLWbRP(=Y;cG-%Y{@?8A z^(YRUG!wJ^BNMth*+wFYG^LJ+(iM&$Fb~^#3@DulGY_3PtC>KyGt7)nc5*xDrK-`J z0XZW!SmW>IYaghyp0u(+SbMNejv$sc9geTFa?lvEPRP2O_fYFIiil?fio1VD-2Bl8 zWJ=7o(R5v;YSvaIl}qOfVEC{7Kr}E|=AnLSV8?Obm0ym#!xP~vLXVWBE@eV5;3UeW zWLi;`aH;&~E$y**pZ-~cA*Lt8mE@UtgRsdpTz$$LPohQPY?S;0)6*EvOyaaGDgX7o zw}C<>G!LEYE*}2fXpWoo>orek+8fYneTUmAR6phdz0@}p*N?5|BE=k4itN6dhPi14GLB2Be`kB@Yq#DzJ&xz1bA?pq;0((lY+8>*@$bROH@&YGaIgJjz#J?voZ2HC{ zsD9U5Ce^~|AKl*H7dYt6>nsg|i0#xRywPp6DmH!lU^5?$NKRO9+T=Mbgtab0fJxqq zabhuuAHMt_yedC*ifby1HnOwAn%Z#NzkAbM-Ki^*;siFt_ixgkVPUQ}c7Gp5SL!9; z-n;rs>>nvKhhC+8R6YfbGIOEZjbNw0(@*x^g&g!Jpq{t)MP&cWA-D0bjN8;Vj{o^i)^d^j z|G_#+AuC(9R6lS_{iIkOLb_RDOJg1GQG6b?7;~1jwCs+{sTUxa(3;1w$S*0Xw3GES ze_g>*KzHMOt<}Y7m`0)oBGmyqT>zi`)IQkbsl zaV6hor-^~GGo5gzG<>7P{HP)dKk?4xFkb411Yx41-|o8xxT&>X0vssXXvqu+6=8ri z$bh2+Gq}uVd>w0MT^-+=aX((C?}e5ociXLS_npl^t#Lo>G@HGCPYGs-eBINVL+5B| zB$JygX-&uJJg#LvIdY&~<<@1Y;|zomJA%U~GVpW;u$u}i@|n7B3g53QjXJ#UJ*&de zm!Mxtz`*{Tm%KJ|F zx15w473b?8o%;Bky>s0?)8^QjMXw$*FInzH z;ui`@Z?v7plT_VOm@rxQj?W+;9*Ue)amfO zFRpg_j`>MnY>}oA-z|u*WEA|=Uw5xL1g>ee4M+_idPc1A*3@)dQu|NpFsAb`Tm*8k z*WrF9ruAQs?ob}S)Q)WLQiQkjEt|HWDw2FieL4+b!jg@FSykzC zL2)VGGXtE`aA%-$pgU=ZKGrWON$Sp94gH~g*^J*$PG>bDaBwrLb%~bGw1=i^r-f-q zxQQ?`R7{FHma)q~{WZKnKI}phv=gYFVDq%u%VneW{bzA0ja#4%YD{G_cs%>5H=o=X zep5xVVLl8r1h%)G$qtiLF5Hzl?2w*M-FlZQ$^bUjM|4}eDd;AvrGCA>=Fl_k6G5u` z-r|y#Ayu%zV<6J;>l_KmT`uzd(99cu$l$$!pl|_`O4U9F3Wzl=an`zz{K!@n9mGGB3aGVzrE&_chopq zE{_2ll{j+T%e(1BT_W#TUuILd3hZVNpeh*J)|J8HnW1;gD`V@J+8xUC11rj-MQ4XE zWeXf)Mt{}5$lNYepcN*_Yg7oiktE!Ac##$yUPC2p+GYMv>=`;}OX-Jh#+JJ$`xV^3 zm!PcP^qq&<-|r}%Z|{2?fA(f^+ig+qoOb6=jETo0Y6PmCN{zKQGo=9^Zv*y6kA(Qd zK;0gYnUSIC+qs$=94XH75Udw}QsUqn4tnq)k#Fn@AVZXM1OUhATQsh&EUUH`h59TD ze5ti-aa-H=tke|RXIGYH|2d`|&LnWz!zzEPB(lHvrOA~Znhfz)>hm?Q{7~ZYh8D^a z(Z&yn0dNa;TlKV1hTG?#-ssWcK&dAl-p7&et~D`Tzjeyp+m&vy!NY5~yAq)9@|=gV zfuChuCI+Sn5a6iwwFea03rR`h9e)(R5YUaCBVsDb8XHmiMVPI7dV_}C>;VQun`e(T0|Y%mR(1D{M=hLujb zu2Yj|Ai6IvEIsLPNZ|yoMUySxqBNC`82@c%1IJl{jL&E2;;mtQJp8LPaifV8_wfj^z?d>pZdQnb{l*u~Nczdt(qO$LTr0N6bVi(5!_|#_Qm5=cZ!^6|f_2y>wPOLC1 z8t2kBR|RKSZ(igkL+GdLV&(^9xsI*KT6WrTS9^%X?93&eqGEe03+|p<2s1&5B2DJD z`%YBH8|M3v!JiM`iSW`c4?nxu?`V*s%<0vq4v=o3V+4IJx{!a(T5$ur6}bv@p0nL5 zgiAB}dwfOWF8rEsbW$ubPw)3l@qSZSmrB;wd&H=c-TezzW};0r{u#Z?n!c}SFb>IQ z4^kSK2xZ4ys1aT6LJY3;XVH{6&~v-MKg~XQO_s?h)$}U5dT?d$E}uI;RtFeMEf=`5 za0Ma})3w&$y;Eq7#SisRVp+6ST;%RnesM2{k!d?I0aJaY^GvVt)H(eI&4n@D^r+*n zdCtf_h1@g`Y(s0}EBbqf2bS3CAF3YlGl?k&$=rbgU~dsCzJqc7^=y$2Opo1x%9g{a zAGb{!P?{6(v}G9!ll3_)kI;VjcExqcCq6^UH^^nzh%(u+>~%q5_i``AP;$%UsZ`(C zp#bog?kofaavKhU#MbD7UBBOp+gS@zEV`Qa<@2%vags>RS6Sn*q3f^ID4hq7+;I#< zA-QS_SY}y9G{`+P$_&h9#ia9eDZ!V1lzp8Uhc)UjZris8iq?iTPYWZ&NBzA*u6S?7 z@`d2Ur+hg?>Y&_jvvpCpGBf+<4fGQ}MJ1a{;#2b<#31W}?rUR;2t30nck9IhH|#el z<#@QLpOp?Lvx~bz`6jq|HAh&NL*QW_#O#P4e<~A_brX75o z;WVrc0iQU|H?UCFM8hTVM$IK(#0@K%=~QT&YmVy%gUY+?S>qMf@;rbLd{jaJ>7^v8ahk`ee(DM z`yrdX(Qw-;*qS#%PMhW<4@WyzDU+|@)=(2PJ;z~FJC#Y1*l%V~l5*#zUmT4+-3@HF z#dqX2r$o~RdR6FjM*EeDRVh+@R0+L+?)srD!!WwnpG~e=;mv51N-~nM_0His&nlyH z$C*U}jQToLfDD!C54Ua+TMv9&5&yVY+^Vg7OO5vXIoa79qLjeaqBe3>p|bO5po%o> z&DCe#t+jFh#Z!5N?NJWqw$__Aa7MOB)9qFct3h{U?1lNhrnwX__3EQI}fZ{Obg;sJ}SiIEpK_=kpuL2!P5!x*g8Yy z)AcvS&h5)+3;33YY5KD12(9?mT(vDGtvdRy*(JMCGd@sV#P{HlGR;mAS9gwKzrh2; zO_P%vd7s?!`fDGC8Vs%3o7dA;`N5rZZF}=!^zBlkBI$d1b#A__Mf*RYdG`0GYTuOg zC+V|Zs}fFnee%6egd46tAG{xIj|~ZD@|U)1E5cD;2h3_{Bwy#iJg{k+p(84AE2(5#5TnN zy_2jq`e>I(Jwh+}!;oL-Brcs|_hc|rm>^i=6}y5jm|$lP$}*`8P`Wizw)38&O$1OF zx1~1NDl7=sRLrkaT4_ORzSh$r#nJg!?!IVG<`hh~{$2$%}^%cGF&TU@d6LTy8#VI@{sBLH1KwYEj6{xc6k_pVHE~()hRdzx5)S zGwdAWOl3UzBABgOcM)rS&K>r)G6t+^(?zf)%e3^?4!hehhNE5VxCrPAja$_rSXz1B_&VrQM8j)AOmNbbge^OhTv-HD?MIo1GB zVHRR6?x9VomItTC;;WfMY{P>}n^n47Ae?cFZ-7~@x=h)i>6%ym3HHXf9h77k9zWypIz;UtY3W!pWoC_%Cmnawrd zczOD@PpFiyPO>==Mfj<2{qDk!*$ErJ{&Qi?*=ai59DyR8^`4I4DQ zEUm1!^(0|luU7{kW5J5C7p~0Sl7!Oj@TA1x|0zSoRa?^7hhgb$wJ#$z_Zh}SEU~Xo zBo$-f^DjruRo}=Ixnzf%d?a17q9dlI;kCe8Ty?p=s4pJN@2>p;u|;A90ejHBH8HrC z`}1r+>9pk91-HLt3f%k5Uf#?gwX5J>x@N#!?ncwh)i}==jl;Ob?F+qm`vY|uqB=$8 zPXpGaiDzZ0qJQCCmu%%MiF6s-48asC%$|E(Y}sUgNUf{eO9z%yw{%(Y^5mYOe)P^< z?5X|MyW^Ra%*!85shWU3fIRdgo>mcg8td8JFW%^1m2W@rR#nvs9plPQPl8m{U-U%R zX)M|Ga=u8W-T7X)PY)z%3}B@T&LuM1SSg)Jt11v0dENx~C4DC!EdTa~)WGjB*&io$ zp3)wkl?({3sFg2=Jdk+TCZVrd^=+r3KTM7wTV}HntnZsRT6SpK?R72jPt92(*snlf z0BZ&K(wq;@xFzcDL4w!bpv#PW%%w3Oj5UDEc4lEI9`TtN5^*(N*Sgm=le{nOuvXy& z=ffiT(z|irV9f|Y21*uHoGvwFW1wp_)Ri5%5H({C{|W_I8)-`V46)4GpAgIVsZUqI zH1e^g3!reBT_~OFo}=6f-k_>$XmGcAc)GD+sSE7?%WT*Bz`Is*&7)Ap%;883Ic20r zvuEOVE%a#8WX(t;rOkZ3WT2}tr1l&a>js?T&TMM8T8Ao9;_6qdT$RjZT!#r^pxw+C znK^wQ!oOp zT)n}b5@Q#+H$ocJRKw8c59cB;`0Qe$%!ibDx~tZEgh0$QrrVr)i#-PXR+&8Qb?`A6 zGHY_s!6%MUDZV=vt-oUGX+&y(FHn7gG>hV(j@p3x>_6v`-=?4rpi@)?ud?2U^-JHL zc>EsNJN$ye@u#es6LeN&?6r+n>Qh#Pd^E~0b7}4$xgTqPEmZ{xQBUnHyQ829G-mAm zxt)BZNq(dfu_SMuC;H6z>+oPg0?$^mpUZrST;j}OB*^fyr)&?d7Tfr>J7>?T1xdfp z{JpINvO7x?ZNa1ie6pqG10+^*Sag8cR)#?e20$k%iRL4~`H(oz_O?!qrgg_gxUPYq z_=%(^ew*cfr?m@g-gAc+&y2ly0lRI7umBOG2_r&i(s}Z{;8&|ZP;wzdW_!A0tQ9ln z!|@E)QnlcRcm)QzV4Z`d?e6>-)Cm$0oMnz>sS@ThAq>FBmvig1m$|dtG`kIx2TzQr zIs{q=nwKsW=WmSM+{P|CjrQ2uhqSA8r022;rwAakcdRnDVu~YEJ{ebU>C_e@97mQU z<|5RSPwBNIzMrf8bJr3x9k|IilhuSY7C$86KYSa`W4jEIkJSh;D#u*`c`XjzaAS05 zcgXItQAP&zK30{OkPNqB{#b=ryvx0RTc=Em^Eh+P2%RSh>~6ywm(MrtECI0+MW<=V z-?^j%V8oJWW4#`X8;>RBxQsD$WQ;PE)W6jp(MxJNh_dM3^_N4KcmanVM&Pn5bkW-{ zTWrPzhzWPfNfLiT%uqyR$|2woV$I&Q7;=Re%tU`c=(kI`)6;!*DbR1eh-*{I-($ye zm)@+ewfR`DCaZhRr*-2lJ?5ZI>LMzc!8xKb$Zh{__e^MaL4@}F7WnyAuS+&U_)9l) z1#M~`&l4ix1N)g|_&~7dv5HLM_jwM$L(ALk(4EbuuZndw9#yJzFz0H9iP+g?Ew=J+ zajlX(qI6#*rfYM4N>!K!XS?lJd|jA)2AjiNJ)5VX?=Qh`3VpJTdpi1l+x6AMG&g+!%!Q__B@0*^n#FP+F4o!9Br%8+2KFe za~jwubkIwqn9xUWRTE$l2aY1hEvk&aTi0B`i50%?GY|>Z92N^4X_ch1%5@Ezp;6L% zl%sZMIS3_n7;;N8RK;X)q91F9ShXBgtSK=NP5B8m1iBo~Yg5Qtz#Cn0Q&jwniw5nL zW(Yim2k9zKWvLOZnX~^U{{epnC)M0=T$Zc-n`6?zs77XzH@2;}vO!qz7m5W*rO=XP zIi 0 else 0\n", + " self.weights += self.lr * (y[i] - prediction) * X[i]\n", + "\n", + " def predict(self, X):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " return (X @ self.weights > 0).astype(int)\n", + "\n", + "model = Perceptron(lr=0.1, epochs=100)\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "accuracy = np.mean(predictions == y)\n", + "print(f\"Accuracy: {accuracy:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/ModelSelection/tests/test_digits_dataset.ipynb b/ModelSelection/tests/test_digits_dataset.ipynb new file mode 100644 index 0000000..0f27428 --- /dev/null +++ b/ModelSelection/tests/test_digits_dataset.ipynb @@ -0,0 +1,98 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "5e5c3dbe-a79d-404d-9422-8659dd4a7584", + "metadata": {}, + "outputs": [], + "source": [ + "# Dataset 2: Multi-Class Logistic Regression\n", + "import numpy as np\n", + "import pandas as pd\n", + "from sklearn.datasets import load_digits\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.preprocessing import StandardScaler\n", + "\n", + "# Load the Digits dataset\n", + "digits = load_digits()\n", + "X, y = digits.data, digits.target # Features and target\n", + "\n", + "# Normalize the features\n", + "scaler = StandardScaler()\n", + "X = scaler.fit_transform(X)\n", + "\n", + "# Train-test split\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)\n", + "\n", + "# Multi-class Logistic Regression with Softmax\n", + "class LogisticRegression:\n", + " def __init__(self, lr=0.01, epochs=5000):\n", + " self.lr = lr\n", + " self.epochs = epochs\n", + " self.coefficients = None\n", + "\n", + " def _softmax(self, z):\n", + " exp_z = np.exp(z - np.max(z, axis=1, keepdims=True)) # Prevent overflow\n", + " return exp_z / np.sum(exp_z, axis=1, keepdims=True)\n", + "\n", + " def fit(self, X, y, num_classes):\n", + " # Add bias term\n", + " X = np.c_[np.ones(X.shape[0]), X]\n", + " self.coefficients = np.random.randn(num_classes, X.shape[1]) * 0.01 # Random initialization\n", + "\n", + " for epoch in range(self.epochs):\n", + " logits = X @ self.coefficients.T # Linear combination\n", + " probabilities = self._softmax(logits) # Apply softmax activation\n", + " \n", + " # Create one-hot encoded target matrix\n", + " y_one_hot = np.zeros((y.size, num_classes))\n", + " y_one_hot[np.arange(y.size), y] = 1\n", + " \n", + " # Compute gradient\n", + " gradient = X.T @ (probabilities - y_one_hot) / len(y)\n", + " self.coefficients -= self.lr * gradient.T # Update coefficients\n", + "\n", + " def predict(self, X):\n", + " # Add bias term\n", + " X = np.c_[np.ones(X.shape[0]), X]\n", + " logits = X @ self.coefficients.T\n", + " probabilities = self._softmax(logits)\n", + " return np.argmax(probabilities, axis=1)\n", + "\n", + "# Initialize and train the model\n", + "model = LogisticRegression(lr=0.01, epochs=5000)\n", + "num_classes = len(np.unique(y_train))\n", + "model.fit(X_train, y_train, num_classes)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X_test)\n", + "accuracy = np.mean(predictions == y_test)\n", + "print(f\"Accuracy: {accuracy:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])\n", + "print(\"Actual Labels: \", y_test[:10])\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/ModelSelection/tests/test_synthetic_data.ipynb b/ModelSelection/tests/test_synthetic_data.ipynb new file mode 100644 index 0000000..635fa3a --- /dev/null +++ b/ModelSelection/tests/test_synthetic_data.ipynb @@ -0,0 +1,70 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "a15f3420-3a58-4e56-80a8-a2b741795b63", + "metadata": {}, + "outputs": [], + "source": [ + "# Example of a simple linear regression model\n", + "class SimpleLinearModel:\n", + " def fit(self, X, y):\n", + " self.coef_ = np.linalg.pinv(X) @ y\n", + "\n", + " def predict(self, X):\n", + " return X @ self.coef_\n", + "\n", + "# Mean squared error loss function\n", + "def mean_squared_error(y_true, y_pred):\n", + " return np.mean((y_true - y_pred) ** 2)\n", + "\n", + "# Create synthetic data\n", + "np.random.seed(42)\n", + "X = np.random.rand(100, 3)\n", + "y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1\n", + "\n", + "# Initialize model and model selector\n", + "model = SimpleLinearModel()\n", + "selector = ModelSelection(model, mean_squared_error)\n", + "\n", + "# Perform k-fold cross-validation\n", + "k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5)\n", + "print(\"K-Fold Cross-Validation Loss:\", k_fold_loss)\n", + "\n", + "# Perform bootstrap\n", + "bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100)\n", + "print(\"Bootstrap Loss:\", bootstrap_loss)\n", + "\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "mse = np.mean((y - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/ModelSelection/tests/test_winequality.ipynb b/ModelSelection/tests/test_winequality.ipynb new file mode 100644 index 0000000..27a4ca3 --- /dev/null +++ b/ModelSelection/tests/test_winequality.ipynb @@ -0,0 +1,66 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "05c0b70b-5c94-4878-ba40-e8f4b6a0555f", + "metadata": {}, + "outputs": [], + "source": [ + "#Dataset4\n", + "# Load dataset\n", + "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/wine-quality/winequality-red.csv\"\n", + "data = pd.read_csv(file_path, sep=';')\n", + "\n", + "# Features and Target\n", + "X = data.drop('quality', axis=1).values\n", + "y = data['quality'].values\n", + "\n", + "# Train Ridge Regression (First Principles)\n", + "class RidgeRegression:\n", + " def __init__(self, alpha=1.0):\n", + " self.alpha = alpha\n", + "\n", + " def fit(self, X, y):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " I = np.eye(X.shape[1])\n", + " I[0, 0] = 0 # Do not regularize bias term\n", + " self.coef_ = np.linalg.pinv(X.T @ X + self.alpha * I) @ X.T @ y\n", + "\n", + " def predict(self, X):\n", + " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", + " return X @ self.coef_\n", + "\n", + "model = RidgeRegression(alpha=1.0)\n", + "model.fit(X, y)\n", + "\n", + "# Evaluate\n", + "predictions = model.predict(X)\n", + "mse = np.mean((y - predictions) ** 2)\n", + "print(f\"Mean Squared Error: {mse:.4f}\")\n", + "print(\"First 10 Predictions:\", predictions[:10])\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} From 7e994c9cdea0b31d262d0309d0cd44cf4bc80ab7 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:36:33 -0600 Subject: [PATCH 02/18] Added README.md file to BoostingTrees --- BoostingTrees/README.docx | Bin 47107 -> 0 bytes BoostingTrees/README.md | 275 ++++++++++++++++++++++++++++++++++++++ 2 files changed, 275 insertions(+) delete mode 100644 BoostingTrees/README.docx create mode 100644 BoostingTrees/README.md diff --git a/BoostingTrees/README.docx b/BoostingTrees/README.docx deleted file mode 100644 index 0d0800e93a654421aa2099f97eec698f5d910135..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 47107 zcmeFY1CuU6*Dct#ZQDNWKJC+|ZQHhO+qP}nwr$&d=Dgo`@5G&$`2}-tMPx>1<*ulx z%(eE;U9nP55)=##2m%NS2ndK6=#&^z+YT5AXcZg?2o(qlL{r$-#>v>mNmt3;&e&0# z!Ohx=r~nLvDh~+cpZ)*2{x_b1rld)WK_(>8*WjPP`Ifc69aP0b;{~zCxMm-~5o|6Z z&q4}1zPs{SX($O;4{KOe>7KXP>r;A73pAR3hzl7BPmu)UeRi}(<&qDq?_;?V7$mF# z)RuWJ-##)rVAd6-VC~EB*OjJYZ>hMo>yT@G#T|x8k~AYcJA1uJKA9VmgRiJkvvD58Zo$NP!tXk{fMYH+%yiD`%Y&N{Ml9bGhIuLsFLvFNLv z8McBs3u#UcjRe_nZbFX;_=hn702D~>|3OrOc%0VTeq<^S^ORSEt72nzT6Ht;)ezFU5yAFEJ?(Qs}PYaJ3wQ$h-LbIoG)=bLwJ4Mh7~ zUwm?5F>%hrF-y#OFG>3jCq)@Pq8obUU1w19v&#)AIk>Bs*=@z{050?7#pHW}RDyaU zFj5^oVipG?{w*wRx)1f3M&#wV6xN)CdUnZ>tg$f1UU~I3&4)EFoq2i1;*X{$WCfpS zPY8a;47Lx9i9mfSD}7w-z)pkqkkUnB8%wkW^)nrg6%!+QR=hzK49;EG{DnthZ|QJ& zFdcM0bU5Rumx&gN#?NWQ3AO;oEwOr&?!GNc=EriRk@E)?5Kw^%Fc9*; zNpZDxFk&>aHFUQA7tQ_?#;&|AZ8ygf&R)T9e2IAbY*DleGLISKM9)4WX}yotyJE{m7wX9(V z8VFqcQTL|=;KE7^Epg}Ac!zM2bBytzF1Og7n~veb+$$X+R6kc|r*wT!frLaqmqLA` z)E(j0G2n<{Y_?+m1JSDxzG07mU<5dM@`rN_=A#Zvc*`B>d7+Dq0FjIx3(ABlJT^4J zmEdouNErcq5gQIvo(EgPhE)-K;$lWL86Sa!El0wa8(HD{pV&2OpQ*j`Ad0(Vrs;z` zKY_-1V>~0>lEhz3cVtupn@li~*ijNq9%)2UJ#2nZIT^7?lY!adbBu>hze(NYViR<- zr5lS>`2Z$Aya7A3xwSsixp~ODmix{pMI#)yf+E6q6OaD3@)>E44DR!U_riXnc0bSY=SMn+cmmD?E2_?Vmt* zOMZ(u|67Bg>bZxCz~4ts;$Bfo^(e`J53yLL_5mS2d)IsL;hpjWd5szHbSn9U3Yc93 zB#si5Ral-^L@;WC2(sg?A{)0dLq#zL#*-*u?Sm zzlV>s?is&w?jdQ*vXc*L1Pd#$XS$WFWU-ik5c=Qo!zS!8fIW!_W?>wb-%Y%4^0-1P z)^hzOt2v;FFsR9&P;^>+LB1;~gMlCxLvzVE0Uz_flN6(dwSUL~=6Y9~B8ltS(FW?7i`CcZg2WP2XTr|aK7b!*W4MJY>@4evo$B@cRaPtE zcI|NPU-jiYY18fe@L=hJZmPYl1p31-3}mf3@28mKj(7jsYA**Bm~5DhlyY@7Q$Fj&_wYEvUnsB zjf(y`G^#HY90s8tfZ6ws%)&h(2VWWv zgoCYQo23hN3*`P3BX(Yd=gb5Zc~>K5tVh{9#XGi!l3Icvc^j3mO3}xtMP5cxn!8~mT<;R34 z6-b4-KwN0{P6RGg!s^B&MFnF{Q8XTWH;E_5KeXMYE70~Ucm`hhg?v{qDVrVw`k ziX-wC;Mtds1il^ylSfq|(Z3V4^IIme%P3wx1A!*#c~KtaCkBzi`~gA?2nY{B z9Xxi$5l?*yzQ}D->hV{WNqhr!D0r+GMT3b)&PTygWLt$!3fmY8h8!>$b{FGx&r~>q z>>S+{tS}Bxqx{h;@J>23c!MzU7PxvC19T$Ok$YURIrlWCZkGq0aBX|q?cVs{jmMvN+>|h=hon)zv=%K?RZcMyw^kK%Ll=HaV&^uKkaL#2xig z-KT)hT|i?|fv{4-F=6q_@qyL$9GduJFG-U@-QpyrAfW-Ok#WZMeB-4n+%$9A;lh!W zpJU|0$kGUCItslp)S9VQc4#l?r7Ub6{_sWi@1g`IS}KU&4Q%)x*dD^eRv<@P7$mv*IFr`)nxB ze)liti3zGfBB4;E88TWkJWBax{?)r2f2>QcKw3`df=DqR_Pxqkjk$sc#O(xfn3zaY zQQgrr+9tE6f_V4YhR?IYg(e@ANgIg;@=E(zoAwQ2bMlL_9ok1YYtQ@3Ify4!nDAHM zNBfwG&=%cBEK`aJ@_J>F_W{7$kZi^$wD>XXtp*b}*}l=;dW#0^GJu2hDD*KDm1My? z#-hITps5U@;V@v5CVr2dq6)27u`Te0xf8Yl+tO`+ zFbUAg8qP_XL)lOTp*s1+aKkoOr1ltzdm)w~M$~{tI-lh5GSPscEb{l@-U7l0yb1ds z29<%EaHtkk1-zehSZjfm?IS!ON~a2bhf&`2yCY$Zy?MfGv32sJr{kh>WX4 z_DfE6dmZT=``4VL8Ak@R4!Oklx|RU+?PM5U947>}sDH$QUY}R@ra4xA`3VY?0rKvX z(&?q3Cfd<3B%Cmi@NFP+vwwb1onXXeE|NJB27-sDqt*wtny4GhvRc~FB3;=5s+J7C z{{{6Sj)+4A@8f0{p9zQ8aZzy#?f5H6q&G$8B@H_*6y z*sOD6)cJoaB(1u;{429@$UN6<0yRFjPLp#I;mdpwYw%lV9|w zV%4xa!&V=h%-n6@{_X6VpZi^KPU8^*1pj%{?{=Zy3cs*(4p1UaaN$5K4R7`K@zb(B zCADHYkxqEEezmqaM&ytLp&(0HI?E^obc=aE>SA^5f&9c-xFz>)H0K$)=n%}2Ka`?a zfhZudR&22hr{i822nCnJ4h~3f6y(`!+H`yLEO)DKR=Guy4Te9+4R{Q8cV=L^_U3e| z4$_y##lFiF{J>P;MsqBn8pbFSzx6;2bT#`QBR(sfhlV|<8r)bR^XL?2Aog#i9Pww+ zp$^c{b{Hho=h^7An^!7Gb=c}_nc3Ol)R$6Hxl8+|oa4ae;pqRU7rT!h@H!PRqpFzp zKAQVRN!(+>k34Mrx?s)Qq(7@+ULi6%$M@J>EXWg?*jnvAf~jCiiD zF|wramNfDcgNny8B;jL>lww+yA)FvHYX8!yfJpJkRn1HC8Li>YBYs-dBU-fj%?f1p zE81Sp33?c<$XJL~#WVAXdNu%Lo=x~=yO8nQD%Yc!e1Yn3J%@WbaNSs5iT80*l|mM6 z;YE1Dl{@cDFx_QMuzH)Z+$saZwA(W-$Kl0-n93L>TSQCa?n2?PvjZp%LRT%xbdI!c zoqg;5+C&-O{;7wAqcw8|I*5_rSo0cVyNC*WKodWM7-IF)(6!~VtlmB3T{UoMGi;Ps zBsx}KePjfaRtf^D*4cRd7!1W`l%1oO^7@4-W^63Ir7uUE2% z-H(=|=iA#OsmSoW5Gc^i4bunsFE-o|@JXkk z!9;sb`2NGMaupD38uud!_w%WcvKn%*+!GtyLl4Pye-AIQ%w#8CZSDJ9io`%D%^H8!9W z;|S-;w!Z_374o8^7<|>hyW2rJxT8 z3G`KgG?GYSRlGVMVGf8(B_Ljc%)4bY(z{k+!mbogRd|`Jn`clwO=E@BYBobL*`RG1 zEK55FPttVem4&^F>rE1>8-Ft#XR2-dW$P4-7W9NOCzp)E3bt1}C$qB{-J5Li_S_qu zS>Zr|sy!P%JJ1Rnq%yc z&@7a*aUME0!>V%$58AY#r9g!ITSIKo;ORu>+UI|Jut_wq_2XAhj0hV5j2SL6l(-OX z{LmA-E;r)hI)*#OlXvvM_(b4}6bLG3TA>Dg?KP@VeLFLWKWvqbI5IY&UDRLT(O%Oz zFyNY!pnt&uN{OVCXkZPUdRgsWaPr0>E3;qxhp3ItHsz= zJ)rV0xJ?0EgX30qV;SpjpDbKCrmbR>BIr%G=zM+$!W9Cd+Ih$lpxMdgGN+6|c(s(i z7l^`)OcDKd#c1VzI>!3CVY(A^UJqfsskHUl30!;4O}^*?M`Ffg)8<0ZCnh@p)s}0v zqbSR(X1^D~Go9dr2^I!#0HsIHnTE#U@c1Cqj*R@EVfZEndzbNYjxh@s*bUwl8HYsQ zv-K7^#8F7xgs&Am_EVGo!#{2kD(-c+s`7 zj|B&Tl@f@ohi+t?304w=q^K3yl~DTGvYD*t(PstS>GtlWV+}qydB2F5EW3*OlR;+- zGsxMz;kJR;0N47XCvB`&{oPPKO*{mQ-4@Z-ZcPwGm$WfLRHT!xJMY4~P=nJ_FgE?l z(PNcit&&Oz+-%HzTGiTBk7$n}%2si)^!MBEad6%(d=1_`X*s0pySi;8dm?g%2?DMU3S)gnmCG~ntCOfIF!;!2_wCq)?e_g zp*BMwSySh-w(e1=E19`X6=!eO%ZN&x!+ZQeDPJ-12O(j zNR8H13%EZLWm{(T$jCzh^X78zf>N;PY9RTm*G+lKjuF^^U-%y==am+`diWtr0<&}R z6#~-?KO4xyOhY08B(t%y5gpjFLhPQHaH6n_f>As*Xe~lei{x=~FIkCOqRUueq(PLP ze&&;C+nD}Pxl*+P8cp&uUW@B(sTjpI071`NTe|0V2As=ND)j0{g zY5Ak(4=Cjoy5V0;UPty#A*i{gV&!iwi%Y| zi11nLakI)`w;+9;WQ<6Gkt*De5MoF=j(x=v6wFTE(T_^Y%jAn1$GrS)D(GVizm#FM z-#E{Mp(`aukCqtC^w%jpf6hnWDZTEoEpyjF3pr(2O%kNmK`VpWh8U@a*vVTfIzVVZ zb~(=TTSUQs{N`~vhrmY8XZQ5es+2aI+QOYN3{u*V(yB4-giJv|d?~h8R(u2CS9Sv( z!(^i9CQB?P)(A-bu^uk2ywyx})YS>LHUaN9*6ooSqXn8uID)b5*vrX;i$AGd7qU2P zW&&Cq-_i=EQJG3s%3WAC~x!ys(S25%r3;=BwW$Fg0=qd7diQxmq4gPx7&4imO zd*hm@Zo|uvo|`s{o+?R%$s;zUX^gDqINr459-l9FC- z`s4rDwX&H2LGa$xl$^C3R6BDdT8%5>)wbjQIBNVBdAv08quycBCqo5}%YoCm*~o~l&=|tVh6v)b0@Bjj6h!zqTE#2StpPz$Z?%%ws-%x2B70P7AkCyJ z#Uq%#^W*9{ZQ1`oTCHhW%~8v_9b1Jb(DNqrh%AFJixoMKhC2m zqQA}PYRA&D1IahMm1$PcNMzWi^L)r}nvJ$rcU85j1G`T)dUcNH;-1f+1fsz0g^tru zxAIN4m-AsJKtmEMf#Y6w^3w81L-hk`yXNz4vbJ+)+>AzLG7qw>NS7a}NN89I0rKhO zWEv@yI!};Mq?e=(-g$X=H~Nx*1WZj$c^9lSI}W)n!|Mz|ETFk6549%?Rh5sFrQNf; zXD@a>cvVo3gq4lsO;c4{m5}H~QLJkyUaWz+^MvUR+i<%ThiGojyQX! zmjjQI{tQwZM>&;6x)yE_5UeHNIcD6^#f8UQz9VSHaVFf7MuwCkd($`Z_e9u~FsVDs zqZX^5kIEuV*iqB2qr&%zr^X=mt}9zjCbKOR`}zs+-!Kmz_0dm9HXv11wAY~E^Y+9X zq?J5S_4*WqrSj?q$Q4*Jn4A5Mllm1U1<7VQef077ZIq^mtGJ`Wj_Z;+*pnek|8mtU zODu4hyb3CyH$)x>t#)R>$nE7rz@5!6|E~x+uXV3XT+6t0^XG|Ok@b}}#V=>#1>kop z*VgbvbOG%nHPSdSe5@A_ftGYS;~)vPh^lPA z$g03Hb0cp!PqpXCUH#?d-IOL*${qxZTkq{ZN+YHjV zT7UoJ*>eB$7W};VjuL?jDcrQJ!-wYOHWRPOY*IIg2oDI}QDQF+boiI|{FPUJ>(4&0 zx`MPp#}2H6k5Qmm$4yg?h`T{2yQ@d=J4%}Sl?nXYhhuxk2d*l8IemLaSC9UcDD{0H zk+mhzb)&BUYeJ<16=1jV0(Z6x{cV5VcSuYqGqWDp(Fwg8AYQ|par<4}${Jwwi&lXzmcqP^ICXlae4yy*O|>6&C*$f63%@CaikYXVl7 zm#=q@0?6lN4$`2v782U(_?jgoOIs!KZSCDXcO?`!w~FFcVqYAwz>wmVPRuD)#2fV- zZ=D>8A!Wm2^%9f!s$AhzlmS&by2zXYr1s0A56Fn@>Or0>hv~OMbpe@qW)bDpj+jfX z%O+_Ou9i(_dfPBaa}Zlt0PlcCeu&WahD_0kGYqnHMtMXQMy*M$`aF=Tz^`ctZ#tgR zI;Lf*N|li&`Q}fPw3|Dveux+n%D(7^3N0E!sM*8X{TWqBOKaJ4h{9T~7zU4QNSu=Y&nfC^9@_jvTW+Tg_UvD7&u*%uJEJ8{#_uKc-h?D>`^uDUr?~A zENGT+IMLx)HK@G7O)$t3G9I6ZuxAGhlh>@5Rh)+}NL)Sg2rG7<=pwAuFJCDHpNxFHJAOCn&{? zDXZwA^S(rAc3jY_#NC<7uL0WGG&YH}3K}gZ6_ea_L}BD1amBbZr_Al$X6tVWV>?cnIls-|)lK;Nb&%?SzB1ux%rZ)$A->HIp2dI>;X$c`~h$EwnNHt-moNRNC9ku z8Gf6^Ti7Q0^4I%L1a*7NiZeYARe0#^=0=;Hvj>W(YQwN1)Havpb4<=j^>;xC!OTf` zuZLR?`S#03iwQPO3eLWzU@_`u{GZj%81tmZYUNC|hq;VOKy*0lNGAl=Y3eR1k<897gAP#_0zna1=$Mj}B#?JhMTpN!4vTK=zIeuPCcJPEQY3tauBmLx_Hm$f9;55DAd*T~ee z+57X=Dp{@!g}KUHe+3KQp$65ewI+u~<-q#h-C0BlR!MAYuSh6lD*KBXMI%{jZ|M5_5fK@W@jRd`na*bV^okTE$4GjH6O!+CBkCRvu*oLrc{AFp zO*FHP1ZxS0RLjaT*Ua*5((82vtzC+eWoK|sQ#(ran$r$#NTFUo$>32(hG3Ug=X9VF zzFT8sCOSJo zvC;h?`oyh)jiEZc0@vDI zl1UK3C3f$WIP>I%&4!d5ZGm`+ZNDC*sAo1-iM$Wf&H$ZwXr+`W_{3*p7YoAE>)rdoE|VAp$5eX`*|?#fd@ z2i)BvslHOPvM+OjTNP)JR8x3&@4gf{e=71}M%)>LJ-1i*Zwszz(p&>mCDC-f4;0K= z4%QZ!@j2J$*v6APWtI*QA)=Nw6xL22hS{J2{MPx~Dux2*NCyL$F*FI35jlm~K+X4% zpMxB(cAHBqs_2vsdrIi+(u>oIT%rwH>3qX_SiqJ;8G_ zJ|om$6kp}qDA@}$$+wavM|l}H<_!!jE9%aH-->VtYYlHKn2xkH7TudcM&ms@-o!Aw z9t9WeC8U{eB@F)Fy3RYG1<_{2btmRrkM;vbEc9SuI3W9r;ITA`#^Xvn0(?=9?5d4) zyEk6<`doOI9^N(Kl3V>h-(@G^Kk643(V%Nrvlkz-+QFOE4L<*`yPDY+Ob3 z`ddUl1;phor!Lk$l_*Qr{qH7L=PhL)Ma?=@nRVow3Hw~uT!730cu}xjCG%d>foIo% zSGgCDA9h4BUQgrjbGH^RxHTcGwnQ-I?somoIGcYPaw!{|HV*Le5@9^iTNZ;)88^&B zF=XO=?~GGH4%C7>4%h~}X)Nn>e>%^C)s6T9Ue>+&o!DiQF_Z1zkG8-?`7bgh_eP^7 zezF0`M?x(7@}~u7>k+O)S3wlWy7$ox!o9aat!(*bZNXkCXoea=-cm6Je843a%rVFE z3?hwior@txyzVLVc$kp7XVYFE@UFb{aVtTtuDaTL4&w=#4r26c3)QFK}9B`7nhoXiQ_q(mNzB*G;Kh&`0%;ub^bp))9y zUP`!k_k&AlKU7v}e{waXldlDxy`IXHYz1juijZs9TVQ)}@{pv@taF)vfRX0!ezt`N<^C?n2=XcZKmu# zhcwU_hTvLp`K^T6zQwo?IfD;B@Tn?vRyn9!>FIAmR1&a(408|*;gKy8MYzRLa@EwB zyR1eJ;K0Dme3#txE=qMXN8yW4v@gwEm5jO2k9oojQf@v-J;SLkjkiJ|$JUJvQ%0)} zBTnm$T7fk0G5sgY2(NsRZl<4Bjn9uU!Z#AXS884~j7oh-%A%H#h&M`i@^}Ku`1Iz6 z^qu_cFnQHlbz}l!ppqc0<}~a|*S?5`{&zyE%}Q!;TvVqCEyWgte&r$HRGz=^(J^CK z5ba0iGD9e8#*vo?Vm5sL-b+;T$$6H`Kv73RfmhSH!%9W%7S^Zp{t6$VihAftTk(R0 zaF!d;lzLquuV`3u?=Ekx4!SX-&U(>WXo4Y|J0#D_J8)K+LUFFmVP_=)HF={mx?{_C zDA-|f(PM%o&U+hsmS>+W9zWZp$<_iQEl-frGzd&g=duB@YD-)SSSG#@*BHQ~i`eUVS-GI6HCMylXu zi#{wZfrckLM`IDLF_G?wld3Sjl8g7VTt9S>KJiPfT7fOIJd}3{^=Cea_;-Q_=ER*q z`xcG%y!UY#wXpPJ80BBfw+=$V>u?==zdS3TlIzp*A|klTu+ks zXnN}oeg5!(bSAjQE+mnL=7OG&TaHdIu@mpew2s!5?Y~aS2g#KFSFz9IpD3h+k?JD* z1a%s!rUD`E_XK)CO;RJ|3JK;~JJ@2b^4^5$zOOcNx~R%sZd|?~rYijE`^%6@CBtbZ zaOqt1Z699l72;pdCA|ry<0ZxUmiAOXoi7Pq8Ohg+pXMp^KJD+QduRiA0X2F+AH;tk z-c*-?+bn9mY0DS}o2Ss5C3NB@#s^M>Y-~7Cx;8hl?d@d6y7vb3+KIC^*7V|OkfJ66(Pi9BV<$~r*F-3h$#9Sdz{hNc>y^Y z=xn>}X|UxVHWgktNc}g z%18zyuM!WMO}%kskEco%wp1A8SKfA%e3h_e%2Z4xVaej1nf6{Xclek`N zqMP|6C`3Wx&ge<8&y6Cx&$+mZ99I0$;QrKF1I@haji+F+*me|6i^;8arXYTYNjkDv zKzuRaTfMs`SBy)m`XutTZZfb5zyT|tsMme{pv+`&{XuH@S`1lQ1ZXk#Q&>Y@_#Cef&WSW|5^X$2jf2kO=`QCpi*J10>@zFV;)eq_+4M{fWa zYG>4(TNrJD6sBx;)*y+l+3%(kFaqV3OaOOPL`=zb6TAG&)LKK;i{;Taw7Jquv%j9A z2@f$VVppV1Bz%tZyWizdN6L`J@QZiQ`VRzR*isE4Gr|PkfbgH74IH|ol1wH0q!Xfs zJifiT{-)qHi;lOC}FTBBPpCBbMbS`7|2Rs?Swz7Y1 z+teNnif3K(zoKkY0g`O_nrGxi%-(zoHXmA7CnX6EO96qnMA1BNOE2j2V1vrOLw6=^ zD~L3)`*AX70Sl60&FZ#GW%7hg0=0whr@6U!&P(#www7*((Z3ShA5X|vwOzFv%;pPT zmN5=Tq8$UT%N0vIX64ZMA-Ys$xX+7>X8B(6+92;4)ar=ZzaAzFZ~glZuNr4%blmoX zj~a8otv)UIvCv#Lty_BcmkXapp+1b=E029o+;7=$4nA(*677 zaoe=B*0(xL&YkXuEouL_c2?Tw`*v4y2QW>0T`3%hO*+Z1h?*yiYs10)ehrJboI}9; zLHKw50i{BKzX##7BfI4MA!nHaJ39wA&{U8Fmn0)>x!C?!|&<)D4$wF_@%G>@DvQ$REvPX{5`nu z2iW3O{pdVH`0Ea*Z>GOD)usT z`!q0c=HVor=JKu_`-XSDPc(_ei z;Lr&qP(OR<%#@1wxHy5oHYU+y()-0}v-JGoCU6I7N8qQ`Dum>Z68dhrE81mwT$GQW3IN`L0}*!wAx1!=AZS&p?DW6xWci+x9?$B@ zC7AWT+TRW$6Q?;g>D>Q0fCN+-PW|5uiRUpqH)f$RptppaFKaXS-#$id#k20G*{59{ zJs-=pEww|!>YS%pjw{S52&O9E6kYot+X15xa8Qh2hrZh1-vZlH(?h)-We%hE>x?({ zr!1h(CRWlh!-(IuuF*09+J|@0(6^z-b$5HZr+3ityMHF*_(NbbZ8|e~4)y!s2xnie zRuLUPKnq{BJzo;NF|EX&Rsr_c-23NpA3-CCnNitiGrnKjD6TgmQa>Ft9-CMqp}7qM z&D>$}ql~??+8#-dOm)CSAr1LQ$AnqgUCyrp6pXr`yBn$@h|C|@LT2v%Sl|7Pz&@`F zhBCHTXD0Jb?yvbi6kWbu53;&efDVWaN;o{Y9O}SGpBLfP5P5{1j?c|&IeLTR@r2k9z<0)9Vh=sJ=9HsE9ZYZWrMr$4MV8I znQhnBExp$bOXZ`3+26b zCaZmKrR7d@PL{0&Nc;-Razcpw!&reG_iBBs3&`*BOzox^6H2@9;>3|DDA1h>{L$jr zo&B3>I$Zomox;^)Ta>4u7%h+WanD))y%}@a4Ej>M{h78M)=Ue!uE$J<=tb7b{QJR> z!jX>0iPh6~M@oZ-)EFLPQ1xHC-R!gz&D>?eyJes$Evds%TRssyi0Dg{&h+IM90pIU zL30lv%pZ;GK`NbX2K$aS*vx75WB))+Fc@^mfOq$!e%H;aI{A9Nbxi9#F5KZDOVrIX z|6da}gsix8SvGs^v(f@@8e*wAU#*1C7}ihh@pxXE>$8!4kMoz+gJzo zbVUHRE%Cf*r))nj$%HW;l)LK#t&Vt2GmNo6<=)@9+8!bhxw1VZ)S3*qYu)wv{LPuu z|GLET#R(0{YC7XIYrVQ4*(Y=iEkVfPL_u(1>PzAYanx^@kcxPIDjHJ&Un@L-x-#%C zzS0O{tKY~pCf!!m1le`Kq+!rCWal!?zUq|37qTeB#rZxS+ndqF52)~$E_$DNW)mlD zul<}x{ADlX2+z;ZfOL^Fnc*^a$+_TfBK>v*dqe+3Q*iit(^&0YC}c9-5nOU?YK!=y zzDLBTjxtZna45GFKj?N~D5<2<^IgD$TU393IwtYi*@%oHu;v%>4L^aD*lXe>w1Qlj z8}4tSy;N*VtMggRqv-+EVca3s9-Phps9oynLT{-z^^nQe;{xdO4X2#60}5)k`|0<6 z_%j-dCu;0Rj+=y=m>GEcqkzD_X$$w}e+=(39a9l>VG6~3OfKd-B@AT z*@*~h{=jVed)gUd3(i2N(>x@y^&S%nAqidlJ>3{QSH)Op_VyxY$H<}WN&&#UzzjQq5pzR?8NeW5unPUH^_ zV$9TaABw>gX%xW?5sM|bo^gxCa?{b{)a#q|5poATQ=5wG)A^MzmB}#;zs78I-RtXf z3Ut$P$>7R=6esKujagsEi26xie}phgvq>6$Slzl~5vl&>c#5^>93?y;bC$LJa-gY8;J~K!r;I8&b)glCI5vnRLXn`{C38$h}UY)4lh3 zxO#+5+@<@d{+xME$NX{TF`A@$>aLuz3fA6%>D(TwPPnZ3-gF83V2bqh5T0)6dYn`d zK6SCJ0s0$>2a^qwej^?aSTK-RD+5MEG$k7wghg_g$Rc zPB(o}w>^~Je*bR8Y;($T8<_G(IInoov;KBTBY8MzjS(=%Vabaa*M+dov=$gXR`tkJ zPv(BI9+cN?ZxnbOC7@3+Nz&v_y&4yyjAL_L{c*T{Fpj=_2`NzVwIXL1fYz@w@TKEQbMuE%Qjxy< z+YHPRRc=q|DJKiUA7pfHoL1ODO)mzYh$eacQhI-!8rCh`r?L8oV7mVbc$V?DIFW6K z#C(j6ZoRwKwnWj2{Wq|@pM^^wbej23)B94Y-h)bf?cN$qI`4ucN@IIZRjoWSX6&67 zzyrsz9&$hL1U~Z5%r`hiy!&0Cj=F=l?T*rnGM9~WPRsw|9|sry$qgJ#ovLL^F|9uY zpQoD-A=acA{Jj<0--8{B^?TE=jYe6Q@@Fp)vBRJHf&YF8^}2GsjxL%nib?P8rLkiV zn`wp!@{_dwY5L{QL0{)6q%0~NRZ;2n`jCA;IA$B?LJ0Ohh(Xk*P|~e3$pG!s-wGWw z3oSw(jz$04;Y1Rc9pIaGGv1pXdJGt!_O;rjN-=*A3V}?)*?6?C^Ho7kDZwj>zcwCb zJ$46)=l{ArD~xr4P~Z*!<9ej;_@Y*F^NX76aB*?#^mgV)g2jE;_YVU9*X51ZHzJ{w zj<>h{!y2k3&R{Rk>6p>cm~;ZA&;8$r@Ie!Vpy5AClr!7!x~sgHyO`fkxf{C^^X7Wr zJCBI%BS9mjiLMYg6;2jreWUme9-kJsb46cQnfjn$FQ|3jgj%N6d}inDEnAhL}}e6335e6|^8?dodkdot@Z zjn#bEGmhJ;b5v6g2YKd~5eo4hAP%9%`9f9C$JoMexBZb-%v&;xCn|Y0XM0eJ8ojgW z+lJ{Z=|L2%bp}_L3U?fQ*Mb;&3Dx`F^_h)OGi+)e*PJSenlulP6Pl0=`$@AOh9h12 zgd_3dI}<@Y#>aN6#G3VIkXu>s+_B!;k-ZAst##^U))PvN!|(nWJFS_-4-1_zL`r$f zpJJ&k85}M6$nW{cPy7j8ImLot4szhEP4tfayW@Ey*m^Wi$@VQg$T}~SPEu{X%OGI= z#n)@FxOfXl(vFeV?jz8rK>XIkYIdB=v#|OOPt?v}4QB;RBx9u1f`_Pc_Y9R zCg}1zNBzgcVTWMFZRUN>ixWDV9`1({x`;tRoSG1kSgo*>^nUzxwgXdt^V*WG3-&!w?;^ikk zAMF0_&UM2`F$Nx?HQZ=QnFke)7>8HY^=@V*yYK4pXJYfhC;IGiuP(;pxlY=Ke$pR5 z&a~}0KPsQt&2dlT5qO(>9G|lNiTt#h;sl%=tsOGT-lR90tk}M4Ywr949A0pZ*J9M9 z%_S+Uq`d*pBCI|_|P&x{v9KJ5NcA7Q16EO@idd;3|?ZFhvq|1cjR;iy*_&6fpnm@;ky0gQE@pVB}1B3od1EkNq26Zd12xA?LUp?@S({gMQ)G4C1Z zxeqS%)$^->epoLqc}EQ^eQm5IybCJ7>L(OMLucY5mcDji&NeN6EJ{ptNqYx7ZjC5R zb-J+@HjsNl-9yhB0*x1BC&#fF_i3JBy)S(C5#pf!8L@USv|+L<1A#E`BJ_i*5SL6%ER_ud9-@w9Xr9^fWU$E_Qf|~FYD8VLbj&V8fmK zUvRiZP0$Tw)X$>avgb`cxkU6;&$D4e@vzOy>(&V4bC(tiGnBl=r2nYqDZP&t@M}eS8zFJ~8c*HK4Pj)n;y}$lZrHjG z8j}sQ#^(X7*)^^>=n@_bm>t!En^Kfv>i5-8$J5&`?N;58VZvMeClz&MO`f_+xejuQ zAPmGy+IHKZR1%1Hzfpa$51glfil^iooT5#h7yQX3AbPJW8VT*^oHfF?)_NhHoHJ>x z!HwA&$u`_u2WoZG1#nrJY?dzKo<=-bGeP~w6HH2~f7csh_++X0OqnH#qaJ7P#%+hX zO=l8GQb2T+H2%hGsg1;rTpU^w`0XLMZmc66%J^?7F`QTbWwL|{xrfx^+>T7|A@xZu z)4DK_`R9Zqdc>*m#s{DXfv%vlnDH^O8;(?tI38SnXEzmBka zok%QT58fCcY$~A{Ra8`dyH2*EH<^}JUL9#1+x+DCs2w_^SPx@-TncLTZ)NTv8T&Ha zaJ-|$W~RNL0i0{N`Kx(}Qw|8+wxrInqN%lb zvb+)+;O#NwLxSlT_@`HqN8S|Arm_R{E@SA@xu$jl_7D2$w?r=6yl1uJ?eF#kE`>*~bM$g`iK)Mjn@ zXtTsC*2LA}SW+IL8~#ovQ>A*S6e3oBZB*;*byZh__~5Nnl`LjH6Qu-A#`RW^BZ==vX#697uU_+yTY*?W01$j!@>WWIazB^QqYQ#|UAL&bW* zI>sNnI3b@0G;>)rFYO@O#PFjDSsa5XBgsoCN-_wh}x$+|ATbDoBLQ;HqYd_mwKWuybJJ$F+q*P;c zXw6y`bTWMSN9Nb(J?=|x+eCvqgIHn%A(c43Zqrr`AMq%|4f zUy?8%IK0>6#@<2d>d-Aee*aKeRmB_AhqS`odG&FxuStu-KO7{_1$mlYq#NgXg)Mmt zVe+jH&BYR~Kki2LxLkB!6hynIsZfc4ME&}hx1ZpO9gCudldKrbBGbW$#)7VR+W+Q9 zf5KNcpNs;3VtS#EF4z#;_DVVv_*=t)*?zouIT^TlK}tFxK9WU1W3l+2px=J55eT9_sG~=0<-XqY=H=l8VGGO$iyh>GopAp;PH?ZRc)@ zE8ALq8{|sTZ*PT>yE@=kx*_J+X7ZW@RY!y2da+*2$y(&aEeb=Hri(}1nEMS*SoXtp zAmxLJ$&;-#}5Zt-o?>!9vNo!^oe z7s0XqdrO#7y~LE~-2?Q>u?Wds-DIIrAhz|QGYbso3Y5dRD*xfw(3HL!f*hf2ax$LR zoiZxIeY0$TFcx}$g@nT{o5Q{r7Jb!WXQi==_bH*2JQs_YK`vy$cz7izTFY)Lb<(!S z-a$#jRX#X4cM>kl61nfJL@j#%Z9s2|OoWn)*j^L~?{475w(E-P4%QX%?fUsBhKP#& z5vfQJ(HCxUej1EGtK^AyD5$9Edg*e}i|8ES&Bczar?K3fCVmoOHz%^+t6?}H^j_d5 z>Dz6UB2pvX-mQUs*tSp>6PQJXYvk3vd6v#CE-teVI@W9J45yGAds%@--15x2Phd`j zMO+H_bt|ieL8V1lV@w~65ZjCNdWmNv3a&0Bdh%O=)IhSMh_iX6mB`t9hUS?b>msWI zV$ua;7J|QQ!un#}^~_kLk$0kJzRSqVyy6CnD6%%~=N7St;hjo}@T!R^kOiJ@L>aR> zmH$K+^Pc!=@25&Yz9z=z2-=Ssk*@#|<#wC9xB)_s`hBu00AucT!gc2sUE@5rC zkelt4%|GLzxqas1x86-&maP8DF-jwf-GzYOA!= zbnd8A%58Eok*&(ScbIx^ULMF&cQJZwdAxq++6x;}fs!L0q=Zh8x~Dq|dm75Odb%Q( zr*!PTtgV%2i-!_RoCe#*0}13i(%a3foxKSRds&bx%dY-kaEUl9qOgx*sN*9p1pR}_ z?uuS$n_Gh0DTaqty9X&#aS=FN1MDEfDM(pqWn`Rb&qND1$5q8cj#tECD_ij)qQW{* z{qF3+;GHjW6_~F?D$ig%v+z>8j0L?Li(GaOnXA?w5y#M5ENaMNC7f`z?JSAz6-&~w zX%59pFrO%^s2~5m3u4Ds$eVayPfM)2SYNDj$M<#S?y1W{OLXBW7qCQbH}LH~dvtsJ zzUPKTW%i7={MOR-BIEw_ra|XVYx@M=?d|zMVqcqR?0n=;2((r8u44w!oku{c=BGec ztntJWz1~PT#MZz{CKl%|-WtqFmq6;gAqn>LzmFv5&fv!mbZx{%zf2YL^%35f3u-C@ z524~#vwSPcZaLiNzhN+CTuD8E)T582^A%QX^r?}GK|^WmoE@-)h{WV|jvuzG0HqD* z)@laY9YeX?QppE&K#fE&S~^?R7|$gYCCAFwC`rHQPmbfGDKMU1E<{ksNQd#b)q9sQ z8C6v(hmCC`pO!UjnK|6oO;P&;#@DNU{CM3|!XAdrt;&%qMHn|g+P^6KCrGbpL-aD4 zs~zVRPdASP84pDh$@wH{>-(8D(~Gc>@Z(G)o$PKtG?kHspMq6=rcuP1n2p`5_#`cC zhz;D$nslpQZJ1PVDvN}DHdLkxCxbxQy{K844->iiz6o)F6pRl{O~$ZW^L*A?2bhgN znTz-ssn53W;Jz!#Msidu&ThXkjhb6@)EwKb%pXvUu{PF3AT=?OZhk_t@hvP`@Oskr z(T4d=V?nOD(tEx}J1%{QYKLf5yE9e(k*yiW)tYM){K5WbpH&|+-QloIi|(D+z*Kg{ zW*38!FPf2Ns}OtDZ#I(xPoW z)oIYsCv`edPs14lBut3QdmVBq_t2Aia)T`knrbjRL>!^`dGoU-0G=vqd9%QQj++vO z&p=OV|5F0dhE7R4B66yHLx=)_cc4w6le@$kNM5W{KFk>Iy|!P@r-`;1%BUc-KUvE? z&3iF)QnYzQOVfQ6Us~5D+vmCG7|Y`5HFWm8nXQ$v5Wr`I=TU7VSNRWYv!Ba57BB1W z4-gxdO5arW$E>^*stHNf+)~Tzr#KvutL*!DJ2jXCP0^d3O}u@%ANl z`=8$>vhgI(1Bn!8e9@boZ({lwX+57ourU4$z@9N7h+h7O%?1(CE_v?#xF|Xl4*~tx zOG3diA-Q}B3~H)n%@=bU{cpPUOKHRSB*tY2-Taq}U%I(`=T7c{n(6955bwU2N-yp`caXRbak8U~Q*cO(zs?k;*M3D`B9kVX zk>0}}O*Oj9B`-%V>tV7>QEa#n6zOuA=0$bOTDK4{a(moy*r;Z6n;3U@xhw_&)>!Ck zRi9Iadq#obbb#D_A?`i&eDaXHsvYamqj~^&Zi45bcXl#C{rH;MSbS4NiO@oNahONo z626*7sdT?y^)xd9@tmv*{^izl1K&7UH0QY59=QdgYLVSm47Elo!{ zk?sEz_Z>AJwQSVRJJ=b+9VEvm0Em3(WZPiY6}|xoRu0DGWM)WMo}N**uNK$m4f;OB z<`KjE5%TNBWUe{m`2<6)w`(40522Zd$-%7&9Ni0R40r!EzyvkE*zODN6pTrHmHO26 zN(YO`H&ThMzVoj8+~sPv%33&O^ZOM7k3ZG@dNZZ*dGT`>i_mn%eC798TX!xf%%*=w z(3eZN1E#BOt;424{f-5e@{|>$_0{=UxvNrbCJ^}76nbuADF!>EkY+ste`WG_70=S0- zI^a*xI)uW2j0cdPUP0+qcUgNUw*Ttoo>CqUz4PjLore__`$DTt2Qi{{aukL{Io~pKFsmy`Q z5{_CKaBjz7pp6khgjPiwd!KYA2}chWNTm7;ao5uK4Dm1Tm&LKUMRhRHHc=*bvP)49Q( z=}Ic1Da-WceMuk@q<@M*sttgGDer;cmCAhTZ0$nb~(`Y-x9(K#7!sNq>G}A=pLO{o&5=P1K+hu791~^eOrZZc*wy7 zK$3{3xl}T>-8phc_2z!{$w&m-CklJB8(1@z%*TRs3E0fiEWSidkIXA1m>wZ#n+WZJD+S_PpvPDay=1e-?a)e1GGqoo_A zv?`3^lk}fe;yaTndr^@2T&*5PY9!3QLp|ad7Z9x?ArXrt7oN(jmm~fUB`Z=%=lk>n zXLq!&32DKY1O8^GpjG!GKN}R3Oc*+rEqXE2k(mv>(Bq$dWW|E8ZD{J@Fz=2;IihT0 z4o{Ywq{D^xi?;Ray#Vm8%()a9=cZ_(NMXf|>)xXl)xTgYDn|`qx!#{Uu=xd=qbEn` z>rb|_Ys6g9$JId6jAQ9)Vs~c~hxX)>lxU5Ci%cde!W*t+aPg|Gi^6mV=ESJzWmH^| z6)>gqAm`zN5)Z4Gm)B^;#$Wox`KRg^h=4bdNX@%+{dO&ay`f5i#QZj>+RI-4)?^cQ zK5ZG=XUr`G+AB~UR_dLhW4mluA1N&Auar9n)dEuwO_}byI?`%B8R5 zIHhF!L>*02IqCgF2X>E(($VmZs-dl*6g=vbMJYNpC-{^|?cs`yM2u&9d zyhR4wTtjh%W3c)n21@6%bDA&aFzJ zcDzK}SZNK~Og+75qM~S@9b=;W7a#INqXLu+Sm>r|B4H!!;MA1s+DlfKgsRc7Djx%J z#tldmFZ0A)yjc#~cA?y_lXCy!Auja_?sHSmSW60VK;BkyTY^|m_vJWCpwpL_6EMfH zk}EhW4ngDAG`ibuGjoa+E0~Dl%~8TC&YL}26!;kzPKQ-ynMO}i{NB(42B$E zB0&#&4t)|m?{F1MATqLD`}VBLjOX&#gOp{oH^0!F>>xX(9|(e(MG%HrBt%Om8a> z%O)pui&5VU=7TThitXw6uxj*&74A>)c~qxu;UR!xx z0LA!A*n1-HvMUEFzF{)X)8lsIU(NJ@w}!j>7_#@rGuozsDuTmy1Q{kFn?0;p*5+>t zF?tNT-VF3Xkb25C#2a-+fR7RB-}nFOM~zj!@%s-an2SCV*=bg3UnPNOqgq9t;-T(>rK_q0mSO-?h7^1jVpIC1C6G0i%?;+<0{Yh`;K~r?nSu@BV zq@i3`V!&7>9$!X{6RwP)%RCWu@<$_`m0&wZQr88sIu8Zax(e)Ek4)?->^B z-yn>t)>0Hcs7?^Rd`V#RoHzJ#%E0lXv0(~VmV_Qbmm_MIdIw(6ZV_?dD70U4@f{Pp z%y}4YH)}%Xwh0H0@cz$0;q_O~-ksfZS8hLrtI>%2bXEeRc|A9F750qZe|XB!5=XD1 zBTJ<6-~~?{At-V3KdO7`8?3t!;xPN)2GWb0cgVeR_e@k0Pb1!#6!c82Gj7qJ6x>#k z!t0AJlUh31F0buZqzzK}@nU}XdXR(F>HDj_RA4a@=TcDMim^ztW;)gAAGLG+u8AjZ zN?um5Lf@oYq5Yp78SfV#!B>x7SPk67F8A!#8aUKj{;0HoXz*wDD;0xbA(vr8?2+kb z*`u(A->24F{10F6SQRLI5t|zq!UpHV4B(~yd}bbUUj zc~Hk*z?9W*f<~DmnnUI^lx>j?hBgRKPj;syF+^}7Ili2K)Vtd+yeP){iX{an1{wJ) zQcuJd2=jW0vlTseV)S)@o^@hpal6T8qZJS36G5mWAYaORSLPJv^fMCiW(7cM!v5c^*c zQkpxGABGrq>^+of;xkC6o8TT1;m!e22%mv<_Zko9IquBM#!6S^iPeD|WUkEOxfF1T zKifo)<*jk(mqXM4uOx(?;Y3@`_X}s4*>Q=YUjEb1QVrfkdnpY&?~MLY6_aiy%Zn*> zYX{z9uTinNlru-9G)>=EhZJqK91f>DG*k%dLo3$HN zuo6TMPHszfH09Gpps-v^mUFoM!#yA)M)W@YFEc*(GnG|VbX@FnsFjH{sE7^pYkmd8 z(Tewpu`J2Un=kZ*-??kbib;KYYm}34e^u7t0}(v@wZ2f3H(LngQ)xOzkgm)stK-pZ zp4UrgI_g>!S*ew1&DD|0=Tdi_iI+1M!O^uUkJE~#P5e2Z#WE$R&Vf$2{q#%Ii8$g!A(S$;R=RIaYf^!LnJ zGIemNND-Cf6nX%WtmS$Kq8uK%yd99-RFUKh(-TOI`hkf>(;H3g(iqGh(Xh#Igd%e} zt(0syfW;TfsAO}+^%Em+NOD4ovwEIYbE;{8S(`NiOE_7TJ- z-6uJz=mRt!#>&*6c3yYep9W=%7}|HXnpK}#9pRg4w*Nn|h{~x{p%H-4^Hk zL_BwWTqc&mX4Sxe8*gu6^vDvJ6V}|@K8Z~+r1ALWH3wWXUXFWnIF1>ed{3@E~ z9~tktaO8a{S^l9A8hov~o_$9<1c59r#DRDZKdSC$Jxhk>v!{NJBpxh6Hv5+wonNIz zx7wyL8+Sf!2DcO|YD0CN^8HjZhnOa)p+N?8GhK3ri^OCgB~?-EZ`8<<>LHcqA4^3l zHZ2+d;TwsJCFa8&2HT={-{-&Q{HEnOSx-u=bD$vpV*5MkO#xRYhM@+af@ol$@qoNkY}Tc7nztBExosl4MA^>QNCOE@$5 zn}6zcPHkU^v>5o>Ag7azGm#l8lXbbeg2;t!@b)m8S2FfffW47`WAcDIl8zy^2;Tjy z2j+2z=v;o{x$Bbk>8Ey!-IKTn%yzHAgS=MF+{vjE2%75u$6iGjtV z+vXSj44WVO*U+K*w{^)^m;-1#(i+7dGxLZueh~%+Hg&iEMG*z4y?&wFCgN)&9ytX6 zVhkf;WFn0cs8&HCmu;SQwsQX1AT^%|d{pTrD3s++#mWoqtYbX6X?4g2juMf5Ur2hJ z!n>;HZ~!2ml^*zBEN*%_QfT7==F&d*G0H$c#%yh*eT^xd9dd1Vo%Hp{4Y$>PzD8u$ zUpC9%_5}oCvB-_vTB=LTFUlD2Zw=I)o^g{0b5(6-j%VHIU!M-JUF!WbX%qT9_Gr!L zxsS(6ePurvHl5=cNcBN%X9?HmI54MSpeGAk@_gdKF&Rwk^GkJ;E{5d}q%x!SxW4M5 zPty1}{Ma`JvV?bCuWD$Gl=0wz4t+QxDuxBcsHiCcn{#{IQ>Wn=qj_mh;enMjvHAkYn<2YNrYwvo>tB$iAd9+<3mvKbIgZe|PaVDBL*p|>BQ1zA5tbJgg&88ss<>2!X|40{{ zagHlwH-AgTu&+%{-HaKg`w!+^q+abk5PPs5(p)K+_`QXMlyYOof28)2yBVdY(DkaW zKHvJ}$)y)ro~-0q3Q?uU75~uO{yZe8)CVX{(R2AeGU0SeK09V`HvPALslDn6sv(c) zaR&Du<3xj$)+kRjX{7>VOsIEtF#j-VJCN@NEOGful zc-fm|Q}%i-sdIS5Wr;A1C<|>92R{<@yD=~R-WbJBqxK5QD5U{a$|}G}DoWq0Qzh`k z3VUr)+uR;Ktg#qeVEb<&*pYpY6#HovFZ{VN7RC4S5OkL&VF?B%(Z=baGxNI~gh2Jr z$V3TzRK_JFeOlY)j^NdCd0qLG+{6jys^*5o1jerSX-MJF8{uy{(yt&P!X0zwHoqk0 zLiM;yLtV=s$guwFeRfH)L0&pvFv|}fKxmYI(SVR&CXSGFv$)ta;9`+NT{2_A1z`0B zvn?pd<~f#t6@l63BAoo#9o7v_+MpdJ`{k!3;_nr(lf{Er-n@{+5_=~W+SY0Hr|LIj z&p2wNOCB-sx)6L2g;2Gt2i^D-@omhert732f~a2(5Zs@QJ)LR66gThMe@0sRVU!^V z5avT(qFL;a|D&%1Z#gFvDfx$gKcCy{!rr<`BXc4fQ2GDue+t4gi{0Ui0TGA%m+J|H zBw(e(|1S}KN7LeeNb>*xv;PF{|Kms~#cw>I{^sdu=c{~;4!G?eDafcwmr0rg{5_WD zzpZ}nvI`({#E%~R{rTTn{kZ-QR=;52ie&#-{T@Ex@&Zr(Ut9f%9sgtXgYN50LVi15 z%9V(pJhct5(OOfI=u!<;B!9+TVuKm|t}7&aSSg^#3L$HwLYv}t-y`tC|fUFM1xF;?p{^l z%5uMe;NKtn-sFkxKX3^Bv{S0K?x@_Ux?C=OFeA!@2?k>U=e_*rfdu)!6C(vK|DQ)S zb}5qMdsl|!fBx|IKX zzIn@dG^t~Ja96`}ou>5~pFy?s;nnLUhEl4_cX2+WM|h7n>E!DzyIzsBJOhk-5o}Gz z?KWpSV`F|Os0%eIMxIQb`xQNTu6tAU59_hznuW??(O{&_rP!)YsqPEW(?RY-Ulp6% zo!&2;=6Nw-WHAGHtkFX-B)NPlMXN+xCgL^gXJ2j-<#kH=>4UoE!~5jzT|2#?!lF=7 zTfVi>GiVXBcnFT*M(j>7p%J5~Sa`25V+-;nvlt0$hkot)yB|jiuJN&#Mg<2=r^68; z*rZ!)@)N?#XIDaF7 z{X!=Ga8+C?{d81(YyXMZr7MuW#Ygs)qYugk)`KwuS zV~AkD-IaTt;dZaUK zF@OhBroYVFi@katS9=ZOislXz_}1v*d$_IV6kfo<#QKuIwTqlj>#skJ)@Y6UW|Y+U z29No{a>luyGIjGhQ(VLAO(oT~)!PE7O*OjngWGrKi(7bS!k$h8X%(&&W#n*CislZ` zO^@KEBN>7dQBSBXc&4h&CSt``ZATpuFEO_9|viBBR%1~}gi_viZ<-?qH#9CwnH8+%ojBoTLZHJ70M>F#`5u5QsS z-R_ACsmumoj6~T>PJEHe6w(xhZVwwZ* zTa4ZTT%vF@+LQ+CUlC$(Rs)d<|3!N@H;J06PSz&jzXm;K>I+PP)bb#BI39pY@5NMfblR(HQHL#;7 zal~#vxo;7J37CwTEnNbuRljiLZtD{#f*frx3SOD0_3O({IuOJGVDJ2Cc<)HDM*hMz zFfzEJVpBy^t4tz|f&iQC*&x!in#WGzogN%y451IrveaFWBP+&BH8V@#<8;j_SXI3aiTw?V;^hVt7Kn|lSJ`k z>8=0ufLatr$u0w5;)P|+B30LI)x6!asuc7nMI1zeCEgE;W^B-a{JOxHeE#+Mw6VLj zzex89#tG9`&`ID9?p_iUXxFt*)IVrsBahw0uho;A=w|UPlq|5DpIRAHxqoK;ra2g& z4x{ia-ZolO_)PN1lr97Oiy_M6wtz+nUANGGNxnhw%9wq5#qm077(Dtd!R|AUVzGCK zy0kG6kv@j$!o_vQHqIw&jNzI!Ep|Hv>e05DugWH73nxS!mqZ91U+2Q(;48}H)AB8O zm&jBt7(0FyZr8q4af_ypR-LaT;xERkrD;mWhGwhth$XCTLKJ$ruQCxS?l~C=RxchS zzR&B5#MmJgWJhfsrHv6Ag0xMJ5R{9jH-QUga!2*s6om9jZj!N4nGd#OG5LFCsbn9$ zP6!Vl4Ce`DOLXpOg+6$Ee1uEOVjBNz{et-LvWM~qc94=sw8k>YVOd3xa#>$o_igrl zj*e&Y1A=|8^(^>INf(Fj`xbO<=Mp=t^}`w>L8lwEIs`7rpI8dJ01;$9^hON(W(?1% zQ2|)%2{+MoW+hzvbEf3qKnhR%er4k~T1>^AdYDB=WC?8GmXPs|!?gX0PU^9jb_WH8 z&y}e=7%-4}V#pS$TO#$gXfp%vZZ3rb0UfF|z{Hp)LcF`#kQy)6{+ z^v!7R5q{MJyn^4URKQY9-`PQkKyw)cMdx8eelLvqEVHs8f!ccCvVvANG{Iu)?YEsf(Fanf`Ob& zb-iDA*_sWw_$W`ROoQs7RqL;>Ql=>{E5*c!P0W-kClOImmL~Fa;g?gsChd4S|C>Pg zE)h$RIr0pCUXm%51n*H-*!DYbt6WA^OfO)`^mCcA;1R+=#C;neilKFcytX}=;0yv* zR@0eKrnfBu0R?NvnMoT;#E4`IHR-7*%pLX4+YNS!s3z7MM*UCCab8A?Dp+6(ZxX^b zg{eo#^agfg9oKrMs4hR_jRnap`37N7@su-Z%d45u29)U8Gt|;8)$XyeKC$3ibFYxCZ-2o@bd(POr4m-&S z8a(Z_Grc)2*Q>mLHGH3Mv1kudD1Ks~hVcb^-o!AMoQlmoEW|oC7zYiaLh(|2JL=Hl z)sWia{fS{f6sve0ov2IXN+kF2C+pR}77>VQ&syaGo3kk-X0dT1^C>83SE*P87J|#f zj*aMZ>?OWd^m)OK_ziO)dCJf)#^xhJ!hKkDSYo`bQoktpIr?tvMKjqOyN5d&_xq&{ z$HuDPk$IfH-WfMH#>rD?tW#xPV_jV*7s8ak?A+P)r=3-zY2`=aElEAcPZL^ik{ZGH z`%BS}T0VrFKDWBRq99E6O1}S)-xy-fgt68NY1>`6iZHtX0TcS>98A5}ch@*9yZS^q z>j!xRSKtM(UxS;qKTm>=x+Q7xq=ithx~#^pe>S3cnuviS$;sr+Ic2LklJ*qdPNZ>M z@CJ8^6*XWkEU18Tl`#JYZZ;w>V9UAf(}Gh?_|Jsj$0h_EkKgE&l^P#Jj6~+pR<5O} zniXq4libuKljsFEsPjebC?$)It<1z%pHjGVuKr^a#yG!=FXlNHt_;b%Et32y68;$p zFKXn@^o5tAjF?@ZpX}*{R^A5SXnW(Ej&~L-y|R1}P!9Bf@9ZrI8X7Kv>!(h53fBA) zmFG}^_K9MXff+{jaY*cYt(!EVfEBBryDIH9+xwY`(Ky)`u9o@?O~rSs373AVSAV>K z@jhS{hB!`o!1Ib;c*)Qc3zB-z5U%HNLOh#$y(|w=N#psZgPxxhOX;b`p*JpvOOjqJ z)Eskev$Uh|T%5f)FVQ$7tYWA?#eBH4+G5y-n%2gs;#MX45sRjYJ@~LXLfBLpO^2}u z423X8;wuC?V*(ZBBU%})C@X=rNhb8z-+kho-PRn9KeP(Hm_6=IS(rIip>pclaBnVK zibH;iCgUM|le>t3O7f-S;3MKdv+poi!fT60U@DTFA^{P(gMj0nm)I z0`H~X_o8I^2!;zhor(SyCPRZ;g6iUHE@(U||R0tVv#w1b;PhGMcL#$ixL-l^kLT zcz^o+8@I?;(9d&j$FZS`g&Y{D&_4_eAxwygn$ES2o0Df1Xrk{zgzdc7*~4dH_JiO= zM@q?=y7KaM?IpwHW7KmxU^@%cSVYnY*Sz?FJbMuyHmVcB%7VnIO%63JWHhvcIA{f5 zO{>4>4-aD%sK)dBgF6^Vw-)Osj#b2>#5m`Wc$k390TIydUv5U^wX0mU_S$T);pV z1PpYt+qQvR;p_+M`_z|QGhLz}oKvo=ZR4qAnBk|T6s6uZrJhJ&CfZ?}>jLux^4d-P zs>*uC>3L@3ez^73d~|?G+TX?+MRUnE2N|&XdgP;4=ytTmOyzGT$+>Ud`fvp{#aVdK zJ__CBo-lNJIKYM48w2|Yl{Bqyha1}hZqsFoq@|6zFwdZ}^`*$ZvMs>uq|2njfmk1I zKk&?{fT0r;#i9yQ$uHnzAc_7rw(t4~iO04F-{uxb#mx0q6`)dv?+a@2wIC=JHJ~qm zFtu>dd*}i!|3J{;;j%lD6?oxJ_Fb+M7 zDQL@g43RgXU^Kxe;ZtxbZY??8==8m^E_dfE2Hr!fUQoZYjYnHuldePGQ7-|xv<0y> z-et0_Z!{6&9BFJ!UF8eD-f%x;`KcVSsbjxCIL^YCX*HWPGR_%R#ZvpR5LK8! z6&O#lNsz&_u%2D@k>EKx2;^f$^Yupp19l__#~n-Om^kXIFL`refPNtQBi1`9l~pga z{mTA5V7h@){YVsp_?xXS^nai#H*Q_Zgm>E3TU9@o5+~t&DJg%u0P|N8Dj2l6I`(~i zK%f0XIcA?*3Zn7)G3lbF(G0qfkW3rOqsW&Vtlu78hvU{V^*P0c2%r(=vQIFPFh7tS z4pn96BIBi#Z+qX;T^xt)VR0*n`=+&gfD#sAU#Rg9dX(9}WXc|d9n9A?awGCLHDT5S zDmFY~!cK7Aq%;1%39SM_%{Bt;X)A4WpQ2?1`8fQ2|083b9Ke0Q3S;hTOg;ZQNPCm$ zZ3aW7qv2E`{gvzj9%mur`-HUI{zgl4?w@YrnIKU@W-G@3w7 zDFp(fypkyO7ul;YF^sUDy7%M#I{j}HmNtp?>o)cE=lq|?tJ=P{g)4Ykk?8A4_sHN> zj{j~9$EJRemTj|66k$Jtl?P_e6u?d6lN$g?EmBd(pwUl3p5bQK>?4D}hDe z<t)dO|Sjr~f*IKYkiKWSXsVLb4sTbF3)FW9v>r-4L>;t2>xESmQ#Br#j ztM$XBRRS&73VQIbE{H7TUCq8_O?g3J!GO+QVnLua$Gm?uJ8d88Mh$MnKMS)Uc6}qQ zHs$O_pL?21JvXbV{n?unLO5~|nu$5%ha73CqjEwUEjz%>To2|zMfYY!4i{X1;|~7B zb+;GZdg%10*GFtnUH>=&=0(O27^Bz|4i*jPwM}}Dmp*qfz&9~17Wh{ps*fjmRw6!l zcI;B0z)UXM_N8uHVvj+aG9)lS@w!JdyadrG9MEPyboQl~K%$$(HoJ{vGuGuZdmX)> zNQ2qNhX~S`sv)OV+nhAcy%t<4+^Nw4;p%+P!(|r${rEYL^>D^uH@1=Gi}q5cONCzg z9H$r-QcfiyY4sNbf29^|W1tOjEti@gqBOGwNq1apvYC|%b2(`oiTIXOmHsbrNO+1V z^7sLcHpW$e`>piJxc@#iKSG!*%gW}-^3_02DdN@m_;4<^BZ*~!++H}<=h!4Pdn_)d z%`VXy%KkS4;Lb2L(pSaRp-Qr7v{88@P99coJ#fb518H!`%YkB`uOp)Gz=7zvZqp=m z@4(OlYYpfaZC?xvZsBU|6IGjC@~o7^qLw4lc%Q7ErDwgQzDgMj12qN6=;N6h4-Yh+ z_;$jf5miH>t%z9|$IZ%{2ZfE?G>JS_ZYY%-}GI) zfTH`7trhEJjiqtU7Av>S8YNG@Z(GD<0tq<6r87G8!L}1e;XYNK2?pb`83I9{kjJTz z1H2FPR+NL_XG4{^xpz={($VZq;srV2BnHrvbiR+Dt^1RQiYD4!@f`})?~Z(MpR#A) z<(vMoeLVVa#rePjlHYE&5vItnWWt#iI9qZkE-PG>sUo^)wN{g4+d*w86Kn(3k%v9|Qp>55V2hzY{eeOnR$&wL$K=QR7SD$W zcC~GuaO#IlJB=48{LS5pik5o|7yIk*H?e6(^j%WJS#F?2Lp}Ri?&9Wej&eAsG0v=S zOpr4qU+B8y3G}8w*;0ISm>CLdc>0%DubrO}s{kF??sqCJ4hXFU87TG4zA)C5$S|rj zzxx+AxsHjx^Y}Z<4i4mB(atq6_X5xA`=C z|CyrgJ`gvpA-KNC~ziafBogZxdD-^Sm*x@8bmW9eb-QBbYzr;|6xD>69y4H zLVNTKAUL2$iQnFa`~kLa?4kM}Fv!Km@}njDKfgKuIfq@(AcB;iz=!=zEEM7{!hLb| za*efxPsJ@EcCp}0!)|~(oHt)0-rZa>r$7zLL@+lFLqkr%-jdkler3Po#KdU64OL95 zu(q&En=cHiw9}0#I3j}zZSU;pI&U`LaH24TIw>b)ts8zO_lsxBT&3L?bdRR5iAMe9 z*N62oEhno=aslFawCG;;dw^P!^YL5oYKrMdSdcvX^qx0!BdAqcGqJZq(2|p&vacN( z*{1o8pWb!Z)!>|HtrGdo5Iz8;k$ zd?Bpjm~V_4I@1*;yjwL^gz`x!>CMou#0sO)&%!>@tp1g95r+=*c3-aI@4L(H9qd;4 zv768=V}=%aRU6hdOjdXqy|CPlq0^Kuq-aKgl|559ErN%2cNPBAIiV{S6%h_K!kOC9 zOX6FJ?`zr{eVwcgO&kp^r8?h?dPyaF}6Z5I6pYB&1oT8W0YEL&!f*^`3 z{U}Vzj46v{M-Z;#w6fM~n~08qXUPRsWlYQPx89GkxiZ4DoK-%!D#jMI-g{o`Y*)#( zWq9LxW?xRKUprP-LoI=uFQ|O)t2wiyHeal*w?e~j^V%=C=dMS?K$U@ z3D#m_5ahYFulGan(J;#CAMkCdTw+ zp+<$8KgFnCLF=tvH>95k#=g2oWJz3cm?`bF(elZ+G z;`Y3KFTi|x-|!m3&EY9YQ8{OIrs;u=CgNc#ch54v$k+2zReY1~176Q|t0Z2J4cL z`h&1-#aAr{2Zy zH#RWwvz`Flp~Qh#JoyAAbCciWd;54@+S^CrdCS;*ca`$^dX6QA@BJPA>}eO5>rFpN z+#iT#RI!S;(Uq^B&Kv>d>bSA7G`xOI{6C&nrpg-+ns1t<_&QP%PVPfhJEFTQcNdlc~tasEs9>r@q|Vu?x@&WTS(3*tk89 z?u!RZ1L_jj|xNawOEaKxoqUX#}!@cDFT(8^T+MA89uvJMqIcz$bqSHz0%`N5q}ym{Ku6 zl<^|K{xIyeLQVVHz-zJfbPH^hGM7@wQ>JN%K3((E$NA`b((w=_IT^AN(_FZG39DJ{ zwVO=4FV@*b&R@gQI`Cn@Q{nD$}>Y6DVw0MGOaHaX4i0+GeyZ0Qlo7xa?G&w zOYk$DfLh4q=~>*o*~ii5|GE9~e@}z4eDo%I!0y_ufcNnQFfsnK{jsy9i;Jy;we#O8 zuv%x{VO{_aYHae*c6=&S>rhMchsisPk7?~7PqAVoQGQlhUW1BB_|WVD3QM#RBqVT) zXwm(Xk;>h%`bqZw_$0MzDOz4eMsUwdC*LO~vHo}U!XVO^GNG+{S(7A*h*Kk8??L?C z!}`!sD|DtO+y?u@cXWcU;SlhiV@=uGs`{oudtAfIS4=1@K^yWNB@0-B@oKKTy-&+y z3yCe?QHI>x@Eq3hm`#;i64w!+syZ_zGFEej$!LsbRO4EMMo#9xlu8>pzx`kBePvV} zOSd)}+}$O(%i!+r?(Xgm!5xCT2M-Y3A$YI=!JR;GcZY9s-kh8B=Dv4*Yu(>>YE92{ zS3l40nciK!t83TZ)`w11Fu~ZOK@l9+_SklJ2|*b+I>jQr#7?C zVuZ-W+e(d?#(- zrx#TVTo?<2NPr|s_S<%Pf!v|nEM>`LW@xC9Pf#f{^-~!JoXD4-WG-yCDUi%T7h40X zFXf=umWMDBxODj}wThGiEJ3I|l|JBF5l5+sVb}A~SwIA?`*kElh}=4%+5}4lT9*(h zrCKWmenafJq41Zck?&#im3{41&tdX;nr}iFRe)p*ZjQn26x1tN9ent3*sx@zOuI= z^ie1W=LSRcn6epkg@@?3WHuB(!Jbn_-d4*2u9FUL;<`i!133(2*G1Ho0GV;?B8mO+ z_DSsE$6a2wgZJy-s>ZhW&j*boJt?RUs>VMP;l|4H(_8MJ#RyW8l}c(`AmYR03Oe;` zf(`9~v=b1TR8(M4A7xf0thjbmh52g0<{V8YjJk@Gz9tt|oB@wXkc6%1g4!e_77gfO3um&bZ_4??MlkogOtZ~t(zR~mB-}Lni(FH zXJ@aYcV&Xv`TR2cO!(+Yf>99M|PU)2FC$s*khLIojj z8DjvSFKcRNImoUNhdV;Mdy*|(sal^U{rft5(swu$oy{6!W)-GV#kl=Ii&e*VYcLB{ zp|=%=h}I+oH{k;vOoOD|9N;{*Km4&}lf=*gj;6b%O`Wh`pW&!6B~ez4zXGgfUlDd) zPPtp--X!hQV2228B48#ByCTP?UCy$=I1EiMzb?rfym+lV{l`fESY9XI?Jyu9?VTVX zsDHOZ_HK5@X3oHt=r3D5XVreI1!L$G?uq~myfYg`$`3C~tG`Z9wpI^)mD;=Ni!@yf zKfIJYMdwP|{@bhC8w_dXR8)ynTf(8p?CdPggyQZm0$zK0=^_uMc>!eS1A6ILN~!vB zdloEh(9^^^qWj0&dj{(}dD&B9N)P+J@%4ZXe7=x@yZ zcm5cqLNtcp~7~$?T6Pr&37IqOu4I zcc=p04@(+~oH1o18&ho46W7$84W+A2k{ftDn_yL5cH~ki{fA%292)y4x@$D@TFyoo ziw>#cMxd&tK57rfe>;7LdR~beDr!JQyP%y&->YdbL$kPTnNzwoew~+jC^j`Td!3cG z6UD@T)b!+Djrl^gRrs-H9O=Be%{LSBkW5x)KQlF)`IcEG+N{A^JRG88a9wwf)Wh%1 z3b~Wt+H({kwzZzfa)Wi4M2|>Rw^ch?we(tzbA6jaQRCUxnCExt|}t zJ}})Sm8D(K<^DS*e2w(=)R(CEHYuhT?=17y0D?=@bH(gw8x(MzMu%YjxxJVU|VhGm=dH-F@D#>4)DHN}{> zki{Qj&B3W$i#+YeLkTE{Wn<7_e(fNC;{-#Znktl9+m)?8?*yMiIo@;Vh97QLbQc@& zX4c{P{P8t&D**1G$jP&w%kMf~w?nkNtb}vSK?q+fxj1i4nsknyRDLeA{&IYjS7ubW zMF#@qG@_f2Y+j3wv2%0Kjvzw0x&zw5*M3}Fw!*T`bfPMsp4QbXBq0A>VW3?x+o^#q zqmCId5NFHmkQeqc+Mw@|@`RTM7yTG*R@a1nek{%7IDY-L@&Jz&XRJBkvVK5B>%715 z*u?scT8<@8ue{-V=l=aM&%+4TH#kmhHVE9C6?eG${WzG8&;k1q^>1*UNY?# zgv7JO0!^-I#j;r^BkJ)tko|r8t#mwTPo_q@NI_B-(^#g-r-uh6sUEd8R7||L$8lY< z%n4v0mp-q(o=nYyxSz(yb)iEu5kdN8T<#!cfr}Z~EFfhCiy8P4|MhVJ+}I~-Fim*V zw_`Xp?^z!%Cw7IAoFCVP$;|mITk#+=mA0R}uy$0z+-#*TYVfP9FJX%sX!eslkUsR1 zB2HmpI_(B`6{dks&Ue-6?tal)FSqd-b1r6H9*^3K{#A7Fg7@H}Ie#+zMD~)N_)coX zTpjH3)Z+&$S5^q1`w{dxj@_qBr7r_)@cee6*tbaG3;Wksj!v-g5WACgQet|sWtr&rm&dCXG9+o$oVdFOr@LprKa z#zWuzOmpq7AkrFovyDgu?NNH@TH@V*Jbc6VzC(U)pYB?Ieq@@jY`RfvpDgFAx_yD) zem&I1_&#?|k#4acObt};&@gvS<=Vb>c?Cg^JPMX*KJ^w@k;;fezz>1Q&c&6YFs_XZ z7BlTTDps>eHWeb@68Me}2YqA7Li6&Sj~Og`ndM0Qz$hHb*GlFipKVIlo@H@d$7dw+ zsDl~Gy{|J^P!bRJD%;Tx7RA*9s2;vjtc|(stC`qOe-sfi(8XLggJ*~yGCMDg;QVvN z2v`#?wsKDwjrA;_<42!_Q{7dd&h*G~kUn$uOCyYfe%Ko@38Avn83z5}4`vc_Zf54D zkOXd~CPhReYme!H81~2|rp8wlH_*%DNjI>!Ghr_mDlKUe5B-vb4Dh#$c{ zpwdmFTW!pg!Go0YrZ;V+&#GfAA4eTU|0+N&I|3e*se$QFEqerNS(wp$5F&x=K~=;1`rJs}pZ7-q4Mk)_HIzt{qa&7@D%%r!Da+)7Jj}3PPWfLA070 zgeD^IV0FE~Bq}5JRWiPKGC6TtN1IOteo{F@{u^+2^Q@z0RTW=Yl%lE!l`ktMGcLPo z3Hd5#O}n@!Gi&#Bq~2gV`t$La=|0c$<{Qkn-tj`|KAp?hOf@DaY+pa$;)Jx$>kS&7 zT;K2NmnM2mBOE%TSVK-3cWCauxZ#fkSKGCXmBayTqT>z^Muy$xMj8NS5AHH59CXuc z{TzlKQMi1Cg^$f*a;ps)Hd=h-#dUr>s@t!4xs}{8d*T7tX8xYxCBELC)mA+CF0w9t zM?7q+gmU+t;q-FGtrSM=hvmMjh?;e~xN4a}Y0B2VI|dU?>9W%(W5(;91THC}sdMsc%^Vc1se7rUyp`4R;* zw)@Z>7?w}Y8=D*5#WCE`Q7D==k4u!1R8pddtqsoTz^570*zqx$Z(pOBKKo^v|{?)-k2dQY^gazFqcAA%zFOD=moF zyn69H+det2oECbIMHj0{s_f72xp}{_oA>h4Ohhzsu}S^iix~9VlPyXv(vDayFAwLJ zJ}!e#Pf)c#%6U1_7K1RHS=$9PKOGr0`eH;4Bx0Nc4Lvrc-*P?pPGj zkAVeTD=I60*RlZmM7Gb&h=$N06eO=SL7*qIA8qTiywpu+qbb0eATqj`hv@NBf)~8~gH!u7cI9U{^Qr?QhImDBn z4+0ib58_{jyZ4_DP-l?5j0B|I#7KSnENoNITbIV{S=z0dukxBn=`S|UW44X(*N3e~ z>M(2RZdS!Ihrqo;>N{G#n9O-PR{H}8VJ-`s9$Dfxdje_B11-vVpHj$og9{c@UX_lq z(|oE`i`j3;={gy2&#z|Fmc6&F+e_-oE%QQbV`&&3t`LwHsg&eYu_4m>zL+JjO&9&Kf3_9RM{krF?Pc!OScDiQwrZ#!5YC$ zf$TUy`hZ|3olAY$NrEAc-P_d*e_VqSc{7fd7f@b?Nx8X!#yJo7z!Xk7Ig#X4{2 zjPlgxVa^#sdA0jG&Bzr$_ZZ+;8Jw|-5~W5H5HC-$6rIT1_JVm)3>$l4If7oAmn>BH zRe#{HxA8te=F?jlouub%)>#1viDl%r2dapIx-T{w%Q3A>ZSH=U75P(Lu(+p{`CEP% zfJF@<%10VW86P4@tMpwuD*3mIetVZj%ph)9aU!vn_~8qaoQU)VPWZ|~Tb#-72Aw#$ zafiMS0V}dd9br-0IzH_jy$x?}-a0vX3v?^?fbnl>_W==DSp{83^6>Dz?OP@I`t0Z- z;Q-v!gBx!XrrqO1UEi=*RhNMboFYP4Cgk7%NR_6`0Zea{%g0-gVM&3QkY*i6_!Nc8 zI-K4h(<{HebST~%6Px$Yb!kv5oJL(<(JJ&OLeWK$5t0}VnknyCq7dbMy^FEnMc^tn znGURwWs=m0rVeyqSmeXORCv3&LyIC6B)mPz5|B%q&<`QsX=p_8pdrUpcXvke^|3hx z42D5NsyFfz|5Qu*;6WaqW%^5bVAy^h4)9B)P%LW&MV+N6z1dU*?pPs8W7fGsg?qiF z=&|`!#L{@-wL^1zi==BrO+0s8+r+9Kx$x@Fo?iU&9sg{7U1!2kwv}Tai#sr|9cY~ExI%@>_hp0EOJXy+?%CB39D8qYQ(9UnU9b69E|F+>rhU_Sz_uEbkDN;f&(Qr>4)80F6y$caJDav63 z##EQoA#RPOcYABIX-JX~M2mH|kgH^L@>ZVh{*8uCsFSh8YpZ@w$SaY>(yVHIlOXz0 zg~)I$vOH*a@#}Y2c>s)#_fn1zqOOftqSGR{M>G_Brtpao5$}I6vC5ky@~dt=X9>tb zj*{XwWW{7zB*Myvc#dMqub%6TNI}`*^YeQ9k@ug?9)$Q^? zrTdIGMHj3H;@cLuF(VV=4q*IQ!$M4YSSrCEE?RNP^dyoneQVKiMsp*GYtZ~BpeZB~ zmgFeR56mzUGQ(S7h-dNLggF=39aYI*2TM)WR5X*XNz+lxq(~vAR+ifOrc$#es*hQw z9fGc^d*ynC`LU$>S%=tK?aaD-ZS+SMs=KPiORXl5&YwG=?RRHw0|?BWTc+z|7dXb; zu@+`_&>o{?ixwpa2P(z1l@OGmRqhUyl*76jsia1K4;eZ*|QN)!Hv4vz(I275k0BE|kkSGd6?&u4L zQdt%VLpLarKxmgaf`p;bGz`IDEImSF6y5>f`Ju4CAb;F1E0Q4kTI;i2Vf`;~6%LsH3waIqrJZ8?-eWJ& z0*Cv)#@&xqv^wPz*BY&dibW@iW>qVitLtJd=$j;#zUPh~E@SP9&jFF4xrOd4>NQ&j z5~PY8`~j`j0ez)$YnMebH+s;16X@^a+qHwZQk=3z=jnwKIqWa5+Q_lp;+6{?R#9Dp zx0>=R-L&|VN!#BVu3(y54@w|jHd*SihRdyB7TJV-3SB038AoP!)ZwkhA%vpgbkHI4 zuq~Ck_N5lIbQ!|!jl?S$rzg=c;|%NFlg`8|p!Km2sRp#6DEe|6o%OdBOv1MpJe7s9 z^eG=Rs&as(T1RY%vAsJl#TE8aLHJn{h$6!#`dRsyD0>xJUlklXpn@csV-|TN-g+U$ zs5}f>vw{RH^&pp^4s9^c8hTrfE##sI7xCnist5$#EHWq%d{&72`3^|dQ68q~uNq8; zBlnXK0p;f|j1{0U0zkGbYv@_=#$2(*eB1%YaeNNwN}NsZADJW!ob&K}b;X&D7EP)m zXJe_v8sxhzw&n8w<1ZOBlaW(>gqw|hSB#rR&s7dwuTtHrD^{;?T1?Ec)@_;*Wn<8> zE?g4eY)9!R`=6?TST?2AdJ*^DJC)ecRPCQU_CN|{v{|6|$iI1g3kv`Pam zc^9j0d9^cr>97a>Kja=lCql6MhOQ(h}#KwHI z&OU01to|%x1)Jda@&_j4KL2gx?U%arO0Lndsm99GT}|fdn(cGC(XBFGUr){s{w@ZG znWceILQVt!#O*^rYmtjSm(E80dE1IEY6=}gQ%v^y(d-=US=h_j5+sA93No1-`XaXk zt{b0GQkR2`#?{g|hmWkyMy>i5^2c2t=Q7|@Mk>8K3G!qc9QKmjAUKJbs$Q?{uN9*p z+I(%0=SIJ!aAX~he#`J{gxvDYw%Bte#0#>_wpi%#nyUls+C^Mstd3S^HBWbrd^yW$ zo&S=k=fPNCQ|c3&ePTv*o9|RJ<*})6mc+ASlZJNOrxxb^qp4P~WNm(0ZBSmL7C~W) zW((_trqoS=x{v<~ogV1@9XbB0QR43RTv955&%@Wt-z>I;GPE8pv4^U!f3&v`ZVt0R zLG($BE*42vzXd7gkblD!ls>xiP3YGA!FrQOnOfT1i6d6!tS=+LfUom=|2~4dc+eo8 zd>5Pp72XpUcyI2#fZK(G1UcX-uS@a8gSlGllg2ZW!b~^AQ+EOO+b;JD2d#qduh$02 zuXT}mD(6=*;dQlImI7lZ=@RvDbZQ3B-$rTe9)nCUD4^oqo#Bypt1Syk9CT>POFeWf zp2pxmP1kd`t24{NH(v}rs(Q^8IY(ENOmUd!|2U`3B_qn<(xF=|rSL7eB8ev?I6!i= zC&KqBBvBhUWly4qKOsAfnc58BK@8m z0kI7CLhgD#2J>PsJ$4iwoj4ENCpDm;ZDGD6^PY6jT_>wkPA(=#aaz)*7uVd#wl^%3 z4xH6^2QwoRAxX}{d}tQfS8!%&q7hx}FSqW+kU7G7kQ?oM7tS@O@uB8HZIKR%w{pp! zFO}gIfBB_}zm5HIPqfwi)0E6ZMeUBY{jO(**6|B)8kJ)s=PkR?EGR5_nqif36Ph9w zb7^JhJqqO+7p>1(#%@Dx5%TBf1UbQ*tUG(fP15cfL5`d+3?G$Bdk#yiKNQtSTW7av zEl?+PHtE)nRz$|<{)lufoAW^OEHi*s#lL!#JH0teFk`_WHT+qBu^NkdCe^7jb5NeLjr}34 zdhuK76~arv0f6ePNPYfznZP!}G<>LwbG3Q!%XKrS9zqL$kwY?_!*xO7kC|j^9ojS@ z@>XM+%qH;QFBgHMRhaYv+XB!3aYzXFyn^crn9eyK=&*(U_j3XdGh>y1j7}e=j@vIY z!4I8+-ynva#tLLLh$n#wO&NV=g15N^sUsWeC7XJm%(*`uUzgLb=U(Qqh}fBqzWqA! zfeNOpeVrEPsHGO{ibdAk3ENRF5T;WrOdyx2#=iG6cOgzf{yht?Bi>pKzkiEObZVNy z3YYKn8_B6AMOU1;uWVxITG}pRNAS4SPIX{K5q$-VqEYF2%R5m)))8pM?|TUf0dc$E z-!VHB2&%!15WTaGRih}m*CA)`|gs}!@ z)-wlYYf}mr_Coc@O|%ZRuli zQIJB@NNntLofJe`PFrtCWe@pWM(s}X7+o)9B( z1nz#m!D?)XJ*?}jUq-iuLepUjAFaepguV*kiijP_=_FPLjdrw_xF{xyJC74?-!J(N zvFyZo4c`9VTok-M#@k3YONG?apHsULRdfywk^{iAD{sbgXh)<*J?t_&}8vv5vXkyBUSo7Ik&JV@GEJ?CY1jA zeXdT53j5-9xe0_KuL&$|(Tjb%X))(}&aCGS~rw(#>MPAXA1>0H=IoqSixZ zB9X7PJ^OrfKP&@@%pwr*KkkrnYSd6`0N*X1a!HIsMGf2$m+Z_MrHQe%5ttjF$aY;Z9vCcgBUlHxc1U3Yo*2=>yMO9ZMNiNMK%JNs;7Y~|*X)N_TV zH<{$a$uxo#*epxXgH0M_5>h=rQtfVPw8WgDu;`Xo0D|JHF;dR$06R{sX?&XV*JXswmJ0&KjM0xnHx;!ru^RZ2TF|*g{jeiJxqZm@$IDQTM{$p2{VSj% zTO-BHM0DERC5!UnNFR+yHq4hVC`+7P(GVM*dZCJiFquGed90W_tT-$jk@up!bVDTk z(}=5)0^*+{*;f(W>+Tu1Kaf8(aAvMo!H~k1Z08J=j$GdDxVuS=&<#^KWe#dJNe|w8 zW>OB@)bHoN(v`)*J*hY)Qq~u2O69ZK+&PUh{>P@%5);{C1E{jwK$S)Qr^*^RI{s`p z|4(Cqe;e?Xt-g1``{2Z@g!u1Kw{pkts{rYb*7BA%Af`zD`F$ z%V+8MJkr~jl-lWe#bW?Q81U6zlZ{pjRK0z0p)YK8-k?VPV?>#45x0d=-&f?t#-}@> zqo7OVNkKZv-a!N&(g(I(C87ciC-I?Fd2KB3Q1mcx4?7#c3g`1ouoyq%D0#RA#Im5v zHl+|dO|`;ZcVX=Guz_#cMDEpxvVz+j;r9aH#_i`gk0A3jm3UP3?7ZLSNpF@)9?gIj ze%uL)m*j1mM6RWwcIY?uQ5CZKKrvF0%_snu%e)zVn==Jl-gD7D)gv}Zt^0LhD>bOtN$NQxdGWmZ`}SHhjw^O7KSn_YZsn;A7LywwQIe zsL;9;h&>yDXT|LW!W}mIc6V`$G#osh*j484&K5OnFG{OzYqT;1J7|T7uTi&M?i^Mk z`re*W=1Bnn&lR8Ia5HKwwJz|*j0H3}1O&It5zz=8Z;?G^$Tl0K$&Q^4K1rQxrWb83 zdJD6RIp!@(jFMBbSKzt*mq7svMh`SG|DGDKO9G|m2)r)lAwfXU{?dSdE_6hI#)X-^ ztAVPQqnV4|&kIFS=HCej6L6bPff#w9T>|${EJ!)@aYu!e73b!261u9Z>v#k_$)kxBjM3js8XPPjA;h;eWcN{f4i^|APOU zliHv7KgT+M;U}+pO*gu|Ir=#li^R}_%{Q_$6pNpW-9-Q|97M2 xHyQ*ary2z0znM6H!vFmS^G~>9?LXkZZa0cDkU%8|0YL= self.max_depth or len(set(y)) == 1: + return {"value": np.mean(y)} + + split = self._split(X, y) + if split["feature"] is None: + return {"value": np.mean(y)} + + left_tree = self._build_tree(X[split["left_mask"]], y[split["left_mask"]], depth + 1) + right_tree = self._build_tree(X[split["right_mask"]], y[split["right_mask"]], depth + 1) + + return { + "feature": split["feature"], + "threshold": split["threshold"], + "left": left_tree, + "right": right_tree, + } + + def fit(self, X, y): + self.tree = self._build_tree(X, y, 0) + + def _predict_one(self, x, tree): + """ + Predict a single sample using the tree. + """ + if "value" in tree: + return tree["value"] + + feature = tree["feature"] + threshold = tree["threshold"] + + if x[feature] <= threshold: + return self._predict_one(x, tree["left"]) + else: + return self._predict_one(x, tree["right"]) + + def predict(self, X): + return np.array([self._predict_one(x, self.tree) for x in X]) + + +class GradientBoostingTree: + """ + Gradient Boosting Tree implementation with explicit gamma calculation. + """ + def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss="squared_error"): + self.n_estimators = n_estimators + self.learning_rate = learning_rate + self.max_depth = max_depth + self.trees = [] + self.init_prediction = None + self.loss = loss + + def _gradient(self, y, y_pred): + """ + Compute the gradient of the loss function. + """ + if self.loss == "squared_error": + return y - y_pred + raise ValueError("Unsupported loss function") + + def _gamma(self, residuals, region): + """ + Compute the optimal gamma for a region as per Equation (10.30). + """ + return np.mean(residuals[region]) + + def fit(self, X, y): + """ + Train the gradient boosting tree model. + """ + self.init_prediction = np.mean(y) # Start with the mean prediction + predictions = np.full_like(y, self.init_prediction, dtype=np.float64) + + for _ in range(self.n_estimators): + # Compute residuals (negative gradients) + residuals = self._gradient(y, predictions) + + # Train a decision tree on residuals + tree = DecisionTreeRegressor(max_depth=self.max_depth) + tree.fit(X, residuals) + self.trees.append(tree) + + # Update predictions with the tree's contribution + tree_predictions = tree.predict(X) + + for region in np.unique(tree_predictions): + mask = tree_predictions == region + gamma = self._gamma(residuals, mask) + predictions[mask] += self.learning_rate * gamma + + def predict(self, X): + """ + Predict target values for input data X. + """ + predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64) + + for tree in self.trees: + predictions += self.learning_rate * tree.predict(X) + + return predictions + + +# Example Usage +if __name__ == "__main__": + # Import necessary libraries + import numpy as np + + # Generate synthetic regression data + def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42): + np.random.seed(random_state) + X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1] + coefficients = np.random.rand(n_features) # Random coefficients for linear relation + y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise + return X, y + + # Compute mean squared error manually + def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + + # Generate data + X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42) + y = y / np.std(y) # Normalize target for simplicity + + # Train Gradient Boosting Tree + model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") + model.fit(X, y) + + # Predict + predictions = model.predict(X) + + # Evaluate + mse = mean_squared_error(y, predictions) + print(f"Mean Squared Error: {mse:.4f}") + + print("Predictions for new data:", predictions[:10]) # Display first 10 predictions + +• For other datasets +Ensure the correct dataset is loaded and is in the correct directory. +Define X and y for the corresponding features and target variables. +Once you've modified the file path, you can use pytest to run all tests, including real-world datasets and synthetic dataset +• Open a terminal in the directory containing your test script. +• Run Pytest with the following command: pytest test_datasetname.py \ No newline at end of file From 497e06fb0531bbdee43470d62a4fe153c8b3efd0 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:46:20 -0600 Subject: [PATCH 03/18] Added README file to ModelSelection --- ModelSelection/README.md | 204 +++++++++++++++++++++++++++++++++++++++ 1 file changed, 204 insertions(+) create mode 100644 ModelSelection/README.md diff --git a/ModelSelection/README.md b/ModelSelection/README.md new file mode 100644 index 0000000..3069af6 --- /dev/null +++ b/ModelSelection/README.md @@ -0,0 +1,204 @@ +# Project 2 + +Select one of the following two options: + +## Boosting Trees + +Implement the gradient-boosting tree algorithm (with the usual fit-predict interface) as described in Sections 10.9-10.10 of Elements of Statistical Learning (2nd Edition). Answer the questions below as you did for Project 1. + +Put your README below. Answer the following questions. + +Project 2 +Group Name: A20560777 +Group Members: +Pooja Pranavi Nalamothu (CWID: A20560777) +Model Selection +1. Do your cross-validation and bootstrapping model selectors agree with a simpler model selector like AIC in simple cases (like linear regression)? +Yes. For basic problems like linear regression, cross validation and boot strap techniques are found to select the models which are equally selected by AIC in most of the cases. They both try to assess the model’s suitability for classifying unknown data. Holds its measures on prediction errors of cross-validation while AIC assesses the goodness of the fit and charges the model complexity. According to Li et al., when the assumptions of AIC (like errors’ normally distributed nature) are valid, the results match perfectly. However, cross validation can be more robust when assumptions that lead to it are not met. +2. In what cases might the methods you've written fail or give incorrect or undesirable results? +Cross-Validation: +• Small Datasets: Finally, while k-fold cross-validation may produce high variance when used in datasets with little samples because of limited data within each fold. +• Imbalanced Data: If the dataset is imbalanced, these particular classes can be minority samples in some folds which can cause a skewed assessment. +• Overfitting in Small Folds: If the model is too flexible, it may fit the training subsets which are small in size. +Bootstrapping: +• Overlap in Training and Test Data: It should be noted that in bootstrap samples the observations can be repeated in both sets: training and test, which causes the over estimation of the performance. +• Highly Complex Models: The major draw back of bootstrapping is that it may not produce the right estimate of prediction error when working with models that are very sensitive to small changes in data. +• High Bias in Small Datasets: Bootstrap techniques may give a biased estimation if the size of the current dataset is virtually small; the amount of unseen samples during each bootstrap repetition reduces. +3. What could you implement given more time to mitigate these cases or help users of your methods? +• Stratified Cross-Validation: For unrealistic data split, applying the technique of stratified k-fold cross validation where each fold in the dataset shall have reasonable distribution of classes. +• Leave-One-Out Cross-Validation (LOOCV): However, LOOCV should only be applied on very small datasets so as to minimize variance when evaluating the model. +• Improved Bootstrapping Techniques: Perform the use the of .632+ bootstrap estimator so as to reduce the over estimation bias that arises when using bootstrap predict from over fitted models. +• Time-Series Specific Validation: Add rolling cross-validation or other similar to it that is better suited for time series or dependent data. +• Regularization Support: Implementation of automatic hyperparameter tuning of regularized models such as ridge regression and Lasso regression to reduce overfitting. +• Model Diagnostics: Integrated diagnostic plots or metrics will help to detect overtraining, underfitting or unbalanced data problem. +• Parallelization: For faster execution on large datasets, replicate k-fold or bootstrap computations where the experiment is the different subset of data. +4. What parameters have you exposed to your users in order to use your model selectors? +For Cross-Validation: +• k: K parameter of k-fold cross validation, it represents number of folds which divides data set into two sets- training and testing. +• random_state: A seed for reproducibility when shuffling the data comes in handy. +• loss_function: Another function created by the user which computes the loss, these can be MSE, MAE and other such pertinent parameters. +For Bootstrapping: +• B: Number of bootstrap samples. +• loss_function: A function defined by a user that is meant to capture the loss (for example a measure of variance, accuracy). +• alpha: A parameter when constructing the model in the form of a decision tree, allows for calculating confidence intervals of the indicator of model quality. +For Models: +• Learning rate and the number of iterations for an algorithm as well as some parameters of the learning problem like normalization. + +How to run the code +Step 1: +Clone or download the code: Ensure all the datasets are in the correct paths as mentioned in the code. +Step 2: +Install necessary dependencies + +Step 3: +Run the script + +Step 4: +Ensure all the datasets are properly loaded and called +Note: Update paths in the script, if required. +Basic Usage: +• For Synthetic Data, you can run this code directly +CODE: +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") +# Example of a simple linear regression model +class SimpleLinearModel: + def fit(self, X, y): + self.coef_ = np.linalg.pinv(X) @ y + + def predict(self, X): + return X @ self.coef_ + +# Mean squared error loss function +def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + +# Create synthetic data +np.random.seed(42) +X = np.random.rand(100, 3) +y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1 + +# Initialize model and model selector +model = SimpleLinearModel() +selector = ModelSelection(model, mean_squared_error) + +# Perform k-fold cross-validation +k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5) +print("K-Fold Cross-Validation Loss:", k_fold_loss) + +# Perform bootstrap +bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100) +print("Bootstrap Loss:", bootstrap_loss) + +model.fit(X, y) + +# Evaluate +predictions = model.predict(X) +mse = np.mean((y - predictions) ** 2) +print(f"Mean Squared Error: {mse:.4f}") +print("First 10 Predictions:", predictions[:10]) +• For other datasets +Ensure the correct dataset is loaded and is in the correct directory. +Define X and y for the corresponding features and target variables. +Once you've modified the file path, you can use pytest to run all tests, including real-world datasets and synthetic dataset +• Open a terminal in the directory containing your test script. +• Run Pytest with the following command: pytest test_datasetname.py + + From c1b31e1b0d466bc20375d24e7e4cc8cff0cef7a1 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:49:04 -0600 Subject: [PATCH 04/18] modified README file to ModelSelection --- ModelSelection/README.md | 13 +++++++++---- 1 file changed, 9 insertions(+), 4 deletions(-) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index 3069af6..fa4d875 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -8,11 +8,15 @@ Implement the gradient-boosting tree algorithm (with the usual fit-predict inter Put your README below. Answer the following questions. -Project 2 -Group Name: A20560777 -Group Members: +#Project 2 + +#Group Name: A20560777 + +#Group Members: Pooja Pranavi Nalamothu (CWID: A20560777) -Model Selection + +#Model Selection + 1. Do your cross-validation and bootstrapping model selectors agree with a simpler model selector like AIC in simple cases (like linear regression)? Yes. For basic problems like linear regression, cross validation and boot strap techniques are found to select the models which are equally selected by AIC in most of the cases. They both try to assess the model’s suitability for classifying unknown data. Holds its measures on prediction errors of cross-validation while AIC assesses the goodness of the fit and charges the model complexity. According to Li et al., when the assumptions of AIC (like errors’ normally distributed nature) are valid, the results match perfectly. However, cross validation can be more robust when assumptions that lead to it are not met. 2. In what cases might the methods you've written fail or give incorrect or undesirable results? @@ -194,6 +198,7 @@ predictions = model.predict(X) mse = np.mean((y - predictions) ** 2) print(f"Mean Squared Error: {mse:.4f}") print("First 10 Predictions:", predictions[:10]) + • For other datasets Ensure the correct dataset is loaded and is in the correct directory. Define X and y for the corresponding features and target variables. From 8fa27a5097617655b4f08ec9ef759674d7d392a8 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:51:05 -0600 Subject: [PATCH 05/18] modified README file to ModelSelection --- ModelSelection/README.md | 22 +++++++++++----------- 1 file changed, 11 insertions(+), 11 deletions(-) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index fa4d875..30bd439 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -8,14 +8,14 @@ Implement the gradient-boosting tree algorithm (with the usual fit-predict inter Put your README below. Answer the following questions. -#Project 2 +# Project 2 -#Group Name: A20560777 +# Group Name: A20560777 -#Group Members: +# Group Members: Pooja Pranavi Nalamothu (CWID: A20560777) -#Model Selection +# Model Selection 1. Do your cross-validation and bootstrapping model selectors agree with a simpler model selector like AIC in simple cases (like linear regression)? Yes. For basic problems like linear regression, cross validation and boot strap techniques are found to select the models which are equally selected by AIC in most of the cases. They both try to assess the model’s suitability for classifying unknown data. Holds its measures on prediction errors of cross-validation while AIC assesses the goodness of the fit and charges the model complexity. According to Li et al., when the assumptions of AIC (like errors’ normally distributed nature) are valid, the results match perfectly. However, cross validation can be more robust when assumptions that lead to it are not met. @@ -162,7 +162,7 @@ class ModelSelection: return self.bootstrap(X, y, **kwargs) else: raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") -# Example of a simple linear regression model +#Example of a simple linear regression model class SimpleLinearModel: def fit(self, X, y): self.coef_ = np.linalg.pinv(X) @ y @@ -170,30 +170,30 @@ class SimpleLinearModel: def predict(self, X): return X @ self.coef_ -# Mean squared error loss function +#Mean squared error loss function def mean_squared_error(y_true, y_pred): return np.mean((y_true - y_pred) ** 2) -# Create synthetic data +#Create synthetic data np.random.seed(42) X = np.random.rand(100, 3) y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1 -# Initialize model and model selector +#Initialize model and model selector model = SimpleLinearModel() selector = ModelSelection(model, mean_squared_error) -# Perform k-fold cross-validation +#Perform k-fold cross-validation k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5) print("K-Fold Cross-Validation Loss:", k_fold_loss) -# Perform bootstrap +#Perform bootstrap bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100) print("Bootstrap Loss:", bootstrap_loss) model.fit(X, y) -# Evaluate +#Evaluate predictions = model.predict(X) mse = np.mean((y - predictions) ** 2) print(f"Mean Squared Error: {mse:.4f}") From 9e7b450ff013da53e75c82ed99d35c99dae5bc61 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:52:33 -0600 Subject: [PATCH 06/18] modified README file to ModelSelection --- ModelSelection/README.md | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index 30bd439..a49b46e 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -59,10 +59,15 @@ Run the script Step 4: Ensure all the datasets are properly loaded and called + Note: Update paths in the script, if required. + Basic Usage: + • For Synthetic Data, you can run this code directly + CODE: + import numpy as np class ModelSelection: From c0bec4030262e0f7db5459fbfaab82ebed62bd93 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:54:22 -0600 Subject: [PATCH 07/18] modified README file to ModelSelection --- ModelSelection/README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index a49b46e..be04752 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -71,6 +71,7 @@ CODE: import numpy as np class ModelSelection: + def __init__(self, model, loss_function): """ Initialize the model selector with a given model and loss function. From 484558173effe07c74367afc4ecfd04419157443 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:55:29 -0600 Subject: [PATCH 08/18] modified README file to ModelSelection --- ModelSelection/README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index be04752..4f4740f 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -68,6 +68,7 @@ Basic Usage: CODE: + import numpy as np class ModelSelection: From 2f27b933acfed436cd9a1a7d069e68969c9ddc97 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 22:59:30 -0600 Subject: [PATCH 09/18] modified README file to ModelSelection --- ModelSelection/README.md | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index 4f4740f..f9c382d 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -68,7 +68,7 @@ Basic Usage: CODE: - +```python import numpy as np class ModelSelection: @@ -169,6 +169,8 @@ class ModelSelection: return self.bootstrap(X, y, **kwargs) else: raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") +``` + #Example of a simple linear regression model class SimpleLinearModel: def fit(self, X, y): From 160a52896e15dbb3a24270c8d6f711036e82e917 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:01:38 -0600 Subject: [PATCH 10/18] modified README file to ModelSelection --- ModelSelection/README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index f9c382d..3990c0a 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -172,6 +172,7 @@ class ModelSelection: ``` #Example of a simple linear regression model +```python class SimpleLinearModel: def fit(self, X, y): self.coef_ = np.linalg.pinv(X) @ y @@ -207,6 +208,7 @@ predictions = model.predict(X) mse = np.mean((y - predictions) ** 2) print(f"Mean Squared Error: {mse:.4f}") print("First 10 Predictions:", predictions[:10]) +``` • For other datasets Ensure the correct dataset is loaded and is in the correct directory. From 6bb50376b82789814cef150e47a7c8b550b452be Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:02:27 -0600 Subject: [PATCH 11/18] modified README file to ModelSelection --- ModelSelection/README.md | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index 3990c0a..9666dab 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -211,10 +211,15 @@ print("First 10 Predictions:", predictions[:10]) ``` • For other datasets + Ensure the correct dataset is loaded and is in the correct directory. + Define X and y for the corresponding features and target variables. + Once you've modified the file path, you can use pytest to run all tests, including real-world datasets and synthetic dataset + • Open a terminal in the directory containing your test script. + • Run Pytest with the following command: pytest test_datasetname.py From 8529d1eb3991110666a0ff96d3bd97ce870bc954 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:04:34 -0600 Subject: [PATCH 12/18] modified README file to ModelSelection --- BoostingTrees/README.md | 19 +++++++++++++------ 1 file changed, 13 insertions(+), 6 deletions(-) diff --git a/BoostingTrees/README.md b/BoostingTrees/README.md index 904bc0a..9fdd81b 100644 --- a/BoostingTrees/README.md +++ b/BoostingTrees/README.md @@ -8,11 +8,11 @@ Implement the gradient-boosting tree algorithm (with the usual fit-predict inter Put your README below. Answer the following questions. -Project 2 -Group Name: A20560777 -Group Members: +# Project 2 +# Group Name: A20560777 +# Group Members: Pooja Pranavi Nalamothu (CWID: A20560777) -Gradient Boosting Tree +# Gradient Boosting Tree 1. What does the model you have implemented do, and when should it be used? Gradient Boosting Tree (GBT) is an algorithm used in supporting machine learning for regression problems. It develops an additive model that is constructed sequentially through using predictions from decisions trees which each step aims at capturing residuals of the trees employed earlier on. This approach makes it flexible for use when dealing with large amounts of datasets, and good for recognizing non-linear patterns. When to use it: @@ -82,6 +82,7 @@ Note: Update paths in the script, if required. Basic Usage: • For Synthetic Data, you can run this code directly CODE: +```python import numpy as np class DecisionTreeRegressor: @@ -231,9 +232,10 @@ class GradientBoostingTree: predictions += self.learning_rate * tree.predict(X) return predictions - +``` # Example Usage +```python if __name__ == "__main__": # Import necessary libraries import numpy as np @@ -266,10 +268,15 @@ if __name__ == "__main__": print(f"Mean Squared Error: {mse:.4f}") print("Predictions for new data:", predictions[:10]) # Display first 10 predictions - +``` • For other datasets + Ensure the correct dataset is loaded and is in the correct directory. + Define X and y for the corresponding features and target variables. + Once you've modified the file path, you can use pytest to run all tests, including real-world datasets and synthetic dataset + • Open a terminal in the directory containing your test script. + • Run Pytest with the following command: pytest test_datasetname.py \ No newline at end of file From 03a9d82ae66f0e05d262493cd2528ef21bdf406c Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:20:55 -0600 Subject: [PATCH 13/18] added new files --- BoostingTrees/BoostingTrees.ipynb | 492 ------------------ BoostingTrees/BoostingTrees.py | 197 +++++++ BoostingTrees/tests/test_auto_MPG.ipynb | 76 --- BoostingTrees/tests/test_auto_MPG.py | 245 +++++++++ .../test_energy_efficiency_dataset.ipynb | 62 --- .../tests/test_energy_efficiency_dataset.py | 230 ++++++++ BoostingTrees/tests/test_housing.ipynb | 81 --- BoostingTrees/tests/test_housing.py | 249 +++++++++ BoostingTrees/tests/test_medical_cost.ipynb | 87 ---- BoostingTrees/tests/test_medical_cost.py | 255 +++++++++ BoostingTrees/tests/test_synthetic_data.ipynb | 66 --- 11 files changed, 1176 insertions(+), 864 deletions(-) delete mode 100644 BoostingTrees/BoostingTrees.ipynb create mode 100644 BoostingTrees/BoostingTrees.py delete mode 100644 BoostingTrees/tests/test_auto_MPG.ipynb create mode 100644 BoostingTrees/tests/test_auto_MPG.py delete mode 100644 BoostingTrees/tests/test_energy_efficiency_dataset.ipynb create mode 100644 BoostingTrees/tests/test_energy_efficiency_dataset.py delete mode 100644 BoostingTrees/tests/test_housing.ipynb create mode 100644 BoostingTrees/tests/test_housing.py delete mode 100644 BoostingTrees/tests/test_medical_cost.ipynb create mode 100644 BoostingTrees/tests/test_medical_cost.py delete mode 100644 BoostingTrees/tests/test_synthetic_data.ipynb diff --git a/BoostingTrees/BoostingTrees.ipynb b/BoostingTrees/BoostingTrees.ipynb deleted file mode 100644 index f1657e1..0000000 --- a/BoostingTrees/BoostingTrees.ipynb +++ /dev/null @@ -1,492 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 2, - "id": "a13d3818-8ab3-4dcf-9629-6e5076cd20f5", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error: 0.0092\n", - "Predictions for new data: [1.8585509 4.32879154 2.16317274 1.86296403 4.3325373 2.51684381\n", - " 2.13825765 3.48771721 1.81816335 2.06598085]\n" - ] - } - ], - "source": [ - "import numpy as np\n", - "\n", - "class DecisionTreeRegressor:\n", - " \"\"\"\n", - " A simple decision tree regressor for fitting residuals.\n", - " \"\"\"\n", - " def __init__(self, max_depth=3):\n", - " self.max_depth = max_depth\n", - " self.tree = None\n", - "\n", - " def _split(self, X, y):\n", - " \"\"\"\n", - " Find the best split for a dataset.\n", - " \"\"\"\n", - " best_split = {\"feature\": None, \"threshold\": None, \"loss\": float(\"inf\")}\n", - " n_samples, n_features = X.shape\n", - " \n", - " for feature in range(n_features):\n", - " thresholds = np.unique(X[:, feature])\n", - " for threshold in thresholds:\n", - " left_mask = X[:, feature] <= threshold\n", - " right_mask = ~left_mask\n", - " \n", - " if np.sum(left_mask) == 0 or np.sum(right_mask) == 0:\n", - " continue\n", - " \n", - " left_residuals = y[left_mask]\n", - " right_residuals = y[right_mask]\n", - " \n", - " # Mean squared error as loss\n", - " loss = (\n", - " np.sum((left_residuals - np.mean(left_residuals)) ** 2) +\n", - " np.sum((right_residuals - np.mean(right_residuals)) ** 2)\n", - " )\n", - " \n", - " if loss < best_split[\"loss\"]:\n", - " best_split = {\n", - " \"feature\": feature,\n", - " \"threshold\": threshold,\n", - " \"loss\": loss,\n", - " \"left_mask\": left_mask,\n", - " \"right_mask\": right_mask,\n", - " }\n", - " \n", - " return best_split\n", - "\n", - " def _build_tree(self, X, y, depth):\n", - " \"\"\"\n", - " Recursively build the decision tree.\n", - " \"\"\"\n", - " if depth >= self.max_depth or len(set(y)) == 1:\n", - " return {\"value\": np.mean(y)}\n", - "\n", - " split = self._split(X, y)\n", - " if split[\"feature\"] is None:\n", - " return {\"value\": np.mean(y)}\n", - "\n", - " left_tree = self._build_tree(X[split[\"left_mask\"]], y[split[\"left_mask\"]], depth + 1)\n", - " right_tree = self._build_tree(X[split[\"right_mask\"]], y[split[\"right_mask\"]], depth + 1)\n", - "\n", - " return {\n", - " \"feature\": split[\"feature\"],\n", - " \"threshold\": split[\"threshold\"],\n", - " \"left\": left_tree,\n", - " \"right\": right_tree,\n", - " }\n", - "\n", - " def fit(self, X, y):\n", - " self.tree = self._build_tree(X, y, 0)\n", - "\n", - " def _predict_one(self, x, tree):\n", - " \"\"\"\n", - " Predict a single sample using the tree.\n", - " \"\"\"\n", - " if \"value\" in tree:\n", - " return tree[\"value\"]\n", - " \n", - " feature = tree[\"feature\"]\n", - " threshold = tree[\"threshold\"]\n", - "\n", - " if x[feature] <= threshold:\n", - " return self._predict_one(x, tree[\"left\"])\n", - " else:\n", - " return self._predict_one(x, tree[\"right\"])\n", - "\n", - " def predict(self, X):\n", - " return np.array([self._predict_one(x, self.tree) for x in X])\n", - "\n", - "\n", - "class GradientBoostingTree:\n", - " \"\"\"\n", - " Gradient Boosting Tree implementation with explicit gamma calculation.\n", - " \"\"\"\n", - " def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss=\"squared_error\"):\n", - " self.n_estimators = n_estimators\n", - " self.learning_rate = learning_rate\n", - " self.max_depth = max_depth\n", - " self.trees = []\n", - " self.init_prediction = None\n", - " self.loss = loss\n", - "\n", - " def _gradient(self, y, y_pred):\n", - " \"\"\"\n", - " Compute the gradient of the loss function.\n", - " \"\"\"\n", - " if self.loss == \"squared_error\":\n", - " return y - y_pred\n", - " raise ValueError(\"Unsupported loss function\")\n", - "\n", - " def _gamma(self, residuals, region):\n", - " \"\"\"\n", - " Compute the optimal gamma for a region as per Equation (10.30).\n", - " \"\"\"\n", - " return np.mean(residuals[region])\n", - "\n", - " def fit(self, X, y):\n", - " \"\"\"\n", - " Train the gradient boosting tree model.\n", - " \"\"\"\n", - " self.init_prediction = np.mean(y) # Start with the mean prediction\n", - " predictions = np.full_like(y, self.init_prediction, dtype=np.float64)\n", - "\n", - " for _ in range(self.n_estimators):\n", - " # Compute residuals (negative gradients)\n", - " residuals = self._gradient(y, predictions)\n", - "\n", - " # Train a decision tree on residuals\n", - " tree = DecisionTreeRegressor(max_depth=self.max_depth)\n", - " tree.fit(X, residuals)\n", - " self.trees.append(tree)\n", - "\n", - " # Update predictions with the tree's contribution\n", - " tree_predictions = tree.predict(X)\n", - "\n", - " for region in np.unique(tree_predictions):\n", - " mask = tree_predictions == region\n", - " gamma = self._gamma(residuals, mask)\n", - " predictions[mask] += self.learning_rate * gamma\n", - "\n", - " def predict(self, X):\n", - " \"\"\"\n", - " Predict target values for input data X.\n", - " \"\"\"\n", - " predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64)\n", - "\n", - " for tree in self.trees:\n", - " predictions += self.learning_rate * tree.predict(X)\n", - "\n", - " return predictions\n", - "\n", - "\n", - "# Example Usage\n", - "if __name__ == \"__main__\":\n", - " # Import necessary libraries\n", - " import numpy as np\n", - "\n", - " # Generate synthetic regression data\n", - " def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42):\n", - " np.random.seed(random_state)\n", - " X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1]\n", - " coefficients = np.random.rand(n_features) # Random coefficients for linear relation\n", - " y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise\n", - " return X, y\n", - "\n", - " # Compute mean squared error manually\n", - " def mean_squared_error(y_true, y_pred):\n", - " return np.mean((y_true - y_pred) ** 2)\n", - "\n", - " # Generate data\n", - " X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42)\n", - " y = y / np.std(y) # Normalize target for simplicity\n", - "\n", - " # Train Gradient Boosting Tree\n", - " model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - " model.fit(X, y)\n", - "\n", - " # Predict\n", - " predictions = model.predict(X)\n", - "\n", - " # Evaluate\n", - " mse = mean_squared_error(y, predictions)\n", - " print(f\"Mean Squared Error: {mse:.4f}\")\n", - "\n", - " print(\"Predictions for new data:\", predictions[:10]) # Display first 10 predictions\n" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "id": "f6d74fbd-31d7-42d2-a952-3db6ef81b13d", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error on Test Data: 0.1252\n", - "Predictions (original scale): [1115218.35094651 1422022.74149671 1296651.00128986 1335160.96679622\n", - " 1420706.07475337 1230924.16022955 929422.37401399 1163514.79813095\n", - " 1304559.25219602 1125881.6236073 ]\n" - ] - } - ], - "source": [ - "import pandas as pd\n", - "import numpy as np\n", - "\n", - "# Load dataset\n", - "dataset1 = pd.read_csv(\"D:/IIT/Fall 2024/ML/Project 2/housing.csv\")\n", - "\n", - "# Drop irrelevant column and define features and target\n", - "X = dataset1.drop(['Price', 'Address'], axis=1)\n", - "y = dataset1['Price']\n", - "\n", - "# Normalize features\n", - "X = (X - X.mean()) / X.std()\n", - "\n", - "# Normalize target variable\n", - "y_mean = y.mean()\n", - "y_std = y.std()\n", - "y = (y - y_mean) / y_std\n", - "\n", - "# Manual Train-Test Split (80% Train, 20% Test)\n", - "n_samples = X.shape[0]\n", - "split_ratio = 0.8\n", - "split_index = int(n_samples * split_ratio)\n", - "\n", - "indices = np.arange(n_samples)\n", - "np.random.seed(42)\n", - "np.random.shuffle(indices)\n", - "\n", - "train_indices = indices[:split_index]\n", - "test_indices = indices[split_index:]\n", - "\n", - "X_train, X_test = X.values[train_indices], X.values[test_indices]\n", - "y_train, y_test = y.values[train_indices], y.values[test_indices]\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X_train, y_train)\n", - "\n", - "# Predict on Test Data\n", - "predictions = model.predict(X_test)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y_test - predictions) ** 2)\n", - "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", - "\n", - "# Rescale Predictions Back to Original Scale\n", - "predictions_original_scale = predictions * y_std + y_mean\n", - "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "id": "b44a7fcc-64b5-4944-9a4d-da51c21f73f5", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error: 0.4848\n", - "Predictions for the dataset: [16.45327894 16.45327894 16.45327894 16.45327894 20.74959815 20.74959815\n", - " 20.74959815 20.74959815 19.80121047 19.80121047]\n" - ] - } - ], - "source": [ - "#Dataset2\n", - "import pandas as pd\n", - "import numpy as np\n", - "\n", - "# Load Energy Efficiency dataset\n", - "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/00242/ENB2012_data.xlsx\"\n", - "data = pd.read_excel(file_path)\n", - "\n", - "# Features and Targets\n", - "X = data.iloc[:, :-2].values # All columns except the last two (Heating and Cooling loads)\n", - "y = data.iloc[:, -2].values # Target: Heating load\n", - "\n", - "# Normalize the features (optional but recommended for Gradient Boosting)\n", - "X = (X - X.mean(axis=0)) / X.std(axis=0)\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X, y)\n", - "\n", - "# Predict\n", - "predictions = model.predict(X)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y - predictions) ** 2) # Mean Squared Error\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "\n", - "# Print predictions for new data\n", - "print(\"Predictions for the dataset:\", predictions[:10]) # Show the first 10 predictions\n" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "id": "7560de01-82f1-4299-a140-0e3d9b60fa30", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error on Test Data: 0.1689\n", - "Predictions (original scale): [10080.48355121 13895.33265983 18348.4838738 16775.67564369\n", - " 13850.04125789 2991.89635303 4363.66200959 10698.70506793\n", - " 18509.28425974 6344.20381705]\n" - ] - } - ], - "source": [ - "#Dataset 3\n", - "import pandas as pd\n", - "import numpy as np\n", - "\n", - "# Load Medical Cost dataset\n", - "file_path = \"https://raw.githubusercontent.com/stedy/Machine-Learning-with-R-datasets/master/insurance.csv\"\n", - "data = pd.read_csv(file_path)\n", - "\n", - "# One-hot encode categorical variables\n", - "data = pd.get_dummies(data, drop_first=True)\n", - "\n", - "# Features and Target\n", - "X = data.drop('charges', axis=1).values # Convert features to NumPy array\n", - "y = data['charges'].values # Convert target to NumPy array\n", - "\n", - "# Normalize the target variable (y)\n", - "y_mean = np.mean(y)\n", - "y_std = np.std(y)\n", - "y = (y - y_mean) / y_std # Normalize\n", - "\n", - "# Manual Train-Test Split (80% Train, 20% Test)\n", - "n_samples = X.shape[0]\n", - "split_ratio = 0.8 # 80% train, 20% test\n", - "split_index = int(n_samples * split_ratio)\n", - "\n", - "# Shuffle indices\n", - "indices = np.arange(n_samples)\n", - "np.random.seed(42) # For reproducibility\n", - "np.random.shuffle(indices)\n", - "\n", - "# Split the data\n", - "train_indices = indices[:split_index]\n", - "test_indices = indices[split_index:]\n", - "\n", - "X_train, X_test = X[train_indices], X[test_indices]\n", - "y_train, y_test = y[train_indices], y[test_indices]\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X_train, y_train)\n", - "\n", - "# Predict on Test Data\n", - "predictions = model.predict(X_test)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y_test - predictions) ** 2)\n", - "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", - "\n", - "# Rescale Predictions Back to Original Scale\n", - "predictions_original_scale = predictions * y_std + y_mean\n", - "\n", - "# Print example predictions\n", - "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "id": "16709f75-fb97-4e4a-8fae-220d930ec0f2", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\pooja\\AppData\\Local\\Temp\\ipykernel_11216\\1415650776.py:6: FutureWarning: The 'delim_whitespace' keyword in pd.read_csv is deprecated and will be removed in a future version. Use ``sep='\\s+'`` instead\n", - " data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values=\"?\")\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error: 0.0080\n", - "Predictions for test data: [4.12896439 5.98399739 4.00468102 4.00468102 4.00468102 4.00468102\n", - " 4.00468102 4.00468102 4.25208439 4.00468102]\n" - ] - } - ], - "source": [ - "#Dataset 4\n", - "# Load and Process Auto MPG Dataset\n", - "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/auto-mpg/auto-mpg.data\"\n", - "columns = ['mpg', 'cylinders', 'displacement', 'horsepower', 'weight', 'acceleration', 'model_year', 'origin']\n", - "\n", - "data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values=\"?\")\n", - "\n", - "# Handle missing values\n", - "data = data.dropna()\n", - "\n", - "# One-hot encode the 'origin' column\n", - "data = pd.get_dummies(data, columns=['origin'], drop_first=True)\n", - "\n", - "# Features and Target\n", - "X = data.drop('mpg', axis=1).values # Convert to NumPy array\n", - "y = data['mpg'].values\n", - "\n", - "# Manual Train-Test Split (80-20 split)\n", - "n_samples = X.shape[0]\n", - "split_index = int(n_samples * 0.8)\n", - "indices = np.arange(n_samples)\n", - "np.random.shuffle(indices)\n", - "\n", - "train_indices = indices[:split_index]\n", - "test_indices = indices[split_index:]\n", - "\n", - "X_train, X_test = X[train_indices], X[split_index:]\n", - "y_train, y_test = y[train_indices], y[split_index:]\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X_train, y_train)\n", - "\n", - "# Predict on Test Data\n", - "predictions = model.predict(X_test)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y_test - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "\n", - "# Print some predictions\n", - "print(\"Predictions for test data:\", predictions[:10])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "a0cfbd2b-ec52-459c-ab94-6815fcb6b048", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/BoostingTrees/BoostingTrees.py b/BoostingTrees/BoostingTrees.py new file mode 100644 index 0000000..1e1c83a --- /dev/null +++ b/BoostingTrees/BoostingTrees.py @@ -0,0 +1,197 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[2]: + + +import numpy as np + +class DecisionTreeRegressor: + """ + A simple decision tree regressor for fitting residuals. + """ + def __init__(self, max_depth=3): + self.max_depth = max_depth + self.tree = None + + def _split(self, X, y): + """ + Find the best split for a dataset. + """ + best_split = {"feature": None, "threshold": None, "loss": float("inf")} + n_samples, n_features = X.shape + + for feature in range(n_features): + thresholds = np.unique(X[:, feature]) + for threshold in thresholds: + left_mask = X[:, feature] <= threshold + right_mask = ~left_mask + + if np.sum(left_mask) == 0 or np.sum(right_mask) == 0: + continue + + left_residuals = y[left_mask] + right_residuals = y[right_mask] + + # Mean squared error as loss + loss = ( + np.sum((left_residuals - np.mean(left_residuals)) ** 2) + + np.sum((right_residuals - np.mean(right_residuals)) ** 2) + ) + + if loss < best_split["loss"]: + best_split = { + "feature": feature, + "threshold": threshold, + "loss": loss, + "left_mask": left_mask, + "right_mask": right_mask, + } + + return best_split + + def _build_tree(self, X, y, depth): + """ + Recursively build the decision tree. + """ + if depth >= self.max_depth or len(set(y)) == 1: + return {"value": np.mean(y)} + + split = self._split(X, y) + if split["feature"] is None: + return {"value": np.mean(y)} + + left_tree = self._build_tree(X[split["left_mask"]], y[split["left_mask"]], depth + 1) + right_tree = self._build_tree(X[split["right_mask"]], y[split["right_mask"]], depth + 1) + + return { + "feature": split["feature"], + "threshold": split["threshold"], + "left": left_tree, + "right": right_tree, + } + + def fit(self, X, y): + self.tree = self._build_tree(X, y, 0) + + def _predict_one(self, x, tree): + """ + Predict a single sample using the tree. + """ + if "value" in tree: + return tree["value"] + + feature = tree["feature"] + threshold = tree["threshold"] + + if x[feature] <= threshold: + return self._predict_one(x, tree["left"]) + else: + return self._predict_one(x, tree["right"]) + + def predict(self, X): + return np.array([self._predict_one(x, self.tree) for x in X]) + + +class GradientBoostingTree: + """ + Gradient Boosting Tree implementation with explicit gamma calculation. + """ + def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss="squared_error"): + self.n_estimators = n_estimators + self.learning_rate = learning_rate + self.max_depth = max_depth + self.trees = [] + self.init_prediction = None + self.loss = loss + + def _gradient(self, y, y_pred): + """ + Compute the gradient of the loss function. + """ + if self.loss == "squared_error": + return y - y_pred + raise ValueError("Unsupported loss function") + + def _gamma(self, residuals, region): + """ + Compute the optimal gamma for a region as per Equation (10.30). + """ + return np.mean(residuals[region]) + + def fit(self, X, y): + """ + Train the gradient boosting tree model. + """ + self.init_prediction = np.mean(y) # Start with the mean prediction + predictions = np.full_like(y, self.init_prediction, dtype=np.float64) + + for _ in range(self.n_estimators): + # Compute residuals (negative gradients) + residuals = self._gradient(y, predictions) + + # Train a decision tree on residuals + tree = DecisionTreeRegressor(max_depth=self.max_depth) + tree.fit(X, residuals) + self.trees.append(tree) + + # Update predictions with the tree's contribution + tree_predictions = tree.predict(X) + + for region in np.unique(tree_predictions): + mask = tree_predictions == region + gamma = self._gamma(residuals, mask) + predictions[mask] += self.learning_rate * gamma + + def predict(self, X): + """ + Predict target values for input data X. + """ + predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64) + + for tree in self.trees: + predictions += self.learning_rate * tree.predict(X) + + return predictions + + +# Example Usage +if __name__ == "__main__": + # Import necessary libraries + import numpy as np + + # Generate synthetic regression data + def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42): + np.random.seed(random_state) + X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1] + coefficients = np.random.rand(n_features) # Random coefficients for linear relation + y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise + return X, y + + # Compute mean squared error manually + def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + + # Generate data + X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42) + y = y / np.std(y) # Normalize target for simplicity + + # Train Gradient Boosting Tree + model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") + model.fit(X, y) + + # Predict + predictions = model.predict(X) + + # Evaluate + mse = mean_squared_error(y, predictions) + print(f"Mean Squared Error: {mse:.4f}") + + print("Predictions for new data:", predictions[:10]) # Display first 10 predictions + + +# In[ ]: + + + + diff --git a/BoostingTrees/tests/test_auto_MPG.ipynb b/BoostingTrees/tests/test_auto_MPG.ipynb deleted file mode 100644 index 8fd8ae2..0000000 --- a/BoostingTrees/tests/test_auto_MPG.ipynb +++ /dev/null @@ -1,76 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "c4e5affc-5d8a-4d22-9cff-413117b5d0e8", - "metadata": {}, - "outputs": [], - "source": [ - "#Dataset 4\n", - "# Load and Process Auto MPG Dataset\n", - "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/auto-mpg/auto-mpg.data\"\n", - "columns = ['mpg', 'cylinders', 'displacement', 'horsepower', 'weight', 'acceleration', 'model_year', 'origin']\n", - "\n", - "data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values=\"?\")\n", - "\n", - "# Handle missing values\n", - "data = data.dropna()\n", - "\n", - "# One-hot encode the 'origin' column\n", - "data = pd.get_dummies(data, columns=['origin'], drop_first=True)\n", - "\n", - "# Features and Target\n", - "X = data.drop('mpg', axis=1).values # Convert to NumPy array\n", - "y = data['mpg'].values\n", - "\n", - "# Manual Train-Test Split (80-20 split)\n", - "n_samples = X.shape[0]\n", - "split_index = int(n_samples * 0.8)\n", - "indices = np.arange(n_samples)\n", - "np.random.shuffle(indices)\n", - "\n", - "train_indices = indices[:split_index]\n", - "test_indices = indices[split_index:]\n", - "\n", - "X_train, X_test = X[train_indices], X[split_index:]\n", - "y_train, y_test = y[train_indices], y[split_index:]\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X_train, y_train)\n", - "\n", - "# Predict on Test Data\n", - "predictions = model.predict(X_test)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y_test - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "\n", - "# Print some predictions\n", - "print(\"Predictions for test data:\", predictions[:10])" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/BoostingTrees/tests/test_auto_MPG.py b/BoostingTrees/tests/test_auto_MPG.py new file mode 100644 index 0000000..6fd6470 --- /dev/null +++ b/BoostingTrees/tests/test_auto_MPG.py @@ -0,0 +1,245 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class DecisionTreeRegressor: + """ + A simple decision tree regressor for fitting residuals. + """ + def __init__(self, max_depth=3): + self.max_depth = max_depth + self.tree = None + + def _split(self, X, y): + """ + Find the best split for a dataset. + """ + best_split = {"feature": None, "threshold": None, "loss": float("inf")} + n_samples, n_features = X.shape + + for feature in range(n_features): + thresholds = np.unique(X[:, feature]) + for threshold in thresholds: + left_mask = X[:, feature] <= threshold + right_mask = ~left_mask + + if np.sum(left_mask) == 0 or np.sum(right_mask) == 0: + continue + + left_residuals = y[left_mask] + right_residuals = y[right_mask] + + # Mean squared error as loss + loss = ( + np.sum((left_residuals - np.mean(left_residuals)) ** 2) + + np.sum((right_residuals - np.mean(right_residuals)) ** 2) + ) + + if loss < best_split["loss"]: + best_split = { + "feature": feature, + "threshold": threshold, + "loss": loss, + "left_mask": left_mask, + "right_mask": right_mask, + } + + return best_split + + def _build_tree(self, X, y, depth): + """ + Recursively build the decision tree. + """ + if depth >= self.max_depth or len(set(y)) == 1: + return {"value": np.mean(y)} + + split = self._split(X, y) + if split["feature"] is None: + return {"value": np.mean(y)} + + left_tree = self._build_tree(X[split["left_mask"]], y[split["left_mask"]], depth + 1) + right_tree = self._build_tree(X[split["right_mask"]], y[split["right_mask"]], depth + 1) + + return { + "feature": split["feature"], + "threshold": split["threshold"], + "left": left_tree, + "right": right_tree, + } + + def fit(self, X, y): + self.tree = self._build_tree(X, y, 0) + + def _predict_one(self, x, tree): + """ + Predict a single sample using the tree. + """ + if "value" in tree: + return tree["value"] + + feature = tree["feature"] + threshold = tree["threshold"] + + if x[feature] <= threshold: + return self._predict_one(x, tree["left"]) + else: + return self._predict_one(x, tree["right"]) + + def predict(self, X): + return np.array([self._predict_one(x, self.tree) for x in X]) + + +class GradientBoostingTree: + """ + Gradient Boosting Tree implementation with explicit gamma calculation. + """ + def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss="squared_error"): + self.n_estimators = n_estimators + self.learning_rate = learning_rate + self.max_depth = max_depth + self.trees = [] + self.init_prediction = None + self.loss = loss + + def _gradient(self, y, y_pred): + """ + Compute the gradient of the loss function. + """ + if self.loss == "squared_error": + return y - y_pred + raise ValueError("Unsupported loss function") + + def _gamma(self, residuals, region): + """ + Compute the optimal gamma for a region as per Equation (10.30). + """ + return np.mean(residuals[region]) + + def fit(self, X, y): + """ + Train the gradient boosting tree model. + """ + self.init_prediction = np.mean(y) # Start with the mean prediction + predictions = np.full_like(y, self.init_prediction, dtype=np.float64) + + for _ in range(self.n_estimators): + # Compute residuals (negative gradients) + residuals = self._gradient(y, predictions) + + # Train a decision tree on residuals + tree = DecisionTreeRegressor(max_depth=self.max_depth) + tree.fit(X, residuals) + self.trees.append(tree) + + # Update predictions with the tree's contribution + tree_predictions = tree.predict(X) + + for region in np.unique(tree_predictions): + mask = tree_predictions == region + gamma = self._gamma(residuals, mask) + predictions[mask] += self.learning_rate * gamma + + def predict(self, X): + """ + Predict target values for input data X. + """ + predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64) + + for tree in self.trees: + predictions += self.learning_rate * tree.predict(X) + + return predictions + + +# Example Usage +if __name__ == "__main__": + # Import necessary libraries + import numpy as np + + # Generate synthetic regression data + def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42): + np.random.seed(random_state) + X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1] + coefficients = np.random.rand(n_features) # Random coefficients for linear relation + y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise + return X, y + + # Compute mean squared error manually + def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + + # Generate data + X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42) + y = y / np.std(y) # Normalize target for simplicity + + # Train Gradient Boosting Tree + model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") + model.fit(X, y) + + # Predict + predictions = model.predict(X) + + # Evaluate + mse = mean_squared_error(y, predictions) + print(f"Mean Squared Error: {mse:.4f}") + + print("Predictions for new data:", predictions[:10]) # Display first 10 predictions + + +# In[3]: + + +#Dataset 4 +# Load and Process Auto MPG Dataset +import pandas as pd +file_path = "https://archive.ics.uci.edu/ml/machine-learning-databases/auto-mpg/auto-mpg.data" +columns = ['mpg', 'cylinders', 'displacement', 'horsepower', 'weight', 'acceleration', 'model_year', 'origin'] + +data = pd.read_csv(file_path, delim_whitespace=True, names=columns, na_values="?") + +# Handle missing values +data = data.dropna() + +# One-hot encode the 'origin' column +data = pd.get_dummies(data, columns=['origin'], drop_first=True) + +# Features and Target +X = data.drop('mpg', axis=1).values # Convert to NumPy array +y = data['mpg'].values + +# Manual Train-Test Split (80-20 split) +n_samples = X.shape[0] +split_index = int(n_samples * 0.8) +indices = np.arange(n_samples) +np.random.shuffle(indices) + +train_indices = indices[:split_index] +test_indices = indices[split_index:] + +X_train, X_test = X[train_indices], X[split_index:] +y_train, y_test = y[train_indices], y[split_index:] + +# Train Gradient Boosting Tree +model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") +model.fit(X_train, y_train) + +# Predict on Test Data +predictions = model.predict(X_test) + +# Evaluate +mse = np.mean((y_test - predictions) ** 2) +print(f"Mean Squared Error: {mse:.4f}") + +# Print some predictions +print("Predictions for test data:", predictions[:10]) + + +# In[ ]: + + + + diff --git a/BoostingTrees/tests/test_energy_efficiency_dataset.ipynb b/BoostingTrees/tests/test_energy_efficiency_dataset.ipynb deleted file mode 100644 index 41fc9ce..0000000 --- a/BoostingTrees/tests/test_energy_efficiency_dataset.ipynb +++ /dev/null @@ -1,62 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "89348b60-3494-4790-8e55-af49e307ef75", - "metadata": {}, - "outputs": [], - "source": [ - "#Dataset2\n", - "import pandas as pd\n", - "import numpy as np\n", - "\n", - "# Load Energy Efficiency dataset\n", - "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/00242/ENB2012_data.xlsx\"\n", - "data = pd.read_excel(file_path)\n", - "\n", - "# Features and Targets\n", - "X = data.iloc[:, :-2].values # All columns except the last two (Heating and Cooling loads)\n", - "y = data.iloc[:, -2].values # Target: Heating load\n", - "\n", - "# Normalize the features (optional but recommended for Gradient Boosting)\n", - "X = (X - X.mean(axis=0)) / X.std(axis=0)\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X, y)\n", - "\n", - "# Predict\n", - "predictions = model.predict(X)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y - predictions) ** 2) # Mean Squared Error\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "\n", - "# Print predictions for new data\n", - "print(\"Predictions for the dataset:\", predictions[:10]) # Show the first 10 predictions\n" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/BoostingTrees/tests/test_energy_efficiency_dataset.py b/BoostingTrees/tests/test_energy_efficiency_dataset.py new file mode 100644 index 0000000..3aafb6f --- /dev/null +++ b/BoostingTrees/tests/test_energy_efficiency_dataset.py @@ -0,0 +1,230 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class DecisionTreeRegressor: + """ + A simple decision tree regressor for fitting residuals. + """ + def __init__(self, max_depth=3): + self.max_depth = max_depth + self.tree = None + + def _split(self, X, y): + """ + Find the best split for a dataset. + """ + best_split = {"feature": None, "threshold": None, "loss": float("inf")} + n_samples, n_features = X.shape + + for feature in range(n_features): + thresholds = np.unique(X[:, feature]) + for threshold in thresholds: + left_mask = X[:, feature] <= threshold + right_mask = ~left_mask + + if np.sum(left_mask) == 0 or np.sum(right_mask) == 0: + continue + + left_residuals = y[left_mask] + right_residuals = y[right_mask] + + # Mean squared error as loss + loss = ( + np.sum((left_residuals - np.mean(left_residuals)) ** 2) + + np.sum((right_residuals - np.mean(right_residuals)) ** 2) + ) + + if loss < best_split["loss"]: + best_split = { + "feature": feature, + "threshold": threshold, + "loss": loss, + "left_mask": left_mask, + "right_mask": right_mask, + } + + return best_split + + def _build_tree(self, X, y, depth): + """ + Recursively build the decision tree. + """ + if depth >= self.max_depth or len(set(y)) == 1: + return {"value": np.mean(y)} + + split = self._split(X, y) + if split["feature"] is None: + return {"value": np.mean(y)} + + left_tree = self._build_tree(X[split["left_mask"]], y[split["left_mask"]], depth + 1) + right_tree = self._build_tree(X[split["right_mask"]], y[split["right_mask"]], depth + 1) + + return { + "feature": split["feature"], + "threshold": split["threshold"], + "left": left_tree, + "right": right_tree, + } + + def fit(self, X, y): + self.tree = self._build_tree(X, y, 0) + + def _predict_one(self, x, tree): + """ + Predict a single sample using the tree. + """ + if "value" in tree: + return tree["value"] + + feature = tree["feature"] + threshold = tree["threshold"] + + if x[feature] <= threshold: + return self._predict_one(x, tree["left"]) + else: + return self._predict_one(x, tree["right"]) + + def predict(self, X): + return np.array([self._predict_one(x, self.tree) for x in X]) + + +class GradientBoostingTree: + """ + Gradient Boosting Tree implementation with explicit gamma calculation. + """ + def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss="squared_error"): + self.n_estimators = n_estimators + self.learning_rate = learning_rate + self.max_depth = max_depth + self.trees = [] + self.init_prediction = None + self.loss = loss + + def _gradient(self, y, y_pred): + """ + Compute the gradient of the loss function. + """ + if self.loss == "squared_error": + return y - y_pred + raise ValueError("Unsupported loss function") + + def _gamma(self, residuals, region): + """ + Compute the optimal gamma for a region as per Equation (10.30). + """ + return np.mean(residuals[region]) + + def fit(self, X, y): + """ + Train the gradient boosting tree model. + """ + self.init_prediction = np.mean(y) # Start with the mean prediction + predictions = np.full_like(y, self.init_prediction, dtype=np.float64) + + for _ in range(self.n_estimators): + # Compute residuals (negative gradients) + residuals = self._gradient(y, predictions) + + # Train a decision tree on residuals + tree = DecisionTreeRegressor(max_depth=self.max_depth) + tree.fit(X, residuals) + self.trees.append(tree) + + # Update predictions with the tree's contribution + tree_predictions = tree.predict(X) + + for region in np.unique(tree_predictions): + mask = tree_predictions == region + gamma = self._gamma(residuals, mask) + predictions[mask] += self.learning_rate * gamma + + def predict(self, X): + """ + Predict target values for input data X. + """ + predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64) + + for tree in self.trees: + predictions += self.learning_rate * tree.predict(X) + + return predictions + + +# Example Usage +if __name__ == "__main__": + # Import necessary libraries + import numpy as np + + # Generate synthetic regression data + def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42): + np.random.seed(random_state) + X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1] + coefficients = np.random.rand(n_features) # Random coefficients for linear relation + y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise + return X, y + + # Compute mean squared error manually + def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + + # Generate data + X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42) + y = y / np.std(y) # Normalize target for simplicity + + # Train Gradient Boosting Tree + model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") + model.fit(X, y) + + # Predict + predictions = model.predict(X) + + # Evaluate + mse = mean_squared_error(y, predictions) + print(f"Mean Squared Error: {mse:.4f}") + + print("Predictions for new data:", predictions[:10]) # Display first 10 predictions + + +# In[2]: + + +#Dataset2 +import pandas as pd +import numpy as np + +# Load Energy Efficiency dataset +file_path = "https://archive.ics.uci.edu/ml/machine-learning-databases/00242/ENB2012_data.xlsx" +data = pd.read_excel(file_path) + +# Features and Targets +X = data.iloc[:, :-2].values # All columns except the last two (Heating and Cooling loads) +y = data.iloc[:, -2].values # Target: Heating load + +# Normalize the features (optional but recommended for Gradient Boosting) +X = (X - X.mean(axis=0)) / X.std(axis=0) + +# Train Gradient Boosting Tree +model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") +model.fit(X, y) + +# Predict +predictions = model.predict(X) + +# Evaluate +mse = np.mean((y - predictions) ** 2) # Mean Squared Error +print(f"Mean Squared Error: {mse:.4f}") + +# Print predictions for new data +print("Predictions for the dataset:", predictions[:10]) # Show the first 10 predictions + + +# In[ ]: + + + + diff --git a/BoostingTrees/tests/test_housing.ipynb b/BoostingTrees/tests/test_housing.ipynb deleted file mode 100644 index 99f23cd..0000000 --- a/BoostingTrees/tests/test_housing.ipynb +++ /dev/null @@ -1,81 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "6efe086a-e6f9-40f0-8335-5d66ba479905", - "metadata": {}, - "outputs": [], - "source": [ - "import pandas as pd\n", - "import numpy as np\n", - "\n", - "# Load dataset\n", - "dataset1 = pd.read_csv(\"D:/IIT/Fall 2024/ML/Project 2/housing.csv\")\n", - "\n", - "# Drop irrelevant column and define features and target\n", - "X = dataset1.drop(['Price', 'Address'], axis=1)\n", - "y = dataset1['Price']\n", - "\n", - "# Normalize features\n", - "X = (X - X.mean()) / X.std()\n", - "\n", - "# Normalize target variable\n", - "y_mean = y.mean()\n", - "y_std = y.std()\n", - "y = (y - y_mean) / y_std\n", - "\n", - "# Manual Train-Test Split (80% Train, 20% Test)\n", - "n_samples = X.shape[0]\n", - "split_ratio = 0.8\n", - "split_index = int(n_samples * split_ratio)\n", - "\n", - "indices = np.arange(n_samples)\n", - "np.random.seed(42)\n", - "np.random.shuffle(indices)\n", - "\n", - "train_indices = indices[:split_index]\n", - "test_indices = indices[split_index:]\n", - "\n", - "X_train, X_test = X.values[train_indices], X.values[test_indices]\n", - "y_train, y_test = y.values[train_indices], y.values[test_indices]\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X_train, y_train)\n", - "\n", - "# Predict on Test Data\n", - "predictions = model.predict(X_test)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y_test - predictions) ** 2)\n", - "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", - "\n", - "# Rescale Predictions Back to Original Scale\n", - "predictions_original_scale = predictions * y_std + y_mean\n", - "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/BoostingTrees/tests/test_housing.py b/BoostingTrees/tests/test_housing.py new file mode 100644 index 0000000..79b7bfa --- /dev/null +++ b/BoostingTrees/tests/test_housing.py @@ -0,0 +1,249 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class DecisionTreeRegressor: + """ + A simple decision tree regressor for fitting residuals. + """ + def __init__(self, max_depth=3): + self.max_depth = max_depth + self.tree = None + + def _split(self, X, y): + """ + Find the best split for a dataset. + """ + best_split = {"feature": None, "threshold": None, "loss": float("inf")} + n_samples, n_features = X.shape + + for feature in range(n_features): + thresholds = np.unique(X[:, feature]) + for threshold in thresholds: + left_mask = X[:, feature] <= threshold + right_mask = ~left_mask + + if np.sum(left_mask) == 0 or np.sum(right_mask) == 0: + continue + + left_residuals = y[left_mask] + right_residuals = y[right_mask] + + # Mean squared error as loss + loss = ( + np.sum((left_residuals - np.mean(left_residuals)) ** 2) + + np.sum((right_residuals - np.mean(right_residuals)) ** 2) + ) + + if loss < best_split["loss"]: + best_split = { + "feature": feature, + "threshold": threshold, + "loss": loss, + "left_mask": left_mask, + "right_mask": right_mask, + } + + return best_split + + def _build_tree(self, X, y, depth): + """ + Recursively build the decision tree. + """ + if depth >= self.max_depth or len(set(y)) == 1: + return {"value": np.mean(y)} + + split = self._split(X, y) + if split["feature"] is None: + return {"value": np.mean(y)} + + left_tree = self._build_tree(X[split["left_mask"]], y[split["left_mask"]], depth + 1) + right_tree = self._build_tree(X[split["right_mask"]], y[split["right_mask"]], depth + 1) + + return { + "feature": split["feature"], + "threshold": split["threshold"], + "left": left_tree, + "right": right_tree, + } + + def fit(self, X, y): + self.tree = self._build_tree(X, y, 0) + + def _predict_one(self, x, tree): + """ + Predict a single sample using the tree. + """ + if "value" in tree: + return tree["value"] + + feature = tree["feature"] + threshold = tree["threshold"] + + if x[feature] <= threshold: + return self._predict_one(x, tree["left"]) + else: + return self._predict_one(x, tree["right"]) + + def predict(self, X): + return np.array([self._predict_one(x, self.tree) for x in X]) + + +class GradientBoostingTree: + """ + Gradient Boosting Tree implementation with explicit gamma calculation. + """ + def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss="squared_error"): + self.n_estimators = n_estimators + self.learning_rate = learning_rate + self.max_depth = max_depth + self.trees = [] + self.init_prediction = None + self.loss = loss + + def _gradient(self, y, y_pred): + """ + Compute the gradient of the loss function. + """ + if self.loss == "squared_error": + return y - y_pred + raise ValueError("Unsupported loss function") + + def _gamma(self, residuals, region): + """ + Compute the optimal gamma for a region as per Equation (10.30). + """ + return np.mean(residuals[region]) + + def fit(self, X, y): + """ + Train the gradient boosting tree model. + """ + self.init_prediction = np.mean(y) # Start with the mean prediction + predictions = np.full_like(y, self.init_prediction, dtype=np.float64) + + for _ in range(self.n_estimators): + # Compute residuals (negative gradients) + residuals = self._gradient(y, predictions) + + # Train a decision tree on residuals + tree = DecisionTreeRegressor(max_depth=self.max_depth) + tree.fit(X, residuals) + self.trees.append(tree) + + # Update predictions with the tree's contribution + tree_predictions = tree.predict(X) + + for region in np.unique(tree_predictions): + mask = tree_predictions == region + gamma = self._gamma(residuals, mask) + predictions[mask] += self.learning_rate * gamma + + def predict(self, X): + """ + Predict target values for input data X. + """ + predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64) + + for tree in self.trees: + predictions += self.learning_rate * tree.predict(X) + + return predictions + + +# Example Usage +if __name__ == "__main__": + # Import necessary libraries + import numpy as np + + # Generate synthetic regression data + def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42): + np.random.seed(random_state) + X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1] + coefficients = np.random.rand(n_features) # Random coefficients for linear relation + y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise + return X, y + + # Compute mean squared error manually + def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + + # Generate data + X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42) + y = y / np.std(y) # Normalize target for simplicity + + # Train Gradient Boosting Tree + model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") + model.fit(X, y) + + # Predict + predictions = model.predict(X) + + # Evaluate + mse = mean_squared_error(y, predictions) + print(f"Mean Squared Error: {mse:.4f}") + + print("Predictions for new data:", predictions[:10]) # Display first 10 predictions + + +# In[ ]: + + +import pandas as pd +import numpy as np + +# Load dataset +dataset1 = pd.read_csv("D:/IIT/Fall 2024/ML/Project 2/housing.csv") + +# Drop irrelevant column and define features and target +X = dataset1.drop(['Price', 'Address'], axis=1) +y = dataset1['Price'] + +# Normalize features +X = (X - X.mean()) / X.std() + +# Normalize target variable +y_mean = y.mean() +y_std = y.std() +y = (y - y_mean) / y_std + +# Manual Train-Test Split (80% Train, 20% Test) +n_samples = X.shape[0] +split_ratio = 0.8 +split_index = int(n_samples * split_ratio) + +indices = np.arange(n_samples) +np.random.seed(42) +np.random.shuffle(indices) + +train_indices = indices[:split_index] +test_indices = indices[split_index:] + +X_train, X_test = X.values[train_indices], X.values[test_indices] +y_train, y_test = y.values[train_indices], y.values[test_indices] + +# Train Gradient Boosting Tree +model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") +model.fit(X_train, y_train) + +# Predict on Test Data +predictions = model.predict(X_test) + +# Evaluate +mse = np.mean((y_test - predictions) ** 2) +print(f"Mean Squared Error on Test Data: {mse:.4f}") + +# Rescale Predictions Back to Original Scale +predictions_original_scale = predictions * y_std + y_mean +print("Predictions (original scale):", predictions_original_scale[:10]) + + +# In[ ]: + + + + diff --git a/BoostingTrees/tests/test_medical_cost.ipynb b/BoostingTrees/tests/test_medical_cost.ipynb deleted file mode 100644 index e68bc38..0000000 --- a/BoostingTrees/tests/test_medical_cost.ipynb +++ /dev/null @@ -1,87 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "937b0773-0b66-4bf5-b9cf-9e0dbedc6d70", - "metadata": {}, - "outputs": [], - "source": [ - "#Dataset 3\n", - "import pandas as pd\n", - "import numpy as np\n", - "\n", - "# Load Medical Cost dataset\n", - "file_path = \"https://raw.githubusercontent.com/stedy/Machine-Learning-with-R-datasets/master/insurance.csv\"\n", - "data = pd.read_csv(file_path)\n", - "\n", - "# One-hot encode categorical variables\n", - "data = pd.get_dummies(data, drop_first=True)\n", - "\n", - "# Features and Target\n", - "X = data.drop('charges', axis=1).values # Convert features to NumPy array\n", - "y = data['charges'].values # Convert target to NumPy array\n", - "\n", - "# Normalize the target variable (y)\n", - "y_mean = np.mean(y)\n", - "y_std = np.std(y)\n", - "y = (y - y_mean) / y_std # Normalize\n", - "\n", - "# Manual Train-Test Split (80% Train, 20% Test)\n", - "n_samples = X.shape[0]\n", - "split_ratio = 0.8 # 80% train, 20% test\n", - "split_index = int(n_samples * split_ratio)\n", - "\n", - "# Shuffle indices\n", - "indices = np.arange(n_samples)\n", - "np.random.seed(42) # For reproducibility\n", - "np.random.shuffle(indices)\n", - "\n", - "# Split the data\n", - "train_indices = indices[:split_index]\n", - "test_indices = indices[split_index:]\n", - "\n", - "X_train, X_test = X[train_indices], X[test_indices]\n", - "y_train, y_test = y[train_indices], y[test_indices]\n", - "\n", - "# Train Gradient Boosting Tree\n", - "model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - "model.fit(X_train, y_train)\n", - "\n", - "# Predict on Test Data\n", - "predictions = model.predict(X_test)\n", - "\n", - "# Evaluate\n", - "mse = np.mean((y_test - predictions) ** 2)\n", - "print(f\"Mean Squared Error on Test Data: {mse:.4f}\")\n", - "\n", - "# Rescale Predictions Back to Original Scale\n", - "predictions_original_scale = predictions * y_std + y_mean\n", - "\n", - "# Print example predictions\n", - "print(\"Predictions (original scale):\", predictions_original_scale[:10])\n" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/BoostingTrees/tests/test_medical_cost.py b/BoostingTrees/tests/test_medical_cost.py new file mode 100644 index 0000000..844e28e --- /dev/null +++ b/BoostingTrees/tests/test_medical_cost.py @@ -0,0 +1,255 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class DecisionTreeRegressor: + """ + A simple decision tree regressor for fitting residuals. + """ + def __init__(self, max_depth=3): + self.max_depth = max_depth + self.tree = None + + def _split(self, X, y): + """ + Find the best split for a dataset. + """ + best_split = {"feature": None, "threshold": None, "loss": float("inf")} + n_samples, n_features = X.shape + + for feature in range(n_features): + thresholds = np.unique(X[:, feature]) + for threshold in thresholds: + left_mask = X[:, feature] <= threshold + right_mask = ~left_mask + + if np.sum(left_mask) == 0 or np.sum(right_mask) == 0: + continue + + left_residuals = y[left_mask] + right_residuals = y[right_mask] + + # Mean squared error as loss + loss = ( + np.sum((left_residuals - np.mean(left_residuals)) ** 2) + + np.sum((right_residuals - np.mean(right_residuals)) ** 2) + ) + + if loss < best_split["loss"]: + best_split = { + "feature": feature, + "threshold": threshold, + "loss": loss, + "left_mask": left_mask, + "right_mask": right_mask, + } + + return best_split + + def _build_tree(self, X, y, depth): + """ + Recursively build the decision tree. + """ + if depth >= self.max_depth or len(set(y)) == 1: + return {"value": np.mean(y)} + + split = self._split(X, y) + if split["feature"] is None: + return {"value": np.mean(y)} + + left_tree = self._build_tree(X[split["left_mask"]], y[split["left_mask"]], depth + 1) + right_tree = self._build_tree(X[split["right_mask"]], y[split["right_mask"]], depth + 1) + + return { + "feature": split["feature"], + "threshold": split["threshold"], + "left": left_tree, + "right": right_tree, + } + + def fit(self, X, y): + self.tree = self._build_tree(X, y, 0) + + def _predict_one(self, x, tree): + """ + Predict a single sample using the tree. + """ + if "value" in tree: + return tree["value"] + + feature = tree["feature"] + threshold = tree["threshold"] + + if x[feature] <= threshold: + return self._predict_one(x, tree["left"]) + else: + return self._predict_one(x, tree["right"]) + + def predict(self, X): + return np.array([self._predict_one(x, self.tree) for x in X]) + + +class GradientBoostingTree: + """ + Gradient Boosting Tree implementation with explicit gamma calculation. + """ + def __init__(self, n_estimators=100, learning_rate=0.1, max_depth=3, loss="squared_error"): + self.n_estimators = n_estimators + self.learning_rate = learning_rate + self.max_depth = max_depth + self.trees = [] + self.init_prediction = None + self.loss = loss + + def _gradient(self, y, y_pred): + """ + Compute the gradient of the loss function. + """ + if self.loss == "squared_error": + return y - y_pred + raise ValueError("Unsupported loss function") + + def _gamma(self, residuals, region): + """ + Compute the optimal gamma for a region as per Equation (10.30). + """ + return np.mean(residuals[region]) + + def fit(self, X, y): + """ + Train the gradient boosting tree model. + """ + self.init_prediction = np.mean(y) # Start with the mean prediction + predictions = np.full_like(y, self.init_prediction, dtype=np.float64) + + for _ in range(self.n_estimators): + # Compute residuals (negative gradients) + residuals = self._gradient(y, predictions) + + # Train a decision tree on residuals + tree = DecisionTreeRegressor(max_depth=self.max_depth) + tree.fit(X, residuals) + self.trees.append(tree) + + # Update predictions with the tree's contribution + tree_predictions = tree.predict(X) + + for region in np.unique(tree_predictions): + mask = tree_predictions == region + gamma = self._gamma(residuals, mask) + predictions[mask] += self.learning_rate * gamma + + def predict(self, X): + """ + Predict target values for input data X. + """ + predictions = np.full((X.shape[0],), self.init_prediction, dtype=np.float64) + + for tree in self.trees: + predictions += self.learning_rate * tree.predict(X) + + return predictions + + +# Example Usage +if __name__ == "__main__": + # Import necessary libraries + import numpy as np + + # Generate synthetic regression data + def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42): + np.random.seed(random_state) + X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1] + coefficients = np.random.rand(n_features) # Random coefficients for linear relation + y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise + return X, y + + # Compute mean squared error manually + def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + + # Generate data + X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42) + y = y / np.std(y) # Normalize target for simplicity + + # Train Gradient Boosting Tree + model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") + model.fit(X, y) + + # Predict + predictions = model.predict(X) + + # Evaluate + mse = mean_squared_error(y, predictions) + print(f"Mean Squared Error: {mse:.4f}") + + print("Predictions for new data:", predictions[:10]) # Display first 10 predictions + + +# In[2]: + + +#Dataset 3 +import pandas as pd +import numpy as np + +# Load Medical Cost dataset +file_path = "https://raw.githubusercontent.com/stedy/Machine-Learning-with-R-datasets/master/insurance.csv" +data = pd.read_csv(file_path) + +# One-hot encode categorical variables +data = pd.get_dummies(data, drop_first=True) + +# Features and Target +X = data.drop('charges', axis=1).values # Convert features to NumPy array +y = data['charges'].values # Convert target to NumPy array + +# Normalize the target variable (y) +y_mean = np.mean(y) +y_std = np.std(y) +y = (y - y_mean) / y_std # Normalize + +# Manual Train-Test Split (80% Train, 20% Test) +n_samples = X.shape[0] +split_ratio = 0.8 # 80% train, 20% test +split_index = int(n_samples * split_ratio) + +# Shuffle indices +indices = np.arange(n_samples) +np.random.seed(42) # For reproducibility +np.random.shuffle(indices) + +# Split the data +train_indices = indices[:split_index] +test_indices = indices[split_index:] + +X_train, X_test = X[train_indices], X[test_indices] +y_train, y_test = y[train_indices], y[test_indices] + +# Train Gradient Boosting Tree +model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss="squared_error") +model.fit(X_train, y_train) + +# Predict on Test Data +predictions = model.predict(X_test) + +# Evaluate +mse = np.mean((y_test - predictions) ** 2) +print(f"Mean Squared Error on Test Data: {mse:.4f}") + +# Rescale Predictions Back to Original Scale +predictions_original_scale = predictions * y_std + y_mean + +# Print example predictions +print("Predictions (original scale):", predictions_original_scale[:10]) + + +# In[ ]: + + + + diff --git a/BoostingTrees/tests/test_synthetic_data.ipynb b/BoostingTrees/tests/test_synthetic_data.ipynb deleted file mode 100644 index 09b42aa..0000000 --- a/BoostingTrees/tests/test_synthetic_data.ipynb +++ /dev/null @@ -1,66 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "7046b855-7d1e-4639-bac3-7120c4c4a71a", - "metadata": {}, - "outputs": [], - "source": [ - "if __name__ == \"__main__\":\n", - " # Import necessary libraries\n", - " import numpy as np\n", - "\n", - " # Generate synthetic regression data\n", - " def make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42):\n", - " np.random.seed(random_state)\n", - " X = np.random.rand(n_samples, n_features) # Features: random values in [0, 1]\n", - " coefficients = np.random.rand(n_features) # Random coefficients for linear relation\n", - " y = X @ coefficients + noise * np.random.randn(n_samples) # Linear relationship + noise\n", - " return X, y\n", - "\n", - " # Compute mean squared error manually\n", - " def mean_squared_error(y_true, y_pred):\n", - " return np.mean((y_true - y_pred) ** 2)\n", - "\n", - " # Generate data\n", - " X, y = make_synthetic_regression(n_samples=100, n_features=7, noise=0.1, random_state=42)\n", - " y = y / np.std(y) # Normalize target for simplicity\n", - "\n", - " # Train Gradient Boosting Tree\n", - " model = GradientBoostingTree(n_estimators=50, learning_rate=0.1, max_depth=3, loss=\"squared_error\")\n", - " model.fit(X, y)\n", - "\n", - " # Predict\n", - " predictions = model.predict(X)\n", - "\n", - " # Evaluate\n", - " mse = mean_squared_error(y, predictions)\n", - " print(f\"Mean Squared Error: {mse:.4f}\")\n", - "\n", - " print(\"Predictions for new data:\", predictions[:10]) # Display first 10 predictions" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} From a6f37e0dea44ec5d997247f4ce19d1923054d1bd Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:31:51 -0600 Subject: [PATCH 14/18] added new files --- ModelSelection/ModelSelection.ipynb | 436 ------------------ ModelSelection/ModelSelection.py | 154 +++++++ ModelSelection/tests/test_bostonhousing.ipynb | 6 - ModelSelection/tests/test_bostonhousing.py | 147 ++++++ ModelSelection/tests/test_diabetes.ipynb | 70 --- ModelSelection/tests/test_diabetes.py | 154 +++++++ .../tests/test_digits_dataset.ipynb | 98 ---- ModelSelection/tests/test_digits_dataset.py | 181 ++++++++ .../tests/test_synthetic_data.ipynb | 70 --- ModelSelection/tests/test_synthetic_data.py | 153 ++++++ ModelSelection/tests/test_winequality.ipynb | 66 --- ModelSelection/tests/test_winequality.py | 150 ++++++ 12 files changed, 939 insertions(+), 746 deletions(-) delete mode 100644 ModelSelection/ModelSelection.ipynb create mode 100644 ModelSelection/ModelSelection.py delete mode 100644 ModelSelection/tests/test_bostonhousing.ipynb create mode 100644 ModelSelection/tests/test_bostonhousing.py delete mode 100644 ModelSelection/tests/test_diabetes.ipynb create mode 100644 ModelSelection/tests/test_diabetes.py delete mode 100644 ModelSelection/tests/test_digits_dataset.ipynb create mode 100644 ModelSelection/tests/test_digits_dataset.py delete mode 100644 ModelSelection/tests/test_synthetic_data.ipynb create mode 100644 ModelSelection/tests/test_synthetic_data.py delete mode 100644 ModelSelection/tests/test_winequality.ipynb create mode 100644 ModelSelection/tests/test_winequality.py diff --git a/ModelSelection/ModelSelection.ipynb b/ModelSelection/ModelSelection.ipynb deleted file mode 100644 index 87c4d44..0000000 --- a/ModelSelection/ModelSelection.ipynb +++ /dev/null @@ -1,436 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "id": "444384f4-beab-41dd-aca5-38c04aa343c0", - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "\n", - "class ModelSelection:\n", - " def __init__(self, model, loss_function):\n", - " \"\"\"\n", - " Initialize the model selector with a given model and loss function.\n", - "\n", - " Parameters:\n", - " - model: A class with `fit` and `predict` methods.\n", - " - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss.\n", - " \"\"\"\n", - " self.model = model\n", - " self.loss_function = loss_function\n", - "\n", - " def k_fold_cross_validation(self, X, y, k=5):\n", - " \"\"\"\n", - " Perform k-fold cross-validation.\n", - "\n", - " Parameters:\n", - " - X: Feature matrix (numpy array).\n", - " - y: Target vector (numpy array).\n", - " - k: Number of folds (default is 5).\n", - "\n", - " Returns:\n", - " - mean_loss: The average loss across all folds.\n", - " \"\"\"\n", - " n = len(y)\n", - " indices = np.arange(n)\n", - " np.random.shuffle(indices)\n", - " fold_size = n // k\n", - " losses = []\n", - "\n", - " for i in range(k):\n", - " test_indices = indices[i * fold_size:(i + 1) * fold_size]\n", - " train_indices = np.setdiff1d(indices, test_indices)\n", - "\n", - " X_train, X_test = X[train_indices], X[test_indices]\n", - " y_train, y_test = y[train_indices], y[test_indices]\n", - "\n", - " self.model.fit(X_train, y_train)\n", - " y_pred = self.model.predict(X_test)\n", - " loss = self.loss_function(y_test, y_pred)\n", - " losses.append(loss)\n", - "\n", - " mean_loss = np.mean(losses)\n", - " return mean_loss\n", - "\n", - " def bootstrap(self, X, y, B=100):\n", - " \"\"\"\n", - " Perform bootstrap resampling to estimate prediction error.\n", - "\n", - " Parameters:\n", - " - X: Feature matrix (numpy array).\n", - " - y: Target vector (numpy array).\n", - " - B: Number of bootstrap samples (default is 100).\n", - "\n", - " Returns:\n", - " - mean_loss: The average loss across all bootstrap samples.\n", - " \"\"\"\n", - " n = len(y)\n", - " losses = []\n", - "\n", - " for _ in range(B):\n", - " bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True)\n", - " oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices)\n", - "\n", - " if len(oob_indices) == 0: # Skip iteration if no OOB samples\n", - " continue\n", - "\n", - " X_train, X_test = X[bootstrap_indices], X[oob_indices]\n", - " y_train, y_test = y[bootstrap_indices], y[oob_indices]\n", - "\n", - " self.model.fit(X_train, y_train)\n", - " y_pred = self.model.predict(X_test)\n", - " loss = self.loss_function(y_test, y_pred)\n", - " losses.append(loss)\n", - "\n", - " mean_loss = np.mean(losses)\n", - " return mean_loss\n", - "\n", - " def evaluate_model(self, X, y, method='k_fold', **kwargs):\n", - " \"\"\"\n", - " Evaluate the model using the specified method.\n", - "\n", - " Parameters:\n", - " - X: Feature matrix (numpy array).\n", - " - y: Target vector (numpy array).\n", - " - method: 'k_fold' or 'bootstrap'.\n", - " - kwargs: Additional parameters for the evaluation method.\n", - "\n", - " Returns:\n", - " - loss: The evaluation loss.\n", - " \"\"\"\n", - " if method == 'k_fold':\n", - " return self.k_fold_cross_validation(X, y, **kwargs)\n", - " elif method == 'bootstrap':\n", - " return self.bootstrap(X, y, **kwargs)\n", - " else:\n", - " raise ValueError(\"Unsupported method. Choose 'k_fold' or 'bootstrap'.\")\n" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "e08ac538-b003-4a57-b172-def7134d705e", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "K-Fold Cross-Validation Loss: 0.010218721629392193\n", - "Bootstrap Loss: 0.010187779954984457\n", - "Mean Squared Error: 0.0093\n", - "First 10 Predictions: [-6.02845904e-01 7.50176355e-01 -1.04552162e+00 2.03622865e+00\n", - " 1.01601727e+00 2.05011940e-01 6.97539978e-01 -1.39914961e-03\n", - " -6.96849252e-01 -3.76952506e-01]\n" - ] - } - ], - "source": [ - "# Example of a simple linear regression model\n", - "class SimpleLinearModel:\n", - " def fit(self, X, y):\n", - " self.coef_ = np.linalg.pinv(X) @ y\n", - "\n", - " def predict(self, X):\n", - " return X @ self.coef_\n", - "\n", - "# Mean squared error loss function\n", - "def mean_squared_error(y_true, y_pred):\n", - " return np.mean((y_true - y_pred) ** 2)\n", - "\n", - "# Create synthetic data\n", - "np.random.seed(42)\n", - "X = np.random.rand(100, 3)\n", - "y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1\n", - "\n", - "# Initialize model and model selector\n", - "model = SimpleLinearModel()\n", - "selector = ModelSelection(model, mean_squared_error)\n", - "\n", - "# Perform k-fold cross-validation\n", - "k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5)\n", - "print(\"K-Fold Cross-Validation Loss:\", k_fold_loss)\n", - "\n", - "# Perform bootstrap\n", - "bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100)\n", - "print(\"Bootstrap Loss:\", bootstrap_loss)\n", - "\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "mse = np.mean((y - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "12b7df6c-efcb-4966-8a5d-f0dbdf3ec6a7", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error: 21.8948\n", - "First 10 Predictions: [30.00384338 25.02556238 30.56759672 28.60703649 27.94352423 25.25628446\n", - " 23.00180827 19.53598843 11.52363685 18.92026211]\n" - ] - } - ], - "source": [ - "#Dataset1\n", - "import numpy as np\n", - "import pandas as pd\n", - "\n", - "# Load dataset\n", - "file_path = \"https://raw.githubusercontent.com/selva86/datasets/master/BostonHousing.csv\"\n", - "data = pd.read_csv(file_path)\n", - "\n", - "# Features and Target\n", - "X = data.drop('medv', axis=1).values\n", - "y = data['medv'].values\n", - "\n", - "# Train Linear Regression (First Principles)\n", - "class LinearRegression:\n", - " def fit(self, X, y):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " self.coef_ = np.linalg.pinv(X.T @ X) @ X.T @ y\n", - "\n", - " def predict(self, X):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " return X @ self.coef_\n", - "\n", - "model = LinearRegression()\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "mse = np.mean((y - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "8f2f344f-9c22-4413-9840-b82461cc1df9", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy: 0.9648\n", - "First 10 Predictions: [6 9 3 7 2 2 5 2 5 2]\n", - "Actual Labels: [6 9 3 7 2 1 5 2 5 2]\n" - ] - } - ], - "source": [ - "# Dataset 2: Multi-Class Logistic Regression\n", - "import numpy as np\n", - "import pandas as pd\n", - "from sklearn.datasets import load_digits\n", - "from sklearn.model_selection import train_test_split\n", - "from sklearn.preprocessing import StandardScaler\n", - "\n", - "# Load the Digits dataset\n", - "digits = load_digits()\n", - "X, y = digits.data, digits.target # Features and target\n", - "\n", - "# Normalize the features\n", - "scaler = StandardScaler()\n", - "X = scaler.fit_transform(X)\n", - "\n", - "# Train-test split\n", - "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)\n", - "\n", - "# Multi-class Logistic Regression with Softmax\n", - "class LogisticRegression:\n", - " def __init__(self, lr=0.01, epochs=5000):\n", - " self.lr = lr\n", - " self.epochs = epochs\n", - " self.coefficients = None\n", - "\n", - " def _softmax(self, z):\n", - " exp_z = np.exp(z - np.max(z, axis=1, keepdims=True)) # Prevent overflow\n", - " return exp_z / np.sum(exp_z, axis=1, keepdims=True)\n", - "\n", - " def fit(self, X, y, num_classes):\n", - " # Add bias term\n", - " X = np.c_[np.ones(X.shape[0]), X]\n", - " self.coefficients = np.random.randn(num_classes, X.shape[1]) * 0.01 # Random initialization\n", - "\n", - " for epoch in range(self.epochs):\n", - " logits = X @ self.coefficients.T # Linear combination\n", - " probabilities = self._softmax(logits) # Apply softmax activation\n", - " \n", - " # Create one-hot encoded target matrix\n", - " y_one_hot = np.zeros((y.size, num_classes))\n", - " y_one_hot[np.arange(y.size), y] = 1\n", - " \n", - " # Compute gradient\n", - " gradient = X.T @ (probabilities - y_one_hot) / len(y)\n", - " self.coefficients -= self.lr * gradient.T # Update coefficients\n", - "\n", - " def predict(self, X):\n", - " # Add bias term\n", - " X = np.c_[np.ones(X.shape[0]), X]\n", - " logits = X @ self.coefficients.T\n", - " probabilities = self._softmax(logits)\n", - " return np.argmax(probabilities, axis=1)\n", - "\n", - "# Initialize and train the model\n", - "model = LogisticRegression(lr=0.01, epochs=5000)\n", - "num_classes = len(np.unique(y_train))\n", - "model.fit(X_train, y_train, num_classes)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X_test)\n", - "accuracy = np.mean(predictions == y_test)\n", - "print(f\"Accuracy: {accuracy:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])\n", - "print(\"Actual Labels: \", y_test[:10])\n" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "9018a638-6c93-4396-8b45-5653aa333b24", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy: 0.6536\n", - "First 10 Predictions: [0 0 0 0 1 0 0 1 1 0]\n" - ] - } - ], - "source": [ - "#Dataset3\n", - "# Load dataset\n", - "file_path = \"https://raw.githubusercontent.com/jbrownlee/Datasets/master/pima-indians-diabetes.data.csv\"\n", - "columns = ['Pregnancies', 'Glucose', 'BloodPressure', 'SkinThickness', 'Insulin', 'BMI', 'DiabetesPedigree', 'Age', 'Outcome']\n", - "data = pd.read_csv(file_path, names=columns)\n", - "\n", - "# Features and Target\n", - "X = data.drop('Outcome', axis=1).values\n", - "y = data['Outcome'].values\n", - "\n", - "# Train Perceptron (Binary Classification)\n", - "class Perceptron:\n", - " def __init__(self, lr=0.1, epochs=100):\n", - " self.lr = lr\n", - " self.epochs = epochs\n", - "\n", - " def fit(self, X, y):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " self.weights = np.zeros(X.shape[1])\n", - " for _ in range(self.epochs):\n", - " for i in range(len(y)):\n", - " prediction = 1 if X[i] @ self.weights > 0 else 0\n", - " self.weights += self.lr * (y[i] - prediction) * X[i]\n", - "\n", - " def predict(self, X):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " return (X @ self.weights > 0).astype(int)\n", - "\n", - "model = Perceptron(lr=0.1, epochs=100)\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "accuracy = np.mean(predictions == y)\n", - "print(f\"Accuracy: {accuracy:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "id": "99c4e2e2-25c0-471b-9120-9a0a61f56131", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Mean Squared Error: 0.4175\n", - "First 10 Predictions: [5.04323344 5.13506106 5.21178615 5.68140344 5.04323344 5.07773597\n", - " 5.1034784 5.32451785 5.32838568 5.63530842]\n" - ] - } - ], - "source": [ - "#Dataset4\n", - "# Load dataset\n", - "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/wine-quality/winequality-red.csv\"\n", - "data = pd.read_csv(file_path, sep=';')\n", - "\n", - "# Features and Target\n", - "X = data.drop('quality', axis=1).values\n", - "y = data['quality'].values\n", - "\n", - "# Train Ridge Regression (First Principles)\n", - "class RidgeRegression:\n", - " def __init__(self, alpha=1.0):\n", - " self.alpha = alpha\n", - "\n", - " def fit(self, X, y):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " I = np.eye(X.shape[1])\n", - " I[0, 0] = 0 # Do not regularize bias term\n", - " self.coef_ = np.linalg.pinv(X.T @ X + self.alpha * I) @ X.T @ y\n", - "\n", - " def predict(self, X):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " return X @ self.coef_\n", - "\n", - "model = RidgeRegression(alpha=1.0)\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "mse = np.mean((y - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])\n" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "d8ae2b8f-39ae-473f-acb5-26e54f71f352", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/ModelSelection/ModelSelection.py b/ModelSelection/ModelSelection.py new file mode 100644 index 0000000..a4edc2e --- /dev/null +++ b/ModelSelection/ModelSelection.py @@ -0,0 +1,154 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") + + +# In[3]: + + +#Dataset3 +# Load dataset +import pandas as pd +file_path = "https://raw.githubusercontent.com/jbrownlee/Datasets/master/pima-indians-diabetes.data.csv" +columns = ['Pregnancies', 'Glucose', 'BloodPressure', 'SkinThickness', 'Insulin', 'BMI', 'DiabetesPedigree', 'Age', 'Outcome'] +data = pd.read_csv(file_path, names=columns) + +# Features and Target +X = data.drop('Outcome', axis=1).values +y = data['Outcome'].values + +# Train Perceptron (Binary Classification) +class Perceptron: + def __init__(self, lr=0.1, epochs=100): + self.lr = lr + self.epochs = epochs + + def fit(self, X, y): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + self.weights = np.zeros(X.shape[1]) + for _ in range(self.epochs): + for i in range(len(y)): + prediction = 1 if X[i] @ self.weights > 0 else 0 + self.weights += self.lr * (y[i] - prediction) * X[i] + + def predict(self, X): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + return (X @ self.weights > 0).astype(int) + +model = Perceptron(lr=0.1, epochs=100) +model.fit(X, y) + +# Evaluate +predictions = model.predict(X) +accuracy = np.mean(predictions == y) +print(f"Accuracy: {accuracy:.4f}") +print("First 10 Predictions:", predictions[:10]) + + +# In[ ]: + + + + diff --git a/ModelSelection/tests/test_bostonhousing.ipynb b/ModelSelection/tests/test_bostonhousing.ipynb deleted file mode 100644 index 363fcab..0000000 --- a/ModelSelection/tests/test_bostonhousing.ipynb +++ /dev/null @@ -1,6 +0,0 @@ -{ - "cells": [], - "metadata": {}, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/ModelSelection/tests/test_bostonhousing.py b/ModelSelection/tests/test_bostonhousing.py new file mode 100644 index 0000000..452b61d --- /dev/null +++ b/ModelSelection/tests/test_bostonhousing.py @@ -0,0 +1,147 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") + + +# In[2]: + + +#Dataset1 +import numpy as np +import pandas as pd + +# Load dataset +file_path = "https://raw.githubusercontent.com/selva86/datasets/master/BostonHousing.csv" +data = pd.read_csv(file_path) + +# Features and Target +X = data.drop('medv', axis=1).values +y = data['medv'].values + +# Train Linear Regression (First Principles) +class LinearRegression: + def fit(self, X, y): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + self.coef_ = np.linalg.pinv(X.T @ X) @ X.T @ y + + def predict(self, X): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + return X @ self.coef_ + +model = LinearRegression() +model.fit(X, y) + +# Evaluate +predictions = model.predict(X) +mse = np.mean((y - predictions) ** 2) +print(f"Mean Squared Error: {mse:.4f}") +print("First 10 Predictions:", predictions[:10]) + + +# In[ ]: + + + + diff --git a/ModelSelection/tests/test_diabetes.ipynb b/ModelSelection/tests/test_diabetes.ipynb deleted file mode 100644 index 8e11cee..0000000 --- a/ModelSelection/tests/test_diabetes.ipynb +++ /dev/null @@ -1,70 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "cbef90b8-69ee-415b-a349-6cb0319cd463", - "metadata": {}, - "outputs": [], - "source": [ - "#Dataset3\n", - "# Load dataset\n", - "file_path = \"https://raw.githubusercontent.com/jbrownlee/Datasets/master/pima-indians-diabetes.data.csv\"\n", - "columns = ['Pregnancies', 'Glucose', 'BloodPressure', 'SkinThickness', 'Insulin', 'BMI', 'DiabetesPedigree', 'Age', 'Outcome']\n", - "data = pd.read_csv(file_path, names=columns)\n", - "\n", - "# Features and Target\n", - "X = data.drop('Outcome', axis=1).values\n", - "y = data['Outcome'].values\n", - "\n", - "# Train Perceptron (Binary Classification)\n", - "class Perceptron:\n", - " def __init__(self, lr=0.1, epochs=100):\n", - " self.lr = lr\n", - " self.epochs = epochs\n", - "\n", - " def fit(self, X, y):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " self.weights = np.zeros(X.shape[1])\n", - " for _ in range(self.epochs):\n", - " for i in range(len(y)):\n", - " prediction = 1 if X[i] @ self.weights > 0 else 0\n", - " self.weights += self.lr * (y[i] - prediction) * X[i]\n", - "\n", - " def predict(self, X):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " return (X @ self.weights > 0).astype(int)\n", - "\n", - "model = Perceptron(lr=0.1, epochs=100)\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "accuracy = np.mean(predictions == y)\n", - "print(f\"Accuracy: {accuracy:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/ModelSelection/tests/test_diabetes.py b/ModelSelection/tests/test_diabetes.py new file mode 100644 index 0000000..a4edc2e --- /dev/null +++ b/ModelSelection/tests/test_diabetes.py @@ -0,0 +1,154 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") + + +# In[3]: + + +#Dataset3 +# Load dataset +import pandas as pd +file_path = "https://raw.githubusercontent.com/jbrownlee/Datasets/master/pima-indians-diabetes.data.csv" +columns = ['Pregnancies', 'Glucose', 'BloodPressure', 'SkinThickness', 'Insulin', 'BMI', 'DiabetesPedigree', 'Age', 'Outcome'] +data = pd.read_csv(file_path, names=columns) + +# Features and Target +X = data.drop('Outcome', axis=1).values +y = data['Outcome'].values + +# Train Perceptron (Binary Classification) +class Perceptron: + def __init__(self, lr=0.1, epochs=100): + self.lr = lr + self.epochs = epochs + + def fit(self, X, y): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + self.weights = np.zeros(X.shape[1]) + for _ in range(self.epochs): + for i in range(len(y)): + prediction = 1 if X[i] @ self.weights > 0 else 0 + self.weights += self.lr * (y[i] - prediction) * X[i] + + def predict(self, X): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + return (X @ self.weights > 0).astype(int) + +model = Perceptron(lr=0.1, epochs=100) +model.fit(X, y) + +# Evaluate +predictions = model.predict(X) +accuracy = np.mean(predictions == y) +print(f"Accuracy: {accuracy:.4f}") +print("First 10 Predictions:", predictions[:10]) + + +# In[ ]: + + + + diff --git a/ModelSelection/tests/test_digits_dataset.ipynb b/ModelSelection/tests/test_digits_dataset.ipynb deleted file mode 100644 index 0f27428..0000000 --- a/ModelSelection/tests/test_digits_dataset.ipynb +++ /dev/null @@ -1,98 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "5e5c3dbe-a79d-404d-9422-8659dd4a7584", - "metadata": {}, - "outputs": [], - "source": [ - "# Dataset 2: Multi-Class Logistic Regression\n", - "import numpy as np\n", - "import pandas as pd\n", - "from sklearn.datasets import load_digits\n", - "from sklearn.model_selection import train_test_split\n", - "from sklearn.preprocessing import StandardScaler\n", - "\n", - "# Load the Digits dataset\n", - "digits = load_digits()\n", - "X, y = digits.data, digits.target # Features and target\n", - "\n", - "# Normalize the features\n", - "scaler = StandardScaler()\n", - "X = scaler.fit_transform(X)\n", - "\n", - "# Train-test split\n", - "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)\n", - "\n", - "# Multi-class Logistic Regression with Softmax\n", - "class LogisticRegression:\n", - " def __init__(self, lr=0.01, epochs=5000):\n", - " self.lr = lr\n", - " self.epochs = epochs\n", - " self.coefficients = None\n", - "\n", - " def _softmax(self, z):\n", - " exp_z = np.exp(z - np.max(z, axis=1, keepdims=True)) # Prevent overflow\n", - " return exp_z / np.sum(exp_z, axis=1, keepdims=True)\n", - "\n", - " def fit(self, X, y, num_classes):\n", - " # Add bias term\n", - " X = np.c_[np.ones(X.shape[0]), X]\n", - " self.coefficients = np.random.randn(num_classes, X.shape[1]) * 0.01 # Random initialization\n", - "\n", - " for epoch in range(self.epochs):\n", - " logits = X @ self.coefficients.T # Linear combination\n", - " probabilities = self._softmax(logits) # Apply softmax activation\n", - " \n", - " # Create one-hot encoded target matrix\n", - " y_one_hot = np.zeros((y.size, num_classes))\n", - " y_one_hot[np.arange(y.size), y] = 1\n", - " \n", - " # Compute gradient\n", - " gradient = X.T @ (probabilities - y_one_hot) / len(y)\n", - " self.coefficients -= self.lr * gradient.T # Update coefficients\n", - "\n", - " def predict(self, X):\n", - " # Add bias term\n", - " X = np.c_[np.ones(X.shape[0]), X]\n", - " logits = X @ self.coefficients.T\n", - " probabilities = self._softmax(logits)\n", - " return np.argmax(probabilities, axis=1)\n", - "\n", - "# Initialize and train the model\n", - "model = LogisticRegression(lr=0.01, epochs=5000)\n", - "num_classes = len(np.unique(y_train))\n", - "model.fit(X_train, y_train, num_classes)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X_test)\n", - "accuracy = np.mean(predictions == y_test)\n", - "print(f\"Accuracy: {accuracy:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])\n", - "print(\"Actual Labels: \", y_test[:10])\n" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/ModelSelection/tests/test_digits_dataset.py b/ModelSelection/tests/test_digits_dataset.py new file mode 100644 index 0000000..93fcb1c --- /dev/null +++ b/ModelSelection/tests/test_digits_dataset.py @@ -0,0 +1,181 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") + + +# In[2]: + + +# Dataset 2: Multi-Class Logistic Regression +import numpy as np +import pandas as pd +from sklearn.datasets import load_digits +from sklearn.model_selection import train_test_split +from sklearn.preprocessing import StandardScaler + +# Load the Digits dataset +digits = load_digits() +X, y = digits.data, digits.target # Features and target + +# Normalize the features +scaler = StandardScaler() +X = scaler.fit_transform(X) + +# Train-test split +X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42) + +# Multi-class Logistic Regression with Softmax +class LogisticRegression: + def __init__(self, lr=0.01, epochs=5000): + self.lr = lr + self.epochs = epochs + self.coefficients = None + + def _softmax(self, z): + exp_z = np.exp(z - np.max(z, axis=1, keepdims=True)) # Prevent overflow + return exp_z / np.sum(exp_z, axis=1, keepdims=True) + + def fit(self, X, y, num_classes): + # Add bias term + X = np.c_[np.ones(X.shape[0]), X] + self.coefficients = np.random.randn(num_classes, X.shape[1]) * 0.01 # Random initialization + + for epoch in range(self.epochs): + logits = X @ self.coefficients.T # Linear combination + probabilities = self._softmax(logits) # Apply softmax activation + + # Create one-hot encoded target matrix + y_one_hot = np.zeros((y.size, num_classes)) + y_one_hot[np.arange(y.size), y] = 1 + + # Compute gradient + gradient = X.T @ (probabilities - y_one_hot) / len(y) + self.coefficients -= self.lr * gradient.T # Update coefficients + + def predict(self, X): + # Add bias term + X = np.c_[np.ones(X.shape[0]), X] + logits = X @ self.coefficients.T + probabilities = self._softmax(logits) + return np.argmax(probabilities, axis=1) + +# Initialize and train the model +model = LogisticRegression(lr=0.01, epochs=5000) +num_classes = len(np.unique(y_train)) +model.fit(X_train, y_train, num_classes) + +# Evaluate +predictions = model.predict(X_test) +accuracy = np.mean(predictions == y_test) +print(f"Accuracy: {accuracy:.4f}") +print("First 10 Predictions:", predictions[:10]) +print("Actual Labels: ", y_test[:10]) + + +# In[ ]: + + + + diff --git a/ModelSelection/tests/test_synthetic_data.ipynb b/ModelSelection/tests/test_synthetic_data.ipynb deleted file mode 100644 index 635fa3a..0000000 --- a/ModelSelection/tests/test_synthetic_data.ipynb +++ /dev/null @@ -1,70 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "a15f3420-3a58-4e56-80a8-a2b741795b63", - "metadata": {}, - "outputs": [], - "source": [ - "# Example of a simple linear regression model\n", - "class SimpleLinearModel:\n", - " def fit(self, X, y):\n", - " self.coef_ = np.linalg.pinv(X) @ y\n", - "\n", - " def predict(self, X):\n", - " return X @ self.coef_\n", - "\n", - "# Mean squared error loss function\n", - "def mean_squared_error(y_true, y_pred):\n", - " return np.mean((y_true - y_pred) ** 2)\n", - "\n", - "# Create synthetic data\n", - "np.random.seed(42)\n", - "X = np.random.rand(100, 3)\n", - "y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1\n", - "\n", - "# Initialize model and model selector\n", - "model = SimpleLinearModel()\n", - "selector = ModelSelection(model, mean_squared_error)\n", - "\n", - "# Perform k-fold cross-validation\n", - "k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5)\n", - "print(\"K-Fold Cross-Validation Loss:\", k_fold_loss)\n", - "\n", - "# Perform bootstrap\n", - "bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100)\n", - "print(\"Bootstrap Loss:\", bootstrap_loss)\n", - "\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "mse = np.mean((y - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/ModelSelection/tests/test_synthetic_data.py b/ModelSelection/tests/test_synthetic_data.py new file mode 100644 index 0000000..cea0b46 --- /dev/null +++ b/ModelSelection/tests/test_synthetic_data.py @@ -0,0 +1,153 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") + + +# In[2]: + + +# Example of a simple linear regression model +class SimpleLinearModel: + def fit(self, X, y): + self.coef_ = np.linalg.pinv(X) @ y + + def predict(self, X): + return X @ self.coef_ + +# Mean squared error loss function +def mean_squared_error(y_true, y_pred): + return np.mean((y_true - y_pred) ** 2) + +# Create synthetic data +np.random.seed(42) +X = np.random.rand(100, 3) +y = X @ np.array([1.5, -2.0, 1.0]) + np.random.randn(100) * 0.1 + +# Initialize model and model selector +model = SimpleLinearModel() +selector = ModelSelection(model, mean_squared_error) + +# Perform k-fold cross-validation +k_fold_loss = selector.evaluate_model(X, y, method='k_fold', k=5) +print("K-Fold Cross-Validation Loss:", k_fold_loss) + +# Perform bootstrap +bootstrap_loss = selector.evaluate_model(X, y, method='bootstrap', B=100) +print("Bootstrap Loss:", bootstrap_loss) + +model.fit(X, y) + +# Evaluate +predictions = model.predict(X) +mse = np.mean((y - predictions) ** 2) +print(f"Mean Squared Error: {mse:.4f}") +print("First 10 Predictions:", predictions[:10]) + + +# In[ ]: + + + + diff --git a/ModelSelection/tests/test_winequality.ipynb b/ModelSelection/tests/test_winequality.ipynb deleted file mode 100644 index 27a4ca3..0000000 --- a/ModelSelection/tests/test_winequality.ipynb +++ /dev/null @@ -1,66 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": null, - "id": "05c0b70b-5c94-4878-ba40-e8f4b6a0555f", - "metadata": {}, - "outputs": [], - "source": [ - "#Dataset4\n", - "# Load dataset\n", - "file_path = \"https://archive.ics.uci.edu/ml/machine-learning-databases/wine-quality/winequality-red.csv\"\n", - "data = pd.read_csv(file_path, sep=';')\n", - "\n", - "# Features and Target\n", - "X = data.drop('quality', axis=1).values\n", - "y = data['quality'].values\n", - "\n", - "# Train Ridge Regression (First Principles)\n", - "class RidgeRegression:\n", - " def __init__(self, alpha=1.0):\n", - " self.alpha = alpha\n", - "\n", - " def fit(self, X, y):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " I = np.eye(X.shape[1])\n", - " I[0, 0] = 0 # Do not regularize bias term\n", - " self.coef_ = np.linalg.pinv(X.T @ X + self.alpha * I) @ X.T @ y\n", - "\n", - " def predict(self, X):\n", - " X = np.c_[np.ones(X.shape[0]), X] # Add bias term\n", - " return X @ self.coef_\n", - "\n", - "model = RidgeRegression(alpha=1.0)\n", - "model.fit(X, y)\n", - "\n", - "# Evaluate\n", - "predictions = model.predict(X)\n", - "mse = np.mean((y - predictions) ** 2)\n", - "print(f\"Mean Squared Error: {mse:.4f}\")\n", - "print(\"First 10 Predictions:\", predictions[:10])\n" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.3" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/ModelSelection/tests/test_winequality.py b/ModelSelection/tests/test_winequality.py new file mode 100644 index 0000000..80ec670 --- /dev/null +++ b/ModelSelection/tests/test_winequality.py @@ -0,0 +1,150 @@ +#!/usr/bin/env python +# coding: utf-8 + +# In[1]: + + +import numpy as np + +class ModelSelection: + def __init__(self, model, loss_function): + """ + Initialize the model selector with a given model and loss function. + + Parameters: + - model: A class with `fit` and `predict` methods. + - loss_function: A callable that takes (y_true, y_pred) and returns a scalar loss. + """ + self.model = model + self.loss_function = loss_function + + def k_fold_cross_validation(self, X, y, k=5): + """ + Perform k-fold cross-validation. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - k: Number of folds (default is 5). + + Returns: + - mean_loss: The average loss across all folds. + """ + n = len(y) + indices = np.arange(n) + np.random.shuffle(indices) + fold_size = n // k + losses = [] + + for i in range(k): + test_indices = indices[i * fold_size:(i + 1) * fold_size] + train_indices = np.setdiff1d(indices, test_indices) + + X_train, X_test = X[train_indices], X[test_indices] + y_train, y_test = y[train_indices], y[test_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def bootstrap(self, X, y, B=100): + """ + Perform bootstrap resampling to estimate prediction error. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - B: Number of bootstrap samples (default is 100). + + Returns: + - mean_loss: The average loss across all bootstrap samples. + """ + n = len(y) + losses = [] + + for _ in range(B): + bootstrap_indices = np.random.choice(np.arange(n), size=n, replace=True) + oob_indices = np.setdiff1d(np.arange(n), bootstrap_indices) + + if len(oob_indices) == 0: # Skip iteration if no OOB samples + continue + + X_train, X_test = X[bootstrap_indices], X[oob_indices] + y_train, y_test = y[bootstrap_indices], y[oob_indices] + + self.model.fit(X_train, y_train) + y_pred = self.model.predict(X_test) + loss = self.loss_function(y_test, y_pred) + losses.append(loss) + + mean_loss = np.mean(losses) + return mean_loss + + def evaluate_model(self, X, y, method='k_fold', **kwargs): + """ + Evaluate the model using the specified method. + + Parameters: + - X: Feature matrix (numpy array). + - y: Target vector (numpy array). + - method: 'k_fold' or 'bootstrap'. + - kwargs: Additional parameters for the evaluation method. + + Returns: + - loss: The evaluation loss. + """ + if method == 'k_fold': + return self.k_fold_cross_validation(X, y, **kwargs) + elif method == 'bootstrap': + return self.bootstrap(X, y, **kwargs) + else: + raise ValueError("Unsupported method. Choose 'k_fold' or 'bootstrap'.") + + +# In[2]: + + +#Dataset4 +# Load dataset +import pandas as pd +file_path = "https://archive.ics.uci.edu/ml/machine-learning-databases/wine-quality/winequality-red.csv" +data = pd.read_csv(file_path, sep=';') + +# Features and Target +X = data.drop('quality', axis=1).values +y = data['quality'].values + +# Train Ridge Regression (First Principles) +class RidgeRegression: + def __init__(self, alpha=1.0): + self.alpha = alpha + + def fit(self, X, y): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + I = np.eye(X.shape[1]) + I[0, 0] = 0 # Do not regularize bias term + self.coef_ = np.linalg.pinv(X.T @ X + self.alpha * I) @ X.T @ y + + def predict(self, X): + X = np.c_[np.ones(X.shape[0]), X] # Add bias term + return X @ self.coef_ + +model = RidgeRegression(alpha=1.0) +model.fit(X, y) + +# Evaluate +predictions = model.predict(X) +mse = np.mean((y - predictions) ** 2) +print(f"Mean Squared Error: {mse:.4f}") +print("First 10 Predictions:", predictions[:10]) + + +# In[ ]: + + + + From ebde9809f6a2d82aaaef7d7593708aa1fd01d75d Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:35:14 -0600 Subject: [PATCH 15/18] modified readme file for boosting trees --- ModelSelection/README.md | 34 +++++++++++++++++++++++++++++++++- 1 file changed, 33 insertions(+), 1 deletion(-) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index 9666dab..8c84820 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -8,7 +8,6 @@ Implement the gradient-boosting tree algorithm (with the usual fit-predict inter Put your README below. Answer the following questions. -# Project 2 # Group Name: A20560777 @@ -18,46 +17,79 @@ Pooja Pranavi Nalamothu (CWID: A20560777) # Model Selection 1. Do your cross-validation and bootstrapping model selectors agree with a simpler model selector like AIC in simple cases (like linear regression)? + Yes. For basic problems like linear regression, cross validation and boot strap techniques are found to select the models which are equally selected by AIC in most of the cases. They both try to assess the model’s suitability for classifying unknown data. Holds its measures on prediction errors of cross-validation while AIC assesses the goodness of the fit and charges the model complexity. According to Li et al., when the assumptions of AIC (like errors’ normally distributed nature) are valid, the results match perfectly. However, cross validation can be more robust when assumptions that lead to it are not met. + 2. In what cases might the methods you've written fail or give incorrect or undesirable results? + Cross-Validation: + • Small Datasets: Finally, while k-fold cross-validation may produce high variance when used in datasets with little samples because of limited data within each fold. + • Imbalanced Data: If the dataset is imbalanced, these particular classes can be minority samples in some folds which can cause a skewed assessment. + • Overfitting in Small Folds: If the model is too flexible, it may fit the training subsets which are small in size. + Bootstrapping: + • Overlap in Training and Test Data: It should be noted that in bootstrap samples the observations can be repeated in both sets: training and test, which causes the over estimation of the performance. + • Highly Complex Models: The major draw back of bootstrapping is that it may not produce the right estimate of prediction error when working with models that are very sensitive to small changes in data. + • High Bias in Small Datasets: Bootstrap techniques may give a biased estimation if the size of the current dataset is virtually small; the amount of unseen samples during each bootstrap repetition reduces. + 3. What could you implement given more time to mitigate these cases or help users of your methods? + • Stratified Cross-Validation: For unrealistic data split, applying the technique of stratified k-fold cross validation where each fold in the dataset shall have reasonable distribution of classes. + • Leave-One-Out Cross-Validation (LOOCV): However, LOOCV should only be applied on very small datasets so as to minimize variance when evaluating the model. + • Improved Bootstrapping Techniques: Perform the use the of .632+ bootstrap estimator so as to reduce the over estimation bias that arises when using bootstrap predict from over fitted models. + • Time-Series Specific Validation: Add rolling cross-validation or other similar to it that is better suited for time series or dependent data. + • Regularization Support: Implementation of automatic hyperparameter tuning of regularized models such as ridge regression and Lasso regression to reduce overfitting. + • Model Diagnostics: Integrated diagnostic plots or metrics will help to detect overtraining, underfitting or unbalanced data problem. + • Parallelization: For faster execution on large datasets, replicate k-fold or bootstrap computations where the experiment is the different subset of data. + 4. What parameters have you exposed to your users in order to use your model selectors? + For Cross-Validation: + • k: K parameter of k-fold cross validation, it represents number of folds which divides data set into two sets- training and testing. + • random_state: A seed for reproducibility when shuffling the data comes in handy. + • loss_function: Another function created by the user which computes the loss, these can be MSE, MAE and other such pertinent parameters. + For Bootstrapping: + • B: Number of bootstrap samples. + • loss_function: A function defined by a user that is meant to capture the loss (for example a measure of variance, accuracy). • alpha: A parameter when constructing the model in the form of a decision tree, allows for calculating confidence intervals of the indicator of model quality. + For Models: + • Learning rate and the number of iterations for an algorithm as well as some parameters of the learning problem like normalization. How to run the code + Step 1: + Clone or download the code: Ensure all the datasets are in the correct paths as mentioned in the code. Step 2: + Install necessary dependencies Step 3: + Run the script Step 4: + Ensure all the datasets are properly loaded and called Note: Update paths in the script, if required. From 6ddf33bdd8295374a430b054c3d8d77b9479fae0 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:39:35 -0600 Subject: [PATCH 16/18] modified readme file for boosting trees --- BoostingTrees/README.md | 58 ++++++++++++++++++++++++++++++++++++++++- 1 file changed, 57 insertions(+), 1 deletion(-) diff --git a/BoostingTrees/README.md b/BoostingTrees/README.md index 9fdd81b..75a520f 100644 --- a/BoostingTrees/README.md +++ b/BoostingTrees/README.md @@ -8,79 +8,135 @@ Implement the gradient-boosting tree algorithm (with the usual fit-predict inter Put your README below. Answer the following questions. -# Project 2 # Group Name: A20560777 # Group Members: Pooja Pranavi Nalamothu (CWID: A20560777) # Gradient Boosting Tree + 1. What does the model you have implemented do, and when should it be used? + Gradient Boosting Tree (GBT) is an algorithm used in supporting machine learning for regression problems. It develops an additive model that is constructed sequentially through using predictions from decisions trees which each step aims at capturing residuals of the trees employed earlier on. This approach makes it flexible for use when dealing with large amounts of datasets, and good for recognizing non-linear patterns. + When to use it: + • When you are working with numeric features and your target variable is a continuous variable (regression problem). + • When it is difficult to express a dependence between an independent variable and a target by reference to the linear equation of regression. + • When it is necessary to understand, which features affect models’ decisions in decision trees. + • It is most appropriate for datasets of considerable size but not for datasets to which a large number of observations is attributed as the GBT models can be resource demanding when used on large datasets. + 2. How did you test your model to determine if it is working reasonably correctly? + Synthetic Dataset: + To further evaluate this model, we tested it on a synthetic data which was created using a linear weighted sum of all the features with some noise added. The use of the model was an efficient approach to reducing the Mean Squared Error (MSE) and proposed values that were near the actual numbers. + Real Datasets: + Applied the model to various real-world datasets: + • Energy Efficiency Dataset: Predicted heating loads in buildings. + • Medical Cost Dataset: Forecast of insurance to charges depending on demographic and health characteristics. + • Auto MPG Dataset: In these models fuel efficiency in terms of car’s MPG has been predicted based on vehicle characteristics. + • Wine Quality Dataset: To reflect the quality of wine three general metrics of quality where used to predict the quality scores of the wine given in function of the chemical features. + Validation Metrics: • Summarized the model’s validation by manually calculating the Mean Squared Error (MSE) for accuracy’s sake, not without prebuilt libraries. + • Calculated probabilities of the light level to ensure that they were realistic, that is, within the optimal range of the target values and consistent with the data trends. + Debugging: + • Measures the numbers of input features, targets, and prediction to standardization among datasets. + • The findings were then analyzed relative to baseline models such as mean predictions to establish improved outcomes. 3. What parameters have you exposed to users of your implementation in order to tune performance? + The following parameters are exposed in the implementation: + n_estimators: Number of decision trees to train. + • Higher values allow better learning but increase training time. + • Default: 50. + learning_rate: Determines the contribution of each tree to the final prediction. + • Smaller values prevent overfitting but require more trees. + • Default: 0.1. + max_depth: Maximum depth of individual trees. + • Controls the complexity of each tree and prevents overfitting. + • Default: 3. + loss: Loss function for computing gradients. + • Current implementation supports squared error for regression 4. Are there specific inputs that your implementation has trouble with? + Categorical Features: + It is also important to note that the current development does not directly cater for categorical variables. Such features must be encoded by users using one-hot encoding or label encoding. + Large Datasets: + An important limitation of handling very large datasets (e.g., millions of samples) involves high computational costs, owing to the sequential structure of gradient boosting. + Imbalanced Data: + In the case of having highly skewed distributions in a target variable, it becomes hard for a model to predict an event that rarely occurs. + High-Dimensional Features: + In particular, if the number of features is large enough and varies, for example, in thousands, then the splits of the decision tree are also large enough and may not generalize well, so the model will begin to over-fit. + Given more time, could you work around these, or is it fundamental? + Yes, most of these issues can be addressed with additional time: + • Categorical Handling: One of the modifications carried out is to try to incorporate directly splits of categorical variables in the decision tree. + • Scalability: The use of parallelization, or incremental boosting technique such as chunking of the data will go a long way in ensuring that the techniques do not give out negative results. + • Loss Function Extension: It will also enhance its support for other types of losses such as absolute error, Huber, or type of classification loss. + However, some challenges such as overfitting when working with high dimensional features are all inherent characteristics of a decision tree model and may only be solved either with external data preprocessing tools or by use of other architectures of the model. How to run the code + Step 1: + Clone or download the code: Ensure all the datasets are in the correct paths as mentioned in the code. + Step 2: + Install necessary dependencies Step 3: + Run the script Step 4: + Ensure all the datasets are properly loaded and called + Note: Update paths in the script, if required. + Basic Usage: + • For Synthetic Data, you can run this code directly + CODE: ```python import numpy as np From 71613ae037a64fc8c1a52547a7e51516497dde86 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:41:17 -0600 Subject: [PATCH 17/18] modified readme file for model selection --- ModelSelection/README.md | 9 --------- 1 file changed, 9 deletions(-) diff --git a/ModelSelection/README.md b/ModelSelection/README.md index 8c84820..4e0583d 100644 --- a/ModelSelection/README.md +++ b/ModelSelection/README.md @@ -1,14 +1,5 @@ # Project 2 -Select one of the following two options: - -## Boosting Trees - -Implement the gradient-boosting tree algorithm (with the usual fit-predict interface) as described in Sections 10.9-10.10 of Elements of Statistical Learning (2nd Edition). Answer the questions below as you did for Project 1. - -Put your README below. Answer the following questions. - - # Group Name: A20560777 # Group Members: From 5cba36b0895835336da840c64bc76e2accce49d9 Mon Sep 17 00:00:00 2001 From: Pooja Pranavi Nalamothu Date: Thu, 21 Nov 2024 23:42:46 -0600 Subject: [PATCH 18/18] modified readme file for boosting trees --- BoostingTrees/README.md | 8 -------- 1 file changed, 8 deletions(-) diff --git a/BoostingTrees/README.md b/BoostingTrees/README.md index 75a520f..1d48e9d 100644 --- a/BoostingTrees/README.md +++ b/BoostingTrees/README.md @@ -1,13 +1,5 @@ # Project 2 -Select one of the following two options: - -## Boosting Trees - -Implement the gradient-boosting tree algorithm (with the usual fit-predict interface) as described in Sections 10.9-10.10 of Elements of Statistical Learning (2nd Edition). Answer the questions below as you did for Project 1. - -Put your README below. Answer the following questions. - # Group Name: A20560777 # Group Members: Pooja Pranavi Nalamothu (CWID: A20560777)